tensorflow / text

Making text a first-class citizen in TensorFlow.
https://www.tensorflow.org/beta/tutorials/tensorflow_text/intro
Apache License 2.0
1.22k stars 335 forks source link

tensorflow_text.python.ops malformed trie child, cycle to nodeOffset=0x2 weak-def symbol not found #1063

Closed buya closed 1 year ago

buya commented 1 year ago

build from source then install

Processing ./tensorflow_text-2.11.0-cp39-cp39-macosx_11_0_arm64.whl
Collecting tensorflow-macos<2.12,>=2.11.0
  Downloading tensorflow_macos-2.11.0-cp39-cp39-macosx_12_0_arm64.whl (215.6 MB)

but error

Traceback (most recent call last):
  File "/Users/buya/Documents/projects/testtf/text.py", line 1, in <module>
    from tensorflow_text.python.ops import regex_split_ops
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/__init__.py", line 21, in <module>
    from tensorflow_text.python import keras
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/keras/__init__.py", line 21, in <module>
    from tensorflow_text.python.keras.layers import *
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/keras/layers/__init__.py", line 22, in <module>
    from tensorflow_text.python.keras.layers.tokenization_layers import *
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/keras/layers/tokenization_layers.py", line 25, in <module>
    from tensorflow_text.python.ops import unicode_script_tokenizer
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/ops/__init__.py", line 25, in <module>
    from tensorflow_text.python.ops.bert_tokenizer import BertTokenizer
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/ops/bert_tokenizer.py", line 28, in <module>
    from tensorflow_text.python.ops import regex_split_ops
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/ops/regex_split_ops.py", line 23, in <module>
    gen_regex_split_ops = load_library.load_op_library(resource_loader.get_path_to_datafile('_regex_split_ops.dylib'))
  File "/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow/python/framework/load_library.py", line 54, in load_op_library
    lib_handle = py_tf.TF_LoadLibrary(library_filename)
tensorflow.python.framework.errors_impl.NotFoundError: dlopen(/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow_text/python/ops/_regex_split_ops.dylib, 0x0006): malformed trie child, cycle to nodeOffset=0x2
weak-def symbol not found (__ZN10tensorflow11register_op19OpDefBuilderWrapper10SetShapeFnENSt3__18functionIFN3tsl6StatusEPNS_15shape_inference16InferenceContextEEEE)

and I found in v2.11.0/oss_scripts/configure.sh

if [[ $(pip show tensorflow) == *tensorflow* ]] ||
   [[ $(pip show tensorflow-macos) == *tensorflow-macos* ]] ||
   [[ $(pip show tf-nightly) == *tf-nightly* ]]; then
  echo 'Using installed tensorflow.'
else
  echo 'Installing tensorflow.'
  if is_macos; then
    #  Only Apple Silicon will be installed with tensorflow-macos.
    if [[ x"$(arch)" == x"arm64" ]]; then
      pip install tensorflow-macos==2.9.0
    else
      pip install tensorflow==2.11.0
    fi
  else
    pip install tensorflow==2.11.0
  fi
fi

why tensorflow-macos version not equals tensorflow==2.11.0

building log

