object-detection-api 相关问题

有关tensorflow对象检测api的问题,请访问https://github.com/tensorflow/models/tree/master/research/object_detection

无法从“google.protobuf.internal”导入名称“builder”

我用 Python 编写了一个使用对象检测 API 的程序。我尝试在命令提示符下运行我的代码: python object_detection/builders/model_builder_test.py 但是,我得到了以下

回答 0 投票 0

训练 TensorFlow 模型

当我开始使用 model_main_tf2.py 训练 TensorFlow 模型时,我得到了这个: TensorFlow Addons (TFA) 已结束新功能的开发和引入。 TFA已进入最低限度维护...

回答 0 投票 0

在 OpenCV::dnn 模块中,为什么我在 python 中实现相同的代码比在 C++ 中实现更快?

这是 Python 中的代码: 导入cv2 将 cv2 导入为 cv 导入时间 cvNet = cv.dnn.readNetFromTensorflow('frozen_inference_graph.pb', 'ssd_mobilenet_v3_large_coco_2020_01_14.pbtxt') cap=cv2.VideoCa...

回答 0 投票 0

安装 object_detection API 时出错

我不知道,但最后一步 python -m pip install 有问题。 出于某种原因,我总是遇到 pyarrow 的问题,我在这个问题上坐了一段时间,我不知道如何......

回答 0 投票 0

ModuleNotFoundError: tensorflow.python.keras.layers.preprocessing

尽管我在 2.12.0 版的 venv 中安装了 tensorflow,但它有点没有 tensorflow.python.keras.layers.preprocessing。我尝试安装对象检测 API,但我仍然

回答 1 投票 0

对象检测 - 使用边界框在对象周围绘制矩形

首先,我想说的是,我知道这里已经发布了很多类似的问题,但没有一个提供解释步骤和背后逻辑的答案——只是简单地指向

回答 1 投票 0

“tensorflow.python.framework.errors_impl.FailedPreconditionError: =; Is a directory”运行 model_main.py 出错

我运行命令: python3 research/object_detection/legacy/train.py \ --logtostderr \ --train_dir = 培训/ \ --pipeline_config_path = training/ssd_mobilenet_v1_pets.config 但我是

回答 2 投票 0

CVAT的TFRecord导出不正确吗?

ML新手在这里... 在本学期的后半段,我一直在为我大学的企业计划(比如学校赞助的企业)研究对象检测模型。我决定...

回答 1 投票 0

安装 Tensorflow 对象检测 API - 'cp' 错误

我正在尝试按照几个教程和官方文档(Tensorflow Object Detection API)安装 Tensorflow Object Detection API。我遇到过多次相同的错误

回答 5 投票 0

使用张量流对象检测 api 应用自定义增强

我对 tensorflow 很陌生,我正在尝试使用他们的 api 训练对象检测器。我想知道是否有办法在 .config 文件中传递自定义扩充或将它们包含在 s...

回答 0 投票 0

为什么我的模型训练在训练过程中自动停止了?

我正在尝试使用 SSD MobileNet 制作自定义检测器。我之前从未尝试使用此模型来使用 TensorFlow API 制作自定义检测器。我正在关注本教程。我正面临一个问题...

回答 0 投票 0

TF2模型(saved_model.pb)到TF1格式(frozen_inference_graph.pb)的转换

目前 OpenCV 不支持 TF2 对象检测模型。我想将 MobileNet V2 FPNLite 640x640 SSD 模型从 TF2 转换为 TF1 以通过 cv2.readNetFromTensorflow 运行。这个位置如何...

回答 0 投票 0

Tensorflow 使用一个 GPU 的全部,而其他的很少

在使用带有 NVIDIA 3080 (10GB) 的 Tensorflow 对象检测 API 遇到 OOM 错误后,我买了一个 4090 (24GB)。我目前同时运行两者,但我注意到在大批量 ru...

回答 0 投票 0

Tensorflow对象检测api安装问题

我正在尝试按照此处的说明安装 TF 对象检测 API。 不使用任何与 GPU 相关的东西。 除了这一行,我已经成功地完成了所有事情: 蟒蛇-...

回答 0 投票 0

