RepVGG: Making VGG-style ConvNets Great Again

Overview

RepVGG-openMMLab

This repository is the code that needs to be submitted for OpenMMLab Algorithm Ecological Challenge,the paper is RepVGG: Making VGG-style ConvNets Great Again

Result :)

  1. RepVGG-b2g4 top1 is 79.78
  2. RepVGG-b3g4 top1 is 80.31
  3. RepVGG-B3 top1 is 80.59

How TO Use?

What is MMCV?

MMCV is a foundational library for computer vision research and supports many research projects as below:

  • MMClassification:OpenMMLab image classification toolbox and benchmark.
  • MMDetection:OpenMMLab detection toolbox and benchmark.
  • MMDetection3D:OpenMMLab’s next-generation platform for general 3D object detection.
  • MMSegmentation:OpenMMLab semantic segmentation toolbox and benchmark.
  • MMAction2:OpenMMLab’s next-generation action understanding toolbox and benchmark.
  • MMTracking:OpenMMLab video perception toolbox and benchmark.
  • ...
Using MMCV for the first time??
  1. Install MMCV using MIM
pip install git+https://github.com/open-mmlab/mim.git

mim install mmcv-full

  1. clone MMClassification and install
git clone https://github.com/open-mmlab/mmclassification.git

cd mmclassification

pip install -e .
  1. Register RepVGG in MMclassification
cp RepVGG-openMMLab/backbones/RepVGG.py \
mmclassification/mmcls/models/backbones/

in mmclassification/mmcls/models/backbones/__init__.py

...
from .RepVGG import RepVGG

__all__ = [
    ..., 'RepVGG'
]
  1. copy config file to mmclassification/config

cp RepVGG-openMMLab/config/repvggb2g4_b32x8.py \
mmclassification/config/


  1. Train Model(If you downloaded Imagenet)
cd mmclassification
python tools/train.py config/repvggb2g4_b32x8.py 

Download && Unzip ImageNet
data/download_imagenet.sh ,This script can automatically build the file structure that Imagenet needs for mmcls

mkdir -p mmclassification/data
cp RepVGG-openMMLab/data/download_imagenet.sh mmclassification/data
cd mmclassification/data
bash download_imagenet.sh

Use the pre-trained model on Google Drive

pre-trained model

  • RepVGGB2g4.pth

  • RepVGGB3g4.pth

  • RepVGGB3.pth

Test Model
in mmclassification

python tools/test.py config/repvggb2g4_b32x8.py ${repvggb2g4 model file} --meterics accuracy

someting like this..
reference
  1. RepVGG:极简架构,SOTA性能,让VGG式模型再次伟大(CVPR-2021)
  2. RepVGG: Making VGG-style ConvNets Great Again (CVPR-2021) (PyTorch)
  3. MMClassification Docs
  4. ImageNet
  5. MMCV DOCs
Owner
Ty Feng
Ty Feng
Simple codebase for flexible neural net training

neural-modular Simple codebase for flexible neural net training. Allows for seamless exchange of models, dataset, and optimizers. Uses hydra for confi

Jannik Kossen 7 Apr 05, 2022
Bottleneck Transformers for Visual Recognition

Bottleneck Transformers for Visual Recognition Experiments Model Params (M) Acc (%) ResNet50 baseline (ref) 23.5M 93.62 BoTNet-50 18.8M 95.11% BoTNet-

Myeongjun Kim 236 Jan 03, 2023
Create images and texts with the First Order Generative Adversarial Networks

First Order Divergence for training GANs This repository contains code accompanying the paper First Order Generative Advesarial Netoworks The majority

Zalando Research 35 Dec 11, 2021
Session-aware Item-combination Recommendation with Transformer Network

Session-aware Item-combination Recommendation with Transformer Network 2nd place (0.39224) code and report for IEEE BigData Cup 2021 Track1 Report EDA

Tzu-Heng Lin 6 Mar 10, 2022
Learning Neural Network Subspaces

