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
Utility tools for the "Divide and Remaster" dataset, introduced as part of the Cocktail Fork problem paper

Divide and Remaster Utility Tools Utility tools for the "Divide and Remaster" dataset, introduced as part of the Cocktail Fork problem paper The DnR d

Darius Petermann 46 Dec 11, 2022
[ICCV 2021] Counterfactual Attention Learning for Fine-Grained Visual Categorization and Re-identification

Counterfactual Attention Learning Created by Yongming Rao*, Guangyi Chen*, Jiwen Lu, Jie Zhou This repository contains PyTorch implementation for ICCV

Yongming Rao 90 Dec 31, 2022
Code for the bachelors-thesis flaky fault localization

Flaky_Fault_Localization Scripts for the Bachelors-Thesis: "Flaky Fault Localization" by Christian Kasberger. The thesis examines the usefulness of sp

Christian Kasberger 1 Oct 26, 2021
Forecasting Nonverbal Social Signals during Dyadic Interactions with Generative Adversarial Neural Networks

ForecastingNonverbalSignals This is the implementation for the paper Forecasting Nonverbal Social Signals during Dyadic Interactions with Generative A

1 Feb 10, 2022
Animate molecular orbital transitions using Psi4 and Blender

Molecular Orbital Transitions (MOT) Animate molecular orbital transitions using Psi4 and Blender Author: Maximilian Paradiz Dominguez, University of A

3 Feb 01, 2022
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)

TensorFlow Examples This tutorial was designed for easily diving into TensorFlow, through examples. For readability, it includes both notebooks and so

Aymeric Damien 42.5k Jan 08, 2023
Convert Apple NeuralHash model for CSAM Detection to ONNX.

Apple NeuralHash is a perceptual hashing method for images based on neural networks. It can tolerate image resize and compression.

Asuhariet Ygvar 1.5k Dec 31, 2022
Session-based Recommendation, CoHHN, price preferences, interest preferences, Heterogeneous Hypergraph, Co-guided Learning, SIGIR2022

This is our implementation for the paper: Price DOES Matter! Modeling Price and Interest Preferences in Session-based Recommendation Xiaokun Zhang, Bo

Xiaokun Zhang 27 Dec 02, 2022
Code repository of the paper Neural circuit policies enabling auditable autonomy published in Nature Machine Intelligence

Neural Circuit Policies Enabling Auditable Autonomy Online access via SharedIt Neural Circuit Policies (NCPs) are designed sparse recurrent neural net

8 Jan 07, 2023
OpenLT: An open-source project for long-tail classification

OpenLT: An open-source project for long-tail classification Supported Methods for Long-tailed Recognition: Cross-Entropy Loss Focal Loss (ICCV'17) Cla

Ming Li 37 Sep 15, 2022
This package proposes simplified exporting pytorch models to ONNX and TensorRT, and also gives some base interface for model inference.

PyTorch Infer Utils This package proposes simplified exporting pytorch models to ONNX and TensorRT, and also gives some base interface for model infer

Alex Gorodnitskiy 11 Mar 20, 2022
Photo2cartoon - 人像卡通化探索项目 (photo-to-cartoon translation project)

人像卡通化 (Photo to Cartoon) 中文版 | English Version 该项目为小视科技卡通肖像探索项目。您可使用微信扫描下方二维码或搜索“AI卡通秀”小程序体验卡通化效果。

Minivision_AI 3.5k Dec 30, 2022
This is a repository of our model for weakly-supervised video dense anticipation.

Introduction This is a repository of our model for weakly-supervised video dense anticipation. More results on GTEA, Epic-Kitchens etc. will come soon

2 Apr 09, 2022
Torch implementation of "Enhanced Deep Residual Networks for Single Image Super-Resolution"

NTIRE2017 Super-resolution Challenge: SNU_CVLab Introduction This is our project repository for CVPR 2017 Workshop (2nd NTIRE). We, Team SNU_CVLab, (B

Bee Lim 625 Dec 30, 2022
PolyGlot, a fuzzing framework for language processors

PolyGlot, a fuzzing framework for language processors Build We tested PolyGlot on Ubuntu 18.04. Get the source code: git clone https://github.com/s3te

Software Systems Security Team at Penn State University 79 Dec 27, 2022
Tensorflow 2 implementation of the paper: Learning and Evaluating Representations for Deep One-class Classification published at ICLR 2021

Deep Representation One-class Classification (DROC). This is not an officially supported Google product. Tensorflow 2 implementation of the paper: Lea

Google Research 137 Dec 23, 2022
Official implementation of VaxNeRF (Voxel-Accelearated NeRF).

VaxNeRF Paper | Google Colab This is the official implementation of VaxNeRF (Voxel-Accelearated NeRF). VaxNeRF provides very fast training and slightl

naruya 132 Nov 21, 2022
Addition of pseudotorsion caclulation eta, theta, eta', and theta' to barnaba package

Addition to Original Barnaba Code: This is modified version of Barnaba package to calculate RNA pseudotorsion angles eta, theta, eta', and theta'. Ple

Mandar Kulkarni 1 Jan 11, 2022
Implementation of association rules mining algorithms (Apriori|FPGrowth) using python.

Association Rules Mining Using Python Implementation of association rules mining algorithms (Apriori|FPGrowth) using python. As a part of hw1 code in

Pre 2 Nov 10, 2021
Accompanying code for the paper "A Kernel Test for Causal Association via Noise Contrastive Backdoor Adjustment".

#backdoor-HSIC (bd_HSIC) Accompanying code for the paper "A Kernel Test for Causal Association via Noise Contrastive Backdoor Adjustment". To generate

Robert Hu 0 Nov 25, 2021