++ uname -s
+ osname=Darwin
+ [[ Darwin == \D\a\r\w\i\n ]]
+ sed -i '' 's/".so"/".dylib"/' tensorflow_text/tftext.bzl
++ find tensorflow_text/python -type f
+ perl -pi -e 's/(load_library.load_op_library.*)\.so'\''/$1.dylib'\''/' tensorflow_text/python/keras/layers/tokenization_layers.py tensorflow_text/python/keras/layers/__init__.py tensorflow_text/python/keras/layers/todense.py tensorflow_text/python/keras/layers/todense_test.py tensorflow_text/python/keras/layers/tokenization_layers_test.py tensorflow_text/python/keras/__init__.py tensorflow_text/python/metrics/text_similarity_metric_ops.py tensorflow_text/python/metrics/__init__.py tensorflow_text/python/metrics/text_similarity_metric_ops_test.py tensorflow_text/python/ragged/ragged_tensor_to_tensor_test.py tensorflow_text/python/__init__.py tensorflow_text/python/numpy/viterbi_decode.py tensorflow_text/python/numpy/__init__.py tensorflow_text/python/numpy/viterbi_decode_test.py tensorflow_text/python/benchmarks/ops_benchmarks.py tensorflow_text/python/benchmarks/test_data/uncased_L-12_H-768_A-12/vocab.txt tensorflow_text/python/benchmarks/__init__.py tensorflow_text/python/benchmarks/tokenizers_benchmarks.py tensorflow_text/python/benchmarks/benchmark_utils.py tensorflow_text/python/ops/string_ops.py tensorflow_text/python/ops/viterbi_constrained_sequence_op_test.py tensorflow_text/python/ops/sentencepiece_tokenizer.py tensorflow_text/python/ops/normalize_ops_test.py tensorflow_text/python/ops/trimmer_ops_test.py tensorflow_text/python/ops/masking_ops.py tensorflow_text/python/ops/pointer_ops.py tensorflow_text/python/ops/hub_module_tokenizer_test.py tensorflow_text/python/ops/regex_split_ops_test.py tensorflow_text/python/ops/bert_tokenizer_test.py tensorflow_text/python/ops/byte_splitter_test.py tensorflow_text/python/ops/byte_splitter.py tensorflow_text/python/ops/boise_offset_converter.py tensorflow_text/python/ops/fast_wordpiece_tokenizer.py tensorflow_text/python/ops/pad_model_inputs_ops.py tensorflow_text/python/ops/item_selector_ops.py tensorflow_text/python/ops/state_based_sentence_breaker_op.py tensorflow_text/python/ops/split_merge_from_logits_tokenizer.py tensorflow_text/python/ops/pad_along_dimension_op_test.py tensorflow_text/python/ops/segment_combiner_ops_test.py tensorflow_text/python/ops/unicode_char_tokenizer_test.py tensorflow_text/python/ops/test_data/fast_bert_normalizer_model_lower_case_nfd_strip_accents.fb tensorflow_text/python/ops/test_data/test_wp_en_vocab.txt tensorflow_text/python/ops/test_data/phrase_tokenizer_model.fb tensorflow_text/python/ops/test_data/fast_sentencepiece.model tensorflow_text/python/ops/test_data/fast_bert_normalizer_model.fb tensorflow_text/python/ops/test_data/test_oss_model.model tensorflow_text/python/ops/test_data/fast_wordpiece_tokenizer_model.fb tensorflow_text/python/ops/test_data/segmenter_hub_module/variables/variables.data-00000-of-00001 tensorflow_text/python/ops/test_data/segmenter_hub_module/variables/variables.index tensorflow_text/python/ops/test_data/segmenter_hub_module/saved_model.pb tensorflow_text/python/ops/test_data/segmenter_hub_module/tfhub_module.pb tensorflow_text/python/ops/test_data/fast_wordpiece_README.google.txt tensorflow_text/python/ops/fast_bert_tokenizer.py tensorflow_text/python/ops/wordpiece_tokenizer_test.py tensorflow_text/python/ops/ngrams_op_test.py tensorflow_text/python/ops/greedy_constrained_sequence_op_test.py tensorflow_text/python/ops/splitter.py tensorflow_text/python/ops/viterbi_constrained_sequence_op.py tensorflow_text/python/ops/__init__.py tensorflow_text/python/ops/split_merge_from_logits_tokenizer_test.py tensorflow_text/python/ops/tokenization.py tensorflow_text/python/ops/span_alignment_op_test.py tensorflow_text/python/ops/whitespace_tokenizer_test.py tensorflow_text/python/ops/split_merge_tokenizer.py tensorflow_text/python/ops/bert_tokenizer.py tensorflow_text/python/ops/hub_module_splitter_test.py tensorflow_text/python/ops/wordshape_ops_test.py tensorflow_text/python/ops/span_overlaps_op_test.py tensorflow_text/python/ops/fast_sentencepiece_tokenizer_test.py tensorflow_text/python/ops/sentence_breaking_ops.py tensorflow_text/python/ops/wordpiece_tokenizer.py tensorflow_text/python/ops/sliding_window_op_test.py tensorflow_text/python/ops/trimmer_ops.py tensorflow_text/python/ops/segment_combiner_ops.py tensorflow_text/python/ops/unicode_script_tokenizer.py tensorflow_text/python/ops/normalize_ops.py tensorflow_text/python/ops/fast_bert_tokenizer_test.py tensorflow_text/python/ops/hub_module_tokenizer.py tensorflow_text/python/ops/whitespace_tokenizer.py tensorflow_text/python/ops/mst_ops.py tensorflow_text/python/ops/state_based_sentence_breaker_op_test.py tensorflow_text/python/ops/sliding_window_op.py tensorflow_text/python/ops/fast_sentencepiece_tokenizer.py tensorflow_text/python/ops/boise_offset_converter_test.py tensorflow_text/python/ops/sentence_breaking_ops_test.py tensorflow_text/python/ops/masking_ops_test.py tensorflow_text/python/ops/greedy_constrained_sequence_op.py tensorflow_text/python/ops/unicode_script_tokenizer_test.py tensorflow_text/python/ops/gather_with_default_op_test.py tensorflow_text/python/ops/split_merge_tokenizer_test.py tensorflow_text/python/ops/create_feature_bitmask_op.py tensorflow_text/python/ops/pad_along_dimension_op.py tensorflow_text/python/ops/create_feature_bitmask_op_test.py tensorflow_text/python/ops/ngrams_op.py tensorflow_text/python/ops/sentencepiece_tokenizer_test.py tensorflow_text/python/ops/item_selector_ops_test.py tensorflow_text/python/ops/regex_split_ops.py tensorflow_text/python/ops/coerce_to_valid_utf8_op_test.py tensorflow_text/python/ops/hub_module_splitter.py tensorflow_text/python/ops/unicode_char_tokenizer.py tensorflow_text/python/ops/wordshape_ops.py tensorflow_text/python/ops/fast_wordpiece_tokenizer_test.py tensorflow_text/python/ops/pad_model_inputs_ops_test.py tensorflow_text/python/ops/fast_bert_normalizer.py tensorflow_text/python/ops/mst_ops_test.py tensorflow_text/python/ops/fast_bert_normalizer_test.py
+ export CC_OPT_FLAGS=-mavx
+ CC_OPT_FLAGS=-mavx
+ source oss_scripts/configure.sh
+++ uname -s
+++ tr A-Z a-z
++ osname=darwin
++ echo darwin
darwin
++ '[' -e .bazelrc ']'
++ rm .bazelrc
+++ pip show tensorflow
WARNING: Package(s) not found: tensorflow
++ [[ '' == *tensorflow* ]]
+++ pip show tensorflow-macos
++ [[ Name: tensorflow-macos
Version: 2.9.0
Summary: TensorFlow is an open source machine learning framework for everyone.
Home-page: https://www.tensorflow.org/
Author: Google Inc.
Author-email: packages@tensorflow.org
License: Apache 2.0
Location: /Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages
Requires: absl-py, astunparse, flatbuffers, gast, google-pasta, grpcio, h5py, keras, keras-preprocessing, libclang, numpy, opt-einsum, packaging, protobuf, setuptools, six, tensorboard, tensorflow-estimator, termcolor, typing-extensions, wrapt
Required-by: tensorflow-text == *tensorflow-macos* ]]
++ echo 'Using installed tensorflow.'
Using installed tensorflow.
++ is_windows
++ [[ darwin =~ msys_nt*|mingw*|cygwin*|uwin* ]]
++ curl https://raw.githubusercontent.com/tensorflow/tensorflow/r2.11/.bazelversion -o .bazelversion
  % Total    % Received % Xferd  Average Speed   Time    Time     Time  Current
                                 Dload  Upload   Total   Spent    Left  Speed
