senet
There are 50 repositories under senet topic.
hujie-frank/SENet
Squeeze-and-Excitation Networks
moskomule/senet.pytorch
PyTorch implementation of SENet
argusswift/YOLOv4-pytorch
This is a pytorch repository of YOLOv4, attentive YOLOv4 and mobilenet YOLOv4 with PASCAL VOC and COCO
qubvel/classification_models
Classification models trained on ImageNet. Keras.
implus/PytorchInsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
GoogleCloudPlatform/keras-idiomatic-programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
taki0112/SENet-Tensorflow
Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)
BIGBALLON/CIFAR-ZOO
PyTorch implementation of CNNs for CIFAR benchmark
calmiLovesAI/Basic_CNNs_TensorFlow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
shicai/SENet-Caffe
A Caffe Re-Implementation of SENet
kobiso/CBAM-tensorflow
CBAM implementation on TensowFlow
pooya-mohammadi/deep_utils
An open-source toolkit which is full of handy functions, including the most used models and utilities for deep-learning practitioners!
kobiso/CBAM-tensorflow-slim
CBAM implementation on TensorFlow Slim
ygean/SE_DenseNet
This is a SE_DenseNet which contains a senet (Squeeze-and-Excitation Networks by Jie Hu, Li Shen, and Gang Sun) module, written in Pytorch, train, and eval codes have been released.
junqiangchen/VNetFamily
Variant VNet family
HeartFu/DSSM
Implementation of DSSM for recommendation by PyTorch (Including SENet and random negative sampling)
cxy1997/MNIST-baselines
Baseline classifiers on the polluted MNIST dataset, SJTU CS420 course project
sungonce/SENet
Official PyTorch Implementation of Revisiting Self-Similarity: Structural Embedding for Image Retrieval, CVPR 2023
xialuxi/yolov5_all
可以训练yolov5(v6.0)、yolox、小型网络,添加注意力机制
asiryan/caffe2onnx
Convert Caffe models to ONNX.
kobiso/SENet-tensorflow-slim
SENet implementation on TensorFlow Slim
HiKapok/TF-SENet
SE_ResNet && SE_ResNeXt with pretrained weights on ImageNet (SENet In TensorFlow)
anindox8/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.
mnikitin/channel-attention
Gluon implementation of channel-attention modules: SE, ECA, GCT
Knight825/models-pytorch
This is a torchvision style CNN models collection based on pytorch.
junqiangwu/Mxnet2Caffe-Tensor-RT-SEnet
Mxnet2Caffe_Tensor RT
fangvv/CPSCA
Code for paper "Channel Pruning Guided by Spatial and Channel Attention for DNNs in Intelligent Edge Computing"
syt2/CNN
pytorch implementation of several CNNs for image classification
caiyunapp/leibniz
Leibniz is a python package which provide facilities to express learnable partial differential equations with PyTorch
Joe-Sun-7/1dCNN-with-Attention-for-ECG-classification
心律失常检测/ECG信号分类
TanyaChutani/Squeeze-and-Excitation-Networks-ResNet50-Tf2.0
A Tensorflow 2.0 implementation of Squeeze and Excitation ResNet50 Networks (SEResNet)
assassint2017/image-classification
here are some classic networks for image classification implement by pytorch
ansleliu/DenseShuffleNet
DenseShuffleNet for Semantic Segmentation using Caffe for Cityscapes and Mapillary Vistas Dataset
ace19-dev/image-retrieval-tf
image retrieval with cosine metric learning
LorenzoStucchi/SEN-ET_automatization
Automatization of the SEN-et SNAP plugin for multi-temporal analysis
ygean/mixed-senet-densenet
In this repository, I released senet-densenet training codes and output files. And it refer to another repository(https://github.com/zhouyuangan/SE_DenseNet), which repository I had made some notes in.