Questions tagged [mask-rcnn]
62 questions
0
votes
0 answers
Computing mAP in MaskRCNN fails
I am trying to detect an object using a custom dataset. The images in my dataset are of size 3060x4080. I have created a coco like dataset from makesense.ai. I am trying to check the complete training and testing of my model before finetuning the…

CV_enth
- 9
- 2
0
votes
0 answers
How to turn integer masks into COCO format json annotation file for use with Mask RCNN?
I have a method for defining different regions in grayscale images that labels each instance of a region with a unique ID integer that ranges from 0 to N_objects - 1.
I would like to train a Mask RCNN model on this data and do predictions to perform…

Sam K
- 27
- 3
0
votes
0 answers
Error with pre-trained Mask R-CNN Inception ResNet V2 1024x1024 model using TensorFlow Object Detection API
I am attempting to fine-tune a pre-trained Mask R-CNN Inception ResNet V2 1024x1024 model using the TensorFlow Object Detection API for a custom task. I have downloaded the model from this location.
I have created a pipeline configuration for this…

Jon Fillip
- 101
- 3
- 10
0
votes
0 answers
Inquiry about appropriate neural network for recognition and classification of drill cuttings
I am reaching out to seek your guidance regarding a project I am currently working on. The project involves the recognition and classification of drill cuttings using machine and deep learning techniques. As I navigate through this project, I find…

RAOUNEK
- 1
0
votes
0 answers
Convoultional Neural Network Model
define model using CNN Model
model=Sequential()
model.add(Conv1D(filters=256, kernel_size=2, activation='relu', input_shape=(32, 32, 3)))
model.add(MaxPooling1D(pool_size=2))
model.add(Flatten())
model.add(Dense(1000,…
0
votes
1 answer
Is it possible to install tf-models-official for Mask RCNN with Python 3.10 and tf 2.9.3?
I want to use Mask RCNN ot tf-models-official but it has to be with python 3.10 and tf 2.9.3. Tf versions for installing go up to 2.9.2 and then 2.10, if I try tf-models-official==2.9.3 it gives an error
(python_3_10) C:\Users\Carenne>pip install…

Carenne
- 11
- 2
0
votes
0 answers
Does the training of a pretrained mask r cnn with my own data profit from having multiple objects in the same input picture?
I'm training a pretrained mask r cnn network (maskrcnn_resnet50_fpn) in pytorch with my own data. Goal is, that the network can detect one object class from images.
I took my pictures and now I'm in the process of labeling them. In the pictures I…

Mad_Unicorn
- 1
- 1
0
votes
0 answers
Error in Tensorflow: to Tensor
I am trying to use Mask RCNN on python 3.6.8 and getting the following error:
tensorflow\python\framework\tensor_util.py:553 make_tensor_proto
"supported type." % (type(values), values))
TypeError: Failed to convert object of type…
0
votes
0 answers
In Mask rcnn training starts with huge loss after loading weight from last epoch
In my nuclei image segmentation, after loading the weights from last checkpoint it starts with huge losses again. I can not train the model for 30-40 epochs continue.
I'm saving the weight in hdf5 format.
I have tried to change the location of h5…

Rohan
- 1
- 3
0
votes
0 answers
add a new class on pre trained mask rcnn
I want fine tuned mrcnn on my custom dataset, and after tuning, it could only detect the class I add, and my tuning based on MS coco weight, here is my code:
class ShoeConfig(Config):
NAME = "shoe"
# We use a GPU with 12GB memory, which can…

Eave_Z
- 5
- 4
0
votes
1 answer
Syntax Error when trying to train a model in Mask-RCNN
I've followed this guide to the dot: https://github.com/matterport/Mask_RCNN/tree/3deaec5d902d16e1daf56b62d5971d428dc920bc
After the installation portion of the previous guide I went straight to trying to test an example. This is the sample:…

Daniel Gros
- 45
- 7
0
votes
0 answers
Problem to use 'hook' for extracting the feature maps in Mask-RCNN of Pytorch
I'm using the Mask-RCNN Model that given by Pytorch for my project on Colab.
The model was adjusted to the data that i have(transfer learning) and train process was completed.
To the next step, i wanted to extract the feature maps of some input data…

WoogiWooks
- 11
- 1
0
votes
0 answers
loss: nan - val_loss: nan in mask_rcnn
I'm trying to detect 5 classes of weed species with mask rcnn, but I only get loss: nan - val_loss: nan in mask_rcnn during training, I already tried to change the value of learning hate but I always got the same result. Below I will leave my code,…
0
votes
0 answers
extract specific object information from coco-stuff dataset
I want fine tune mask-rcnn pre-trained model now, the custom dataset could simply extract from coco-stuff, however, I have try many times, and the new generated annotation files could not be read in both detectron2 and pytorch, also there may some…

Eave_Z
- 5
- 4
0
votes
0 answers
Cannot run video segmentation using Mask_Rcnn using visualie_cv2.py
I am getting this type of error
C:\Users\USER\Downloads\Mask_RCNN-master>python visualize_cv2.py
2023-02-25 00:10:02.147757: W tensorflow/stream_executor/platform/default/dso_loader.cc:64]
Could not load dynamic library 'cudart64_110.dll'; dlerror:…