无法打开锁定文件

我正在尝试运行它 如果 os.name=='posix': !apt-get 安装 protobuf 编译器 !cd Tensorflow/models/research && protoc object_detection/protos/*.proto --python_out=. && CP

回答 0 投票 0

有没有办法从 Jupyter Notebook 单元中运行 Tensorflow 对象检测 API 的 model_main_tf2.py?

来自 https://github.com/tensorflow/models/blob/master/research/object_detection/model_main_tf2.py,共享的方法是从 linux 终端或 anaconda 运行 Tensorflow 对象检测 API

回答 0 投票 0

tensorflow的object detection api支持multi-class multi-label detection吗?

经过数小时的研究,我找不到任何关于使用对象检测 API 进行多标签预测的示例。基本上我想预测图像中每个实例的多个标签。作为我...

回答 2 投票 0

Tensorflow 对象检测:继续训练

假设我训练了一个像 ResNet 这样的预训练网络,并在 fine_tune_checkpoint_type 属性的 pipeline.config 文件中将其设置为检测。据我了解,这意味着我们采用

回答 3 投票 0

TypeError: __init__() 得到了一个意外的关键字参数 'fpn_min_level'

当我运行我的对象检测模型时,屏幕上显示以下类型错误: TypeError Traceback(最后一次调用) \ 当我运行我的对象检测模型时,屏幕上显示以下类型错误: TypeError Traceback (most recent call last) \<ipython-input-26-f5bf27ce595e\> in \<module\> 1 # Load pipeline config and build a detection model 2 configs = config_util.get_configs_from_pipeline_file(CONFIG_PATH) \----\> 3 detection_model = model_builder.build(model_config=configs\['model'\], is_training=False) 4 5 # Restore checkpoint \~\\AppData\\Roaming\\Python\\Python37\\site-packages\\object_detection\\builders\\model_builder.py in build(model_config, is_training, add_summaries) 125 meta_architecture = model_config.WhichOneof('model') 126 if meta_architecture == 'ssd': \--\> 127 return \_build_ssd_model(model_config.ssd, is_training, add_summaries) 128 if meta_architecture == 'faster_rcnn': 129 return \_build_faster_rcnn_model(model_config.faster_rcnn, is_training, \~\\AppData\\Roaming\\Python\\Python37\\site-packages\\object_detection\\builders\\model_builder.py in \_build_ssd_model(ssd_config, is_training, add_summaries) 248 feature_extractor_config=ssd_config.feature_extractor, 249 freeze_batchnorm=ssd_config.freeze_batchnorm, \--\> 250 is_training=is_training) 251 252 box_coder = box_coder_builder.build(ssd_config.box_coder) \~\\AppData\\Roaming\\Python\\Python37\\site-packages\\object_detection\\builders\\model_builder.py in \_build_ssd_feature_extractor(feature_extractor_config, is_training, freeze_batchnorm, reuse_weights) 224 }) 225 \--\> 226 return feature_extractor_class(\*\*kwargs) 227 228 TypeError: __init__() got an unexpected keyword argument 'fpn_min_level' 我已尝试搜索以修复此错误,但仍然无法找到相关信息。 这是我遇到错误的代码部分: 加载管道配置并构建检测模型 configs = config_util.get_configs_from_pipeline_file(CONFIG_PATH) detection_model = model_builder.build(model_config=configs\['model'\], is_training=False) 恢复检查点 ckpt = tf.compat.v2.train.Checkpoint(model=detection_model) ckpt.restore(os.path.join(CHECKPOINT_PATH, 'ckpt-6')).expect_partial() @tf.function def detect_fn(image): image, shapes = detection_model.preprocess(image) prediction_dict = detection_model.predict(image, shapes) detections = detection_model.postprocess(prediction_dict, shapes) 返回检测

回答 0 投票 0

如何加载export_inference_graph.py保存的训练模型?

我下面是一个使用tensorflow的1.15.0对象检测API的例子。教程清楚地介绍了以下几个方面:如何下载模型如何加载一个带有.xml文件的自定义数据库,......

回答 1 投票 0

© www.soinside.com 2019 - 2024. All rights reserved.