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
trouble using demo notebook available on hugging face visual bert with my own image
I'm having issues using my own image with this code. I would like to upload my own image rather than using a predefined URL link. For example, in this notebook, we are using the following code :
URL =…

lazytux
- 157
- 5
1
vote
0 answers
visual embeddings with detectron
I'm trying to extract visual embeddings from the detectron model with the help of this colab notebook. I want the shape of vector after passing through fc1 to be (1000, 2048), but somehow this model gives me output of (1000, 1024). Is there any way,…

lazytux
- 157
- 5
1
vote
1 answer
Loss becomes NaN in training
I am working on a Faster-RCNN model with below codes.
I am using roboflow chess pieces dataset
def get_model(n_classes):
model = models.detection.fasterrcnn_mobilenet_v3_large_fpn(pretrained=True)
in_features =…

Alican Kartal
- 11
- 1
- 5
1
vote
0 answers
Faster RCNN - Number of epochs impact inference time
I have trained two Faster RCNN models with the exact same parameters with the exception of:
Model 1: 150 epochs
Model 2: 5 epochs
Once the models have been trained, I load them in and then I make one prediction on the same image for each…

RaLa
- 21
- 2
1
vote
0 answers
Training loss for Faster-RCNN either becoming Nan or infinity
I want to implement Pytorch Faster-RCNN module on a custom dataset that I curated and labelled. The implementation detail looks straightforward, there was a demo that showed training and inference on a custom dataset (a person detection problem).…

kasirat
- 19
- 3
1
vote
0 answers
Unable to train custom object detection model with TFOD2
Following is the error when I try to train my model with TFOD.
I've been following Nicholas Renotte : https://www.youtube.com/watch?v=yqkISICHH-U&t=9559s. Followed the exact same steps, but could not fix the issue.
I'm using Ubuntu 20.04.
…

Ameya Khot
- 11
- 2
1
vote
1 answer
Not able to switch off batch norm layers for faster-rcnn (PyTorch)
I'm trying to switch off batch norm layers in a faster-rcnn model for evaluation mode.
I'm doing a sanity check atm:
@torch.no_grad()
def evaluate_loss(model, data_loader, device):
val_loss = 0
model.train()
for images, targets in…

Ze0ruso
- 485
- 4
- 17
1
vote
2 answers
RuntimeError: The size of tensor a (10) must match the size of tensor b (3) at non-singleton dimension 0
I am using this intersection over union code to determine IOU from my predictions and targets:
def intersection_over_union(boxes_preds, boxes_labels):
"""
Calculates intersection over union
Parameters:
boxes_preds (tensor):…

Ze0ruso
- 485
- 4
- 17
1
vote
1 answer
Faster RCNN Bounding Box Coordinate
I trained a model using Faster RCNN, this model is used to follow the strips.
here is the output of my model
The python code I use to get this output is as follows:
import cv2
import numpy as np
import tensorflow as tf
from object_detection.utils…

Yusuf
- 31
- 11
1
vote
1 answer
AttributeError: module 'object_detection.protos.faster_rcnn_pb2' has no attribute 'AttentionPosition' - upon resuming training
I am following this tutorial https://github.com/EdjeElectronics/TensorFlow-Object-Detection-API-Tutorial-Train-Multiple-Objects-Windows-10.
System - Windows 10, Anaconda Prompt, Python 3.6, tensorflow 1.15.0
Initial setup and training are…

RadoslavYankov
- 31
- 4
1
vote
1 answer
How to save the best model instead of the last one for Detectron2
I want to save the best model instead of the last model for detectron2. The evaluation metric I want to use is AP50 or something similar. The code I currently have is:
trainer.register_hooks([
EvalHook(eval_period=20,…

Caspertijmen1
- 351
- 1
- 14
1
vote
1 answer
Evaluating my object detection model using COCO metric shows 0 and -1 values
I'm currently trying to solve an object detection problem and decided to use faster RCNN on for this. I followed this Youtube video and their Code. The loss decreases but the big problem is it won't evaluate correctly no matter how I try to. I've…

Ixion Chowdhury
- 140
- 11
1
vote
1 answer
Running a mask-rcnn model on Flask server startup
This is my current Flask code that works fine, it receives a POST request with the image from the client, runs it through the model (based on this GH: https://github.com/matterport/Mask_RCNN), and sends a masked image back to the client.
However, it…

BlueTurtle
- 353
- 4
- 17
1
vote
0 answers
Unable to load a checkpoint for a previously trained Faster R-CNN detector MATLAB
I was training a faster r-cnn for two weeks and, somehow, it crashed last night..
I was saving the checkpoints after each epoch but now, if I try to start a new training with the last one (or any other) I receive:
Error using…

user261603
- 11
- 1
1
vote
0 answers
I keep on getting these error in F-RCNN when I train the model
When I run it for 1000 epochs in between it also gives similar exception and after it's finished with 1000 epochs, it continues iterations of these same exceptions. Github code for the model - https://github.com/bhatt-priyadutt/blink-rate
Exception:…

Priyadutt bhatt
- 11
- 2