- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我想做什么
我正在尝试学习 TensorFlow 对象识别,并且像往常一样学习新事物,我在网上搜索教程。我不想涉及任何第三方云服务或 Web 开发框架,我只想学习使用原生 JavaScript、Python 和 TensorFlow 库来完成。
到目前为止我所拥有的
到目前为止,我已经关注了 a TensorFlow object detection tutorial (伴随着 5+ hour video )到我在 Tensorflow (python) 中训练模型并希望通过 TensorflowJS 将其转换为在浏览器中运行的地步。我也尝试过其他教程,但似乎没有找到一个解释如何在没有第三方云/工具和 React 的情况下执行此操作的教程。
我知道为了将这个模型与 tensorflow.js
一起使用我的目标是获得如下文件:
group1-shard1of2.bin
group1-shard2of2.bin
labels.json
model.json
py Tensorflow\models\research\object_detection\model_main_tf2.py --model_dir=Tensorflow\workspace\models\my_ssd_mobnet --pipeline_config_path=Tensorflow\workspace\models\my_ssd_mobnet\pipeline.config --num_train_steps=100
似乎在训练模型后,我只剩下:
checkpoint
, ckpt-1.data-00000-of-00001
, ckpt-1.index
, pipeline.config
ssd_mobilenet_v2_fpnlite_320x320_coco17_tpu-8
Importing pre-trained models
We support porting pre-trained models from:
This repository has been archived in favor of tensorflow/tfjs.
This repo will remain around for some time to keep history but allfuture PRs should be sent to tensorflow/tfjs inside the tfjs-corefolder.
All history and contributions have been preserved in the monorepo.
A 2-step process to import your model:
- A python pip package to convert a TensorFlow SavedModel or TensorFlow Hub module to a web friendly format. If you already have a converted model, or are using an already hosted model (e.g. MobileNet), skip this step.
- JavaScript API, for loading and running inference.
pip install tensorflowjs
tensorflowjs_converter \
--input_format=tf_saved_model \
--output_format=tfjs_graph_model \
--signature_name=serving_default \
--saved_model_tags=serve \
/mobilenet/saved_model \
/mobilenet/web_model
但是等等,检查点文件是否有“TensorFlow SavedModel”?这似乎不清楚,文档没有解释。所以我用谷歌搜索,找到文档,它说:
You can save and load a model in the SavedModel format using thefollowing APIs:
Low-level tf.saved_model API. This document describes how to use thisAPI in detail. Save: tf.saved_model.save(model, path_to_dir)
tf.saved_model.save(
obj, export_dir, signatures=None, options=None
)
举个例子:
class Adder(tf.Module):
@tf.function(input_signature=[tf.TensorSpec(shape=[], dtype=tf.float32)])
def add(self, x):
return x + x
model = Adder()
tf.saved_model.save(model, '/tmp/adder')
但到目前为止,这一点都不熟悉。到目前为止,我不明白如何将训练过程的结果(检查点)加载到变量
model
中。所以我可以将它传递给这个函数。
Variables must be tracked by assigning them to an attribute of atracked object or to an attribute of obj directly. TensorFlow objects(e.g. layers from
tf.keras.layers
, optimizers fromtf.train
) tracktheir variables automatically. This is the same tracking scheme thattf.train.Checkpoint
uses, and an exported Checkpoint object may berestored as a training checkpoint by pointingtf.train.Checkpoint.restore
to theSavedModel
's "variables/"subdirectory.
最佳答案
您可以将模型转换为 TensorFlowJS 格式,而无需任何云服务。我已经列出了以下步骤。
I'm sure it's not hard to get from this step to the files I need.
tf.train.Checkpoint
格式(
relevant source code that creates these checkpoints in the object detection model code )。这与 SavedModel 和 Keras 格式不同。
Checkpoint (current) --> SavedModel --> TensorFlowJS
转换自
tf.train.Checkpoint
至
SavedModel
请查看
the script models/research/object_detection/export_inference_graph.py
将检查点文件转换为 SavedModel。
--input_type
应保持为
image_tensor
.
python export_inference_graph.py \
--input_type image_tensor \
--pipeline_config_path path/to/ssd_inception_v2.config \
--trained_checkpoint_prefix path/to/model.ckpt \
--output_directory path/to/exported_model_directory
在输出目录中,您应该会看到一个 savedmodel 目录。我们将在下一步中使用它。
SavedModel
到 TensorFlowJS
--signature_name
和
--saved_model_tags
可能需要改变,但希望不会。
tensorflowjs_converter \
--input_format=tf_saved_model \
--output_format=tfjs_graph_model \
--signature_name=serving_default \
--saved_model_tags=serve \
/mobilenet/saved_model \
/mobilenet/web_model
使用 TensorFlowJS 模型
I know in order to use this model with tensorflow.js my goal is to get files like:
- group1-shard1of2.bin
- group1-shard2of2.bin
- labels.json
- model.json
labels.json
将被创建。我不确定该文件应该包含什么。 TensorFlowJS 将使用
model.json
构建推理图,它将从
.bin
加载权重文件。
tf.loadGraphModel()
加载 JS 模型。 .见
the tfjs converter page for more information .
import * as tf from '@tensorflow/tfjs';
import {loadGraphModel} from '@tensorflow/tfjs-converter';
const MODEL_URL = 'model_directory/model.json';
const model = await loadGraphModel(MODEL_URL);
const cat = document.getElementById('cat');
model.execute(tf.browser.fromPixels(cat));
附加说明
... Which sounds a bit like a circular reference to me,
关于tensorflow - 如何在不涉及 IBM 云的情况下转换我用 Tensorflow (python) 训练的模型以用于 TensorflowJS(从我现在的步骤开始)?,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/68350476/
我正在尝试将一个字符串逐个字符地复制到另一个字符串中。目的不是复制整个字符串,而是复制其中的一部分(我稍后会为此做一些条件......) 但我不知道如何使用迭代器。 你能帮帮我吗? std::stri
我想将 void 指针转换为结构引用。 结构的最小示例: #include "Interface.h" class Foo { public: Foo() : mAddress((uint
这有点烦人:我有一个 div,它从窗口的左上角开始过渡,即使它位于文档的其他任何位置。我试过 usign -webkit-transform-origin 但没有成功,也许我用错了。有人可以帮助我吗?
假设,如果将 CSS3 转换/转换/动画分配给 DOM 元素,我是否可以检测到该过程的状态? 我想这样做的原因是因为我正在寻找类似过渡链的东西,例如,在前一个过渡之后运行一个过渡。 最佳答案 我在 h
最近我遇到了“不稳定”屏幕,这很可能是由 CSS 转换引起的。事实上,它只发生在 Chrome 浏览器 上(可能还有 Safari,因为一些人也报告了它)。知道如何让它看起来光滑吗?此外,您可能会注意
我正在开发一个简单的 slider ,它使用 CSS 过渡来为幻灯片设置动画。我用一些基本样式和一些 javascript 创建了一支笔 here .注意:由于 Codepen 使用 Prefixfr
我正在使用以下代码返回 IList: public IList FindCodesByCountry(string country) { var query =
如何设计像这样的操作: 计算 转化 翻译 例如:从“EUR”转换为“CNY”金额“100”。 这是 /convert?from=EUR&to=CNY&amount=100 RESTful 吗? 最佳答
我使用 jquery 组合了一个图像滚动器,如下所示 function rotateImages(whichHolder, start) { var images = $('#' +which
如何使用 CSS (-moz-transform) 更改一个如下所示的 div: 最佳答案 你可以看看Mozilla Developer Center .甚至还有例子。 但是,在我看来,您的具体示例不
我需要帮助我正在尝试在选中和未选中的汉堡菜单上实现动画。我能够为菜单设置动画,但我不知道如何在转换为 0 时为左菜单动画设置动画 &__menu { transform: translateX(
我正在为字典格式之间的转换而苦苦挣扎:我正在尝试将下面的项目数组转换为下面的结果数组。本质上是通过在项目第一个元素中查找重复项,然后仅在第一个参数不同时才将文件添加到结果集中。 var items:[
如果我有两个定义相同的结构,那么在它们之间进行转换的最佳方式是什么? struct A { int i; float f; }; struct B { int i; float f; }; void
我编写了一个 javascript 代码,可以将视口(viewport)从一个链接滑动到另一个链接。基本上一切正常,你怎么能在那里看到http://jsfiddle.net/DruwJ/8/ 我现在的
我需要将文件上传到 meteor ,对其进行一些图像处理(必要时进行图像转换,从图像生成缩略图),然后将其存储在外部图像存储服务器(s3)中。这应该尽可能快。 您对 nodejs 图像处理库有什么建议
刚开始接触KDB+,有一些问题很难从Q for Mortals中得到。 说,这里 http://code.kx.com/wiki/JB:QforMortals2/casting_and_enumera
我在这里的一个项目中使用 JSF 1.2 和 IceFaces 1.8。 我有一个页面,它基本上是一大堆浮点数字段的大编辑网格。这是通过 inputText 实现的页面上的字段指向具有原始值的值对象
ScnMatrix4 是一个 4x4 矩阵。我的问题是什么矩阵行对应于位置(ScnVector3),旋转(ScnVector4),比例(ScnVector3)。第 4 行是空的吗? 编辑: 我玩弄了
恐怕我是 Scala 新手: 我正在尝试根据一些简单的逻辑将 Map 转换为新 Map: val postVals = Map("test" -> "testing1", "test2" -> "te
输入: This is sample 1 This is sample 2 输出: ~COLOR~[Green]This is sample 1~COLOR~[Red]This is sam
我是一名优秀的程序员,十分优秀!