100     5  100     5    0     0      3      0  0:00:01  0:00:01 --:--:--     3
++ curl https://raw.githubusercontent.com/tensorflow/tensorflow/r2.11/.bazelrc -o .bazelrc
  % Total    % Received % Xferd  Average Speed   Time    Time     Time  Current
                                 Dload  Upload   Total   Spent    Left  Speed
100 36114  100 36114    0     0   6302      0  0:00:05  0:00:05 --:--:--  7847
++ sed -i -e 's/build --noincompatible_remove_legacy_whole_archive//' .bazelrc
++ write_to_bazelrc 'build:manylinux2010 --config=release_cpu_linux'
++ echo 'build:manylinux2010 --config=release_cpu_linux'
++ write_to_bazelrc 'build:manylinux2014 --config=release_cpu_linux'
++ echo 'build:manylinux2014 --config=release_cpu_linux'
++ which python
++ grep -q python
++ installed_python=python
++ TF_CFLAGS=($($installed_python -c "import tensorflow as tf; print(' '.join(tf.sysconfig.get_compile_flags()))" | awk '{print $1}'))
+++ python -c 'import tensorflow as tf; print('\'' '\''.join(tf.sysconfig.get_compile_flags()))'
+++ awk '{print $1}'
++ TF_LFLAGS=($($installed_python -c "import tensorflow as tf; print(' '.join(tf.sysconfig.get_link_flags()))" | awk '{print $1}'))
+++ python -c 'import tensorflow as tf; print('\'' '\''.join(tf.sysconfig.get_link_flags()))'
+++ awk '{print $1}'
++ TF_LFLAGS_2=($($installed_python -c "import tensorflow as tf; print(' '.join(tf.sysconfig.get_link_flags()))" | awk '{print $2}'))
+++ python -c 'import tensorflow as tf; print('\'' '\''.join(tf.sysconfig.get_link_flags()))'
+++ awk '{print $2}'
+++ python -c 'import tensorflow as tf; print(tf.sysconfig.CXX11_ABI_FLAG)'
++ TF_ABIFLAG=0
++ HEADER_DIR=/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow/include
++ SHARED_LIBRARY_DIR=/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow
+++ echo -ltensorflow_framework.2
+++ rev
+++ cut -d: -f1
+++ rev
++ SHARED_LIBRARY_NAME=-ltensorflow_framework.2
++ is_macos
++ [[ darwin == \d\a\r\w\i\n ]]
++ SHARED_LIBRARY_NAME=libtensorflow_framework.dylib
++ is_windows
++ [[ darwin =~ msys_nt*|mingw*|cygwin*|uwin* ]]
++ export LD_LIBRARY_PATH=:/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow
++ LD_LIBRARY_PATH=:/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow
++ write_action_env_to_bazelrc TF_HEADER_DIR /Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow/include
++ write_to_bazelrc 'build --action_env TF_HEADER_DIR="/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow/include"'
++ echo 'build --action_env TF_HEADER_DIR="/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow/include"'
++ write_action_env_to_bazelrc TF_SHARED_LIBRARY_DIR /Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow
++ write_to_bazelrc 'build --action_env TF_SHARED_LIBRARY_DIR="/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow"'
++ echo 'build --action_env TF_SHARED_LIBRARY_DIR="/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow"'
++ write_action_env_to_bazelrc TF_SHARED_LIBRARY_NAME libtensorflow_framework.dylib
++ write_to_bazelrc 'build --action_env TF_SHARED_LIBRARY_NAME="libtensorflow_framework.dylib"'
++ echo 'build --action_env TF_SHARED_LIBRARY_NAME="libtensorflow_framework.dylib"'
++ write_action_env_to_bazelrc TF_CXX11_ABI_FLAG 0
++ write_to_bazelrc 'build --action_env TF_CXX11_ABI_FLAG="0"'
++ echo 'build --action_env TF_CXX11_ABI_FLAG="0"'
++ bazel version
++ grep label
++ sed -e 's/.*: //'
+ installed_bazel_version=5.3.0
++ cat .bazelversion
+ tf_bazel_version=5.3.0
+ '[' 5.3.0 '!=' 5.3.0 ']'
+ [[ darwin != \D\a\r\w\i\n ]]
+ source oss_scripts/prepare_tf_dep.sh
++ set -e
++ which python
++ grep -q python
++ installed_python=python
++ ext=
+++ uname -s
+++ tr A-Z a-z
++ osname=darwin
++ [[ darwin == \d\a\r\w\i\n ]]
++ ext='""'
+++ python -c 'import tensorflow as tf; print(tf.__version__)'
++ tf_version=2.9.0
++ echo 2.9.0
2.9.0
++ sed -i '""' 's/project_version = '\''REPLACE_ME'\''/project_version = '\''2.9.0'\''/' oss_scripts/pip_package/setup.nightly.py
++ sed -i '""' 's/__version__ = .*$/__version__ = "2.9.0"/' tensorflow_text/__init__.py
+++ python -c 'import tensorflow as tf; print(tf.__git_version__)'
+++ tail -1
++ short_commit_sha=unknown
++ [[ darwin == \d\a\r\w\i\n ]]
+++ echo unknown
+++ perl -nle 'print $& while m{(?<=-g)[0-9a-f]*$}g'
++ short_commit_sha=
+++ curl -SsL https://github.com/tensorflow/tensorflow/commit/
+++ grep sha-block
+++ grep commit
+++ sed -e 's/.*\([a-f0-9]\{40\}\).*/\1/'
curl: (28) SSL connection timeout
++ commit_sha=
++ sed -E -i '""' 's/strip_prefix = "tensorflow-2.+",/strip_prefix = "tensorflow-",/' WORKSPACE
++ sed -E -i '""' 's|"https://github.com/tensorflow/tensorflow/archive/v.+\.zip"|"https://github.com/tensorflow/tensorflow/archive/.zip"|' WORKSPACE
+++ grep -A 1 -e 'strip_prefix.*tensorflow-' WORKSPACE
+++ tail -1
+++ awk -F '"' '{print $2}'
++ prev_shasum=
++ sed -i '""' 's/sha256 = "",//' WORKSPACE
+ bazel build --enable_runfiles oss_scripts/pip_package:build_pip_package
INFO: Options provided by the client:
  Inherited 'common' options: --isatty=1 --terminal_columns=80
