A computer vision ETL platform for image processing, annotation conversion, dataset inspection, and model training.
Questions tagged [roboflow]
90 questions
0
votes
1 answer
Is accessing projects through Roboflow API restricted to the paid plans?
Is the project access through API only limited to paid plans. I am using a Private sandbox and when I try to access the project using the roboflow API its giving me errors.
import roboflow
rf = roboflow.Roboflow("MY-API-KEY")
project =…

Sumanth
- 497
- 4
- 12
0
votes
1 answer
How to Use "Pythonic" YOLOv5 from PyTorch
I'm interested in training a YOLOv5 model. Currently, I'm using Roboflow to annotate and export the data into YOLOv5 format. I'm also using Roboflow's Colab Notebook for YOLOv5.
However, I'm not familiar with many of the commands used in the…

user16264465
- 11
- 1
0
votes
2 answers
Unable to train dataset following Roboflow tutorial for YOLOv5
I'm trying to train the YOLOv5 on my custom dataset by following the youtube tutorial on Roboflow. However, I keep getting an error when I am trying to train my dataset.
Error shown
0
votes
0 answers
How do I using Roboflow's "CSV: Tensorflow Object Detection" format in Tensorflow?
How do I using Roboflow's "CSV: Tensorflow Object Detection" format in Tensorflow?
I have annotated and augmented several images in Roboflow for object detection. As I am using an iPython Notebook on Google Colab to form the machine learning model…

user16264465
- 11
- 1
0
votes
1 answer
Unable to delete version of dataset in roboflow
I can't delete a version of a dataset from roboflow. I click delete version, put in the name of the version, click Delete version but it doesn't work. It keeps spinning forever and the version is not deleted.
I created another account to…

Aobi
- 1
- 1
0
votes
1 answer
Resize COCO bounding boxes for object detection
So here is my first question here. I am preparing a dataset for object detection. I have done the following things so far:
I have an original picture (size w4000 x h3000).
I used the annotation platform Roboflow to annotate it in COCO format, with…

OlegRuskiy
- 173
- 2
- 12
0
votes
1 answer
Trouble running converted custom trained model on RPI4 using TFLite
I am trying to run a mask detecting model on my RPI4.
I followed this Roboflow tutorial:
https://www.youtube.com/watch?v=pXLLNa4IrmM&list=LL&index=1&t=1169s.
However, after converting the darknet model to a TFLite model, I am getting this…

Bee98
- 1
0
votes
1 answer
Conversion to TFLite model from frozen inference graph (.pb) failing?
I'm working to convert a frozen inference graph I obtained from running this notebook to a TFLite model.
I modified code I found from TensorFlow's documentation to do so, and ran it in Google Colab:
import tensorflow as tf
path =…

superfeen
- 83
- 6
0
votes
0 answers
why YOLO v3 Keras buggy?
I am running this colab from Roboflow: https://colab.research.google.com/drive/1ByRi9d6_Yzu0nrEKArmLMLuMaZjYfygO#scrollTo=WgHANbxqWJPa
The code should be as-is, but i get errors at the end...
I suspect a TF versioning issue, but how do i know which…
0
votes
0 answers
Google colab: problem in the train of YOLOv4-tiny-Darknet-Roboflow
i'm using google colab for the detection of object with Yolo.
in the step of the Train Custom YOLOv4 Detector, i have this error
CUDA status Error: file: ./src/blas_kernels.cu : () : line: 841 : build time: Nov 26 2020 - 16:49:52
CUDA Error: no…
-1
votes
2 answers
Application keeps crashing and is very laggy: IndexError: index 0 is out of bounds for dimension 0 with size 0
import cv2
import argparse
import pandas as pd
from ultralytics import YOLO
import supervision as sv
import numpy as np
from supervision.tools.detections import Detections, BoxAnnotator
from supervision.tools.line_counter import LineCounter,…

Surya
- 3
- 1
- 2
-1
votes
1 answer
roboflow not generating new version
Please help me, when I generate a new version of my dataset, roboflow takes a long time with only 14 images and then generates a new empty version with no images.
1
3
-1
votes
1 answer
Cannot DataSet be exported TensorFlow CSV format
i prepared my dataset and created a version of it. Then i tried to export dataset in TensorFlow Object Detection CSV format but when i got output of given zip file. But i see that there is nothing inside the zip file except "README.roboflow.txt" and…

livan3li
- 119
- 2
- 8
-2
votes
1 answer
roboflow yoloV5 training same size problem
i am trying to train model via roboflow yolov5 notebook on colab. i always use pre-labeled roboflow data. and the problem is : the all final pt weight files has the same size (14.6 mb).
the big data or tiny data, there is no difference among sizes.…

lex
- 5
- 3
-2
votes
2 answers
Unsupported operand type for /: 'str' and 'int'
height, width, channels = img.shape
scale = ROBOFLOW_SIZE / max(height, width)
img = cv2.resize(img, (round(scale * width), round(scale * height)))
I've been trying to get a Roboflow code to work on my Picam but can't seem to bypass this error.…

Isaac
- 1