期刊文献+
共找到147篇文章
< 1 2 8 >
每页显示 20 50 100
A Spectral Convolutional Neural Network Model Based on Adaptive Fick’s Law for Hyperspectral Image Classification
1
作者 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
Improving Generalization for Hyperspectral Image Classification:The Impact of Disjoint Sampling on Deep Models
2
作者 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
Batch Active Learning for Multispectral and Hyperspectral Image Segmentation Using Similarity Graphs
3
作者 Bohan Chen Kevin Miller +1 位作者 Andrea L.Bertozzi Jon Schwenk 《Communications on Applied Mathematics and Computation》 EI 2024年第2期1013-1033,共21页
Graph learning,when used as a semi-supervised learning(SSL)method,performs well for classification tasks with a low label rate.We provide a graph-based batch active learning pipeline for pixel/patch neighborhood multi... Graph learning,when used as a semi-supervised learning(SSL)method,performs well for classification tasks with a low label rate.We provide a graph-based batch active learning pipeline for pixel/patch neighborhood multi-or hyperspectral image segmentation.Our batch active learning approach selects a collection of unlabeled pixels that satisfy a graph local maximum constraint for the active learning acquisition function that determines the relative importance of each pixel to the classification.This work builds on recent advances in the design of novel active learning acquisition functions(e.g.,the Model Change approach in arXiv:2110.07739)while adding important further developments including patch-neighborhood image analysis and batch active learning methods to further increase the accuracy and greatly increase the computational efficiency of these methods.In addition to improvements in the accuracy,our approach can greatly reduce the number of labeled pixels needed to achieve the same level of the accuracy based on randomly selected labeled pixels. 展开更多
关键词 image segmentation Graph learning Batch active learning hyperspectral image
下载PDF
Hyperspectral Image Super-Resolution Network Based on Reinforcing Inter-Spectral Incremental Information
4
作者 Jialong Liang Qiang Li +2 位作者 Size Wang Charles Okanda Nyatega Xin Guan 《Journal of Beijing Institute of Technology》 EI CAS 2024年第4期307-325,共19页
Hyperspectral images typically have high spectral resolution but low spatial resolution,which impacts the reliability and accuracy of subsequent applications,for example,remote sensingclassification and mineral identi... Hyperspectral images typically have high spectral resolution but low spatial resolution,which impacts the reliability and accuracy of subsequent applications,for example,remote sensingclassification and mineral identification.But in traditional methods via deep convolution neural net-works,indiscriminately extracting and fusing spectral and spatial features makes it challenging toutilize the differentiated information across adjacent spectral channels.Thus,we proposed a multi-branch interleaved iterative upsampling hyperspectral image super-resolution reconstruction net-work(MIIUSR)to address the above problems.We reinforce spatial feature extraction by integrat-ing detailed features from different receptive fields across adjacent channels.Furthermore,we pro-pose an interleaved iterative upsampling process during the reconstruction stage,which progres-sively fuses incremental information among adjacent frequency bands.Additionally,we add twoparallel three dimensional(3D)feature extraction branches to the backbone network to extractspectral and spatial features of varying granularity.We further enhance the backbone network’sconstruction results by leveraging the difference between two dimensional(2D)channel-groupingspatial features and 3D multi-granularity features.The results obtained by applying the proposednetwork model to the CAVE test set show that,at a scaling factor of×4,the peak signal to noiseratio,spectral angle mapping,and structural similarity are 37.310 dB,3.525 and 0.9438,respec-tively.Besides,extensive experiments conducted on the Harvard and Foster datasets demonstratethe superior potential of the proposed model in hyperspectral super-resolution reconstruction. 展开更多
关键词 image processing hyperspectral image super-solution incremental information
下载PDF
Multiscale Fusion Transformer Network for Hyperspectral Image Classification
5
作者 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
Hyperspectral Image Super-Resolution Meets Deep Learning:A Survey and Perspective 被引量:3
6
作者 Xinya Wang Qian Hu +1 位作者 Yingsong Cheng Jiayi Ma 《IEEE/CAA Journal of Automatica Sinica》 SCIE EI CSCD 2023年第8期1668-1691,共24页
Hyperspectral image super-resolution,which refers to reconstructing the high-resolution hyperspectral image from the input low-resolution observation,aims to improve the spatial resolution of the hyperspectral image,w... Hyperspectral image super-resolution,which refers to reconstructing the high-resolution hyperspectral image from the input low-resolution observation,aims to improve the spatial resolution of the hyperspectral image,which is beneficial for subsequent applications.The development of deep learning has promoted significant progress in hyperspectral image super-resolution,and the powerful expression capabilities of deep neural networks make the predicted results more reliable.Recently,several latest deep learning technologies have made the hyperspectral image super-resolution method explode.However,a comprehensive review and analysis of the latest deep learning methods from the hyperspectral image super-resolution perspective is absent.To this end,in this survey,we first introduce the concept of hyperspectral image super-resolution and classify the methods from the perspectives with or without auxiliary information.Then,we review the learning-based methods in three categories,including single hyperspectral image super-resolution,panchromatic-based hyperspectral image super-resolution,and multispectral-based hyperspectral image super-resolution.Subsequently,we summarize the commonly used hyperspectral dataset,and the evaluations for some representative methods in three categories are performed qualitatively and quantitatively.Moreover,we briefly introduce several typical applications of hyperspectral image super-resolution,including ground object classification,urban change detection,and ecosystem monitoring.Finally,we provide the conclusion and challenges in existing learning-based methods,looking forward to potential future research directions. 展开更多
关键词 Deep learning hyperspectral image image fusion image super-resolution SURVEY
下载PDF
Deep hybrid: Multi-graph neural network collaboration for hyperspectral image classification 被引量:3
7
作者 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
Three-Stages Hyperspectral Image Compression Sensing with Band Selection
8
作者 Jingbo Zhang Yanjun Zhang +1 位作者 Xingjuan Cai Liping Xie 《Computer Modeling in Engineering & Sciences》 SCIE EI 2023年第1期293-316,共24页
Compressed sensing(CS),as an efficient data transmission method,has achieved great success in the field of data transmission such as image,video and text.It can robustly recover signals from fewer Measurements,effecti... Compressed sensing(CS),as an efficient data transmission method,has achieved great success in the field of data transmission such as image,video and text.It can robustly recover signals from fewer Measurements,effectively alleviating the bandwidth pressure during data transmission.However,CS has many shortcomings in the transmission of hyperspectral image(HSI)data.This work aims to consider the application of CS in the transmission of hyperspectral image(HSI)data,and provides a feasible research scheme for CS of HSI data.HSI has rich spectral information and spatial information in bands,which can reflect the physical properties of the target.Most of the hyperspectral image compressed sensing(HSICS)algorithms cannot effectively use the inter-band information of HSI,resulting in poor reconstruction effects.In this paper,A three-stage hyperspectral image compression sensing algorithm(Three-stages HSICS)is proposed to obtain intra-band and inter-band characteristics of HSI,which can improve the reconstruction accuracy of HSI.Here,we establish a multi-objective band selection(Mop-BS)model,amulti-hypothesis prediction(MHP)model and a residual sparse(ReWSR)model for HSI,and use a staged reconstruction method to restore the compressed HSI.The simulation results show that the three-stage HSICS successfully improves the reconstruction accuracy of HSICS,and it performs best among all comparison algorithms. 展开更多
关键词 Combinatorial optimization band selection hyperspectral image compressed sensing
下载PDF
Topology and Semantic Information Fusion Classification Network Based on Hyperspectral Images of Chinese Herbs
9
作者 Boyu Zhao Yuxiang Zhang +2 位作者 Zhengqi Guo Mengmeng Zhang Wei Li 《Journal of Beijing Institute of Technology》 EI CAS 2023年第5期551-561,共11页
Most methods for classifying hyperspectral data only consider the local spatial relation-ship among samples,ignoring the important non-local topological relationship.However,the non-local topological relationship is b... Most methods for classifying hyperspectral data only consider the local spatial relation-ship among samples,ignoring the important non-local topological relationship.However,the non-local topological relationship is better at representing the structure of hyperspectral data.This paper proposes a deep learning model called Topology and semantic information fusion classification network(TSFnet)that incorporates a topology structure and semantic information transmis-sion network to accurately classify traditional Chinese medicine in hyperspectral images.TSFnet uses a convolutional neural network(CNN)to extract features and a graph convolution network(GCN)to capture potential topological relationships among different types of Chinese herbal medicines.The results show that TSFnet outperforms other state-of-the-art deep learning classification algorithms in two different scenarios of herbal medicine datasets.Additionally,the proposed TSFnet model is lightweight and can be easily deployed for mobile herbal medicine classification. 展开更多
关键词 Chinese herbs hyperspectral image deep learning non-local topological relationships convolutional neural network(CNN) graph convolutional network(GCN) LIGHTWEIGHT
下载PDF
Automated Red Deer Algorithm with Deep Learning Enabled Hyperspectral Image Classification
10
作者 B.Chellapraba D.Manohari +1 位作者 K.Periyakaruppan M.S.Kavitha 《Intelligent Automation & Soft Computing》 SCIE 2023年第2期2353-2366,共14页
Hyperspectral(HS)image classification is a hot research area due to challenging issues such as existence of high dimensionality,restricted training data,etc.Precise recognition of features from the HS images is importa... Hyperspectral(HS)image classification is a hot research area due to challenging issues such as existence of high dimensionality,restricted training data,etc.Precise recognition of features from the HS images is important for effective classification outcomes.Additionally,the recent advancements of deep learning(DL)models make it possible in several application areas.In addition,the performance of the DL models is mainly based on the hyperparameter setting which can be resolved by the design of metaheuristics.In this view,this article develops an automated red deer algorithm with deep learning enabled hyperspec-tral image(HSI)classification(RDADL-HIC)technique.The proposed RDADL-HIC technique aims to effectively determine the HSI images.In addition,the RDADL-HIC technique comprises a NASNetLarge model with Adagrad optimi-zer.Moreover,RDA with gated recurrent unit(GRU)approach is used for the identification and classification of HSIs.The design of Adagrad optimizer with RDA helps to optimally tune the hyperparameters of the NASNetLarge and GRU models respectively.The experimental results stated the supremacy of the RDADL-HIC model and the results are inspected interms of different measures.The comparison study of the RDADL-HIC model demonstrated the enhanced per-formance over its recent state of art approaches. 展开更多
关键词 hyperspectral images image classification deep learning adagrad optimizer nasnetlarge model red deer algorithm
下载PDF
Spatial-Spectral Joint Network for Cholangiocarcinoma Microscopic Hyperspectral Image Classification
11
作者 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
A Novel Fuzzy Inference System-Based Endmember Extraction in Hyperspectral Images
12
作者 M.R.Vimala Devi S.Kalaivani 《Intelligent Automation & Soft Computing》 SCIE 2023年第8期2459-2476,共18页
Spectral unmixing helps to identify different components present in the spectral mixtures which occur in the uppermost layer of the area owing to the low spatial resolution of hyperspectral images.Most spectral unmixi... Spectral unmixing helps to identify different components present in the spectral mixtures which occur in the uppermost layer of the area owing to the low spatial resolution of hyperspectral images.Most spectral unmixing methods are globally based and do not consider the spectral variability among its endmembers that occur due to illumination,atmospheric,and environmental conditions.Here,endmember bundle extraction plays a major role in overcoming the above-mentioned limitations leading to more accurate abundance fractions.Accordingly,a two-stage approach is proposed to extract endmembers through endmember bundles in hyperspectral images.The divide and conquer method is applied as the first step in subset images with only the non-redundant bands to extract endmembers using the Vertex Component Analysis(VCA)and N-FINDR algorithms.A fuzzy rule-based inference system utilizing spectral matching parameters is proposed in the second step to categorize endmembers.The endmember with the minimum error is chosen as the final endmember in each specific category.The proposed method is simple and automatically considers endmember variability in hyperspectral images.The efficiency of the proposed method is evaluated using two real hyperspectral datasets.The average spectral angle and abundance angle are used to analyze the performance measures. 展开更多
关键词 hyperspectral image spectral unmixing spectral matching endmember bundles fuzzy inference system
下载PDF
Hybrid Multi-Strategy Aquila Optimization with Deep Learning Driven Crop Type Classification on Hyperspectral Images
13
作者 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
Dimensionality Reduction Using Optimized Self-Organized Map Technique for Hyperspectral Image Classification
14
作者 S.Srinivasan K.Rajakumar 《Computer Systems Science & Engineering》 SCIE EI 2023年第11期2481-2496,共16页
The high dimensionalhyperspectral image classification is a challenging task due to the spectral feature vectors.The high correlation between these features and the noises greatly affects the classification performanc... The high dimensionalhyperspectral image classification is a challenging task due to the spectral feature vectors.The high correlation between these features and the noises greatly affects the classification performances.To overcome this,dimensionality reduction techniques are widely used.Traditional image processing applications recently propose numerous deep learning models.However,in hyperspectral image classification,the features of deep learning models are less explored.Thus,for efficient hyperspectral image classification,a depth-wise convolutional neural network is presented in this research work.To handle the dimensionality issue in the classification process,an optimized self-organized map model is employed using a water strider optimization algorithm.The network parameters of the self-organized map are optimized by the water strider optimization which reduces the dimensionality issues and enhances the classification performances.Standard datasets such as Indian Pines and the University of Pavia(UP)are considered for experimental analysis.Existing dimensionality reduction methods like Enhanced Hybrid-Graph Discriminant Learning(EHGDL),local geometric structure Fisher analysis(LGSFA),Discriminant Hyper-Laplacian projection(DHLP),Group-based tensor model(GBTM),and Lower rank tensor approximation(LRTA)methods are compared with proposed optimized SOM model.Results confirm the superior performance of the proposed model of 98.22%accuracy for the Indian pines dataset and 98.21%accuracy for the University of Pavia dataset over the existing maximum likelihood classifier,and Support vector machine(SVM). 展开更多
关键词 hyperspectral image dimensionality reduction depth-wise separable model water strider optimization self-organized map
下载PDF
Hyperspectral Image Sharpening Based on Deep Convolutional Neural Network and Spatial-Spectral Spread Transform Models
15
作者 陆小辰 刘晓慧 +2 位作者 杨德政 赵萍 阳云龙 《Journal of Donghua University(English Edition)》 CAS 2023年第1期88-95,共8页
In order to improve the spatial resolution of hyperspectral(HS)image and minimize the spectral distortion,an HS and multispectral(MS)image fusion approach based on convolutional neural network(CNN)is proposed.The prop... In order to improve the spatial resolution of hyperspectral(HS)image and minimize the spectral distortion,an HS and multispectral(MS)image fusion approach based on convolutional neural network(CNN)is proposed.The proposed approach incorporates the linear spectral mixture model and spatial-spectral spread transform model into the learning phase of network,aiming to fully exploit the spatial-spectral information of HS and MS images,and improve the spectral fidelity of fusion images.Experiments on two real remote sensing data under different resolutions demonstrate that compared with some state-of-the-art HS and MS image fusion methods,the proposed approach achieves superior spectral fidelities and lower fusion errors. 展开更多
关键词 convolutional neural network(CNN) hyperspectral image image fusion multispectral image unmixing method
下载PDF
Hypergraph Regularized Deep Autoencoder for Unsupervised Unmixing Hyperspectral Images
16
作者 张泽兴 杨斌 《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 Images-Based Crop Classification Scheme for Agricultural Remote Sensing
17
作者 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
Investigation on Physiological Status of Regional Vegetation Using Pushbroom Hyperspectral Imager Data 被引量:1
18
作者 甘甫平 王润生 +1 位作者 马蔼乃 杨苏明 《Acta Botanica Sinica》 CSCD 2002年第8期983-989,共7页
To extract vegetation pigment concentration and physiological status has been studied in two test areas covered with swamp and flourish vegetation using pushbroom hyperspectral imager (PHI) data which flied in Septemb... To extract vegetation pigment concentration and physiological status has been studied in two test areas covered with swamp and flourish vegetation using pushbroom hyperspectral imager (PHI) data which flied in September of 2000 at Daxing'anling district of Heilongjiang Province, China. The ratio analysis of reflectance spectra (RARS) indices, which were put forward by Chappelle et al (1992), are chosen in this paper owing to their effect and simpleness against both comparison with various methods and techniques for exploration of pigment concentration and characteristics of PHI data. The correlation coefficients between RARS indices and pigment concentration of vegetation were up to 0.8. The new RARS indices modes are established in the two test areas using both PHI data and spectra of different vegetations measured in the field. The indices' parameter images of chlorophyll a (Chl a), chlorophyll b (Chl b) and carotenoids (Cars) of the test areas covered with swamp and flourish vegetation are acquired by the new RARS indices modes. Furthermore, the regional concentration of Chl a and Chl b are extracted and quantified using regression equations between RARS indices and pigment concentrations, which were built by Blackburn (1998). The results showed the physiological status and variety clearly, and are in good agreement with the distribution of vegetation in the field. 展开更多
关键词 pigment indices pigment concentration CHLOROPHYLL ratio analysis of reflectance spectra (RARS) indices pushbroom hyperspectral imager (PHI) Daxing'anling district
下载PDF
Advances in Hyperspectral Image Classification Based on Convolutional Neural Networks: A Review 被引量:2
19
作者 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
Low-Rank and Sparse Representation with Adaptive Neighborhood Regularization for Hyperspectral Image Classification 被引量:7
20
作者 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
上一页 1 2 8 下一页 到第
使用帮助 返回顶部