Model Zoo for MindSpore

Related tags

Deep Learningmodels
Overview

MindSpore Logo

Welcome to the Model Zoo for MindSpore

In order to facilitate developers to enjoy the benefits of MindSpore framework, we will continue to add typical networks and some of the related pre-trained models. If you have needs for the model zoo, you can file an issue on gitee or MindSpore, We will consider it in time.

  • SOTA models using the latest MindSpore APIs

  • The best benefits from MindSpore

  • Officially maintained and supported

Table of Contents

Official

Domain Sub Domain Network Ascend GPU CPU
Computer Vision (CV) Image Classification AlexNet
Computer Vision (CV) Image Classification CNN
Computer Vision (CV) Image Classification DenseNet100
Computer Vision (CV) Image Classification DenseNet121
Computer Vision (CV) Image Classification DPN
Computer Vision (CV) Image Classification EfficientNet-B0
Computer Vision (CV) Image Classification GoogLeNet
Computer Vision (CV) Image Classification InceptionV3
Computer Vision (CV) Image Classification InceptionV4
Computer Vision (CV) Image Classification LeNet
Computer Vision (CV) Image Classification LeNet (Quantization)
Computer Vision (CV) Image Classification MobileNetV1
Computer Vision (CV) Image Classification MobileNetV2
Computer Vision (CV) Image Classification MobileNetV2 (Quantization)
Computer Vision (CV) Image Classification MobileNetV3
Computer Vision (CV) Image Classification NASNet
Computer Vision (CV) Image Classification ResNet-18
Computer Vision (CV) Image Classification ResNet-50
Computer Vision (CV) Image Classification ResNet-50 (Quantization)
Computer Vision (CV) Image Classification ResNet-101
Computer Vision (CV) Image Classification ResNeXt50
Computer Vision (CV) Image Classification SE-ResNet50
Computer Vision (CV) Image Classification ShuffleNetV1
Computer Vision (CV) Image Classification ShuffleNetV2
Computer Vision (CV) Image Classification SqueezeNet
Computer Vision (CV) Image Classification Tiny-DarkNet
Computer Vision (CV) Image Classification VGG16
Computer Vision (CV) Image Classification Xception
Computer Vision (CV) Object Detection CenterFace
Computer Vision (CV) Object Detection CTPN
Computer Vision (CV) Object Detection Faster R-CNN
Computer Vision (CV) Object Detection Mask R-CNN
Computer Vision (CV) Object Detection Mask R-CNN (MobileNetV1)
Computer Vision (CV) Object Detection RetinaFace-ResNet50
Computer Vision (CV) Object Detection SSD
Computer Vision (CV) Object Detection SSD-MobileNetV1-FPN
Computer Vision (CV) Object Detection SSD-Resnet50-FPN
Computer Vision (CV) Object Detection SSD-VGG16
Computer Vision (CV) Object Detection WarpCTC
Computer Vision (CV) Object Detection YOLOv3-ResNet18
Computer Vision (CV) Object Detection YOLOv3-DarkNet53
Computer Vision (CV) Object Detection YOLOv3-DarkNet53 (Quantization)
Computer Vision (CV) Object Detection YOLOv4
Computer Vision (CV) Text Detection DeepText
Computer Vision (CV) Text Detection PSENet
Computer Vision (CV) Text Recognition CNN+CTC
Computer Vision (CV) Semantic Segmentation DeepLabV3
Computer Vision (CV) Semantic Segmentation U-Net2D (Medical)
Computer Vision (CV) Semantic Segmentation U-Net3D (Medical)
Computer Vision (CV) Semantic Segmentation U-Net++
Computer Vision (CV) Keypoint Detection OpenPose
Computer Vision (CV) Keypoint Detection SimplePoseNet
Computer Vision (CV) Optical Character Recognition CRNN
Natural Language Processing (NLP) Natural Language Understanding BERT
Natural Language Processing (NLP) Natural Language Understanding FastText
Natural Language Processing (NLP) Natural Language Understanding GNMT v2
Natural Language Processing (NLP) Natural Language Understanding GRU
Natural Language Processing (NLP) Natural Language Understanding MASS
Natural Language Processing (NLP) Natural Language Understanding SentimentNet
Natural Language Processing (NLP) Natural Language Understanding Transformer
Natural Language Processing (NLP) Natural Language Understanding TinyBERT
Natural Language Processing (NLP) Natural Language Understanding TextCNN
Recommender Recommender System, CTR prediction DeepFM
Recommender Recommender System, Search, Ranking Wide&Deep
Recommender Recommender System NAML
Recommender Recommender System NCF
Graph Neural Networks (GNN) Text Classification GCN
Graph Neural Networks (GNN) Text Classification GAT
Graph Neural Networks (GNN) Recommender System BGCF

