All Projects → zilongzhong → Ssrn

zilongzhong / Ssrn

Licence: other
This is a tensorflow and keras based implementation of SSRNs in the IEEE T-GRS paper "Spectral-Spatial Residual Network for Hyperspectral Image Classification: A 3-D Deep Learning Framework".

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Ssrn

Easypr
An easy, flexible, and accurate plate recognition project for Chinese licenses in unconstrained situations.
Stars: ✭ 6,046 (+4281.16%)
Mutual labels:  supervised-learning
Personae
📈 Personae is a repo of implements and environment of Deep Reinforcement Learning & Supervised Learning for Quantitative Trading.
Stars: ✭ 1,140 (+726.09%)
Mutual labels:  supervised-learning
Keras Video Classifier
Keras implementation of video classifier
Stars: ✭ 100 (-27.54%)
Mutual labels:  supervised-learning
Udacity Deep Learning Nanodegree
This is just a collection of projects that made during my DEEPLEARNING NANODEGREE by UDACITY
Stars: ✭ 15 (-89.13%)
Mutual labels:  supervised-learning
Php Ml
PHP-ML - Machine Learning library for PHP
Stars: ✭ 7,900 (+5624.64%)
Mutual labels:  supervised-learning
Karateclub
Karate Club: An API Oriented Open-source Python Framework for Unsupervised Learning on Graphs (CIKM 2020)
Stars: ✭ 1,190 (+762.32%)
Mutual labels:  supervised-learning
Self Driving Car In Video Games
A deep neural network that learns to drive in video games
Stars: ✭ 559 (+305.07%)
Mutual labels:  supervised-learning
Ycml
A Machine Learning and Optimization framework for Objective-C and Swift (MacOS and iOS)
Stars: ✭ 118 (-14.49%)
Mutual labels:  supervised-learning
Eeg Based Emotion Analysis Using Deap Dataset For Supervised Machine Learning
This project is for classification of emotions using EEG signals recorded in the DEAP dataset to achieve high accuracy score using machine learning algorithms such as Support vector machine and K - Nearest Neighbor.
Stars: ✭ 53 (-61.59%)
Mutual labels:  supervised-learning
Uis Rnn
This is the library for the Unbounded Interleaved-State Recurrent Neural Network (UIS-RNN) algorithm, corresponding to the paper Fully Supervised Speaker Diarization.
Stars: ✭ 1,308 (+847.83%)
Mutual labels:  supervised-learning
Susi
SuSi: Python package for unsupervised, supervised and semi-supervised self-organizing maps (SOM)
Stars: ✭ 42 (-69.57%)
Mutual labels:  supervised-learning
Gbrain
GPU Javascript Library for Machine Learning
Stars: ✭ 48 (-65.22%)
Mutual labels:  supervised-learning
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (-44.93%)
Mutual labels:  supervised-learning
Lightning Bolts
Toolbox of models, callbacks, and datasets for AI/ML researchers.
Stars: ✭ 829 (+500.72%)
Mutual labels:  supervised-learning
Ml Lib
An extensive machine learning library, made from scratch (Python).
Stars: ✭ 102 (-26.09%)
Mutual labels:  supervised-learning
Stockpriceprediction
Stock Price Prediction using Machine Learning Techniques
Stars: ✭ 700 (+407.25%)
Mutual labels:  supervised-learning
Concrete Autoencoders
Stars: ✭ 68 (-50.72%)
Mutual labels:  supervised-learning
Reptile Pytorch
A PyTorch implementation of OpenAI's REPTILE algorithm
Stars: ✭ 129 (-6.52%)
Mutual labels:  supervised-learning
Isl Python
Solutions to labs and excercises from An Introduction to Statistical Learning, as Jupyter Notebooks.
Stars: ✭ 108 (-21.74%)
Mutual labels:  supervised-learning
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (-36.23%)
Mutual labels:  supervised-learning

Implementation of SSRN for Hyperspectral Image Classification

Paper links: IEEE T-GARS paper and IGARSS2017 paper. Code download link: SSRN code.

Here are the bibliography info:

@article{zhong2018spectral,
  title={Spectral-Spatial Residual Network for Hyperspectral Image Classification: A 3-D Deep Learning Framework},
  author={Zhong, Zilong and Li, Jonathan and Luo, Zhiming and Chapman, Michael},
  journal={IEEE Transactions on Geoscience and Remote Sensing},
  volume={56},
  number={2},
  pages={847--858},
  year={2018},
  publisher={IEEE}
}

Descriptions

In this paper, we designed an end-to-end spectral-spatial residual network (SSRN) that takes raw 3D cubes as input data without feature engineering for hyperspectral image classification. In this network, the spectral and spatial residual blocks consecutively learn discriminative features from abundant spectral signatures and spatial contexts in hyperspectral imagery (HSI).

Fig.1 Spectral Residual Block

Fig.2 Spatial Residual Block

Fig.3 Spectral-Spatial Residual Network with a 7x7x200 input HSI volume. The network includes two spectral and two spatial residual blocks. An average pooling layer and a fully connected layer transform a 5x5x24 spectral-spatial feature volume into a 1x1xL output feature vector

The proposed SSRN is a supervised deep learning framework that alleviates the declining-accuracy phenomenon of other deep learning models. Specifically, the residual blocks connect every other 3D convolutional layer through identity mapping, which facilitates the back propagation of gradients. Furthermore, we impose batch normalization on every convolutional layer to regularize the learning process and improve the classification performance of trained models. Quantitative and qualitative results demonstrate that SSRN achieved the state-of-the-art HSI classification accuracy in different kinds of hyperspectral datasets.

Prerequisites

When you create a conda environment, check you have installed the packages in the package-list. You can also refer to the managing environments of conda.

Usage

Train models with commonly studied hyperspectral imagery (HSI) datasets:

$ python ./SSRN_IN.py
$ python ./SSRN_UP.py

Evaluate saved trained models:

$python ./Load_Models/Load_IN.py
$python ./Load_Models/Load_UP.py

Illustrate final classification maps:

$python ./Classification\ Maps/IN_classification_maps.py
$python ./Classification\ Maps/UP_classification_maps.py

If you encountered problems like " no such file or direcotry", please check the corresponding paths and change them to absolute paths.

Results

Indian Pines (IN) dataset

Fig.4 The IN dataset classification result (Overall Accuracy 99.44%) of SSRN using 20% samples for training. (a) False color image. (b) Ground truth labels. (c) Classification map.

University of Pavia (UP) dataset

Fig.5 The UP dataset classification result (Overall Accuracy 99.91%) of SSRN using 10% samples for training. (a) False color image. (b) Ground truth labels. (c) Classification map.

IGARSS Presentation

IMAGE ALT TEXT HERE

Acknowledgement

Part of codes is from a wonderful implementation of ResNet by Raghavendra Kotikalapudi.

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].