All Projects → AgentMaker → Paddle-Image-Models

AgentMaker / Paddle-Image-Models

Licence: Apache-2.0 license
A PaddlePaddle version image model zoo.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Paddle-Image-Models

PASSL
PASSL包含 SimCLR,MoCo v1/v2,BYOL,CLIP,PixPro,BEiT,MAE等图像自监督算法以及 Vision Transformer,DEiT,Swin Transformer,CvT,T2T-ViT,MLP-Mixer,XCiT,ConvNeXt,PVTv2 等基础视觉算法
Stars: ✭ 134 (+2.29%)
Mutual labels:  pvt, deit, swin-transformer
Nanodet
⚡Super fast and lightweight anchor-free object detection model. 🔥Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphone🔥
Stars: ✭ 3,640 (+2678.63%)
Mutual labels:  model-zoo, repvgg
PLSC
Paddle Large Scale Classification Tools,supports ArcFace, CosFace, PartialFC, Data Parallel + Model Parallel. Model includes ResNet, ViT, DeiT, FaceViT.
Stars: ✭ 113 (-13.74%)
Mutual labels:  paddlepaddle, deit
Insightface
State-of-the-art 2D and 3D Face Analysis Project
Stars: ✭ 10,886 (+8209.92%)
Mutual labels:  paddlepaddle
neqsimpython
NeqSim is a library for calculation of fluid behavior, phase equilibrium and process simulation. This project is a Python interface to NeqSim.
Stars: ✭ 22 (-83.21%)
Mutual labels:  pvt
EduCDM
The Model Zoo of Cognitive Diagnosis Models, including classic Item Response Ranking (IRT), Multidimensional Item Response Ranking (MIRT), Deterministic Input, Noisy "And" model(DINA), and advanced Fuzzy Cognitive Diagnosis Framework (FuzzyCDF), Neural Cognitive Diagnosis Model (NCDM) and Item Response Ranking framework (IRR).
Stars: ✭ 48 (-63.36%)
Mutual labels:  model-zoo
Transformer-in-Transformer
An Implementation of Transformer in Transformer in TensorFlow for image classification, attention inside local patches
Stars: ✭ 40 (-69.47%)
Mutual labels:  tnt
PP-YOLO
PaddlePaddle实现的目标检测模型PP-YOLO
Stars: ✭ 59 (-54.96%)
Mutual labels:  paddlepaddle
tnt
A 2d Game Engine written in C++20.
Stars: ✭ 30 (-77.1%)
Mutual labels:  tnt
react-pits
React 中的坑
Stars: ✭ 29 (-77.86%)
Mutual labels:  pit
Kaolin
A PyTorch Library for Accelerating 3D Deep Learning Research
Stars: ✭ 2,794 (+2032.82%)
Mutual labels:  model-zoo
shadow
shadow table.
Stars: ✭ 12 (-90.84%)
Mutual labels:  pit
SR Framework
A generic framework which implements some famouts super-resolution models
Stars: ✭ 54 (-58.78%)
Mutual labels:  model-zoo
Paddle
PArallel Distributed Deep LEarning: Machine Learning Framework from Industrial Practice (『飞桨』核心框架,深度学习&机器学习高性能单机、分布式训练和跨平台部署)
Stars: ✭ 17,232 (+13054.2%)
Mutual labels:  paddlepaddle
Open model zoo
Pre-trained Deep Learning models and demos (high quality and extremely fast)
Stars: ✭ 2,925 (+2132.82%)
Mutual labels:  model-zoo
Visualdl
Deep Learning Visualization Toolkit(『飞桨』深度学习可视化工具 )
Stars: ✭ 4,258 (+3150.38%)
Mutual labels:  paddlepaddle
TasNet
A PyTorch implementation of Time-domain Audio Separation Network (TasNet) with Permutation Invariant Training (PIT) for speech separation.
Stars: ✭ 81 (-38.17%)
Mutual labels:  pit
neqsim
NeqSim is a library for calculation of fluid behavior, phase equilibrium and process simulation
Stars: ✭ 39 (-70.23%)
Mutual labels:  pvt
scene-recognition-pytorch1.x
Evaluate wandb, tensorboard, neptune, mlflow, etc
Stars: ✭ 37 (-71.76%)
Mutual labels:  model-zoo
SimMIM
This is an official implementation for "SimMIM: A Simple Framework for Masked Image Modeling".
Stars: ✭ 717 (+447.33%)
Mutual labels:  swin-transformer

Paddle-Image-Models

GitHub forks GitHub Repo stars Pypi Downloads GitHub release (latest by date including pre-releases) GitHub

English | 简体中文

A PaddlePaddle version image model zoo.

Model Zoo
CNN Transformer MLP

Install Package

Usage

Quick Start

import paddle
from ppim import rednet_26

# Load the model with PPIM wheel package
model, val_transforms = rednet_26(pretrained=True, return_transforms=True)

# Load the model with paddle.hub API
# paddlepaddle >= 2.1.0
'''
model, val_transforms = paddle.hub.load(
    'AgentMaker/Paddle-Image-Models:dev', 
    'rednet_26', 
    source='github', 
    force_reload=False, 
    pretrained=True, 
    return_transforms=True
)
'''

# Model summary 
paddle.summary(model, input_size=(1, 3, 224, 224))

# Random a input
x = paddle.randn(shape=(1, 3, 224, 224))

# Model forword
out = model(x)

Classification(PaddleHapi)

import paddle
import paddle.nn as nn
import paddle.vision.transforms as T
from paddle.vision import Cifar100

from ppim import rexnet_1_0

# Load the model
model, val_transforms = rexnet_1_0(pretrained=True, return_transforms=True, class_dim=100)

# Use the PaddleHapi Model
model = paddle.Model(model)

# Set the optimizer
opt = paddle.optimizer.Adam(learning_rate=0.001, parameters=model.parameters())

# Set the loss function
loss = nn.CrossEntropyLoss()

# Set the evaluate metric
metric = paddle.metric.Accuracy(topk=(1, 5))

# Prepare the model 
model.prepare(optimizer=opt, loss=loss, metrics=metric)

# Set the data preprocess
train_transforms = T.Compose([
    T.Resize(256, interpolation='bicubic'),
    T.RandomCrop(224),
    T.ToTensor(),
    T.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225])
])

# Load the Cifar100 dataset
train_dataset = Cifar100(mode='train', transform=train_transforms, backend='pil')
val_dataset = Cifar100(mode='test',  transform=val_transforms, backend='pil')

# Finetune the model 
model.fit(
    train_data=train_dataset, 
    eval_data=val_dataset, 
    batch_size=256, 
    epochs=2, 
    eval_freq=1, 
    log_freq=1, 
    save_dir='save_models', 
    save_freq=1, 
    verbose=1, 
    drop_last=False, 
    shuffle=True,
    num_workers=0
)

Contact us

Email : [email protected]
QQ Group : 1005109853

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].