Research

Domain Sub Domain Network Ascend GPU CPU
Computer Vision (CV) Image Classification FaceAttributes
Computer Vision (CV) Object Detection FaceDetection
Computer Vision (CV) Image Classification FaceQualityAssessment
Computer Vision (CV) Image Classification FaceRecognition
Computer Vision (CV) Image Classification FaceRecognitionForTracking
Computer Vision (CV) Object Detection Spnas
Computer Vision (CV) Object Detection SSD-GhostNet
Computer Vision (CV) Key Point Detection CenterNet
Computer Vision (CV) Image Style Transfer CycleGAN
Natural Language Processing (NLP) Natural Language Understanding DS-CNN
Natural Language Processing (NLP) Natural Language Understanding TextRCNN
Natural Language Processing (NLP) Natural Language Understanding TPRR
Recommender Recommender System, CTR prediction AutoDis
Audio Audio Tagging FCN-4
High Performance Computing Molecular Dynamics DeepPotentialH2O
High Performance Computing Ocean Model GOMO

Announcements

2021.9.15 Set up repository models

models comes from the directory model_zoo of repository mindspore. This new repository doesn't contain any history of commits about the directory model_zoo in mindspore, you could refer to the repository mindspore for the past commits.

Related Website

Here is the ModelZoo for MindSpore which support different devices including Ascend, GPU, CPU and mobile.

If you are looking for exclusive models only for Ascend using different ML platform, you could refer to Ascend ModelZoo and corresponding gitee repository

If you are looking for some pretrained checkpoint of mindspore, you could refer to MindSpore Hub or Download Website.

Disclaimers

Mindspore only provides scripts that downloads and preprocesses public datasets. We do not own these datasets and are not responsible for their quality or maintenance. Please make sure you have permission to use the dataset under the dataset’s license. The models trained on these dataset are for non-commercial research and educational purpose only.

To dataset owners: we will remove or update all public content upon request if you don’t want your dataset included on Mindspore, or wish to update it in any way. Please contact us through a Github/Gitee issue. Your understanding and contribution to this community is greatly appreciated.

MindSpore is Apache 2.0 licensed. Please see the LICENSE file.

License

Apache License 2.0

FAQ

For more information about MindSpore framework, please refer to FAQ

  • Q: How to resolve the lack of memory while using the model directly under "models" with errors such as Failed to alloc memory pool memory?

    A: The typical reason for insufficient memory when directly using models under "models" is due to differences in operating mode (PYNATIVE_MODE), operating environment configuration, and license control (AI-TOKEN).

    • PYNATIVE_MODE usually uses more memory than GRAPH_MODE , especially in the training graph that needs back propagation calculation, there are two ways to try to solve this problem. Method 1: You can try to use some smaller batch size; Method 2: Add context.set_context(mempool_block_size="XXGB"), where the current maximum effective value of "XX" can be set to "31". If method 1 and method 2 are used in combination, the effect will be better.
    • The operating environment will also cause similar problems due to the different configurations of NPU cores, memory, etc.;
    • Different gears of License control (AI-TOKEN ) will cause different memory overhead during execution. You can also try to use some smaller batch sizes.
  • Q: How to resolve the error about the interface are not supported in some network operations, such as cann not import?

    A: Please check the version of MindSpore and the branch you fetch the modelzoo scripts. Some model scripits in latest branch will use new interface in the latest version of MindSpore.

  • Q: How to run the scripts on Windows system?

    A: Most the start-up scripts are written in bash, but we usually can't run bash directly on Windows. You can try start python directly without bash scripts. If you really need the start-up bash scripts, we suggest you the following method to get a bash environment on Windows:

    1. Use a virtual system or docker container with linux system. Then run the scripts in the virtual system or container.
    2. Use WSL, you could turn on the Windows Subsystem for Linux on Windows to obtain an linux system which could run the bash scripts.
    3. Use some bash tools on Windows, such as cygwin and git bash.
Owner
MindSpore
Mirror repo for gitee.com/mindspore, PR and ISSUE Open
MindSpore
Dcf-game-infrastructure-public - Contains all the components necessary to run a DC finals (attack-defense CTF) game from OOO

dcf-game-infrastructure All the components necessary to run a game of the OOO DC

Order of the Overflow 46 Sep 13, 2022
Code release for NeurIPS 2020 paper "Co-Tuning for Transfer Learning"

CoTuning Official implementation for NeurIPS 2020 paper Co-Tuning for Transfer Learning. [News] 2021/01/13 The COCO 70 dataset used in the paper is av

THUML @ Tsinghua University 35 Sep 23, 2022
Towers of Babel: Combining Images, Language, and 3D Geometry for Learning Multimodal Vision. ICCV 2021.

