All Questions
Tagged with faster-rcnn machine-learning
28 questions
0
votes
1
answer
24
views
Which algorithm to use to detect the appearance of sidebar on car multimedia booting?
I need to create a system for detecting the time that elapses between the start of booting the multimedia system in the car until the first appearance of the sidebar on the screen. Sidebar has a ...
4
votes
2
answers
137
views
Pytroch segmentation model(.pt) not converting to CoreML
According to apple article link we need Wrap the Model to Allow Tracing which is be followed the same.
class WrappedDeeplabv3Resnet1011(nn.Module):
def __init__(self):
super(...
1
vote
0
answers
110
views
Faster RCNN loss Nan from the beginning
I'm using Pytorch with Faster RCNN on dataset having 2 classes and about 100 images for training and 35 for validation in a multi node and multi gpu environment. Just to simplify the debugging, I'm ...
0
votes
0
answers
261
views
PyTorch object detection tutorial problem (can't run training)
I'm working with Mask RCNN neural network and with PyTorch, I need to load dataset, and I followed this tutorial: https://pytorch.org/tutorials/intermediate/torchvision_tutorial.html I have ...
1
vote
0
answers
196
views
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 = ...
1
vote
0
answers
479
views
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 ...
1
vote
1
answer
1k
views
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 ...
0
votes
1
answer
8k
views
What is the difference between (ResNet50, VGG16, etc..) and (RCNN, Faster RCNN, etc..)?
I am confused with the difference between Kearas Applications such as (VGG16, Xception, ResNet50 etc..) and (RCNN, Faster RCNN etc...). Beause in some places it is mentioned that ResNet50 is just a ...
-1
votes
1
answer
2k
views
How to implement RPN in Faster RCNN for object detection?
I am trying to implement the Faster RCNN on identifying the airplane from the image. I stuck at implementing Region Proposal Network(RPN). How can I implement RPN and train them to produce bounding ...
1
vote
0
answers
1k
views
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 ...
-1
votes
1
answer
2k
views
Object Detection without labels / annotation
Let say I have 3 images (an apple, an orange, a banana) and another 1000 arbitrary images. What I want to do is to see if those 1000 arbitrary images contain object(s) similar to the former 3 images, ...
1
vote
1
answer
1k
views
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 ...
1
vote
0
answers
158
views
Faster RCNN-RPN Network Training
I am trying to understand RPN network in Faster RCNN.
I understand the concept of RPN network,
Pass the input images to the pre trained CNN, and get the output as feature maps
Make fixed size of the ...
8
votes
3
answers
10k
views
TensorFlow 2 Mask-RCNN? [closed]
I can't seem to find a reliable version of Mask-RCNN for TensorFlow 2. The matterport mask-rcnn (https://github.com/matterport/Mask_RCNN) has depreciated Tensorflow 1 code. Does anyone know of ...
1
vote
0
answers
184
views
Implementation of Combining Faster R-CNN and U-net Network for instance segmentation?
I saw an article discussing "Combining Faster R-CNN and U-net Network for Efficient Whole Heart Segmentation", has anyone seen such an implementation on github or such ?
I want to create an instance ...
0
votes
1
answer
74
views
Training instance segmentation of seedlings. Better results with different backgrounds?
I want to train a Masked RCNN neural network to be able to segment different parts of the seedlings. We have images of the seedlings with black and white background, would it be best to train the CNN ...
2
votes
0
answers
1k
views
Object Detection: Aspect Ratio and Scale of Anchor Boxes
I am working on an object detection problem on my own dataset. I want to figure out the scale and aspect ratio that I should specify in the config file of Faster RCNN provided by Tensorflow object ...
2
votes
0
answers
3k
views
PyTorch tensor.to(device) for a List of Dict
I am working on an image object detection application using PyTorch torchvision.models.detection.fasterrcnn_resnet50_fpn. As indicated by the documentation, during training phase, the input to ...
0
votes
1
answer
42
views
Expected a dimension of size 5 but got array with shape (10000, 64, 173, 1) (CNN + LSTM on GTZAN dataset)
I am trying to implement a CNN + LSTM architecture on GTZAN dataset.
I will explain my training and validation sets below:
X_train.shape #(10000, 64, 173, 1)
Y_train.shape #(10000, 10, 1)
X_valid....
0
votes
1
answer
596
views
How can I correct this error from testing of my mask rcnn model
Please I need solution with correcting and running this code for mask rcnn
-1
votes
1
answer
341
views
object detection algorithm outputs an image with no bounding boxes around the detected objects after testing the algorithm
my partner and I are have created a modified faster rcnn algorithm and it doesn't seem to have any bounding boxes when it outputs an image after testing the algorithm but it only outputs the Mean ...
1
vote
0
answers
2k
views
Optimizing Faster R-CNN Inception Resnet v2 for my need
I'm using the Faster R-CNN Inception Resnet v2 model pre-trained on COCO to train my own object detector with the purpose of detecting objects from 3 classes. The objects are small compared to the ...
1
vote
0
answers
167
views
How and why we use CNN layer wrapped with time distributed layer?
I need to know how this code works. It's taking Embedding then it sends it into this model. model1 is CNN and moel2 is Time distributed layer. Why wrapping is done in this code, i didn't find article ...
1
vote
0
answers
1k
views
How do I train RPN in Tensorflow for faster-rcnn
I am trying to build the Faster-rcnn architecture defined here. There are three main parts, the feature extractor, region-proposal-network (rpn), and the detection/classification network. I was able ...
0
votes
1
answer
860
views
Table Detection Task (TableBank & Detectron ) : UnicodeDecodeError: 'ascii' codec can't decode byte 0x80 in position 0: ordinal not in range(128)
I have been trying to run a python script to test a pretrained model (ResNeXt-101) and visualize the performance of a Table Detection task proposed by TableBank. The authors pretrained the model using ...
0
votes
1
answer
2k
views
Object detection training on large images
Trying to detect number plates by using faster RCNN on the images 4096 by 8192 pixels.
Instead of resizing for training I have cropped some parts of the image and labeled the number plate and trained,...
1
vote
0
answers
415
views
Training Mask RCNN but always get 0 positive bounding boxes from all proposals?
I've just implemented a Mask RCNN in Pytorch from scratch and here is the code: https://github.com/arthurhero/Mask_R-CNN_Pytorch/blob/master/masker_ops.py
I have only one GTX1080 and one Quadro6000 ...
0
votes
1
answer
864
views
How to create a loss plot from loaded weights? (model.load_weights) How to add model.load_weights to history?
I would like to create a loss. (plot) I use Mask-RCNN. I loaded a weights from my model. But I can't create a loss function. I got error: 'Model' object has no attribute 'history'
model = modellib....