All Projects → Lyken17 → mxbox

Lyken17 / mxbox

Licence: BSD-3-Clause License
Simple, efficient and flexible vision toolbox for mxnet framework.

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to mxbox

d2l-java
The Java implementation of Dive into Deep Learning (D2L.ai)
Stars: ✭ 94 (+203.23%)
Mutual labels:  mxnet
onnx tensorrt project
Support Yolov5(4.0)/Yolov5(5.0)/YoloR/YoloX/Yolov4/Yolov3/CenterNet/CenterFace/RetinaFace/Classify/Unet. use darknet/libtorch/pytorch/mxnet to onnx to tensorrt
Stars: ✭ 145 (+367.74%)
Mutual labels:  mxnet
VapourSynth-Super-Resolution-Helper
Setup scripts for ESRGAN/MXNet image/video upscaling in VapourSynth
Stars: ✭ 63 (+103.23%)
Mutual labels:  mxnet
model-zoo-old
The ONNX Model Zoo is a collection of pre-trained models for state of the art models in deep learning, available in the ONNX format
Stars: ✭ 38 (+22.58%)
Mutual labels:  mxnet
MXNet-EfficientNet
A Gluon Implement of EfficientNet
Stars: ✭ 12 (-61.29%)
Mutual labels:  mxnet
robot
Functions and classes for gradient-based robot motion planning, written in Ivy.
Stars: ✭ 29 (-6.45%)
Mutual labels:  mxnet
NonLocalandSEnet
MXNet implementation of Non-Local and Squeeze-Excitation network
Stars: ✭ 24 (-22.58%)
Mutual labels:  mxnet
XLearning-GPU
qihoo360 xlearning with GPU support; AI on Hadoop
Stars: ✭ 22 (-29.03%)
Mutual labels:  mxnet
gpu accelerated forecasting modeltime gluonts
GPU-Accelerated Deep Learning for Time Series using Modeltime GluonTS (Learning Lab 53). Event sponsors: Saturn Cloud, NVIDIA, & Business Science.
Stars: ✭ 20 (-35.48%)
Mutual labels:  mxnet
ko data science docker
데이터 분석 모델링용 도커 이미지
Stars: ✭ 14 (-54.84%)
Mutual labels:  mxnet
mxterm
explore apache mxnet from the terminal / REPL
Stars: ✭ 20 (-35.48%)
Mutual labels:  mxnet
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-16.13%)
Mutual labels:  mxnet
megaface-evaluation
A Simple Tool to Evaluate Your Models on Megaface Benchmark Implemented in Python and Mxnet
Stars: ✭ 34 (+9.68%)
Mutual labels:  mxnet
DLInfBench
CNN model inference benchmarks for some popular deep learning frameworks
Stars: ✭ 51 (+64.52%)
Mutual labels:  mxnet
Arch-Data-Science
Archlinux PKGBUILDs for Data Science, Machine Learning, Deep Learning, NLP and Computer Vision
Stars: ✭ 92 (+196.77%)
Mutual labels:  mxnet
DockerKeras
We provide GPU-enabled docker images including Keras, TensorFlow, CNTK, MXNET and Theano.
Stars: ✭ 49 (+58.06%)
Mutual labels:  mxnet
mxnet-transducer
Fast parallel RNN-Transducer.
Stars: ✭ 11 (-64.52%)
Mutual labels:  mxnet
MXNet-YOLO
mxnet implementation of yolo and darknet2mxnet converter
Stars: ✭ 17 (-45.16%)
Mutual labels:  mxnet
iqiyi-vid-challenge
Code for IQIYI-VID(IQIYI Video Person Identification) Challenge Implemented in Python and MXNet
Stars: ✭ 45 (+45.16%)
Mutual labels:  mxnet
ai-deployment
关注AI模型上线、模型部署
Stars: ✭ 149 (+380.65%)
Mutual labels:  mxnet

MXbox: Simple, efficient and flexible vision toolbox for mxnet framework.

MXbox is a toolbox aiming to provide a general and simple interface for vision tasks. This project is greatly inspired by PyTorch and torchvision. Detailed copyright files are on the way. Improvements and suggestions are welcome.

Installation

MXBox is now available on PyPi.

pip install mxbox

Features

  1. Define preprocess as a flow
transform = transforms.Compose([
    transforms.RandomSizedCrop(224),
    transforms.RandomHorizontalFlip(),
    transforms.mx.ToNdArray(),
    transforms.mx.Normalize(mean = [ 0.485, 0.456, 0.406 ],
                            std  = [ 0.229, 0.224, 0.225 ]),
])

PS: By default, mxbox uses PIL to read and transform images. But it also supports other backends like accimage and skimage.

More usages can be found in documents and examples.

  1. Build an multi-thread DataLoader in few lines

Common datasets such as cifar10, cifar100, SVHN, MNIST are out-of-the-box. You can simply load them from mxbox.datasets.

from mxbox import transforms, datasets, DataLoader
trans = transforms.Compose([
        transforms.mx.ToNdArray(), 
        transforms.mx.Normalize(mean = [ 0.485, 0.456, 0.406 ],
                                std  = [ 0.229, 0.224, 0.225 ]),
])
dataset = datasets.CIFAR10('~/.mxbox/cifar10', transform=trans, download=True)

batch_size = 32
feedin_shapes = {
    'batch_size': batch_size,
    'data': [mx.io.DataDesc(name='data', shape=(batch_size, 3, 32, 32), layout='NCHW')],
    'label': [mx.io.DataDesc(name='softmax_label', shape=(batch_size, ), layout='N')]
}
loader = DataLoader(dataset, feedin_shapes, threads=8, shuffle=True)

Or you can also easily create your own, which only requires to implement __getitem__ and __len__.

class TooYoungScape(mxbox.Dataset):
    def __init__(self, root, lst, transform=None):
        self.root = root
        with open(osp.join(root, lst), 'r') as fp:
            self.lst = [line.strip().split('\t') for line in fp.readlines()]
        self.transform = transform

    def __getitem__(self, index):
        img = self.pil_loader(osp.join(self.root, self.lst[index][0]))
        if self.transform is not None:
            img = self.transform(img)
        return {'data': img, 'softmax_label': img}

    def __len__(self):
        return len(self.lst)
        
dataset = TooYoungScape('~/.mxbox/TooYoungScape', "train.lst", transform=trans)
loader = DataLoader(dataset, feedin_shapes, threads=8, shuffle=True)
  1. Load popular model with pretrained weights

Note: current under construction, many models lack of pretrained weights and some of their definition files are missing.

vgg = mxbox.models.vgg(num_classes=10, pretrained=True)
resnet = mxbox.models.resnet152(num_classes=10, pretrained=True)

TODO list

  1. FLAG options?

  2. Efficient prefetch.

  3. Common Models preparation.

  4. More friendly error logging.

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].