Skip to main content
Filter by
Sorted by
Tagged with
0 votes
1 answer
295 views

I've been trying to train a custom detector model for a LimeLight3A through the Google Colab notebook they provided. I successfully trained one on April 4th, but since then any of my attempts at ...
AstarHolt's user avatar
0 votes
0 answers
95 views

I need to implement CAM for a model trained on the base model ssd_mobilenet_v2_320x320_coco17_tpu-8 in the pre-trained Object Detection Zoo. How could I accesses the layers and other fields necessary ...
katanta's user avatar
  • 19
0 votes
0 answers
4k views

I'm encountering an ImportError when trying to run the TensorFlow Object Detection API's test script. The error message is: (tfod) dev@dev:/media/dev/96E0A5D3E0A5BA3F/tfod/models/research$ python ...
tanny bhai gamerz's user avatar
1 vote
0 answers
55 views

I am trying to implement an object detection algorithm using ssd_mobilenet_v2_fpnlite_320x320 using Tensorflow Object Detection API. My input image is of size 1024x33. But when I run the training ...
mj01's user avatar
  • 31
-1 votes
1 answer
131 views

I am trying to install tensorflow object detection API using this link in my Ubuntu PC. My goal is to use MobileNet SSD for object detection. My tensorflow version is 2.13.1. I was able to install the ...
mj01's user avatar
  • 31
0 votes
0 answers
72 views

I am trying to use the Tensorflow object detection API to create my own model, so I created a virtudal enviorement,installed tensorflow 2.16.1, and I am using python 3.12.3. I installed Slim as well, ...
wiem BM's user avatar
  • 19
0 votes
0 answers
30 views

I need to import DetectorAPI from tensorflow_object_detection_API. But there seems to be an installation problem. I get the no module found error, even though i just installed it. I installed it using ...
Tom Lemmel's user avatar
0 votes
0 answers
36 views

Hello everyone I am trying to train my object detection model using model_main.py from Tensorflow But when I execute the command in the cmd : python model_main.py --alsologtostderr --model_dir=...
Seif Bouragaa's user avatar
0 votes
0 answers
129 views

Currently, I am working on Object detection, tracking, and counting. I want to store the results whenever the vehicle crosses the line, however, I always get duplicate results. How can I prevent these ...
SARON RAVUTH's user avatar
0 votes
1 answer
54 views

I'm trying to import the package model_main from object_detection but it Is throwing an error like Traceback (most recent call last): File "../LearningSpace/ObJTEST01/main.py", line 9, in &...
Sandeep Kumar Rudhravaram's user avatar
0 votes
0 answers
22 views

When using TensorFlow Object Detection API, and FasterCNN model from the Detection Zoo, are you able to store a normalised 2D array (0-1) as floats into a tfrecord and use this as model inputs? I am ...
Jinfone Tang's user avatar
0 votes
1 answer
156 views

**Hey guys, currently doing tensorflow object detection and stuck because of an error. Already tried all the method in the internet, still not working. ** I use tensorflow == 2.10.0, the model is http:...
DifferentRatFixer's user avatar
0 votes
0 answers
62 views

I'm following this tutorial on how to export my saved model to tflite for building an android app using my custom detection model Link But after executing this code ObjectDetectorWriter = ...
Grandpa's user avatar
1 vote
0 answers
156 views

I'm trying to follow this tutorial and I'm running into issue setting up the environment. https://towardsdatascience.com/borderless-tables-detection-with-deep-learning-and-opencv-ebf568580fe2 The ...
Moe_blg's user avatar
  • 121
0 votes
1 answer
595 views

Trying to train an object detection model on the Citypersons dataset following this tutorial. https://neptune.ai/blog/how-to-train-your-own-object-detector-using-tensorflow-object-detection-api I run ...
Tandez Sarkaria's user avatar
0 votes
1 answer
138 views

I want to implement a tf.Module for decoding box predictions and applying NonMaxSuppression that is convertible to tflite. This implementation includes elements from here. It also follows this guide ...
Robert Sundermeyer's user avatar
0 votes
1 answer
388 views

