Faster RCNN with PyTorch

Overview

Faster RCNN with PyTorch

Note: I re-implemented faster rcnn in this project when I started learning PyTorch. Then I use PyTorch in all of my projects. I still remember it costed one week for me to figure out how to build cuda code as a pytorch layer :). But actually this is not a good implementation and I didn't achieve the same mAP as the original caffe code.

This project is no longer maintained and may not compatible with the newest pytorch (after 0.4.0). So I suggest:

  • You can still read and study this code if you want to re-implement faster rcnn by yourself;
  • You can use the better PyTorch implementation by ruotianluo or Detectron.pytorch if you want to train faster rcnn with your own data;

This is a PyTorch implementation of Faster RCNN. This project is mainly based on py-faster-rcnn and TFFRCNN.

For details about R-CNN please refer to the paper Faster R-CNN: Towards Real-Time Object Detection with Region Proposal Networks by Shaoqing Ren, Kaiming He, Ross Girshick, Jian Sun.

Progress

  • Forward for detecting
  • RoI Pooling layer with C extensions on CPU (only forward)
  • RoI Pooling layer on GPU (forward and backward)
  • Training on VOC2007
  • TensroBoard support
  • Evaluation

Installation and demo

  1. Install the requirements (you can use pip or Anaconda):

    conda install pip pyyaml sympy h5py cython numpy scipy
    conda install -c menpo opencv3
    pip install easydict
    
  2. Clone the Faster R-CNN repository

    git clone [email protected]:longcw/faster_rcnn_pytorch.git
  3. Build the Cython modules for nms and the roi_pooling layer

    cd faster_rcnn_pytorch/faster_rcnn
    ./make.sh
  4. Download the trained model VGGnet_fast_rcnn_iter_70000.h5 and set the model path in demo.py

  5. Run demo python demo.py

Training on Pascal VOC 2007

Follow this project (TFFRCNN) to download and prepare the training, validation, test data and the VGG16 model pre-trained on ImageNet.

Since the program loading the data in faster_rcnn_pytorch/data by default, you can set the data path as following.

cd faster_rcnn_pytorch
mkdir data
cd data
ln -s $VOCdevkit VOCdevkit2007

Then you can set some hyper-parameters in train.py and training parameters in the .yml file.

Now I got a 0.661 mAP on VOC07 while the origin paper got a 0.699 mAP. You may need to tune the loss function defined in faster_rcnn/faster_rcnn.py by yourself.

Training with TensorBoard

With the aid of Crayon, we can access the visualisation power of TensorBoard for any deep learning framework.

