All Projects → ShoupingShan → Hyperspectral-image-target-detection-based-on-sparse-representation

ShoupingShan / Hyperspectral-image-target-detection-based-on-sparse-representation

Licence: MIT license
Hyperspectral image Target Detection based on Sparse Representation

Programming Languages

matlab
3953 projects
C++
36643 projects - #6 most used programming language
M
324 projects

Projects that are alternatives of or similar to Hyperspectral-image-target-detection-based-on-sparse-representation

ExtendedMorphologicalProfiles
Remote sensed hyperspectral image classification with Spectral-Spatial information provided by the Extended Morphological Profiles
Stars: ✭ 32 (-38.46%)
Mutual labels:  svm, hyperspectral-image-classification
sign-language
Android application which uses feature extraction algorithms and machine learning (SVM) to recognise and translate static sign language gestures.
Stars: ✭ 35 (-32.69%)
Mutual labels:  svm
SvmNest
a frame of amd-v svm nest
Stars: ✭ 47 (-9.62%)
Mutual labels:  svm
Bag-of-Visual-Words
🎒 Bag of Visual words (BoW) approach for object classification and detection in images together with SIFT feature extractor and SVM classifier.
Stars: ✭ 39 (-25%)
Mutual labels:  svm
SentimentAnalysis
基于新浪微博数据的情感极性分析
Stars: ✭ 43 (-17.31%)
Mutual labels:  svm
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (-19.23%)
Mutual labels:  svm
svm
Tutorial: Support Vector Machine from scratch using Python3
Stars: ✭ 32 (-38.46%)
Mutual labels:  svm
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-55.77%)
Mutual labels:  svm
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (-23.08%)
Mutual labels:  svm
biovec
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
Stars: ✭ 23 (-55.77%)
Mutual labels:  svm
svm
Support Vector Machine in Javascript
Stars: ✭ 31 (-40.38%)
Mutual labels:  svm
regression-stock-prediction
Predicting Google’s stock price using regression
Stars: ✭ 54 (+3.85%)
Mutual labels:  svm
supervised-machine-learning
This repo contains regression and classification projects. Examples: development of predictive models for comments on social media websites; building classifiers to predict outcomes in sports competitions; churn analysis; prediction of clicks on online ads; analysis of the opioids crisis and an analysis of retail store expansion strategies using…
Stars: ✭ 34 (-34.62%)
Mutual labels:  roc-curve
tutorial-UGM-hyperspectral
A Tutorial on Modeling and Inference in Undirected Graphical Models for Hyperspectral Image Analysis
Stars: ✭ 21 (-59.62%)
Mutual labels:  hyperspectral-image-classification
SpeechEmoRec
Speech Emotion Recognition Using Deep Convolutional Neural Network and Discriminant Temporal Pyramid Matching
Stars: ✭ 44 (-15.38%)
Mutual labels:  svm
Color-Image-Inpainting
Image inpainting based on OMP and KSVD algorithm
Stars: ✭ 66 (+26.92%)
Mutual labels:  omp
VisualML
Interactive Visual Machine Learning Demos.
Stars: ✭ 104 (+100%)
Mutual labels:  svm
pghumor
Is This a Joke? Humor Detection in Spanish Tweets
Stars: ✭ 48 (-7.69%)
Mutual labels:  svm
Dimensionality-reduction-and-classification-on-Hyperspectral-Images-Using-Python
In this repository, You can find the files which implement dimensionality reduction on the hyperspectral image(Indian Pines) with classification.
Stars: ✭ 63 (+21.15%)
Mutual labels:  hyperspectral-image-classification
Padestrian-Detection
Padestrian Detection in images using HOG Vector
Stars: ✭ 21 (-59.62%)
Mutual labels:  svm

Introduction

Hyperspectral image target detection based on sparse representation,an effective method in Pattern Recognition. Target detection aims to separate the specific target pixel from the various backgrounds by the use of known target pixels or anomalous properties. The proposed approach relies on the binary hypothesis model of an unknown sample induced by sparse representation. The sample can be sparsely represented by training samples from the background and target dictionary. The sparse vector in the model can be recovered by a greedy algorithm OMP .

Author

Bibliography

  1. Sub-space Matching

    Chen Y, Nasrabadi N M, Tran T D. Hyperspectral image classification using dictionary-based sparse representation[J]. IEEE Transactions on Geoscience and Remote Sensing, 2011, 49(10): 3973-3985.

  2. Dual Window

    Chen Y, Nasrabadi N M, Tran T D. Sparse representation for target detection in hyperspectral imagery[J]. IEEE Journal of Selected Topics in Signal Processing, 2011, 5(3): 629-640.

Theory (SMSD)

The problem of target detection can be regarded as a competitive relationship of two hypotheses (Background) and (Target).

T and B are both matrices, their column vectors are divided into target and background subspace. and form the coefficient vectors of the coefficients, respectively. N denotes Gaussian random noise, [T,B]represents a cascade matrix of T and B.

Suppose ,When D is greater than a certain threshold η, then X is the target.

That means we need to find a projection matrix p.

By the sparse representation of knowledge, it is known that the residual error of signal reconstruction can be expressed as:

After comparison we can find:

Suppose ,When D is greater than a certain threshold η, then X is the target.

Then it is based on the ROC curve to compare different threshold effects, resulting in the final result.

However, it is better to amend Denominator as in practice.

Data

San Diego hyperspectral dataset (400*400)

SOURCE

GroundTruth (100*100)

DT

File

  • ./Dict_build.m dictionary build with part of target index
  • ./Dict_build_all.m dictionary build with all of the target index
  • detect.m Basic algorithm to detect target
  • ./local/local_suitable.m Dual_window method with smooth and suitable to adjust and plot
  • ./local/local_smooth.m Dual_window method with smooth
  • ./local/local_smooth.m Dual_window method with smooth and plot results

Rebuilt

Sparse coefficients

SC

Rebuild by dict_b and dict_t

SC_REBUILD

Detection

Sparse Representation

SR_good SR_bad

Dual window

DW

Dual window with smooth

DWS

SVM

SVM

Positive Negative Total Accuracy
Train 37 6629 6666
Test 57 9943 10000 0.9989

Fisher

1. Using all of data

ALL

Positive Negative Total Accuracy
Train 57 9943 10000
Test 57 9943 10000 0.9926
2. Using part of the data

PART

Positive Negative Total Accuracy
Train 37 6629 6666
Test 57 9943 10000 0.985

ROC curve

ROC ROC_ALL

Platform

How to run

For Sparse Representation

mat/detect.m

mat/local/local_smooth.m

mat/local/local_smooth_plot.m

mat/local/local_suitable.m

For SVM

svm/main.cpp

For Fisher_part

fisher/fisher.cpp

For Fisher_all

fisher/fisher_all.cpp

Contact Us

[email protected]

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].