shufflenet

There are 46 repositories under shufflenet topic.

  • RangiLyu/nanodet

    NanoDet-Plus⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥

    Language:Python5.8k684631k
  • 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)

    Language:Python4.4k35821.2k
  • deepcam-cn/yolov5-face

    YOLO5Face: Why Reinventing a Face Detector (https://arxiv.org/abs/2105.12931) ECCV Workshops 2022)

    Language:Python2.1k32254505
  • 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

    Language:Jupyter Notebook813641283
  • guanfuchen/semseg

    常用的语义分割架构结构综述以及代码复现 华为媒体研究院 图文Caption、OCR识别、图视文多模态理解与生成相关方向工作或实习欢迎咨询 15757172165 https://guanfuchen.github.io/media/hw_zhaopin_20220724_tiny.jpg

    Language:Python7712355164
  • linksense/LightNet

    LightNet: Light-weight Networks for Semantic Image Segmentation (Cityscapes and Mapillary Vistas Dataset)

    Language:Python7202826173
  • Bobo-y/flexible-yolov5

    More readable and flexible yolov5 with more backbone(gcn, resnet, shufflenet, moblienet, efficientnet, hrnet, swin-transformer, etc) and (cbam,dcn and so on), and tensorrt

    Language:Python67011146119
  • YuliangXiu/MobilePose

    Light-weight Single Person Pose Estimator

    Language:Jupyter Notebook6402046148
  • HaloTrouvaille/YOLO-Multi-Backbones-Attention

    Model Compression—YOLOv3 with multi lightweight backbones(ShuffleNetV2 HuaWei GhostNet), attention, prune and quantization

    Language:Python4961833118
  • farmingyard/ShuffleNet

    This is a fast caffe implementation of ShuffleNet.

    Language:C++4483225246
  • MG2033/ShuffleNet

    ShuffleNet Implementation in TensorFlow

    Language:Python3831716125
  • DefTruth/torchlm

    💎A high level pipeline for face landmarks detection, it supports training, evaluating, exporting, inference(Python/C++) and 100+ data augmentations, can easily install via pip.

    Language:Python24792525
  • Kedreamix/Pytorch-Image-Classification

    用于pytorch的图像分类,包含多种模型方法,比如AlexNet,VGG,GoogleNet,ResNet,DenseNet等等,包含可完整运行的代码。除此之外,也有colab的在线运行代码,可以直接在colab在线运行查看结果。也可以迁移到自己的数据集进行迁移学习。

    Language:Jupyter Notebook2113325
  • xmuyzz/3D-CNN-PyTorch

    PyTorch implementation for 3D CNN models for medical image data (1 channel gray scale images).

    Language:Python1531328
  • CanyonWind/Single-Path-One-Shot-NAS-MXNet

    Single Path One-Shot NAS MXNet implementation with full training and searching pipeline. Support both Block and Channel Selection. Searched models better than the original paper are provided.

    Language:Python15191422
  • marload/ConvNets-TensorFlow2

    ⛵️ Implementation a variety of popular Image Classification Models using TensorFlow2. [ResNet, GoogLeNet, VGG, Inception-v3, Inception-v4, MobileNet, MobileNet-v2, ShuffleNet, ShuffleNet-v2, etc...]

    Language:Python1046331
  • mkang315/RCS-YOLO

    [MICCAI'23] Official implementation of "RCS-YOLO: A Fast and High-Accuracy Object Detector for Brain Tumor Detection".

    Language:Python8141411
  • cxy1997/MNIST-baselines

    Baseline classifiers on the polluted MNIST dataset, SJTU CS420 course project

    Language:Python696221
  • xialuxi/yolov5_all

    可以训练yolov5(v6.0)、yolox、小型网络,添加注意力机制

    Language:Python635814
  • mkang315/CST-YOLO

    [ICIP'24 Lecture Presentation] Official implementation of "CST-YOLO: A Novel Method for Blood Cell Detection Based on Improved YOLOv7 and CNN-Swin Transformer".

    Language:Python552815
  • ZiyueHuang/MXShuffleNet

    ShuffleNet implementation in mxnet

    Language:Python413513
  • naviocean/faster_rcnn_sku110

    VoVNet, MobileNet, ShuffleNet, HarDNet, GhostNet, EfficientNet backbone networks and SKU-110K dataset for detectron2

    Language:Python384318
  • XiaoyiHan6/Simple-CV-Pytorch-master

    This code includes classification and detection tasks in Computer Vision, and semantic segmentation task will be added later.

    Language:Python25202
  • Tensor46/TensorMONK

    A collection of deep learning models (PyTorch implemtation)

    Language:Python20736
  • ffiirree/cv-models

    Models for Computer Vision

    Language:Python18322
  • jacobssy/Traffic_Sign_detection

    Language:Jupyter Notebook18156
  • ansleliu/DenseShuffleNet

    DenseShuffleNet for Semantic Segmentation using Caffe for Cityscapes and Mapillary Vistas Dataset

    Language:Python10203
  • EstherBear/small-net-cifar100

    Implementation of MobileNet, MobileNetv2, ShuffleNet, ShuffleNetv2, EfficientNet in Pytorch.

    Language:Python8112
  • BakingBrains/ShuffleNet-V2_Implementation

    Implementation of ShuffleNet V2 architecture

    Language:Python210
  • gs-ren/shufflenet-gluon

    shufflenet implement by mxnet gluon.

    Language:Python2111
  • afzalxo/Tensorflow-Shufflenet

    Shufflenet implementation in tensorflow based on https://arxiv.org/abs/1707.01083

    Language:Python1101
  • Bruce-Lee-LY/deep_learning

    Implemented the training and inference of several common deep learning model algorithms with tensorflow and pytorch.

    Language:Python1300
  • cedrickchee/FAI-PEP

    Facebook AI Performance Evaluation Platform

    Language:Python1201
  • h137437/image_classification_keras

    Multi image label classification by multi models.

    Language:Python1201
  • milan-pavlovic-ai/ConvNets

    Architectures of convolutional neural networks for image classification in PyTorch

  • untitledunmastered1998/DistillationLab

    Image Classification Training Framework for Network Distillation

    Language:Python1200