To use the TensorBoard, install Crayon (https://github.com/torrvision/crayon) and set use_tensorboard = True in faster_rcnn/train.py.

Evaluation

Set the path of the trained model in test.py.

cd faster_rcnn_pytorch
mkdir output
python test.py

License: MIT license (MIT)

Comments
  • ROI pooling Speed deteriorate after tens of thousands iterations

    ROI pooling Speed deteriorate after tens of thousands iterations

    When I ran several replicates on several GPUs, the ROI pooling speed will decrease after tens of thousands of iterations.

    Usually, several, but not all, replicates will be slowed down due to the ROI Pooling operations. Also, the GPU usage will be also lowered at the same time.

    Thank you very much.

    I really need your help.

    Best, Yikang

    opened by yikang-li 15
  • AssertionError: Single batch only

    AssertionError: Single batch only

    <bound method pascal_voc.default_roidb of <faster_rcnn.datasets.pascal_voc.pascal_voc object at 0x7fd20fbaf0d0>> voc_2007_trainval gt roidb loaded from /home/ubuntu/faster_rcnn_pytorch/data/cache/voc_2007_trainval_gt_roidb.pkl Traceback (most recent call last): File "train.py", line 115, in blobs = data_layer.forward() File "/home/ubuntu/faster_rcnn_pytorch/faster_rcnn/roi_data_layer/layer.py", line 74, in forward blobs = self._get_next_minibatch() File "/home/ubuntu/faster_rcnn_pytorch/faster_rcnn/roi_data_layer/layer.py", line 70, in _get_next_minibatch return get_minibatch(minibatch_db, self._num_classes) File "/home/ubuntu/faster_rcnn_pytorch/faster_rcnn/roi_data_layer/minibatch.py", line 39, in get_minibatch assert len(im_scales) == 1, "Single batch only" AssertionError: Single batch only ubuntu@ip-172-31-26-170:~/faster_rcnn_pytorch$

    opened by abhiML 13
  • cudaCheckError() failed : invalid device function

    cudaCheckError() failed : invalid device function

    when i run the demo.py, i met this error: "load model successfully! cudaCheckError() failed : invalid device function"

    do you know why? i can use pytorch to train other models, so the installation is correct. thanks

    opened by iFighting 12
  • demo error

    demo error

    Hi :D I followed the README to try to run the demo. There was no problem up to '3' but I got the following error in '4'. What should I do?

    Traceback (most recent call last): File "demo.py", line 4, in from faster_rcnn.faster_rcnn import FasterRCNN File "/home/anears/Desktop/test/faster_rcnn_pytorch/faster_rcnn/faster_rcnn.py", line 10, in from faster_rcnn.fast_rcnn.nms_wrapper import nms File "/home/anears/Desktop/test/faster_rcnn_pytorch/faster_rcnn/fast_rcnn/init.py", line 9, in from . import nms_wrapper File "/home/anears/Desktop/test/faster_rcnn_pytorch/faster_rcnn/fast_rcnn/nms_wrapper.py", line 9, in from faster_rcnn.nms.gpu_nms import gpu_nms ImportError: /home/anears/Desktop/test/faster_rcnn_pytorch/faster_rcnn/nms/gpu_nms.cpython-36m-x86_64-linux-gnu.so: undefined symbol: __cudaPopCallConfiguration

    What is cudaPopCallConfiguration..?? Thank!

    opened by Anears 3
  • NVCC problem

    NVCC problem

    when compiling Cython with cuda 8.0(cudnn included), I met this problem. Can anyone help me solve this? My python version is 2.7 and maybe that's the source of my pro...

    running build_ext skipping 'utils/bbox.c' Cython extension (up-to-date) skipping 'utils/nms.c' Cython extension (up-to-date) skipping 'nms/cpu_nms.c' Cython extension (up-to-date) skipping 'nms/gpu_nms.cpp' Cython extension (up-to-date) skipping 'pycocotools/_mask.c' Cython extension (up-to-date) Compiling roi pooling kernels by nvcc... ./make.sh: 行 10: nvcc: 未找到命令 Including CUDA code. /home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling generating /tmp/tmpEk3p3S/_roi_pooling.c running build_ext building '_roi_pooling' extension creating home creating home/e1126 creating home/e1126/faster_rcnn_pytorch creating home/e1126/faster_rcnn_pytorch/faster_rcnn creating home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling creating home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src gcc -pthread -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/TH -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/THC -I/usr/local/cuda/include -I/home/e1126/anaconda2/include/python2.7 -c _roi_pooling.c -o ./_roi_pooling.o gcc -pthread -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/TH -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/THC -I/usr/local/cuda/include -I/home/e1126/anaconda2/include/python2.7 -c /home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/roi_pooling.c -o ./home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/roi_pooling.o gcc -pthread -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/TH -I/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/THC -I/usr/local/cuda/include -I/home/e1126/anaconda2/include/python2.7 -c /home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/roi_pooling_cuda.c -o ./home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/roi_pooling_cuda.o gcc -pthread -shared -L/home/e1126/anaconda2/lib -Wl,-rpath=/home/e1126/anaconda2/lib,--no-as-needed ./_roi_pooling.o ./home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/roi_pooling.o ./home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/roi_pooling_cuda.o /home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/cuda/roi_pooling.cu.o -L/home/e1126/anaconda2/lib -lpython2.7 -o ./_roi_pooling.so gcc: error: /home/e1126/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/cuda/roi_pooling.cu.o: 没有那个文件或目录 Traceback (most recent call last): File "build.py", line 34, in <module> ffi.build() File "/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/__init__.py", line 164, in build _build_extension(ffi, cffi_wrapper_name, target_dir, verbose) File "/home/e1126/anaconda2/lib/python2.7/site-packages/torch/utils/ffi/__init__.py", line 100, in _build_extension ffi.compile(tmpdir=tmpdir, verbose=verbose, target=libname) File "/home/e1126/anaconda2/lib/python2.7/site-packages/cffi/api.py", line 672, in compile compiler_verbose=verbose, debug=debug, **kwds) File "/home/e1126/anaconda2/lib/python2.7/site-packages/cffi/recompiler.py", line 1475, in recompile compiler_verbose, debug) File "/home/e1126/anaconda2/lib/python2.7/site-packages/cffi/ffiplatform.py", line 29, in compile outputfilename = _build(tmpdir, ext, compiler_verbose, debug) File "/home/e1126/anaconda2/lib/python2.7/site-packages/cffi/ffiplatform.py", line 65, in _build raise VerificationError('%s: %s' % (e.__class__.__name__, e)) cffi.ffiplatform.VerificationError: LinkError: command 'gcc' failed with exit status 1

    opened by jxgu1016 3
  • _roi_pooling.c:492:19: fatal error: TH/TH.h: No such file or directory

    _roi_pooling.c:492:19: fatal error: TH/TH.h: No such file or directory

    I run ./make.sh then get this error. build log follows:

    running build_ext skipping 'utils/bbox.c' Cython extension (up-to-date) skipping 'utils/nms.c' Cython extension (up-to-date) skipping 'nms/cpu_nms.c' Cython extension (up-to-date) skipping 'nms/gpu_nms.cpp' Cython extension (up-to-date) skipping 'pycocotools/_mask.c' Cython extension (up-to-date) Compiling roi pooling kernels by nvcc... Including CUDA code. /home/yyddl/faster_rcnn_pytorch/faster_rcnn/roi_pooling generating /tmp/tmpaFC7e2/_roi_pooling.c setting the current directory to '/tmp/tmpaFC7e2' running build_ext building '_roi_pooling' extension creating home creating home/yyddl creating home/yyddl/faster_rcnn_pytorch creating home/yyddl/faster_rcnn_pytorch/faster_rcnn creating home/yyddl/faster_rcnn_pytorch/faster_rcnn/roi_pooling creating home/yyddl/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src gcc -pthread -B /home/yyddl/anaconda3/envs/rcnn/compiler_compat -Wl,--sysroot=/ -fno-strict-aliasing -g -O2 -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -I/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include -I/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/TH -I/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/torch/utils/ffi/../../lib/include/THC -I/usr/local/cuda/include -I/home/yyddl/anaconda3/envs/rcnn/include/python2.7 -c _roi_pooling.c -o ./_roi_pooling.o _roi_pooling.c:492:19: fatal error: TH/TH.h: No such file or directory compilation terminated. Traceback (most recent call last): File "build.py", line 34, in ffi.build() File "/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/torch/utils/ffi/init.py", line 164, in build _build_extension(ffi, cffi_wrapper_name, target_dir, verbose) File "/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/torch/utils/ffi/init.py", line 100, in _build_extension ffi.compile(tmpdir=tmpdir, verbose=verbose, target=libname) File "/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/cffi/api.py", line 690, in compile compiler_verbose=verbose, debug=debug, **kwds) File "/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/cffi/recompiler.py", line 1515, in recompile compiler_verbose, debug) File "/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/cffi/ffiplatform.py", line 22, in compile outputfilename = _build(tmpdir, ext, compiler_verbose, debug) File "/home/yyddl/anaconda3/envs/rcnn/lib/python2.7/site-packages/cffi/ffiplatform.py", line 58, in _build raise VerificationError('%s: %s' % (e.class.name, e)) cffi.error.VerificationError: CompileError: command 'gcc' failed with exit status 1

    opened by lixiang0 2
  • bg_cnt=0 encouters division by zero

    bg_cnt=0 encouters division by zero

    In your faster_rcnn.py, the cross entropy loss has a weight, which is calculate as:

    ce_weigts[0] = float(fg_cnt) / bg_cnt
    

    When using my own training data (which, can be correctly trained on original py-faster-rcnn), will encounter problems. First, when calculating self.tf(in the same file), will access invalid array index; Second, the cross entropy weight will be zero. All these are cause by bg_cnt=0. In Pascal VOC2007 dataset, won't met this phenomenon. In my own data, it occurs.

    Hopy this is useful for people that would like to train on their own dataset.

    opened by zchrissirhcz 2
  • Segmentation fault

    Segmentation fault

    Hi, I use python2.7 and pytorch 0.1.12.post2 with cuda 8.0.

    Then I run the python train.py. I got something like that.

    image

    Here is the gdb results:

    image

    Tree Trace: image

    Could anybody have some ideas? Seems like a opencv issue?

    Thank you!

    opened by bywbilly 2
  • make.sh error

    make.sh error

    Hi! I encounter an error when I tried to run make.sh file. It says: gcc: error: /home/putama/Documents/faster_rcnn_pytorch/faster_rcnn/roi_pooling/src/cuda/roi_pooling.cu.o: No such file or directory Traceback (most recent call last): File "build.py", line 34, in <module> ffi.build() File "/home/putama/PutamaLab/anaconda/lib/python2.7/site-packages/torch/utils/ffi/__init__.py", line 164, in build _build_extension(ffi, cffi_wrapper_name, target_dir, verbose) File "/home/putama/PutamaLab/anaconda/lib/python2.7/site-packages/torch/utils/ffi/__init__.py", line 100, in _build_extension ffi.compile(tmpdir=tmpdir, verbose=verbose, target=libname) File "/home/putama/PutamaLab/anaconda/lib/python2.7/site-packages/cffi/api.py", line 672, in compile compiler_verbose=verbose, debug=debug, **kwds) File "/home/putama/PutamaLab/anaconda/lib/python2.7/site-packages/cffi/recompiler.py", line 1475, in recompile compiler_verbose, debug) File "/home/putama/PutamaLab/anaconda/lib/python2.7/site-packages/cffi/ffiplatform.py", line 29, in compile outputfilename = _build(tmpdir, ext, compiler_verbose, debug) File "/home/putama/PutamaLab/anaconda/lib/python2.7/site-packages/cffi/ffiplatform.py", line 65, in _build raise VerificationError('%s: %s' % (e.__class__.__name__, e)) cffi.ffiplatform.VerificationError: LinkError: command 'gcc' failed with exit status 1 Do you have any idea what's happening? Thanks

    opened by putama 2
  • Is this a Fast-RCNN structure rather than Faster-RCNN??

    Is this a Fast-RCNN structure rather than Faster-RCNN??

    Thanks for your implementation of R-CNN-family by PyTorch. It's very useful for me. But there always has a confusion for me while understanding the code, that is " I think this structure is Fast-RCNN rather than Faster-RCNN". Based on Faster-RCNN paper, what I understood is Faster-RCNN is not simple "RPN + Fast-RCNN". The main difference is that bbox regression is inside RPN, what RPN output is delta_t<tx, ty, tw, th>, not real proposal<x,y,w,h>. So we can combine the output of RPN and Anchors to calculate the final result of bbox. It has no necessary to feed the result to fully_connected layer again. Here, Faster-RCNN paper said this is different with Fast-RCNN and RCNN-appendix-C, Faster RCNN has different bbox regression header for different scale/ration anchors. I am looking forward your understanding....

    opened by dingyuguo 1
  • sh make.sh problem in Window10..

    sh make.sh problem in Window10..

    First of all, thank you for provide your code.

    BTW, i process to Installation step 2. image

    Currently, my OS based on Window 10. So, i try to solving make.sh file using Git bash.

    How can i handle this problem?

    opened by KyuminHwang 1
  • It is question about cpu only

    It is question about cpu only

    You wrote "RoI Pooling layer with C extensions on CPU (only forward)"

    Can I run test/forward (make installation steps) without nvidia-gpu (cuda, cudnn etc)?

    opened by MikeSmileMike 0
  • IndexError: list index out of range

    IndexError: list index out of range

    File "./tools/trainval_net.py", line 139, in max_iters=args.max_iters) File "/content/drive/My Drive/TF-MODEL/tf-faster-rcnn/tools/../lib/model/train_val.py", line 377, in train_net sw.train_model(sess, max_iters) File "/content/drive/My Drive/TF-MODEL/tf-faster-rcnn/tools/../lib/model/train_val.py", line 278, in train_model blobs = self.data_layer.forward() File "/content/drive/My Drive/TF-MODEL/tf-faster-rcnn/tools/../lib/roi_data_layer/layer.py", line 97, in forward blobs = self._get_next_minibatch() File "/content/drive/My Drive/TF-MODEL/tf-faster-rcnn/tools/../lib/roi_data_layer/layer.py", line 92, in _get_next_minibatch minibatch_db = [self._roidb[i] for i in db_inds] File "/content/drive/My Drive/TF-MODEL/tf-faster-rcnn/tools/../lib/roi_data_layer/layer.py", line 92, in minibatch_db = [self._roidb[i] for i in db_inds] IndexError: list index out of range

    please anybody help for this problem.

    opened by devendraswamy 0
  • For getting more accuracy in faster rcnn , which parameters i have to tune (tuning parameters)

    For getting more accuracy in faster rcnn , which parameters i have to tune (tuning parameters)

    For getting more accuracy in faster-rcnn , which parameters i have to tune (tuning parameters). please anybody provide the solution for that problem, actually my model is working but the problem is getting less accuracy and some miss classifications are happens , so please kindly provide solution for getting high accuracy in the model.

    Thanking you!

    opened by devendraswamy 0
  • ImportError: libcudart.so.10.0: cannot open shared object file.

    ImportError: libcudart.so.10.0: cannot open shared object file.

    I am trying to run the code on this repository

    Running ./eval.sh I get this error:

    Screenshot 2019-10-14 at 1 49 36 AM

    Configuration I am using:

    torch.__version__ -> 0.4.1

    torch.version.cuda -> 9.0.176

    nvcc --version -> 9.2

    conda list

    Screenshot 2019-10-14 at 1 52 30 AM

    I am able to locate libcudart.so.9.2 :

    Screenshot 2019-10-14 at 1 54 13 AM

    I don't see why it's trying to locate libcudart.so.10.0!

    opened by CodHeK 2