The Tensorflow object detection API is deprecated, and refers to Tensorflow-vision. Unfortunately, the documentation, as far as I can see, is just links to a series of preprints. All the other ...
Davidmh's user avatar
  • 3,883
1 vote
1 answer
188 views

So ive developed an application using google MlKit and its object detection api. One thing I noticed that the tflite image classification model that im using, ( TFLite (efficientnet/lite3/int8) ) only ...
Azmeer Faisal's user avatar
1 vote
0 answers
72 views

I am currently learning how to train a model object detection using google colab and tensorflow 2.0 based on this website link Link During training the model process we received this output in the ...
fun learning's user avatar
0 votes
1 answer
387 views

I am trying to setup tensorflow object detection, and I'm following this video.The video refers to this website. I have successfully cloned Tensorflow Garden and Coco API I have also successfully ...
Akash Ram's user avatar
  • 121
0 votes
1 answer
127 views

When i try to detect large amount of objects (more than 100 on single image) with tensorflow object detection API and model efficientdet d0, it detects them mostly well, but completely ignores some of ...
haghehog's user avatar
1 vote
0 answers
63 views

!apt-get install protobuf-compiler !cd Tensorflow/models/research && protoc object_detection/protos/*.proto --python_out=. && cp object_detection/packages/tf2/setup.py . && ...
Sathiyapoobalan S's user avatar
1 vote
1 answer
220 views

I was installing the Object Detection API for a personal project, I did all the steps mentioned in the official documentation from installing the COCO API to installing the Object Detection API. In ...
Ankit Singh's user avatar
0 votes
1 answer
333 views

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 ...
Jon Fillip's user avatar
5 votes
0 answers
1k views

I've trained the EfficientDet D1 model in google collab. but, when i want to load the model in jetson nano, i'm facing this error Traceback (most recent call last): File "E:\software\conda2023\...
Firsty Aurellia Hadinanda's user avatar
0 votes
0 answers
47 views

while creating customer object detection I'm facing an issue on make cmd ~/object/models/research/cocoapi/PythonAPI$ make all python setup.py build_ext --inplace Traceback (most recent call last): ...
nagateja's user avatar
1 vote
0 answers
669 views

When I started training the TensorFlow models using model_main_tf2.py I got this: TensorFlow Addons (TFA) has ended development and introduction of new features. TFA has entered a minimal maintenance ...
hammale mourad's user avatar
0 votes
1 answer
50 views

I tried to make my own object detection model with this tutorial on Colab. I followed this tutorial with my 2083 train and 263 test examples and training is done. And when i checked the model using ...
muheonkom's user avatar
1 vote
1 answer
880 views

Even though I have tensorflow installed in the venv at version 2.12.0 it kinda does not have tensorflow.python.keras.layers.preprocessing. I tried to install the object-detection API and I am still ...
dracule22's user avatar
2 votes
2 answers
3k views

First of all, I want to address that I know a lot of similar questions have been posted here on SO, but none of them provide an answer of explaining steps and logic behind it - just simply points to ...
MaaAn13's user avatar
  • 316
0 votes
1 answer
558 views

So previously I have trained a model based on the Tensorflow Models Zoo on Tensorflow Object Detection API using my own data. After that, I had exported the saved model in a pb format, just as the ...
andra's user avatar
  • 3
1 vote
1 answer
199 views

ML newbie here... I've been working on an object detection model for the last half of this semester for my university's enterprise program (like a school-sponsored business, sort of). I decided to use ...
Blake's user avatar
  • 121
2 votes
2 answers
3k views

I was trying to make a custom detector using SSD MobileNet. I never tried this model before for making a custom detector using TensorFlow API. I was following this tutorial. I am facing a problem ...
Md Mahadi Hasan Sany's user avatar
1 vote
0 answers
191 views

I've trained the TF 2 OD API model, now I'm trying to run it through the OpenCV DNN module. I am running into a lot of problems, but most are related to the StatefulPartitionedCall layer. please ...
Slava Zhulanov's user avatar
1 vote
0 answers
201 views

Currently OpenCV does not support TF2 Object Detection models. I would like to convert a MobileNet V2 FPNLite 640x640 SSD model from TF2 to TF1 to run via cv2.readNetFromTensorflow. How is this ...
Slava Zhulanov's user avatar
1 vote
1 answer
103 views

After running into OOM errors using Tensorflow Object Detection API with an NVIDIA 3080 (10GB) I bought a 4090 (24GB). I am currently running both together, but I noticed that in high batch size runs, ...
derekboase's user avatar
0 votes
1 answer
676 views

I'm making an object detection app using kotlin and tensor flow lite model (I used yolo v5 and then converted it to tensor flow lite using the following line: python export.py --weights best.pt --...
Fatema Shawki's user avatar
0 votes
0 answers
578 views

I'm trying to install the TF Object Detection API following instructions from here. Not using anything related to GPU. I successfully have already gone through everything except this line: python -m ...
melamoro's user avatar
0 votes
1 answer
884 views

I want to load my TFLite exported Yolov5s model into my object detection android app. I followed this tutorial: https://www.youtube.com/watch?v=zs43IrWTzB0 However, my TFLite Yolov5 model outputs an ...
Fatema Shawki's user avatar
0 votes
0 answers
216 views

I have converted my tensorflow model into a .tflite file, not sure if it is the correct format, but I tried uploading it onto firebase but it was not compatible with reactjs as it only gives the code ...
3dsss's user avatar
  • 37
-2 votes
1 answer
148 views

I train a model by tensorflow 2 to detecting vehicles, but I want to Convert tensorflow saved_model to frozen inference graph. Can any one help?
Shalaw Mshir's user avatar
0 votes
1 answer
97 views

unable to from Convert Pascal VOC to tfrecords for tensor flow object detection API , reference : https://tensorflow-object-detection-api-tutorial.readthedocs.io/en/latest/training.html#create-...
MUHAMMAD JUNAID's user avatar
0 votes
1 answer
124 views

I have cloned the models repo from TensorFlow and installed it into my project folder in google drive. but when I try to run the model_builder_tf2_test.py I am getting ModuleNotFoundError: No module ...
groot's user avatar
  • 1
0 votes
1 answer
893 views

are CUDA and CUDAtoolkit different? I installed CUDA using this tutorial I ran the sample too and it worked but to run tensorflow using gpu Do I need to install CUDAtoolkit and cudnn along with the ...
groot's user avatar
  • 1
0 votes
2 answers
344 views

I was playing around with a custom object detector through the Tensorflow object detection API in Python. All of a sudden my code stopped working and is producing the following error when trying to ...
darkhorse123's user avatar
0 votes
0 answers
138 views

I'm trying to use the ssd mobilenetv3 object detection model, I found this tutorial I tried running the python file on my device using an image I snapped with my phone but I keep getting this error ...
Joshua's user avatar
  • 1
1 vote
1 answer
1k views

While expoting an object detection model inference graph with Tensorflow Object Detection API (TFODAPI), I am getting a warning as: WARNING:tensorflow:Skipping full serialization of Keras layer ...
mayuresh's user avatar
0 votes
1 answer
778 views

Python 3.9.12. Windows 10. jupyterlab 3.3.2. Import tensorflow When I try to import Tensorflow, I get the following 'tensorflow.python.eager.polymorphic_function' error. ------------------------------...
Tom's user avatar
  • 1
1 vote
1 answer
215 views

I've trained SSD mobilent v2 320x320 model with around 4k steps which produced quite a few checkpoints that are saved in my training folder.The issue I am experiencing now is that this only evaluates ...
Annie's user avatar
  • 13
0 votes
0 answers
135 views

I am training an object detection algorithm using the Tensorflow Object Detection API. I am currently using the vanilla version of the config files, I just changed what was absolutely necessary to ...
Crazy Engineer's user avatar

1
2 3 4 5
23