Towers of Babel: Combining Images, Language, and 3D Geometry for Learning Multimodal Vision Download links and PyTorch implementation of "Towers of Ba

Blakey Wu 40 Dec 14, 2022
A treasure chest for visual recognition powered by PaddlePaddle

简体中文 | English PaddleClas 简介 飞桨图像识别套件PaddleClas是飞桨为工业界和学术界所准备的一个图像识别任务的工具集,助力使用者训练出更好的视觉模型和应用落地。 近期更新 2021.11.1 发布PP-ShiTu技术报告,新增饮料识别demo 2021.10.23 发

4.6k Dec 31, 2022
YOLOX-CondInst - Implement CondInst which is a instances segmentation method on YOLOX

YOLOX CondInst -- YOLOX 实例分割 前言 本项目是自己学习实例分割时,复现的代码. 通过自己编程,让自己对实例分割有更进一步的了解。 若想

DDGRCF 16 Nov 18, 2022
Small-bets - Ergodic Experiment With Python

Ergodic Experiment Based on this video. Run this experiment with this command: p

Michael Brant 3 Jan 11, 2022
Converts geometry node attributes to built-in attributes

Attribute Converter Simplifies converting attributes created by geometry nodes to built-in attributes like UVs or vertex colors, as a single click ope

Ivan Notaros 12 Dec 22, 2022
Tensorflow implementation of the paper "HumanGPS: Geodesic PreServing Feature for Dense Human Correspondences", CVPR 2021.

HumanGPS: Geodesic PreServing Feature for Dense Human Correspondences Tensorflow implementation of the paper "HumanGPS: Geodesic PreServing Feature fo

Google Interns 50 Dec 21, 2022
Cross-Document Coreference Resolution

Cross-Document Coreference Resolution This repository contains code and models for end-to-end cross-document coreference resolution, as decribed in ou

Arie Cattan 29 Nov 28, 2022
Monk is a low code Deep Learning tool and a unified wrapper for Computer Vision.

Monk - A computer vision toolkit for everyone Why use Monk Issue: Want to begin learning computer vision Solution: Start with Monk's hands-on study ro

Tessellate Imaging 507 Dec 04, 2022
A tutorial showing how to train, convert, and run TensorFlow Lite object detection models on Android devices, the Raspberry Pi, and more!

A tutorial showing how to train, convert, and run TensorFlow Lite object detection models on Android devices, the Raspberry Pi, and more!

Evan 1.3k Jan 02, 2023
EMNLP 2021: Single-dataset Experts for Multi-dataset Question-Answering

MADE (Multi-Adapter Dataset Experts) This repository contains the implementation of MADE (Multi-adapter dataset experts), which is described in the pa

Princeton Natural Language Processing 68 Jul 18, 2022
Repo for the ACMMM20 submission: "Personalized breath based biometric authentication with wearable multimodality".

personalized-breath Repo for the ACMMM20 submission: "Personalized breath based biometric authentication with wearable multimodality". Guideline To ex

Manh-Ha Bui 2 Nov 15, 2021
This code is 3d-CNN model that can predict environmental value

Predict-environmental-value-3dCNN This code is 3d-CNN model that can predict environmental value. Firstly, I built a model that can create a lot of bu

1 Jan 06, 2022
Self-Supervised Learning

Self-Supervised Learning Features self_supervised offers features like modular framework support for multi-gpu training using PyTorch Lightning easy t

Robin 1 Dec 14, 2021
The implementation for the SportsCap (IJCV 2021)

SportsCap: Monocular 3D Human Motion Capture and Fine-grained Understanding in Challenging Sports Videos ProjectPage | Paper | Video | Dataset (Part01

Chen Xin 79 Dec 16, 2022
Pytorch-diffusion - A basic PyTorch implementation of 'Denoising Diffusion Probabilistic Models'

PyTorch implementation of 'Denoising Diffusion Probabilistic Models' This reposi

Arthur Juliani 76 Jan 07, 2023
Biomarker identification for COVID-19 Severity in BALF cells Single-cell RNA-seq data

scBALF Covid-19 dataset Analysis Here is the Github page that has the codes for the bioinformatics pipeline described in the paper COVID-Datathon: Bio

Nami Niyakan 2 May 21, 2022
GoodNews Everyone! Context driven entity aware captioning for news images

This is the code for a CVPR 2019 paper, called GoodNews Everyone! Context driven entity aware captioning for news images. Enjoy! Model preview: Huge T

117 Dec 19, 2022
An executor that performs image segmentation on fashion items

ClothingSegmenter U2NET fashion image/clothing segmenter based on https://github.com/levindabhi/cloth-segmentation Overview The ClothingSegmenter exec

Jina AI 5 Mar 30, 2022