Owner
Long Chen
Computer Vision
Long Chen
Faster RCNN pytorch windows

Faster-RCNN-pytorch-windows Faster RCNN implementation with pytorch for windows Open cmd, compile this comands: cd lib python setup.py build develop T

Hwa-Rang Kim 1 Nov 11, 2022
A faster pytorch implementation of faster r-cnn

A Faster Pytorch Implementation of Faster R-CNN Write at the beginning [05/29/2020] This repo was initaited about two years ago, developed as the firs

Jianwei Yang 7.1k Jan 1, 2023
A PyTorch implementation of the architecture of Mask RCNN

EDIT (AS OF 4th NOVEMBER 2019): This implementation has multiple errors and as of the date 4th, November 2019 is insufficient to be utilized as a reso

Sai Himal Allu 975 Dec 30, 2022
3D cascade RCNN for object detection on point cloud

3D Cascade RCNN This is the implementation of 3D Cascade RCNN: High Quality Object Detection in Point Clouds. We designed a 3D object detection model

Qi Cai 22 Dec 2, 2022
This is an example of object detection on Micro bacterium tuberculosis using Mask-RCNN

Mask-RCNN on Mycobacterium tuberculosis This is an example of object detection on Mycobacterium Tuberculosis using Mask RCNN. Implement of Mask R-CNN

