- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我已经用 fastR-CNN 网络训练了一个对象检测模型,并且有 frozen_interface_graph.pb
和 label_map.pbtxt
训练结束后。我想将它部署为 RESTAPI 服务器,以便可以从没有 Tensorflow 的系统中调用它。那是我遇到TFX的时候。
我如何使用 TFX tensorflow-model-server
加载此模型并托管 RESTAPI,以便我可以将图像作为 POST 请求发送进行预测?
https://www.tensorflow.org/tfx/tutorials/serving/rest_simple这是我找到的引用资料,但模型的格式与我目前的格式不同。是否有任何机制可以重用我目前拥有的模型,或者我必须使用 Keras 重新训练并部署,如 reference 所示.
最佳答案
要为 TFX 重用您的模型,请使用 卡住图需要指定一个服务签名。尝试将您的模型转换为 已保存模型 使用下面成功创建 savedmodel.pb
的代码格式化带有标记集“服务”的文件。
import tensorflow as tf
from tensorflow.python.saved_model import signature_constants
from tensorflow.python.saved_model import tag_constants
export_dir = './saved'
graph_pb = 'frozen_inference_graph.pb'
builder = tf.saved_model.builder.SavedModelBuilder(export_dir)
with tf.gfile.GFile(graph_pb, "rb") as f:
graph_def = tf.GraphDef()
graph_def.ParseFromString(f.read())
sigs = {}
with tf.Session(graph=tf.Graph()) as sess:
# name="" is important to ensure we don't get spurious prefixing
tf.import_graph_def(graph_def, name="")
g = tf.get_default_graph()
sess.graph.get_operations()
inp = g.get_tensor_by_name("image_tensor:0")
outputs = {}
outputs["detection_boxes"] = g.get_tensor_by_name('detection_boxes:0')
outputs["detection_scores"] = g.get_tensor_by_name('detection_scores:0')
outputs["detection_classes"] = g.get_tensor_by_name('detection_classes:0')
outputs["num_detections"] = g.get_tensor_by_name('num_detections:0')
output_tensor = tf.concat([tf.expand_dims(t, 0) for t in outputs], 0)
sigs[signature_constants.DEFAULT_SERVING_SIGNATURE_DEF_KEY] = \
tf.saved_model.signature_def_utils.predict_signature_def(
{"in": inp}, {"out": out})
sigs["predict_images"] = \
tf.saved_model.signature_def_utils.predict_signature_def(
{"in": inp}, {"out": output_tensor} )
builder.add_meta_graph_and_variables(sess,
[tag_constants.SERVING],
signature_def_map=sigs)
builder.save().
"Is there any mechanism in which I can reuse the model I currently have or will I have to retrain using Keras and deploy as shown in the reference?"
关于python - 使用现有的frozen_interface_graph.pb 和label_map.pbtxt 部署TFX,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/61184895/
如何使用 python 生成 label_map.pbtxt?我需要通过发送对象名称自动生成 label_map.pbtxt 文件。 item { id: 1 name: 'object na
我的问题很基本,但我不明白为什么会遇到这个问题,因此我不知道如何解决。 我正在尝试按照 this tutorial 的步骤重新训练预训练模型或 the corresponding youtube vi
我使用 tensorflow object detection 在 Windows 10 上学习对象检测. 我从 https://github.com/tensorflow/models/blob/m
我已经用 fastR-CNN 网络训练了一个对象检测模型,并且有 frozen_interface_graph.pb和 label_map.pbtxt训练结束后。我想将它部署为 RESTAPI 服务器
我想在给定 tensorflow 卡住推理图的输入的情况下提取 pbtxt 文件。为了做到这一点,我使用以下脚本: import tensorflow as tf #from google.proto
我只有一个 graph.pbtxt 文件。我想在tensorboard中查看图表。但我不知道该怎么做。我是否必须编写任何 python 脚本,或者我可以从终端本身执行此操作吗?请帮助我了解所涉及的步骤
我正在尝试运行 Tensorflow 对象检测。不幸的是,我发现 Tensorflow 的预训练模型都没有标签文件。我怎样才能得到这些文件?我想要做的就是测试几张图片的对象检测并显示标签。以下代码是我
我正在尝试在 Tensorflow 2 上运行 Tensorflow 对象检测 API 并且出现该错误,有人可以提供解决方案吗? 编码 : 装载机 def load_model(model_name)
我需要得到 .pb和 .pbtxt来自 Keras model 的文件为了在 C++ 中使用经过训练的 Keras 模型和 OpenCV 的 DNN 模块。 我可以得到 .pb通过执行 model.s
我创建了一个生成 .pbtxt 文件的 Tensorflow 模型。我可以在构建 Android 应用程序时使用此文件,通过将其重命名为 .pb 文件来使用生成的模型吗? 提前致谢。 最佳答案 如果
我有一个自定义 tensorflow 模型 .pb 文件。我想使用 dnn 模块将其导入 OpenCV。 dnn 模块函数需要 2 个参数:.pb文件和 .pbtxt文件?如何生成 .pbtxt来自
** 代码编辑器:vscode cmd:anaconda 提示符 我遵循了教程,但为什么会出现此错误? ** first error was ModuleNotFoundError: No modul
我运行了代码 export_path=os.getcwd()+'\\model\\'+'2016' with tf.Session(graph=tf.Graph()) as sess: tf.
我想在 android studio 中使用我的 keras 训练模型。我在互联网上得到了这段代码,将我的代码从 keras 转换为 tensorflow-lite。但是当我尝试代码时,我收到了这个错
我一直在关注TensorFlow for Poets 2在我训练过的模型上使用 codelab,并创建了一个带有嵌入权重的卡住量化图。它被捕获在一个文件中 - 比如说 my_quant_graph.p
我关注了this按照说明使用 Tensorflow GPU 重新训练 MobileNet SSD V1 的教程,使用 GPU 训练后损失为 0.5 (下面有更多关于配置的信息) 并获得了 model.
我正在尝试使用谷歌云平台部署模型来支持预测。 我使用以下指令(本地)训练模型 ~/$ gcloud ml-engine local train --module-name trainer.ta
我是一名优秀的程序员,十分优秀!