Cheems1989's Stars
JerryMazeyu/skinCancer
分类、回归与多任务可复用的可定制的模版框架
eliaszon/Programmers-Overseas-Job-Interview-Handbook
🏂🏻 程序员海外工作/英文面试手册
donkuri/Kaishi
Kaishi 1.5k is a modern, modular Japanese Anki deck made for beginners who want to learn basic vocabulary.
lizongying/my-tv
我的电视 电视直播软件,安装即可使用
chokcoco/iCSS
不止于 CSS
ahmetbersoz/chatgpt-prompts-for-academic-writing
This list of writing prompts covers a range of topics and tasks, including brainstorming research ideas, improving language and style, conducting literature reviews, and developing research plans.
xmu-xiaoma666/External-Attention-pytorch
🍀 Pytorch implementation of various Attention Mechanisms, MLP, Re-parameter, Convolution, which is helpful to further understand papers.⭐⭐⭐
tgbot-collection/YYeTsBot
🎬 人人影视 机器人和网站,包含人人影视全部资源以及众多网友的网盘分享
lessw2020/Ranger-Deep-Learning-Optimizer
Ranger - a synergistic optimizer using RAdam (Rectified Adam), Gradient Centralization and LookAhead in one codebase
BBuf/model-compression
model compression based on pytorch (1、quantization: 8/4/2bits(dorefa)、ternary/binary value(twn/bnn/xnor-net);2、 pruning: normal、regular and group convolutional channel pruning;3、 group convolution structure;4、batch-normalization folding for binary value of feature(A))
kamenbliznashki/chexpert
CheXpert competition models -- attention augmented convolutions on DenseNet, ResNet; EfficientNet
whisperLiang/Efficientnet_pytorch_cbam_gui
cen6667/Pruning_filters_for_efficient_convnets
PyTorch implementation of "Pruning Filters For Efficient ConvNets"
wanglouis49/pytorch-weights_pruning
PyTorch Implementation of Weights Pruning
tyui592/Pruning_filters_for_efficient_convnets
PyTorch implementation of "Pruning Filters For Efficient ConvNets"
russellgeum/Neural-Network-Pruning-Tutorial
Tutorial impelmentation of Neural Network Pruning for VGG
manishravula/pruning-vgg16
666DZY666/micronet
micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape
pprp/SimpleCVPaperReading
:smile:博客论文列表:分系列整理
Sudhandar/EfficientNet-Attention-in-a-Siamese-Network
Siamese neural network based Covid-19 Pneumonia classification using EfficientNet with attention mechanism
bobo0810/PytorchNetHub
项目注释+论文复现+算法竞赛+Pytorch实践
bobo0810/Classification
视觉训练框架(简单 / 模块化 / 高扩展 / 分布式 / 自动剪枝)
raplima/petrog_thin_section_cnn
Python scripts used to perform petrographyc thin section analysis using convolutional neural networks
raplima/transfer_learning_wgui
mmmahhhhe/MaSeResNeXt
the paper of MaSeResNeXt
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
ZJCV/ZCls
Object Classification Training Framework
ZjjConan/SimAM
The official pytorch implemention of our ICML-2021 paper "SimAM: A Simple, Parameter-Free Attention Module for Convolutional Neural Networks".
Philliec459/Create-Thin-Section-Image-Labels-for-Semantic-Segmentation-Training
This is an example of creating labeled images to be used in Keras image-segmentation training
Philliec459/Semantic-Segmentation-of-Petrographic-Thin-Sections-using-Keras
This repository was inspired from Divam Gupta's GitHub repository on Image Segmentation Keras