All Projects → anhlt → faster_rcnn

anhlt / faster_rcnn

Licence: MIT License
Another pytorch implementation of Faster RCNN.

Programming Languages

Jupyter Notebook
11667 projects

Projects that are alternatives of or similar to faster rcnn

publications-arruda-ijcnn-2019
Cross-Domain Car Detection Using Unsupervised Image-to-Image Translation: From Day to Night
Stars: ✭ 59 (+145.83%)
Mutual labels:  faster-rcnn
Object-Detection-And-Tracking
Target detection in the first frame and Tracking target by SiamRPN.
Stars: ✭ 33 (+37.5%)
Mutual labels:  faster-rcnn
lightDenseYOLO
A real-time object detection app based on lightDenseYOLO Our lightDenseYOLO is the combination of two components: lightDenseNet as the CNN feature extractor and YOLO v2 as the detection module
Stars: ✭ 20 (-16.67%)
Mutual labels:  faster-rcnn
MMTOD
Multi-modal Thermal Object Detector
Stars: ✭ 38 (+58.33%)
Mutual labels:  faster-rcnn
Real-Time-Object-Detection-API-using-TensorFlow
A Transfer Learning based Object Detection API that detects all objects in an image, video or live webcam. An SSD model and a Faster R-CNN model was pretrained on Mobile net coco dataset along with a label map in Tensorflow. This model were used to detect objects captured in an image, video or real time webcam. Open CV was used for streaming obj…
Stars: ✭ 50 (+108.33%)
Mutual labels:  faster-rcnn
Faster RCNN tensorflow
Implementation of Faster RCNN for Vehicle Detection
Stars: ✭ 16 (-33.33%)
Mutual labels:  faster-rcnn
gluon-faster-rcnn
Faster R-CNN implementation with MXNet Gluon API
Stars: ✭ 31 (+29.17%)
Mutual labels:  faster-rcnn
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (+270.83%)
Mutual labels:  faster-rcnn
Object-and-Semantic-Part-Detection-pyTorch
Joint detection of Object and its Semantic parts using Attention-based Feature Fusion on PASCAL Parts 2010 dataset
Stars: ✭ 18 (-25%)
Mutual labels:  faster-rcnn
tf-faster-rcnn
Tensorflow 2 Faster-RCNN implementation from scratch supporting to the batch processing with MobileNetV2 and VGG16 backbones
Stars: ✭ 88 (+266.67%)
Mutual labels:  faster-rcnn
FasterRCNN-pytorch
FasterRCNN is implemented in VGG, ResNet and FPN base.
Stars: ✭ 121 (+404.17%)
Mutual labels:  faster-rcnn
GIouloss CIouloss caffe
Caffe version Generalized & Distance & Complete Iou loss Implementation for Faster RCNN/FPN bbox regression
Stars: ✭ 42 (+75%)
Mutual labels:  faster-rcnn
Faster-RCNN-LocNet
A simplified implementation of paper : Improved Localization Accuracy by LocNet for Faster R-CNN Based Text Detection
Stars: ✭ 25 (+4.17%)
Mutual labels:  faster-rcnn
Shadowless
A Fast and Open Source Autonomous Perception System.
Stars: ✭ 29 (+20.83%)
Mutual labels:  faster-rcnn
publications-tabelini-ijcnn-2019
Effortless Deep Training for Traffic Sign Detection Using Templates and Arbitrary Natural Images
Stars: ✭ 19 (-20.83%)
Mutual labels:  faster-rcnn
py-faster-rcnn-imagenet
Train faster rcnn on imagine dataset, related blog post: https://andrewliao11.github.io/object/detection/2016/07/23/detection/
Stars: ✭ 133 (+454.17%)
Mutual labels:  faster-rcnn
keras-faster-rcnn
keras实现faster rcnn,end2end训练、预测; 持续更新中,见todo... ;欢迎试用、关注并反馈问题
Stars: ✭ 85 (+254.17%)
Mutual labels:  faster-rcnn
Faster-RCNN-Pytorch-Simple
No description or website provided.
Stars: ✭ 24 (+0%)
Mutual labels:  faster-rcnn
Depth-VRD
Improving Visual Relation Detection using Depth Maps (ICPR 2020)
Stars: ✭ 33 (+37.5%)
Mutual labels:  faster-rcnn
frcnn-from-scratch-with-keras
💥Faster R-CNN from scratch written with Keras
Stars: ✭ 157 (+554.17%)
Mutual labels:  faster-rcnn

Documentation Status

Faster RCNN

An another pytorch implementation of Faster RCNN base on https://github.com/longcw/faster_rcnn_pytorch, with rewriten data pre-process module and a lot of helpful debug messages.

Document: https://faster-rcnn.readthedocs.io/en/latest/

Installation

  1. Install docker and Nvidia-docker
  2. Git clone
git clone https:github.com/anhlt/faster_rcnn
  1. Using docker-compose
docker-compose up --build

Modules

Dataset module

Extend the torchvision.datasets.CocoDetection module, and add extracting bounding box function. Image data will be automatically resize, and normalize

import os
import torchvision.transforms as transforms
from faster_rcnn.utils.dataset import CocoData
from faster_rcnn.utils.data_generator import CocoGenerator
from faster_rcnn.utils.data_generator import Enqueuer

dataDir = './data/mscoco'
dataType = 'train2014'
annFile='%s/annotations/instances_%s.json'%(dataDir,dataType)

images_dir = os.path.join(dataDir,'images', dataType)
cap = CocoData(root = images_dir,
                        annFile = annFile,
              )

You can verify your dataset module with this method

def imshow(inp, gt_boxes=[], predict_boxes = []):
    """Imshow for Tensor."""
    inp = inp.numpy().transpose((1, 2, 0))
    mean = np.array([0.485, 0.456, 0.406])
    std = np.array([0.229, 0.224, 0.225])
    inp = std * inp + mean
    inp = np.clip(inp, 0, 1)
    fig,ax = plt.subplots(1, figsize=(20, 10))

    ax.imshow(inp)
    for i, box in enumerate(gt_boxes):
        rect = patches.Rectangle((box[0], box[1]), box[2] - box[0], box[3] - box[1]  ,linewidth=2,edgecolor='r',facecolor='none')
        # Add the patch to the Axes
        ax.add_patch(rect)
        
    for i, box in enumerate(predict_boxes):
        rect = patches.Rectangle((box[0], box[1]), box[2] - box[0], box[3] - box[1]  ,linewidth=1,edgecolor='g',facecolor='none')
        # Add the patch to the Axes
        ax.add_patch(rect)

data = cap[13499]
im = data['tensor']
gt_boxes =  data['boxes']
imshow(im[0], gt_boxes)

image

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