INFO: Reading rc options for 'build' from /Users/buya/miniconda/envs/testtf/text/.bazelrc:
  Inherited 'common' options: --experimental_repo_remote_exec
INFO: Reading rc options for 'build' from /Users/buya/miniconda/envs/testtf/text/.bazelrc:
  'build' options: --define framework_shared_object=true --define tsl_protobuf_header_only=true --define=use_fast_cpp_protos=true --define=allow_oversize_protos=true --spawn_strategy=standalone -c opt --announce_rc --define=grpc_no_ares=true --enable_platform_specific_config --define=with_xla_support=true --config=short_logs --config=v2 --define=no_aws_support=true --define=no_hdfs_support=true --experimental_cc_shared_library --experimental_link_static_libraries_once=false --deleted_packages=tensorflow/compiler/mlir/tfrt,tensorflow/compiler/mlir/tfrt/benchmarks,tensorflow/compiler/mlir/tfrt/jit/python_binding,tensorflow/compiler/mlir/tfrt/jit/transforms,tensorflow/compiler/mlir/tfrt/python_tests,tensorflow/compiler/mlir/tfrt/tests,tensorflow/compiler/mlir/tfrt/tests/ir,tensorflow/compiler/mlir/tfrt/tests/analysis,tensorflow/compiler/mlir/tfrt/tests/jit,tensorflow/compiler/mlir/tfrt/tests/lhlo_to_tfrt,tensorflow/compiler/mlir/tfrt/tests/lhlo_to_jitrt,tensorflow/compiler/mlir/tfrt/tests/tf_to_corert,tensorflow/compiler/mlir/tfrt/tests/tf_to_tfrt_data,tensorflow/compiler/mlir/tfrt/tests/saved_model,tensorflow/compiler/mlir/tfrt/transforms/lhlo_gpu_to_tfrt_gpu,tensorflow/core/runtime_fallback,tensorflow/core/runtime_fallback/conversion,tensorflow/core/runtime_fallback/kernel,tensorflow/core/runtime_fallback/opdefs,tensorflow/core/runtime_fallback/runtime,tensorflow/core/runtime_fallback/util,tensorflow/core/tfrt/common,tensorflow/core/tfrt/eager,tensorflow/core/tfrt/eager/backends/cpu,tensorflow/core/tfrt/eager/backends/gpu,tensorflow/core/tfrt/eager/core_runtime,tensorflow/core/tfrt/eager/cpp_tests/core_runtime,tensorflow/core/tfrt/gpu,tensorflow/core/tfrt/run_handler_thread_pool,tensorflow/core/tfrt/runtime,tensorflow/core/tfrt/saved_model,tensorflow/core/tfrt/graph_executor,tensorflow/core/tfrt/saved_model/tests,tensorflow/core/tfrt/tpu,tensorflow/core/tfrt/utils --action_env TF_HEADER_DIR=/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow/include --action_env TF_SHARED_LIBRARY_DIR=/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/tensorflow --action_env TF_SHARED_LIBRARY_NAME=libtensorflow_framework.dylib --action_env TF_CXX11_ABI_FLAG=0
