qujunrong's starred repositories

Hyperspectral-Image-Segmentation

Semantic Segmentation of HyperSpectral Images using a U-Net with Depthwise Separable Convolutions

Language:PythonLicense:MITStargazers:39Issues:0Issues:0

DenoisingAutoEncoder

Python implementation of Stacked Denoising Autoencoders for unsupervised learning of high level feature representation

Language:PythonStargazers:146Issues:0Issues:0

Iris-Segmentation-and-model-Interpretation

Pixel wise segmentation of Iris using Encoder-Decoder architecture and the interpretation of the model's decision using Layer-wise Relevance Propagation (LRP) algorithm.

Language:PythonStargazers:2Issues:0Issues:0

sentinel1ice

Ice/water classification of Sentinel1 SAR data

Language:PythonLicense:GPL-3.0Stargazers:12Issues:0Issues:0

Automatic-Target-Classification-In-SAR-Images-Using-Convolutional-Neural-Networks

SAR -> Synthetic Aperture Radar. This project is based on predicting the accuracy of the testing data set over the training data set using the MSTAR(Moving and Stationary Target Acquisition and Recognition) database and plotting the graph of the Results.csv file.

Language:PythonStargazers:41Issues:0Issues:0

Semi-SAE-release

A DEMO for "Semisupervised Stacked Autoencoder With Cotraining for Hyperspectral Image Classification" (Xue et al., TGRS, 2019)

Language:MATLABStargazers:5Issues:0Issues:0

face_classification

Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.

Language:PythonLicense:MITStargazers:5596Issues:0Issues:0

deeplearningbook-chinese

Deep Learning Book Chinese Translation

Language:TeXStargazers:35690Issues:0Issues:0

models

Models and examples built with TensorFlow

Language:PythonLicense:NOASSERTIONStargazers:77004Issues:0Issues:0

Basic_CNNs_TensorFlow2

A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).

Language:PythonLicense:MITStargazers:526Issues:0Issues:0

Bag_of_Tricks_for_Image_Classification_with_Convolutional_Neural_Networks

experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc

Language:PythonStargazers:714Issues:0Issues:0

residual-attention-network

Residual Attention Network for Image Classification

Stargazers:549Issues:0Issues:0

DCNN

self implemented pytorch version of the work: DENSELY CONNECTED CNN WITH MULTI-SCALE FEATURE ATTENTION

Language:PythonStargazers:3Issues:0Issues:0

ECANet

Code for ECA-Net: Efficient Channel Attention for Deep Convolutional Neural Networks

Language:PythonLicense:MITStargazers:1254Issues:0Issues:0

channel-attention

Gluon implementation of channel-attention modules: SE, ECA, GCT

Language:PythonStargazers:36Issues:0Issues:0

SimCLR-with-CBAM-TF-Keras

SimCLR self-supervised model with CBAM attention module implementation.

Language:Jupyter NotebookStargazers:1Issues:0Issues:0
Language:PythonStargazers:1Issues:0Issues:0

Ensemble-of-Multi-Scale-CNN-for-Dermatoscopy-Classification

Fully supervised binary classification of skin lesions from dermatoscopic images using an ensemble of diverse CNN architectures (EfficientNet-B6, Inception-V3, SEResNeXt-101, SENet-154, DenseNet-169) with multi-scale input.

Language:Jupyter NotebookStargazers:43Issues:0Issues:0

Deep-Learning-Image-Classification-Models-Based-CNN-or-Attention

This project organizes classic images classification neural networks based on convolution or attention, and writes training and inference python scripts

Language:Jupyter NotebookStargazers:155Issues:0Issues:0

cbam_cnn_architectures_image_classification

Spatial and Channel Attention in CNN Architectures for Image Classification task

Language:Jupyter NotebookLicense:MITStargazers:25Issues:0Issues:0

classification

This is a classification project in Pytorch. Models include densenet,DPN,Inception, ResneXt,SeNet.

Language:PythonStargazers:6Issues:0Issues:0

classification_models

Classification models trained on ImageNet. Keras.

Language:PythonLicense:MITStargazers:1217Issues:0Issues:0

SENet_ResNeXt_Remote_Sensing_Scene_Classification

SENet ResNeXt and Resnet for High-resolution Remote Sensing Scene Clasisification

Language:PythonStargazers:39Issues:0Issues:0

Classification_model

The mainstream model of image classification is realized in this work. LeNet、VGG、Inception v1、v2、v3、v4、ResNet、SENet、ShuffleNet、MobileNet、GhostNet...

Language:PythonStargazers:19Issues:0Issues:0

image-classification

here are some classic networks for image classification implement by pytorch

Language:PythonStargazers:12Issues:0Issues:0

DANet

Dual Attention Network for Scene Segmentation (CVPR2019)

Language:PythonLicense:MITStargazers:2395Issues:0Issues:0
Language:PythonStargazers:23Issues:0Issues:0

SKNet

try to implement the CVPR 2019 paper "Selective Kernel Networks" by PyTorch

Language:PythonStargazers:370Issues:0Issues:0

FusAtNet-Dual-Attention-based-SpectroSpatial-Multimodal-Fusion-Network-for-Hyperspectral-and-LiDAR-

The repository contains relevant dataset and keras code for the paper, "FusAtNet: Dual Attention based SpectroSpatial Multimodal Fusion Network for Hyperspectral and LiDAR Classification"

Language:PythonLicense:GPL-3.0Stargazers:40Issues:0Issues:0