Questions tagged [deeplab]

DeepLab is a deep learning model for semantic image segmentation, where the goal is to assign semantic labels to every pixel in the input image.

130 questions
1
vote
1 answer

DeepLab v3 - how to process images with any size ratio. (h * w)

Deeplab v3 predicts only with default ratio 512 * 512. how to process images with different size ratio. please look over the error:- Traceback (most recent call last): File "", line 35, in predicted = model_dlv3.predict(img[np.newaxis,…
1
vote
1 answer

Deeplab v3+ Shape mismatch in tuple component

I have trained deeplab v3+ on ADE20Kdataset,and got the trained ckptjlogs and eventslogs.But when I run eval.pyand vis.pyon ADE20K,I got the following errors about shape: Shape mismatch in tuple component 1. Expected [513,513,3], got…
Light
  • 141
  • 1
  • 10
0
votes
1 answer

How to write a good masks script for semantic segmentation?

I have made annotations in JSON to train Deeplabv3plus on my custom dataset, but I do have the problem with masking script. No matter what I do the borders of my masks are aliased (blurred) so there are many new unique pixel values. I want to only…
0
votes
0 answers

how to save and load this deeplabv3+ model ..... I have to deploy it on raspberry pi

Cannot save and load model "https://www.kaggle.com/code/utkarshsaxenadn/flood-area-segmentation-deeplabv3/notebook" ..help? tried, torch.save(DeepLabV3, path) model=torch.load(path) but not working..again I have to train the model
0
votes
0 answers

Pytorch DeepLabV3 mobile export to ONNX

I have finetuned different versions of deeplabv3 implemented in pytorch (https://pytorch.org/vision/main/models/deeplabv3.html) I am looking to export my 3 models to ONNX after testing them on images. It works very well except on the Mobile…
0
votes
0 answers

Confusion Matrix shape ValueError for DeepLabV3+ MeanIoU metric

I'm new to DeepLab, wanted to change the metric from "accuracy" to "MeanIoU" in model.compile() function, but I'm getting this ValueError: Dimension 0 in both shapes must be equal, but are 262144 and 524288. From merging Shape 0 with other shapes.…
0
votes
0 answers

Reimplementing iOS Photos app background removal / image segmentation in Swift?

I have searched all over for examples of how to mimic the newer iOS Photos app capability to lift an object from it's background in my own SwiftUI project, but haven't found anything better than this…
0
votes
0 answers

PyTorch error when batch size is 1: ValueError: Expected more than 1 value per channel when training, got input size torch.Size([1, 256, 1, 1]

Below is my deeplab model: """ DeepLabv3 Model download and change the head for your prediction""" from torchvision.models.segmentation.deeplabv3 import DeepLabHead from torchvision import models def createDeepLabv3(outputchannels=1): …
0
votes
0 answers

merge_semantic_and_instance_maps_op.so not found - Problem configuring Deeplab2

I've been trying to install Deeplab2 for a week but it's getting a bit hard. Today, I've been able to achieve the test configuration step However, once there, I find the next errors: NotFoundError:…
0
votes
1 answer

DeeplabV3+ without pretrained backbone, will it the reason for bad DSC?

I segment multiple targets in medical image (CT) with DeeplabV3+, but with 3D volumes, so I can't load pretrained backbone(resnet...etc.) in the net. And the details is: patch size: 16, 256, 256(cannot edit) batch size: 2(cause' GPU cannot afford…
0
votes
1 answer

My model's output is raising an ValueError though it seems to run fine

I am building a deeplabv3+ model but it throws a value error at the output. I am following this tutorial https://www.youtube.com/results?search_query=face+segmentation+with+deeplab3 The code is exactly the same as in that link but when I run it in…
0
votes
0 answers

I'm getting a TypeError in Jupyter notebook while arranging my data

I'm building a deeplabv3+ model for skin segmentation but running into a typeError while preprocessing the data through Jupyter notebook. The error is here: TypeError: Input 'filename' of 'ReadFile' Op has type float32 that does not match expected…
0
votes
0 answers

Unable to set global_scale in pose_cfg.yaml - it keeps resetting to default val everytime the network is trained

I'm working on a single animal project in DeepLabCut and everytime I try to train the network i get an error "ValueError: Image size [2160 3840] may be too large. Consider increasing max_input_size and/or decreasing global_scale in the…
hiya c
  • 1
0
votes
0 answers

My code runs fine but i get a ValueError "f'Output tensors of a {cls_name} model must be 'the output of a TensorFlow `Layer` '

I am trying to build a DeepLabV3+ model from an article tutorial but I'm getting a ValueError related to the Tensorflow input and output. Please look through it and help me understand what I'm getting wrong. Thank you. Here is the code: import…
0
votes
0 answers

How to solve the install "deeplabcut[gui]" problem using M1 chip?

I'm trying to install the "deeplabcut[gui]" through the pip, But I met the problem like the following: error: Command "clang -Wno-unused-result -Wsign-compare -Wunreachable-code -DNDEBUG -fwrapv -O2 -Wall -fPIC -O2 -isystem…
1 2 3
8 9