TensorFlow.orgで表示 | GoogleColabで実行 | GitHubで表示 | ノートブックをダウンロード |
概要
機械学習モデルは、TensorFlow Liteを使用してモバイル、組み込み、IoTデバイスに頻繁に導入され、データのプライバシーを向上させ、応答時間を短縮します。これらのモデルでは、多くの場合、テキスト処理操作のサポートが必要です。 TensorFlow Textバージョン2.7以降では、パフォーマンスの向上、バイナリサイズの削減、およびこれらの環境での使用に合わせて特別に最適化された操作が提供されます。
テキスト演算子
次のTensorFlowTextクラスは、TensorFlowLiteモデル内から使用できます。
-
FastWordpieceTokenizer
-
WhitespaceTokenizer
モデル例
pip install -U tensorflow-text
from absl import app
import numpy as np
import tensorflow as tf
import tensorflow_text as tf_text
from tensorflow.lite.python import interpreter
次のコード例は、単純なテストモデルを使用したPythonでの変換プロセスと解釈を示しています。 TensorFlow Liteを使用している場合、モデルの出力をtf.RaggedTensor
オブジェクトにすることはできないことに注意してください。ただし、 tf.RaggedTensor
オブジェクトのコンポーネントを返すか、 to_tensor
関数を使用して変換することができます。詳細については、RaggedTensorガイドを参照してください。
class TokenizerModel(tf.keras.Model):
def __init__(self, **kwargs):
super().__init__(**kwargs)
self.tokenizer = tf_text.WhitespaceTokenizer()
@tf.function(input_signature=[
tf.TensorSpec(shape=[None], dtype=tf.string, name='input')
])
def call(self, input_tensor):
return { 'tokens': self.tokenizer.tokenize(input_tensor).flat_values }
# Test input data.
input_data = np.array(['Some minds are better kept apart'])
# Define a Keras model.
model = TokenizerModel()
# Perform TensorFlow Text inference.
tf_result = model(tf.constant(input_data))
print('TensorFlow result = ', tf_result['tokens'])
TensorFlow result = tf.Tensor([b'Some' b'minds' b'are' b'better' b'kept' b'apart'], shape=(6,), dtype=string)
TensorFlowモデルをTensorFlowLiteに変換します
TensorFlowText演算子を使用するTensorFlowモデルをTensorFlowLiteに変換する場合、以下の例のように、 allow_custom_ops
属性を使用するカスタム演算子があることをTFLiteConverter
に示す必要があります。その後、通常どおりにモデル変換を実行できます。モデル変換の基本に関する詳細なガイドについては、 TensorFlowLiteコンバータのドキュメントを確認してください。
# Convert to TensorFlow Lite.
converter = tf.lite.TFLiteConverter.from_keras_model(model)
converter.target_spec.supported_ops = [tf.lite.OpsSet.TFLITE_BUILTINS]
converter.allow_custom_ops = True
tflite_model = converter.convert()
2022-02-01 12:09:02.062677: W tensorflow/python/util/util.cc:368] Sets are not currently considered sequences, but this may change in the future, so consider avoiding using them. INFO:tensorflow:Assets written to: /tmp/tmpiiuhjdn6/assets 2022-02-01 12:09:03.705144: W tensorflow/compiler/mlir/lite/python/tf_tfl_flatbuffer_helpers.cc:363] Ignored output_format. WARNING:absl:Buffer deduplication procedure will be skipped when flatbuffer library is not properly loaded 2022-02-01 12:09:03.705185: W tensorflow/compiler/mlir/lite/python/tf_tfl_flatbuffer_helpers.cc:366] Ignored drop_control_dependency. 2022-02-01 12:09:03.921830: W tensorflow/compiler/mlir/lite/flatbuffer_export.cc:1902] The following operation(s) need TFLite custom op implementation(s): Custom ops: TFText>WhitespaceTokenizeWithOffsetsV2 Details: tf.TFText>WhitespaceTokenizeWithOffsetsV2(tensor<?x!tf_type.string>, tensor<!tf_type.string>) -> (tensor<?x!tf_type.string>, tensor<?xi64>, tensor<?xi32>, tensor<?xi32>) : {device = ""} See instructions: https://www.tensorflow.org/lite/guide/ops_custom
推論
TensorFlow LiteインタープリターがTensorFlowテキスト演算子を含むモデルを正しく読み取るには、これらのカスタム演算子を使用するようにモデルを構成し、それらの登録メソッドを提供する必要があります。 tf_text.tflite_registrar.SELECT_TFTEXT_OPS
を使用して、サポートされているTensorFlowテキストオペレーターの登録関数の完全なスイートをInterpreterWithCustomOps
に提供します。
以下の例はPythonでの推論を示していますが、手順は他の言語でも同様ですが、いくつかのマイナーなAPI変換があり、 tflite_registrar
をバイナリに組み込む必要があることに注意してください。詳細については、 TensorFlowLite推論をご覧ください。
# Perform TensorFlow Lite inference.
interp = interpreter.InterpreterWithCustomOps(
model_content=tflite_model,
custom_op_registerers=tf_text.tflite_registrar.SELECT_TFTEXT_OPS)
interp.get_signature_list()
{'serving_default': {'inputs': ['input'], 'outputs': ['tokens']} }
次に、TensorFlow Liteインタープリターが入力で呼び出され、上記のTensorFlowの結果と一致する結果が提供されます。
tokenize = interp.get_signature_runner('serving_default')
output = tokenize(input=input_data)
print('TensorFlow Lite result = ', output['tokens'])
TensorFlow Lite result = [b'Some' b'minds' b'are' b'better' b'kept' b'apart']