22

我想部署一个简单的 TensorFlow 模型并在 Flask 等 REST 服务中运行它。到目前为止在 github 或这里没有找到好的例子。

我还没有准备好按照其他帖子中的建议使用 TF Serving,它对 Google 来说是完美的解决方案,但对于我的 gRPC、bazel、C++ 编码、protobuf 任务来说,它过大了……

4

3 回答 3

7

有不同的方法可以做到这一点。纯粹来说,使用 tensorflow 不是很灵活,但是相对简单。这种方法的缺点是您必须在恢复模型的代码中重建图形并初始化变量。tensorflow skflow/contrib learn中显示了一种更优雅的方法,但是目前这似乎不起作用,并且文档已过时。

我在 github 上放了一个简短的示例展示了如何将 GET 或 POST 参数命名为 REST 部署的 tensorflow 模型。

然后,主要代码位于一个函数中,该函数根据 POST/GET 数据获取字典:

@app.route('/model', methods=['GET', 'POST'])
@parse_postget
def apply_model(d):
    tf.reset_default_graph()
    with tf.Session() as session:
        n = 1
        x = tf.placeholder(tf.float32, [n], name='x')
        y = tf.placeholder(tf.float32, [n], name='y')
        m = tf.Variable([1.0], name='m')
        b = tf.Variable([1.0], name='b')
        y = tf.add(tf.mul(m, x), b) # fit y_i = m * x_i + b
        y_act = tf.placeholder(tf.float32, [n], name='y_')
        error = tf.sqrt((y - y_act) * (y - y_act))
        train_step = tf.train.AdamOptimizer(0.05).minimize(error)

        feed_dict = {x: np.array([float(d['x_in'])]), y_act: np.array([float(d['y_star'])])}
        saver = tf.train.Saver()
        saver.restore(session, 'linear.chk')
        y_i, _, _ = session.run([y, m, b], feed_dict)
    return jsonify(output=float(y_i))
于 2016-08-23T15:14:47.350 回答
3

我不喜欢在烧瓶 restful 文件中放置太多带有数据/模型处理的代码。我通常分别有 tf 模型类等。 它可能是这样的:

# model init, loading data
cifar10_recognizer = Cifar10_Recognizer()
cifar10_recognizer.load('data/c10_model.ckpt')

@app.route('/tf/api/v1/SomePath', methods=['GET', 'POST'])
def upload():
    X = []
    if request.method == 'POST':
        if 'photo' in request.files:
            # place for uploading process workaround, obtaining input for tf
            X = generate_X_c10(f)

        if len(X) != 0:
            # designing desired result here
            answer = np.squeeze(cifar10_recognizer.predict(X))
            top3 = (-answer).argsort()[:3]
            res = ([cifar10_labels[i] for i in top3], [answer[i] for i in top3])

            # you can simply print this to console
            # return 'Prediction answer: {}'.format(res)

            # or generate some html with result
            return fk.render_template('demos/c10_show_result.html',
                                      name=file,
                                      result=res)

    if request.method == 'GET':
        # in html I have simple form to upload img file
        return fk.render_template('demos/c10_classifier.html')

cifar10_recognizer.predict(X) 是一个简单的函数,它在 tf 会话中运行预测操作:

    def predict(self, image):
        logits = self.sess.run(self.model, feed_dict={self.input: image})
        return logits

ps 从文件中保存/恢复模型是一个非常漫长的过程,在提供 post/get 请求时尽量避免这种情况

于 2016-08-30T08:37:30.143 回答
3

这个github 项目展示了一个恢复模型检查点和使用 Flask 的工作示例。

@app.route('/api/mnist', methods=['POST'])
def mnist():
    input = ((255 - np.array(request.json, dtype=np.uint8)) / 255.0).reshape(1, 784)
    output1 = simple(input)
    output2 = convolutional(input)
    return jsonify(results=[output1, output2])

在线演示似乎很快。

于 2016-08-23T13:06:53.297 回答