TensorFlow REST 前端但不是 TensorFlow 服务

TensorFlow REST Frontend but not TensorFlow Serving

我想部署一个简单的 TensorFlow 模型并 运行 它像 Flask 一样在 REST 服务中。 目前在 github 或此处未找到好的示例。

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

github project 显示了恢复模型检查点和使用 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])

网上demo好像挺快的

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

我在 github here 上放了一个简短的例子,展示了如何将 GET 或 POST 参数命名为 Flask REST 部署的张量流模型。

然后主要代码在一个函数中,该函数采用基于 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))

我不喜欢在 flask restful 文件中放入太多 data/model 处理的代码。我一般都是单独有tf model class之类的。 可能是这样的:

# 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

p.s。 saving/restoring 来自文件的模型是一个非常长的过程,在服务 post/get 请求时尽量避免这种情况