INFO: Found applicable config definition build:short_logs in file /Users/buya/miniconda/envs/testtf/text/.bazelrc: --output_filter=DONT_MATCH_ANYTHING
INFO: Found applicable config definition build:v2 in file /Users/buya/miniconda/envs/testtf/text/.bazelrc: --define=tf_api_version=2 --action_env=TF2_BEHAVIOR=1
INFO: Found applicable config definition build:macos in file /Users/buya/miniconda/envs/testtf/text/.bazelrc: --apple_platform_type=macos --copt=-DGRPC_BAZEL_BUILD --copt=-w --define=PREFIX=/usr --define=LIBDIR=$(PREFIX)/lib --define=INCLUDEDIR=$(PREFIX)/include --define=PROTOBUF_INCLUDE_PATH=$(PREFIX)/include --cxxopt=-std=c++17 --host_cxxopt=-std=c++17
DEBUG: /private/var/tmp/_bazel_buya/0c242ae8354710950c6a183fd2801b80/external/org_tensorflow/third_party/repo.bzl:132:14: 
Warning: skipping import of repository 'icu' because it already exists.
DEBUG: /private/var/tmp/_bazel_buya/0c242ae8354710950c6a183fd2801b80/external/org_tensorflow/third_party/repo.bzl:132:14: 
Warning: skipping import of repository 'pybind11' because it already exists.
INFO: Analyzed target //oss_scripts/pip_package:build_pip_package (170 packages loaded, 4699 targets configured).
INFO: Found 1 target...
Target //oss_scripts/pip_package:build_pip_package up-to-date:
  bazel-bin/oss_scripts/pip_package/build_pip_package