Jun-En Ding 1 Sep 16, 2021
This is an example of object detection on Micro bacterium tuberculosis using Mask-RCNN

Mask-RCNN on Mycobacterium tuberculosis This is an example of object detection on Mycobacterium Tuberculosis using Mask RCNN. Implement of Mask R-CNN

Jun-En Ding 1 Sep 16, 2021
PyTorch implementation of the Quasi-Recurrent Neural Network - up to 16 times faster than NVIDIA's cuDNN LSTM

Quasi-Recurrent Neural Network (QRNN) for PyTorch Updated to support multi-GPU environments via DataParallel - see the the multigpu_dataparallel.py ex

Salesforce 1.3k Dec 28, 2022
Tacotron 2 - PyTorch implementation with faster-than-realtime inference

Tacotron 2 (without wavenet) PyTorch implementation of Natural TTS Synthesis By Conditioning Wavenet On Mel Spectrogram Predictions. This implementati

NVIDIA Corporation 4.1k Jan 3, 2023
A GPU-optional modular synthesizer in pytorch, 16200x faster than realtime, for audio ML researchers.

torchsynth The fastest synth in the universe. Introduction torchsynth is based upon traditional modular synthesis written in pytorch. It is GPU-option

torchsynth 229 Jan 2, 2023
A Pytorch Implementation of Source Data-free Domain Adaptation for a Faster R-CNN

