All Projects → Selecsls Pytorch → Similar Projects or Alternatives

650 Open source projects that are alternatives of or similar to Selecsls Pytorch

SKNet-PyTorch
Nearly Perfect & Easily Understandable PyTorch Implementation of SKNet
Stars: ✭ 62 (-75.3%)
Mutual labels:  imagenet
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+9.16%)
Mutual labels:  imagenet
imagenet-autoencoder
Autoencoder trained on ImageNet Using Torch 7
Stars: ✭ 18 (-92.83%)
Mutual labels:  imagenet
Stochastic-Quantization
Training Low-bits DNNs with Stochastic Quantization
Stars: ✭ 70 (-72.11%)
Mutual labels:  imagenet
Robust-and-efficient-post-processing-for-video-object-detection
No description or website provided.
Stars: ✭ 107 (-57.37%)
Mutual labels:  efficient
SharpPeleeNet
ImageNet pre-trained SharpPeleeNet can be used in real-time Semantic Segmentation/Objects Detection
Stars: ✭ 13 (-94.82%)
Mutual labels:  imagenet
DetectionMetrics
Tool to evaluate deep-learning detection and segmentation models, and to create datasets
Stars: ✭ 66 (-73.71%)
Mutual labels:  imagenet
Compact-Global-Descriptor
Pytorch implementation of "Compact Global Descriptor for Neural Networks" (CGD).
Stars: ✭ 22 (-91.24%)
Mutual labels:  efficient
FisherPruning
Group Fisher Pruning for Practical Network Compression(ICML2021)
Stars: ✭ 127 (-49.4%)
Mutual labels:  pruning
fasterai1
FasterAI: A repository for making smaller and faster models with the FastAI library.
Stars: ✭ 34 (-86.45%)
Mutual labels:  pruning
neural-compressor
Intel® Neural Compressor (formerly known as Intel® Low Precision Optimization Tool), targeting to provide unified APIs for network compression technologies, such as low precision quantization, sparsity, pruning, knowledge distillation, across different deep learning frameworks to pursue optimal inference performance.
Stars: ✭ 666 (+165.34%)
Mutual labels:  pruning
efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
Stars: ✭ 366 (+45.82%)
Mutual labels:  imagenet
pytorch-network-slimming
A package to make do Network Slimming a little easier
Stars: ✭ 40 (-84.06%)
Mutual labels:  pruning
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (-7.97%)
Mutual labels:  imagenet
DroNet
DroNet: Efficient convolutional neural network detector for Real-Time UAV applications
Stars: ✭ 54 (-78.49%)
Mutual labels:  efficient
ImageModels
ImageNet model implemented using the Keras Functional API
Stars: ✭ 63 (-74.9%)
Mutual labels:  imagenet
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-92.43%)
Mutual labels:  imagenet
PyTorch-LMDB
Scripts to work with LMDB + PyTorch for Imagenet training
Stars: ✭ 49 (-80.48%)
Mutual labels:  imagenet
SAN
[ECCV 2020] Scale Adaptive Network: Learning to Learn Parameterized Classification Networks for Scalable Input Images
Stars: ✭ 41 (-83.67%)
Mutual labels:  imagenet
torch-model-compression
针对pytorch模型的自动化模型结构分析和修改工具集,包含自动分析模型结构的模型压缩算法库
Stars: ✭ 126 (-49.8%)
Mutual labels:  pruning
Dynamic Model Pruning with Feedback
Implement of Dynamic Model Pruning with Feedback with pytorch
Stars: ✭ 25 (-90.04%)
Mutual labels:  pruning
ghostnet.pytorch
73.6% GhostNet 1.0x pre-trained model on ImageNet
Stars: ✭ 90 (-64.14%)
Mutual labels:  imagenet
Parametric-Contrastive-Learning
Parametric Contrastive Learning (ICCV2021)
Stars: ✭ 155 (-38.25%)
Mutual labels:  imagenet
sparsezoo
Neural network model repository for highly sparse and sparse-quantized models with matching sparsification recipes
Stars: ✭ 264 (+5.18%)
Mutual labels:  pruning
torchprune
A research library for pytorch-based neural network pruning, compression, and more.
Stars: ✭ 133 (-47.01%)
Mutual labels:  pruning
GAN-LTH
[ICLR 2021] "GANs Can Play Lottery Too" by Xuxi Chen, Zhenyu Zhang, Yongduo Sui, Tianlong Chen
Stars: ✭ 24 (-90.44%)
Mutual labels:  pruning
deep-compression
Learning both Weights and Connections for Efficient Neural Networks https://arxiv.org/abs/1506.02626
Stars: ✭ 156 (-37.85%)
Mutual labels:  pruning
gnuboy
latest version of original laguna source, with a handful fixes for modern compilers and systems
Stars: ✭ 70 (-72.11%)
Mutual labels:  efficient
prunnable-layers-pytorch
Prunable nn layers for pytorch.
Stars: ✭ 47 (-81.27%)
Mutual labels:  pruning
Xception-caffe
Xception implemented with caffe
Stars: ✭ 45 (-82.07%)
Mutual labels:  imagenet
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (-81.27%)
Mutual labels:  imagenet
cisip-FIRe
Fast Image Retrieval (FIRe) is an open source project to promote image retrieval research. It implements most of the major binary hashing methods to date, together with different popular backbone networks and public datasets.
Stars: ✭ 40 (-84.06%)
Mutual labels:  imagenet
TokenLabeling
Pytorch implementation of "All Tokens Matter: Token Labeling for Training Better Vision Transformers"
Stars: ✭ 385 (+53.39%)
Mutual labels:  imagenet
py-faster-rcnn-imagenet
Train faster rcnn on imagine dataset, related blog post: https://andrewliao11.github.io/object/detection/2016/07/23/detection/
Stars: ✭ 133 (-47.01%)
Mutual labels:  imagenet
Lokie
iOS efficient AOP Library using C++ and libffi
Stars: ✭ 139 (-44.62%)
Mutual labels:  efficient
BAKE
Self-distillation with Batch Knowledge Ensembling Improves ImageNet Classification
Stars: ✭ 79 (-68.53%)
Mutual labels:  imagenet
exificient
Java Implementation of EXI
Stars: ✭ 49 (-80.48%)
Mutual labels:  efficient
cozmo-tensorflow
🤖 Cozmo the Robot recognizes objects with TensorFlow
Stars: ✭ 61 (-75.7%)
Mutual labels:  imagenet
jazzle
An Innovative, Fast Transpiler for ECMAScript 2015 and later
Stars: ✭ 65 (-74.1%)
Mutual labels:  efficient
PyTorch-Deep-Compression
A PyTorch implementation of the iterative pruning method described in Han et. al. (2015)
Stars: ✭ 39 (-84.46%)
Mutual labels:  pruning
neutron-language
A simple, extensible and efficient programming language based on C and Python
Stars: ✭ 32 (-87.25%)
Mutual labels:  efficient
JSON-For-Mirc
JSON parser for mIRC
Stars: ✭ 19 (-92.43%)
Mutual labels:  efficient
head-network-distillation
[IEEE Access] "Head Network Distillation: Splitting Distilled Deep Neural Networks for Resource-constrained Edge Computing Systems" and [ACM MobiCom HotEdgeVideo 2019] "Distilled Split Deep Neural Networks for Edge-assisted Real-time Systems"
Stars: ✭ 27 (-89.24%)
Mutual labels:  imagenet
alexnet
custom implementation alexnet with tensorflow
Stars: ✭ 21 (-91.63%)
Mutual labels:  imagenet
PyGLM
Fast OpenGL Mathematics (GLM) for Python
Stars: ✭ 167 (-33.47%)
Mutual labels:  efficient
nested-transformer
Nested Hierarchical Transformer https://arxiv.org/pdf/2105.12723.pdf
Stars: ✭ 174 (-30.68%)
Mutual labels:  imagenet
EffcientNetV2
EfficientNetV2 implementation using PyTorch
Stars: ✭ 94 (-62.55%)
Mutual labels:  imagenet
DS-Net
(CVPR 2021, Oral) Dynamic Slimmable Network
Stars: ✭ 204 (-18.73%)
Mutual labels:  pruning
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+996.02%)
Mutual labels:  cnn
Dawn Bench Entries
DAWNBench: An End-to-End Deep Learning Benchmark and Competition
Stars: ✭ 254 (+1.2%)
Mutual labels:  imagenet
601-650 of 650 similar projects