INFO: Elapsed time: 4.261s, Critical Path: 1.21s
INFO: 1 process: 1 internal.
INFO: Build completed successfully, 1 total action
+ ./bazel-bin/oss_scripts/pip_package/build_pip_package .
darwin
=== Destination directory: /Users/buya/miniconda/envs/testtf/text/.
=== Using tmpdir /var/folders/z2/rs2fyp9s1rn6b9cy8qcxnv_w0000gn/T/tmp.qAbmPsNn
running bdist_wheel
running build
running build_py
creating build
creating build/lib.macosx-11.1-arm64-cpython-39
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text
copying tensorflow_text/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools
copying tensorflow_text/tools/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python
copying tensorflow_text/python/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab
copying tensorflow_text/tools/wordpiece_vocab/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab
copying tensorflow_text/tools/wordpiece_vocab/wordpiece_tokenizer_learner_lib.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab
copying tensorflow_text/tools/wordpiece_vocab/bert_vocab_from_dataset.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras
copying tensorflow_text/python/keras/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics
copying tensorflow_text/python/metrics/text_similarity_metric_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics
copying tensorflow_text/python/metrics/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/numpy
copying tensorflow_text/python/numpy/viterbi_decode.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/numpy
copying tensorflow_text/python/numpy/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/numpy
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/string_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/sentencepiece_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/masking_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/pointer_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/byte_splitter.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/boise_offset_converter.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/fast_wordpiece_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/pad_model_inputs_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/item_selector_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/state_based_sentence_breaker_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/split_merge_from_logits_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/fast_bert_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/splitter.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/viterbi_constrained_sequence_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/tokenization.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/split_merge_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/bert_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/sentence_breaking_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/wordpiece_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/trimmer_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/segment_combiner_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/unicode_script_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/normalize_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/hub_module_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/whitespace_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/mst_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/sliding_window_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/fast_sentencepiece_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/greedy_constrained_sequence_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/create_feature_bitmask_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/pad_along_dimension_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/ngrams_op.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/regex_split_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/hub_module_splitter.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/unicode_char_tokenizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/wordshape_ops.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/fast_bert_normalizer.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers
copying tensorflow_text/python/keras/layers/tokenization_layers.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers
copying tensorflow_text/python/keras/layers/__init__.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers
copying tensorflow_text/python/keras/layers/todense.py -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers
running egg_info
creating tensorflow_text.egg-info
writing tensorflow_text.egg-info/PKG-INFO
writing dependency_links to tensorflow_text.egg-info/dependency_links.txt
writing requirements to tensorflow_text.egg-info/requires.txt
writing top-level names to tensorflow_text.egg-info/top_level.txt
writing manifest file 'tensorflow_text.egg-info/SOURCES.txt'
reading manifest file 'tensorflow_text.egg-info/SOURCES.txt'
reading manifest template 'MANIFEST.in'
warning: no files found matching '*.pyd' under directory 'tensorflow_text'
adding license file 'LICENSE'
writing manifest file 'tensorflow_text.egg-info/SOURCES.txt'
/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/setuptools/command/build_py.py:202: SetuptoolsDeprecationWarning:     Installing 'tensorflow_text.core.pybinds' as data is deprecated, please list it in `packages`.
    !!

    ############################
    # Package would be ignored #
    ############################
    Python recognizes 'tensorflow_text.core.pybinds' as an importable package,
    but it is not listed in the `packages` configuration of setuptools.

    'tensorflow_text.core.pybinds' has been automatically added to the distribution only
    because it may contain data files, but this behavior is likely to change
    in future versions of setuptools (and therefore is considered deprecated).

    Please make sure that 'tensorflow_text.core.pybinds' is included as a package by using
    the `packages` configuration field or the proper discovery methods
    (for example by using `find_namespace_packages(...)`/`find_namespace:`
    instead of `find_packages(...)`/`find:`).

    You can read more about "package discovery" and "data files" on setuptools
    documentation page.