Learning Neural Network Subspaces Welcome to the codebase for Learning Neural Network Subspaces by Mitchell Wortsman, Maxwell Horton, Carlos Guestrin,

Apple 117 Nov 17, 2022
Learning Temporal Consistency for Low Light Video Enhancement from Single Images (CVPR2021)

StableLLVE This is a Pytorch implementation of "Learning Temporal Consistency for Low Light Video Enhancement from Single Images" in CVPR 2021, by Fan

99 Dec 19, 2022
Library for 8-bit optimizers and quantization routines.

bitsandbytes Bitsandbytes is a lightweight wrapper around CUDA custom functions, in particular 8-bit optimizers and quantization functions. Paper -- V

Facebook Research 687 Jan 04, 2023
Code for Multiple Instance Active Learning for Object Detection, CVPR 2021

MI-AOD Language: 简体中文 | English Introduction This is the code for Multiple Instance Active Learning for Object Detection (The PDF is not available tem

Tianning Yuan 269 Dec 21, 2022
PyTorch implementation of paper: HPNet: Deep Primitive Segmentation Using Hybrid Representations.

HPNet This repository contains the PyTorch implementation of paper: HPNet: Deep Primitive Segmentation Using Hybrid Representations. Installation The

Siming Yan 42 Dec 07, 2022
Scheduling BilinearRewards

Scheduling_BilinearRewards Requirement Python 3 =3.5 Structure main.py This file includes the main function. For getting the results in Figure 1, ple

junghun.kim 0 Nov 25, 2021
Fast Scattering Transform with CuPy/PyTorch

Announcement 11/18 This package is no longer supported. We have now released kymatio: http://www.kymat.io/ , https://github.com/kymatio/kymatio which

Edouard Oyallon 289 Dec 07, 2022
CenterNet:Objects as Points目标检测模型在Pytorch当中的实现

CenterNet:Objects as Points目标检测模型在Pytorch当中的实现

Bubbliiiing 267 Dec 29, 2022
Interpretation of T cell states using reference single-cell atlases

Interpretation of T cell states using reference single-cell atlases ProjecTILs is a computational method to project scRNA-seq data into reference sing

Cancer Systems Immunology Lab 139 Jan 03, 2023
MultiSiam: Self-supervised Multi-instance Siamese Representation Learning for Autonomous Driving

MultiSiam: Self-supervised Multi-instance Siamese Representation Learning for Autonomous Driving Code will be available soon. Motivation Architecture

Kai Chen 24 Apr 19, 2022
A framework for joint super-resolution and image synthesis, without requiring real training data

SynthSR This repository contains code to train a Convolutional Neural Network (CNN) for Super-resolution (SR), or joint SR and data synthesis. The met

83 Jan 01, 2023
An implementation of the Contrast Predictive Coding (CPC) method to train audio features in an unsupervised fashion.

CPC_audio This code implements the Contrast Predictive Coding algorithm on audio data, as described in the paper Unsupervised Pretraining Transfers we

Meta Research 283 Dec 30, 2022
Code for intrusion detection system (IDS) development using CNN models and transfer learning

Intrusion-Detection-System-Using-CNN-and-Transfer-Learning This is the code for the paper entitled "A Transfer Learning and Optimized CNN Based Intrus

Western OC2 Lab 38 Dec 12, 2022
A BaSiC Tool for Background and Shading Correction of Optical Microscopy Images

BaSiC Matlab code accompanying A BaSiC Tool for Background and Shading Correction of Optical Microscopy Images by Tingying Peng, Kurt Thorn, Timm Schr

Marr Lab 34 Dec 18, 2022
A copy of Ares that costs 30 fucking dollars.

Finalement, j'ai décidé d'abandonner cette idée, je me suis comporté comme un enfant qui été en colère. Comme m'ont dit certaines personnes j'ai des c

Bleu 24 Apr 14, 2022
Network Compression via Central Filter

Network Compression via Central Filter Environments The code has been tested in the following environments: Python 3.8 PyTorch 1.8.1 cuda 10.2 torchsu

2 May 12, 2022