SNinCQ's Stars
fyu/drn
Dilated Residual Networks
hysts/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
akamaster/pytorch_resnet_cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.
ZhugeKongan/Attention-mechanism-implementation
Self-attention、Non-local、SE、SK、CBAM、DANet
hellloxiaotian/ADNet
Attention-guided CNN for image denoising(Neural Networks,2020)
minar09/DRN-PyTorch
PyTorch implementation of Dilated Residual Networks for semantic image segmentation
BIGBALLON/CIFAR-ZOO
PyTorch implementation of CNNs for CIFAR benchmark
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
lyy0908/t-SNE-CNN
对卷积神经网络提取的每一层特征用t-SNE进行降维可视化
Liuchen1997/RFAConv
RAFConv: Innovating Spatital Attention and Standard Convolutional Operation
lxztju/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
cheng-haha/ScConv
🕹️SCConv: Spatial and Channel Reconstruction Convolution for Feature Redundancy
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
Ecohnoch/tensorflow-cifar100
High-acc(>0.7) model(ResNet, ResNeXt, DenseNet, SENet, SE-ResNeXt) on TensorFlow.
miraclewkf/ResNeXt-PyTorch
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
PanJinquan/tensorflow_models_learning
tensorflow GoogleNet inception V1 V2 V3 V4
LHesperus/signal-processing
Signal Process&&Communicate System
naranil/pcc_des
Dynamic ensemble selection using probabilistic classifier chain.
prashu324/Mean-Ensemble-for-HSI-classification
This repository contains codes for Ensemble of multiple CNN classifiers for Hyperspectral Image Classification with superpixel smoothing
thefirebanks/Ensemble-Learning-for-Tweet-Classification-of-Hate-Speech-and-Offensive-Language
Contains code for a voting classifier that is part of an ensemble learning model for tweet classification (which includes an LSTM, a bayesian model and a proximity model) and a system for weighted voting
gugarosa/evolutionary_ensembles
📄 Official implementation regarding the paper "Creating Classifier Ensembles through Meta-heuristic Algorithms for Aerial Scene Classification".
YU1ut/Ensemble-of-Leave-out-Classifiers
Code for "Out-of-Distribution Detection Using an Ensemble of Self Supervised Leave-out Classifiers"
laurencejbelliott/Ensemble_DL_Ransomware_Detector
A Deep Learning ensemble that classifies Windows executable files as either benign, ransomware, or other malware.
scikit-multiflow/scikit-multiflow
A machine learning package for streaming data in Python. The other ancestor of River.
babygoto0/BERT-DES
BERT预训练模型进行文本向量化表征,再采用动态集成选择算法完成分类器的构建与预测