!!

  check.warn(importable)
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core
creating build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds
copying tensorflow_text/core/pybinds/pywrap_fast_bert_normalizer_model_builder.so -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds
copying tensorflow_text/core/pybinds/pywrap_fast_wordpiece_tokenizer_model_builder.so -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds
copying tensorflow_text/core/pybinds/pywrap_model_converter.so -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds
copying tensorflow_text/core/pybinds/pywrap_whitespace_tokenizer_config_builder.so -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds
copying tensorflow_text/core/pybinds/tflite_registrar.so -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds
copying tensorflow_text/python/metrics/_text_similarity_metric_ops.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics
copying tensorflow_text/python/ops/_boise_offset_converter.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_byte_splitter.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_constrained_sequence_op.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_fast_bert_normalizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_fast_sentencepiece_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_fast_wordpiece_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_mst_ops.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_ngrams_op.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_normalize_ops.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_regex_split_ops.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_sentence_breaking_ops.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_sentencepiece_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_split_merge_from_logits_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_split_merge_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_state_based_sentence_breaker_op.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_unicode_script_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_whitespace_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_whitespace_tokenizer_v2.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
copying tensorflow_text/python/ops/_wordpiece_tokenizer.dylib -> build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops
running build_ext
/Users/buya/miniconda/envs/testtf/lib/python3.9/site-packages/setuptools/command/install.py:34: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools.
  warnings.warn(
installing to build/bdist.macosx-11.1-arm64/wheel
running install
running install_lib
creating build/bdist.macosx-11.1-arm64
creating build/bdist.macosx-11.1-arm64/wheel
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/tools
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/tools/wordpiece_vocab
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/tools/wordpiece_vocab
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab/wordpiece_tokenizer_learner_lib.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/tools/wordpiece_vocab
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/wordpiece_vocab/bert_vocab_from_dataset.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/tools/wordpiece_vocab
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/tools/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/tools
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core/pybinds
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds/pywrap_whitespace_tokenizer_config_builder.so -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core/pybinds
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds/pywrap_model_converter.so -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core/pybinds
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds/pywrap_fast_wordpiece_tokenizer_model_builder.so -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core/pybinds
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds/pywrap_fast_bert_normalizer_model_builder.so -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core/pybinds
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/core/pybinds/tflite_registrar.so -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/core/pybinds
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/keras
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/keras/layers
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers/tokenization_layers.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/keras/layers
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/keras/layers
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/layers/todense.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/keras/layers
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/keras/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/keras
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/metrics
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics/text_similarity_metric_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/metrics
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/metrics
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/metrics/_text_similarity_metric_ops.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/metrics
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/numpy
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/numpy/viterbi_decode.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/numpy
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/numpy/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/numpy
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/string_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/sentencepiece_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/masking_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/pointer_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_fast_wordpiece_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/byte_splitter.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_split_merge_from_logits_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/boise_offset_converter.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/fast_wordpiece_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/pad_model_inputs_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_mst_ops.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/item_selector_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/state_based_sentence_breaker_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/split_merge_from_logits_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_sentencepiece_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_split_merge_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/fast_bert_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_whitespace_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/splitter.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_whitespace_tokenizer_v2.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/viterbi_constrained_sequence_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/tokenization.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/split_merge_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/bert_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_fast_bert_normalizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_byte_splitter.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_sentence_breaking_ops.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/sentence_breaking_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/wordpiece_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/trimmer_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/segment_combiner_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/unicode_script_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/normalize_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/hub_module_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/whitespace_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/mst_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/sliding_window_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/fast_sentencepiece_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_fast_sentencepiece_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/greedy_constrained_sequence_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_constrained_sequence_op.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/create_feature_bitmask_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/pad_along_dimension_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_boise_offset_converter.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/ngrams_op.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_unicode_script_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/regex_split_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/hub_module_splitter.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/unicode_char_tokenizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_regex_split_ops.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/wordshape_ops.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_wordpiece_tokenizer.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_normalize_ops.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_ngrams_op.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/_state_based_sentence_breaker_op.dylib -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/python/ops/fast_bert_normalizer.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text/python/ops
copying build/lib.macosx-11.1-arm64-cpython-39/tensorflow_text/__init__.py -> build/bdist.macosx-11.1-arm64/wheel/tensorflow_text
running install_egg_info
Copying tensorflow_text.egg-info to build/bdist.macosx-11.1-arm64/wheel/tensorflow_text-2.11.0-py3.9.egg-info
running install_scripts
creating build/bdist.macosx-11.1-arm64/wheel/tensorflow_text-2.11.0.dist-info/WHEEL
creating 'dist/tensorflow_text-2.11.0-cp39-cp39-macosx_11_0_arm64.whl' and adding 'build/bdist.macosx-11.1-arm64/wheel' to it
adding 'tensorflow_text/__init__.py'
adding 'tensorflow_text/core/pybinds/pywrap_fast_bert_normalizer_model_builder.so'
adding 'tensorflow_text/core/pybinds/pywrap_fast_wordpiece_tokenizer_model_builder.so'
adding 'tensorflow_text/core/pybinds/pywrap_model_converter.so'
adding 'tensorflow_text/core/pybinds/pywrap_whitespace_tokenizer_config_builder.so'
adding 'tensorflow_text/core/pybinds/tflite_registrar.so'
adding 'tensorflow_text/python/__init__.py'
adding 'tensorflow_text/python/keras/__init__.py'
adding 'tensorflow_text/python/keras/layers/__init__.py'
adding 'tensorflow_text/python/keras/layers/todense.py'
adding 'tensorflow_text/python/keras/layers/tokenization_layers.py'
adding 'tensorflow_text/python/metrics/__init__.py'
adding 'tensorflow_text/python/metrics/_text_similarity_metric_ops.dylib'
adding 'tensorflow_text/python/metrics/text_similarity_metric_ops.py'
adding 'tensorflow_text/python/numpy/__init__.py'
adding 'tensorflow_text/python/numpy/viterbi_decode.py'
adding 'tensorflow_text/python/ops/__init__.py'
adding 'tensorflow_text/python/ops/_boise_offset_converter.dylib'
adding 'tensorflow_text/python/ops/_byte_splitter.dylib'
adding 'tensorflow_text/python/ops/_constrained_sequence_op.dylib'
adding 'tensorflow_text/python/ops/_fast_bert_normalizer.dylib'
adding 'tensorflow_text/python/ops/_fast_sentencepiece_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_fast_wordpiece_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_mst_ops.dylib'
adding 'tensorflow_text/python/ops/_ngrams_op.dylib'
adding 'tensorflow_text/python/ops/_normalize_ops.dylib'
adding 'tensorflow_text/python/ops/_regex_split_ops.dylib'
adding 'tensorflow_text/python/ops/_sentence_breaking_ops.dylib'
adding 'tensorflow_text/python/ops/_sentencepiece_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_split_merge_from_logits_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_split_merge_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_state_based_sentence_breaker_op.dylib'
adding 'tensorflow_text/python/ops/_unicode_script_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_whitespace_tokenizer.dylib'
adding 'tensorflow_text/python/ops/_whitespace_tokenizer_v2.dylib'
adding 'tensorflow_text/python/ops/_wordpiece_tokenizer.dylib'
adding 'tensorflow_text/python/ops/bert_tokenizer.py'
adding 'tensorflow_text/python/ops/boise_offset_converter.py'
adding 'tensorflow_text/python/ops/byte_splitter.py'
adding 'tensorflow_text/python/ops/create_feature_bitmask_op.py'
adding 'tensorflow_text/python/ops/fast_bert_normalizer.py'
adding 'tensorflow_text/python/ops/fast_bert_tokenizer.py'
adding 'tensorflow_text/python/ops/fast_sentencepiece_tokenizer.py'
adding 'tensorflow_text/python/ops/fast_wordpiece_tokenizer.py'
adding 'tensorflow_text/python/ops/greedy_constrained_sequence_op.py'
adding 'tensorflow_text/python/ops/hub_module_splitter.py'
adding 'tensorflow_text/python/ops/hub_module_tokenizer.py'
adding 'tensorflow_text/python/ops/item_selector_ops.py'
adding 'tensorflow_text/python/ops/masking_ops.py'
adding 'tensorflow_text/python/ops/mst_ops.py'
adding 'tensorflow_text/python/ops/ngrams_op.py'
adding 'tensorflow_text/python/ops/normalize_ops.py'
adding 'tensorflow_text/python/ops/pad_along_dimension_op.py'
adding 'tensorflow_text/python/ops/pad_model_inputs_ops.py'
adding 'tensorflow_text/python/ops/pointer_ops.py'
adding 'tensorflow_text/python/ops/regex_split_ops.py'
adding 'tensorflow_text/python/ops/segment_combiner_ops.py'
adding 'tensorflow_text/python/ops/sentence_breaking_ops.py'
adding 'tensorflow_text/python/ops/sentencepiece_tokenizer.py'
adding 'tensorflow_text/python/ops/sliding_window_op.py'
adding 'tensorflow_text/python/ops/split_merge_from_logits_tokenizer.py'
adding 'tensorflow_text/python/ops/split_merge_tokenizer.py'
adding 'tensorflow_text/python/ops/splitter.py'
adding 'tensorflow_text/python/ops/state_based_sentence_breaker_op.py'
adding 'tensorflow_text/python/ops/string_ops.py'
adding 'tensorflow_text/python/ops/tokenization.py'
adding 'tensorflow_text/python/ops/trimmer_ops.py'
adding 'tensorflow_text/python/ops/unicode_char_tokenizer.py'
adding 'tensorflow_text/python/ops/unicode_script_tokenizer.py'
adding 'tensorflow_text/python/ops/viterbi_constrained_sequence_op.py'
adding 'tensorflow_text/python/ops/whitespace_tokenizer.py'
adding 'tensorflow_text/python/ops/wordpiece_tokenizer.py'
adding 'tensorflow_text/python/ops/wordshape_ops.py'
adding 'tensorflow_text/tools/__init__.py'
adding 'tensorflow_text/tools/wordpiece_vocab/__init__.py'
adding 'tensorflow_text/tools/wordpiece_vocab/bert_vocab_from_dataset.py'
adding 'tensorflow_text/tools/wordpiece_vocab/wordpiece_tokenizer_learner_lib.py'
adding 'tensorflow_text-2.11.0.dist-info/LICENSE'
adding 'tensorflow_text-2.11.0.dist-info/METADATA'
adding 'tensorflow_text-2.11.0.dist-info/WHEEL'
adding 'tensorflow_text-2.11.0.dist-info/top_level.txt'
adding 'tensorflow_text-2.11.0.dist-info/RECORD'
removing build/bdist.macosx-11.1-arm64/wheel
broken commented 1 year ago

why tensorflow-macos version not equals tensorflow==2.11.0

We do not directly support tensorflow-macos, nor follow their releases. In the past I found these releases are behind TF's by sometimes weeks, so we rely on users such as yourself to verify compilation works with the new versions when they are released and send a PR to update the value.