• Stars
    star
    213
  • Rank 184,334 (Top 4 %)
  • Language
    Python
  • License
    MIT License
  • Created over 3 years ago
  • Updated almost 3 years ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Travis

GitHub stars GitHub forks

This repo contains the official Pytorch implementaion code.

Installation

Requirements

  • Python 3.6+
  • PyTorch 1.0+

Our environments

  • OS: Ubuntu 18.04
  • CUDA: 10.0
  • Toolkit: PyTorch 1.0
  • GPU: Titan RTX

Data preparation

Download and extract ImageNet train and val images from http://image-net.org/. The directory structure is the standard layout for the torchvision datasets.ImageFolder, and the training and validation data is expected to be in the train/ folder and val folder respectively:

/path/to/imagenet/
  train/
    class1/
      img1.jpeg
    class2/
      img2.jpeg
  val/
    class1/
      img3.jpeg
    class/2
      img4.jpeg

Usage

First, clone the repository locally:

git clone https://github.com/murufeng/EPSANet.git
cd EPSANet
  • Create a conda virtual environment and activate it:
conda create -n epsanet python=3.6 
conda activate epsanet
conda install -c pytorch pytorch torchvision

Training

To train models on ImageNet with 8 gpus run:

CUDA_VISIBLE_DEVICES=0,1,2,3,4,5,6,7 python main.py -a epsanet50 --data /path/to/imagenet 

Model Zoo

Models are trained with 8 GPUs on both ImageNet and MS-COCO 2017 dataset.

Image Classification on ImageNet

Model Params(M) FLOPs(G) Top-1 (%) Top-5 (%)
EPSANet-50(Small) 22.56 3.62 77.49 93.54
EPSANet-50(Large) 27.90 4.72 78.64 94.18
EPSANet-101(Small) 38.90 6.82 78.43 94.11
EPSANet-101(Large) 49.59 8.97 79.38 94.58

Object Detection on MS-COCO 2017

Faster R-CNN

model Style Lr schd Params(M) FLOPs(G) box AP AP_50 AP_75
EPSANet-50(small) pytorch 1x 38.56 197.07 39.2 60.3 42.3
EPSANet-50(large) pytorch 1x 43.85 219.64 40.9 62.1 44.6

Mask R-CNN

model Style Lr schd Params(M) FLOPs(G) box AP AP_50 AP_75
EPSANet-50(small) pytorch 1x 41.20 248.53 40.0 60.9 43.3
EPSANet-50(large) pytorch 1x 46.50 271.10 41.4 62.3 45.3

RetinaNet

model Style Lr schd Params(M) FLOPs(G) box AP AP_50 AP_75
EPSANet-50(small) pytorch 1x 34.78 229.32 38.2 58.1 40.6
EPSANet-50(large) pytorch 1x 40.07 251.89 39.6 59.4 42.3

Instance segmentation with Mask R-CNN on MS-COCO 2017

model Params(M) FLOPs(G) AP AP_50 AP_75
EPSANet-50(small) 41.20 248.53 35.9 57.7 38.1
EPSANet-50(Large) 46.50 271.10 37.1 59.0 39.5

More Repositories

1

awesome_lightweight_networks

The implementation of various lightweight networks by using PyTorch. such as:MobileNetV2,MobileNeXt,GhostNet,ParNet,MobileViT、AdderNet,ShuffleNetV1-V2,LCNet,ConvNeXt,etc. ⭐⭐⭐⭐⭐
Python
672
star
2

CVPR_2021_Papers

CVPR2021最新论文汇总,主要包括:Transformer, NAS,模型压缩,模型评估,图像分类,检测,分割,跟踪,GAN,超分辨率,图像恢复,去雨,去雾,去模糊,去噪,重建等等
549
star
3

Awesome-AI-algorithm

人工智能算法方面的综合资料合集:包括求职面试、机器学习、深度学习、强化学习等方面的资料和代码
203
star
4

FUIR

A Flexible and Unified Image Restoration Framework (PyTorch), including state-of-the-art image restoration model. Such as NAFNet, Restormer, MPRNet, MIMO-UNet, SCUNet, SwinIR, HINet, etc. ⭐⭐⭐⭐⭐⭐
Python
179
star
5

awesome-papers

机器学习,深度学习,自然语言处理,计算机视觉方面的顶级期刊会议论文集
111
star
6

awesome-machine-learning

A curated list of awesome machine Learning tutorials,courses and communities.
32
star
7

Awesome_vision_transformer

Implementation of vision transformer. ⭐⭐⭐
Python
18
star
8

Cryptology

密码学中经典算法以及RSA、EIGamal数字签名技术
C++
16
star
9

deep-learning

A curated list of awesome Deep Learning tutorials, projects and communities.
12
star
10

Awesome-NLP-Resources

自然语言处理方面资料集
10
star
11

Data_Structures_and_Algorithms

数据结构:栈、队列、串、单链表、霍夫曼编码等
C++
8
star
12

Garden-Iris

鸢尾花的分类
Jupyter Notebook
8
star
13

Image-Classification

Implement a few key architectures for image classification by using neural network
Jupyter Notebook
7
star
14

Kaggle_Bicycle_Example

Kaggle自行车租赁预测比赛
Jupyter Notebook
6
star
15

Titanic

Kaggle竞赛:预测泰坦尼克号中乘客的获救概率以及存活情况
R
6
star
16

ImageProcessing

利用VS2017平台实现图像处理的一些基本算法。图形平滑、图像锐化、图像增强、傅里叶变换、行程编码
C++
6
star
17

Router

对公共场合中商店路由器的使用情况进行用户数据分析
Java
5
star
18

knowledge_distillation

一款即插即用的知识蒸馏工具包
4
star
19

Deep_Learning_tensorflow

简单的tensorflow框架知识,softmax分类器,手写数字识别,线性回归,验证码生成与识别
Jupyter Notebook
3
star
20

LeetCode-Algorithm

剑指Offer & LeetCode Problems' Solutions: A Record of My Problem Solving Journey(Python,C++))
3
star
21

Python3-Web-Spider

Python爬虫实战案例
Jupyter Notebook
2
star