fwt1226's Stars
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
facebookresearch/fairseq
Facebook AI Research Sequence-to-Sequence Toolkit written in Python.
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
d2l-ai/d2l-en
Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.
xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
IntelLabs/distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
Kyubyong/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
rob-med/awesome-TS-anomaly-detection
List of tools & datasets for anomaly detection on time-series data.
kakaobrain/fast-autoaugment
Official Implementation of 'Fast AutoAugment' in PyTorch.
lxztju/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
google-research/multilingual-t5
vandit15/Class-balanced-loss-pytorch
Pytorch implementation of the paper "Class-Balanced Loss Based on Effective Number of Samples"
mit-han-lab/amc
[ECCV 2018] AMC: AutoML for Model Compression and Acceleration on Mobile Devices
alex-berard/seq2seq
Attention-based sequence to sequence learning
AFAgarap/cnn-svm
An Architecture Combining Convolutional Neural Network (CNN) and Linear Support Vector Machine (SVM) for Image Classification
nuclearboy95/Anomaly-Detection-PatchSVDD-PyTorch
byungjae89/SPADE-pytorch
PyTorch implementation of "Sub-Image Anomaly Detection with Deep Pyramid Correspondences"
gmayday1997/SmallObjectAugmentation
Simple implementation of augmentation for small object detection
fxmeng/RMNet
RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.
mtyylx/MLND
Udacity Machine Learning Nano Degree Courses
multi30k/dataset
Multi30k Dataset
zhaocq-nlp/NJUNMT-tf
An open-source neural machine translation system developed by Natural Language Processing Group, Nanjing University.
Robust-Jay/SSD-Resnet-Attention-FeatureFusion
SSD 改进:backbone增加resnet,并针对resnet加入attention机制,为了充分利用细节特征和语义特征,还加入了特征融合模型
YangHan-Morningstar/garbage_classification_pro
通过目标检测+图片识别模型对图片中的垃圾进行分类、通过双向LSTM+一维卷积混合模型对物体名称进行垃圾分类
ORCA-Uboat/FloW-Dataset
A dataset for floating waste detection in inland waters.
realwecan/mju-waste
The MJU-Waste dataset from our Sensors paper "A Multi-level Approach to Waste Object Segmentation".
baidawu/TSD-TSD-for-small-pest-object-detection
datuizhuang/channel_prune
channel prune for resnet