A Pytorch Implementation of Source Data-free Domain Adaptation for a Faster R-CNN Please follow Faster R-CNN and DAF to complete the environment confi

null 2 Jan 12, 2022
LeViT a Vision Transformer in ConvNet's Clothing for Faster Inference

LeViT: a Vision Transformer in ConvNet's Clothing for Faster Inference This repository contains PyTorch evaluation code, training code and pretrained

Facebook Research 504 Jan 2, 2023
Code to run experiments in SLOE: A Faster Method for Statistical Inference in High-Dimensional Logistic Regression.

Code to run experiments in SLOE: A Faster Method for Statistical Inference in High-Dimensional Logistic Regression. Not an official Google product. Me

Google Research 27 Dec 12, 2022
SparseML is a libraries for applying sparsification recipes to neural networks with a few lines of code, enabling faster and smaller models

SparseML is a toolkit that includes APIs, CLIs, scripts and libraries that apply state-of-the-art sparsification algorithms such as pruning and quantization to any neural network. General, recipe-driven approaches built around these algorithms enable the simplification of creating faster and smaller models for the ML performance community at large.

Neural Magic 1.5k Dec 30, 2022
shufflev2-yolov5:lighter, faster and easier to deploy

shufflev2-yolov5: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 1.7M (int8) and 3.3M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~

