Faster-RCNN is a very common Regional Convolutional Neural Network architecture that detects and recognizes objects in images in a single forward pass
Questions tagged [faster-rcnn]
332 questions
1
vote
0 answers
How i can solve the error "The nvcc binary could not be ' OSError: The nvcc binary could not be located in your $PATH" py-faster-rcnn
I am trying to run and implement py-faster-rcnn from GitHub, using Python. I already clone the repository, but when I try to run make in cmd, as written within the installation instructions, it outputs the following…

Yaman Afadar
- 53
- 1
- 10
1
vote
1 answer
Pytorch fasterrcnn resnet50 fpn loss functions
I am using a pretrained model from this tutorial. https://pytorch.org/tutorials/intermediate/torchvision_tutorial.html#defining-your-model
The model is pytorch's Faster RCNN ResNet 50 FPN model. Does anyone know what the classification loss, loss,…

Sriram A.
- 78
- 6
1
vote
0 answers
Compute IoU for each class in Mask R-cnn
I'm trying to compute the IoU, with the matterport Mask R-cnn implementation, for each class (13 in total) that i have in my dataset.
For now i managed to compute the average IoU for all the classes with this code:
def compute_batch_ap(image_ids):
…

Dvd
- 117
- 3
- 7
1
vote
0 answers
Matlab's detectMaskRCNN function error with size differences between variables
Background Information
I am newer to coding, and have been working on mask rcnn (modified faster rcnn) project to identify Stryker Miltary Vehicles in images. I trained the maskrcnn network with no problems with the help of matlab's mask rcnn…

Vista
- 11
- 1
1
vote
0 answers
Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0(when checking arugment mat1 in method wrapper_addmm
I trained a faster r cnn in order to detect tools. I already define my model and every thing worked. But to have a cleaner code without gloabal variables I tried to write a class MyModel who will automatically define every objet and train the model.…

Nathane Berrebi
- 19
- 2
1
vote
1 answer
How to compare training and test performance in a Faster RCNN object detection model
I'm following a tutorial here for implementing a Faster RCNN against a custom dataset using PyTorch.
This is my training loop:
for images, targets in metric_logger.log_every(data_loader, print_freq, header):
# FOR GPU
images =…

TomSelleck
- 6,706
- 22
- 82
- 151
1
vote
0 answers
Mean Average Precision (mAP) metric curve for a Faster R-CNN object detection Pascal VOC custom dataset use pytorch
I want to calculate and curve a graph for mAP/epochs for a training dataset.
Here is my training code. I used this github source below to add in relevent code. But there were some errors because that was for YOLO. While I used faster r-cnn and code…

pooriya aminaie
- 11
- 4
1
vote
2 answers
Do anchor box size gets refined during training object detection models like Faster R CNN,YOLO and SSD?
I was learning, working of object detection models Faster R CNN,YOLOv3 and SSD.I got confusion with anchor box size refining.

B.Thushar Marvel
- 139
- 1
- 2
- 9
1
vote
2 answers
How to remove false detection (False Positives) in Faster RCNN
I am using Faster RCNN with Inception V2 on custom dataset. My model is working fine with good detection accuracy. However, I am facing false positive problem when I pass an image to the model I get correct prediction but I am also getting some…

Vision
- 11
- 1
1
vote
3 answers
INFO:tensorflow:Waiting for new checkpoint at models/faster_rcnn
I used the transfer learning approach to develop a detection model using the faster_rcnn algorithm.
To evaluate my model, I used the following commands-
!python model_main_tf2.py --model_dir=models/faster_rcnn_inception_resnet_v2…

Peter Ngimbwa
- 301
- 1
- 4
- 15
1
vote
1 answer
Resume training faster-rccn model from the last step after the interrupted session on Google Colab
Used faster-rcnn to train my model on Google Colab. However, due to the GPU time limit, my model stopped training at 7000 steps out of 10,000 steps.
I used the following code to train the model
!python model_main_tf2.py…

Peter Ngimbwa
- 301
- 1
- 4
- 15
1
vote
1 answer
COCO .json file contains strange segmentation values in the annotattions, how to convert these?
I have a COCO format .json file which contains strange values in the annotation section. Most segmentations here are fine, but some contain size and counts in non human-readable format.
When training my model, I run into errors because of the weird…

Rivered
- 741
- 7
- 27
1
vote
1 answer
Transform mmdet Mask r-cnn result to coco dataset to extract the segmentation #mmdetection
I've been given a trained mask r-cnn model with .pth checkpoint file and .py config files, and I'm able to perform the object segmentation on a video using the general tutorial.…

Svekke
- 53
- 5
1
vote
1 answer
Pytorch object detection model optimization
I want to reduce the object detection model size. For the same, I tried optimising Faster R-CNN model for object detection using pytorch-mobile optimiser, but the .pt zip file generated is of the same size as that of the original model size.
I used…

Shalini k
- 27
- 6
1
vote
1 answer
How can I improve mask prediction by Mask RCNN?
How can I improve the mask prediction by Mask RCNN model? Bounding box and class prediction seems to be okay in my case. Masks are kind of acceptable for small objects but not for big objects. The story is similar for other images as well. Here's my…

DigitalAG
- 41
- 4