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
2
votes
1 answer
Train Mask R-CNN with some classes having no masks but only bounding boxes
I want to train a model to detect three different types of defects. I have a training dataset where two of these classes contain segmentation masks, but one contains only bounding boxes. Can I train a shared model or do I need to separate the…

thzu
- 23
- 1
- 4
2
votes
0 answers
masked image and language modelling using visualbert
I was coding this piece of code which heavily relies on the demo of visual question answering, and I'm masking inputs while feeding it to the bert using [MASK] token, and providing a label which accompanies the mask. Visual embeddings are being…

lazytux
- 157
- 5
2
votes
0 answers
Under model.train() PyTorch model does not output predictions, and under model.eval() only predictions
I am currently using a Faster R-CNN pretrained model to detect bounding boxes on chest x-rays, I understand that for validation and testing i need to put my model in the model.eval() mode first in order for the dropout and bn layers to behave…

benduvi20
- 45
- 4
2
votes
1 answer
TypeError: Inputs to a layer should be tensors. Got:
I'm trying to Implement Inception_resnet_v2 inside Faster-RCNN instead of using ResNet50. but when I try to run the code I got this TypeError:
TypeError: Inputs to a layer should be tensors
and this is the code of inception_resnet_v2 inputs part:…

Shuv001
- 21
- 1
- 2
2
votes
0 answers
Error while training a Faster R-CNN object detection model: Cannot convert a symbolic Tensor to a numpy array
I was trying to train an object detection model using the Roboflow Google Colab notebook on the link below. Until Tuesday it was working properly to me but since that day, is not working any more, and I have not made any change to the code or the…

Pol Jorba Lloses
- 21
- 1
2
votes
1 answer
extract segmentation masks from mask rcnn
I'm training a model to recognize hands and want to extract the segmentation masks after detection using the matterport MRCNN (https://github.com/matterport/Mask_RCNN):
model= mrcnn.model.MaskRCNN(mode="inference",
…

2403277w
- 41
- 4
2
votes
1 answer
what is the meaning of 'per-layer learning rate' in Fast R-CNN paper?
I'm reading a paper about Fast-RCNN model.
In the paper section 2.3 part of 'SGD hyper-parameters', it said that All layers use a per-layer learning rate of 1 for weights and 2 for biases and a global learning rate of 0.001
Is 'per-layer learning…

justin_sakong
- 249
- 1
- 6
- 12
2
votes
1 answer
Input image size of Faster-RCNN model in Pytorch
I'm Trying to implement of Faster-RCNN model with Pytorch.
In the structure, First element of model is Transform.
from torchvision.models.detection import fasterrcnn_resnet50_fpn
model =…

justin_sakong
- 249
- 1
- 6
- 12
2
votes
1 answer
Visualize proposal regions from RPN head in Faster R-CNN with Tensorflow Object Detection API
I'm trying debug my trained Faster R-CNN model using Tensorflow Object Detection API and I want to visualize the proposal regions of RPN on an image. Can anyone tell me how to do it?
I found a post here but it hasn't been answered. I tried to export…

iumyx
- 21
- 3
2
votes
1 answer
Why is data augmentation degrading performance for Mask-RCNN?
I trained a Mask-RCNN for instance segmentation with and without data augmentation. The augmentation was simply a rotation which makes sense for the data concerned. I was very surprised that the augmentation run (dark blue) was worse that the…

nickponline
- 25,354
- 32
- 99
- 167
2
votes
1 answer
Clarification of a Faster R-CNN torchvision implementation
I'm digging through the source code of the Faster R-CNN implementation of torchvision and I'm facing some things I don't quite understand. Namely, assuming that I want to create a Faster R-CNN model, not pretrained on COCO, with a backbone…

gorjan
- 5,405
- 2
- 20
- 40
2
votes
1 answer
Faster RCNN Anchor Generation
I am trying to understand the concept of Faster RCNN.
For example, in an image(224×224), there are only two objects. To create a mini-batch of anchors of length 256(128-Foreground, 128-background) from the image, I get only 30 anchors which IOU is…
user12914245
2
votes
0 answers
Low training and validation loss but also low mAP on Faster R-CNN on Mapillary dataset
I am new to deep learning, I'm using the Tensorflow 2 object detection API to fine-tune a Faster R-CNN model (pretrained on COCO 2017 dataset) on the Mapillary dataset to detect road signs. The dataset contains 36589 images in the training set (with…
user14405315
2
votes
0 answers
Symbol detection using Faster RCNN
I'm using a Faster RCNN network to perform object/symbol detection and I'm facing 2 major issues.
The bounding box of the detected symbols is not tight enough. For example, in many cases, only 50%-70% of the entire symbol is being identified…

Abhishek Sudhaker
- 31
- 3
2
votes
2 answers
Faster R-CNN object detection and deep-sort tracking algorithm integration
I have been trying to integrate the Faster R-CNN object detection model with a deep-sort tracking algorithm. However, for some reason, the tracking algorithm does not perform well which means tracking ID just keeps increasing for the same person.
I…

Mohammad Akbarzadeh
- 83
- 9