pogg 1.5k Jan 5, 2023
🍅🍅🍅YOLOv5-Lite: lighter, faster and easier to deploy. Evolved from yolov5 and the size of model is only 1.7M (int8) and 3.3M (fp16). It can reach 10+ FPS on the Raspberry Pi 4B when the input size is 320×320~

YOLOv5-Lite:lighter, faster and easier to deploy Perform a series of ablation experiments on yolov5 to make it lighter (smaller Flops, lower memory, a

pogg 1.5k Jan 5, 2023
Optimized code based on M2 for faster image captioning training

Transformer Captioning This repository contains the code for Transformer-based image captioning. Based on meshed-memory-transformer, we further optimi

lyricpoem 16 Dec 16, 2022
LF-YOLO (Lighter and Faster YOLO) is used to detect defect of X-ray weld image.

This project is based on ultralytics/yolov3. LF-YOLO (Lighter and Faster YOLO) is used to detect defect of X-ray weld image. Download $ git clone http

null 26 Dec 13, 2022
[NeurIPS'21] Projected GANs Converge Faster

[Project] [PDF] [Supplementary] [Talk] This repository contains the code for our NeurIPS 2021 paper "Projected GANs Converge Faster" by Axel Sauer, Ka

null 798 Jan 4, 2023
A Python package for faster, safer, and simpler ML processes

Bender ?? A Python package for faster, safer, and simpler ML processes. Why use bender? Bender will make your machine learning processes, faster, safe

Otovo 6 Dec 13, 2022