Compare commits

...

13 Commits

Author SHA1 Message Date
Reuben Morais
2411c1c7f3 Update native client to TensorFlow 2.4 2021-01-07 14:46:22 +00:00
Reuben Morais
6c4a35e395 Update examples and prod model references 2021-01-07 14:28:25 +00:00
Reuben Morais
49f327b9f7 Make sure previous tc-workdir is fresh before starting Darwin tasks 2021-01-07 13:22:18 +00:00
Reuben Morais
b7ce98552d Embed graph version in tensor names 2021-01-03 12:16:42 +00:00
Reuben Morais
21d2ea46b9 Update Valgrind suppressions for new ops/kernels 2021-01-03 11:53:02 +00:00
Reuben Morais
123aeb0a44 Update training unittests to TF2 2021-01-03 11:17:50 +00:00
Reuben Morais
7802e2f284 Fix training test names/descs and drop Py3.5 training tests 2021-01-03 11:17:49 +00:00
Reuben Morais
e963ea249f Update kernel/op dependencies 2021-01-03 11:17:49 +00:00
Reuben Morais
966b9971cf Remove sequence lenghts input (now using masking) 2021-01-03 11:17:49 +00:00
Reuben Morais
9b738dd70d Update transcribe.py to TF2 2021-01-03 11:17:49 +00:00
Reuben Morais
159697738c Update augmentation code to TF2 2021-01-03 10:17:53 +00:00
Reuben Morais
85b9f0fd3d Bump training dependencies to TensorFlow 2.3.1 2021-01-03 10:17:53 +00:00
Reuben Morais
08c2c348f7 Upgrade training code to 2.3.1 2021-01-03 10:17:53 +00:00
39 changed files with 466 additions and 1242 deletions

View File

@ -1,6 +1,6 @@
# Please refer to the TRAINING documentation, "Basic Dockerfile for training" # Please refer to the TRAINING documentation, "Basic Dockerfile for training"
FROM tensorflow/tensorflow:1.15.4-gpu-py3 FROM tensorflow/tensorflow:2.3.1-gpu
ENV DEBIAN_FRONTEND=noninteractive ENV DEBIAN_FRONTEND=noninteractive
ENV DEEPSPEECH_REPO=#DEEPSPEECH_REPO# ENV DEEPSPEECH_REPO=#DEEPSPEECH_REPO#

View File

@ -10,7 +10,7 @@ Prerequisites for training a model
* `Python 3.6 <https://www.python.org/>`_ * `Python 3.6 <https://www.python.org/>`_
* Mac or Linux environment * Mac or Linux environment
* CUDA 10.0 / CuDNN v7.6 per `Dockerfile <https://hub.docker.com/layers/tensorflow/tensorflow/1.15.4-gpu-py3/images/sha256-a5255ae38bcce7c7610816c778244309f8b8d1576e2c0023c685c011392958d7?context=explore>`_. * CUDA 10.1 / CuDNN v7.6 per `Dockerfile <https://hub.docker.com/layers/tensorflow/tensorflow/2.3.1-gpu/images/sha256-1d0736e46ae9a961c2111394a43e0bfd266e6151a90d613b6f86229cf01e40e5?context=explore >`_.
Getting the training code Getting the training code
^^^^^^^^^^^^^^^^^^^^^^^^^ ^^^^^^^^^^^^^^^^^^^^^^^^^
@ -72,7 +72,7 @@ If you have a capable (NVIDIA, at least 8GB of VRAM) GPU, it is highly recommend
.. code-block:: bash .. code-block:: bash
pip3 uninstall tensorflow pip3 uninstall tensorflow
pip3 install 'tensorflow-gpu==1.15.4' pip3 install 'tensorflow-gpu==2.3.1'
Please ensure you have the required `CUDA dependency <https://www.tensorflow.org/install/source#gpu>`_ and/or :ref:`Prerequisites <cuda-training-deps>`. Please ensure you have the required `CUDA dependency <https://www.tensorflow.org/install/source#gpu>`_ and/or :ref:`Prerequisites <cuda-training-deps>`.
@ -83,7 +83,7 @@ It has been reported for some people failure at training:
tensorflow.python.framework.errors_impl.UnknownError: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above. tensorflow.python.framework.errors_impl.UnknownError: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[{{node tower_0/conv1d/Conv2D}}]] [[{{node tower_0/conv1d/Conv2D}}]]
Setting the ``TF_FORCE_GPU_ALLOW_GROWTH`` environment variable to ``true`` seems to help in such cases. This could also be due to an incorrect version of libcudnn. Double check your versions with the :ref:`TensorFlow 1.15 documentation <cuda-training-deps>`. Setting the ``TF_FORCE_GPU_ALLOW_GROWTH`` environment variable to ``true`` seems to help in such cases. This could also be due to an incorrect version of libcudnn. Double check your versions with the :ref:`TensorFlow 2.3 documentation <cuda-training-deps>`.
Basic Dockerfile for training Basic Dockerfile for training
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

View File

@ -169,33 +169,33 @@ cc_library(
"//tensorflow/core/kernels:spectrogram_op", # AudioSpectrogram "//tensorflow/core/kernels:spectrogram_op", # AudioSpectrogram
"//tensorflow/core/kernels:bias_op", # BiasAdd "//tensorflow/core/kernels:bias_op", # BiasAdd
"//tensorflow/core/kernels:cast_op", # Cast "//tensorflow/core/kernels:cast_op", # Cast
"//tensorflow/core/kernels:concat_op", # ConcatV2
"//tensorflow/core/kernels:constant_op", # Const, Placeholder "//tensorflow/core/kernels:constant_op", # Const, Placeholder
"//tensorflow/core/kernels:shape_ops", # ExpandDims, Shape "//tensorflow/core/kernels:shape_ops", # ExpandDims
"//tensorflow/core/kernels:gather_nd_op", # GatherNd
"//tensorflow/core/kernels:identity_op", # Identity "//tensorflow/core/kernels:identity_op", # Identity
"//tensorflow/core/kernels:immutable_constant_op", # ImmutableConst (used in memmapped models) "//tensorflow/core/kernels:immutable_constant_op", # ImmutableConst (used in memmapped models)
"//tensorflow/core/kernels:deepspeech_cwise_ops", # Less, Minimum, Mul "//tensorflow/core/kernels:deepspeech_cwise_ops", # Minimum, Mul, SelectV2, NotEqual
"//tensorflow/core/kernels:matmul_op", # MatMul "//tensorflow/core/kernels:matmul_op", # MatMul
"//tensorflow/core/kernels:reduction_ops", # Max
"//tensorflow/core/kernels:mfcc_op", # Mfcc "//tensorflow/core/kernels:mfcc_op", # Mfcc
"//tensorflow/core/kernels:no_op", # NoOp "//tensorflow/core/kernels:no_op", # NoOp
"//tensorflow/core/kernels:pack_op", # Pack "//tensorflow/core/kernels:pack_op", # Pack
"//tensorflow/core/kernels:sequence_ops", # Range
"//tensorflow/core/kernels:relu_op", # Relu "//tensorflow/core/kernels:relu_op", # Relu
"//tensorflow/core/kernels:reshape_op", # Reshape "//tensorflow/core/kernels:reshape_op", # Reshape
"//tensorflow/core/kernels:reduction_ops", # Any
"//tensorflow/core/kernels:softmax_op", # Softmax "//tensorflow/core/kernels:softmax_op", # Softmax
"//tensorflow/core/kernels:strided_slice_op", # StridedSlice
"//tensorflow/core/kernels:slice_op", # Slice
"//tensorflow/core/kernels:split_op", # Split
"//tensorflow/core/kernels:tile_ops", # Tile "//tensorflow/core/kernels:tile_ops", # Tile
"//tensorflow/core/kernels:transpose_op", # Transpose "//tensorflow/core/kernels:transpose_op", # Transpose
"//tensorflow/core/kernels:rnn_ops", # BlockLSTM "//tensorflow/core/kernels:unpack_op", # Unpack
# And we also need the op libs for these ops used in the model: # And we also need the op libs for these ops used in the model:
"//tensorflow/core:audio_ops_op_lib", # AudioSpectrogram, Mfcc "//tensorflow/core:audio_ops_op_lib", # AudioSpectrogram, Mfcc
"//tensorflow/core:rnn_ops_op_lib", # BlockLSTM "//tensorflow/core:math_ops_op_lib", # MatMul, Minimum
"//tensorflow/core:math_ops_op_lib", # Cast, Less, Max, MatMul, Minimum, Range "//tensorflow/core:array_ops_op_lib", # Const, ExpandDims, Identity, Pack, Placeholder, Reshape, Tile, Transpose
"//tensorflow/core:array_ops_op_lib", # ConcatV2, Const, ExpandDims, Fill, GatherNd, Identity, Pack, Placeholder, Reshape, Tile, Transpose
"//tensorflow/core:no_op_op_lib", # NoOp "//tensorflow/core:no_op_op_lib", # NoOp
"//tensorflow/core:nn_ops_op_lib", # Relu, Softmax, BiasAdd "//tensorflow/core:nn_ops_op_lib", # Relu, Softmax, BiasAdd
# And op libs for these ops brought in by dependencies of dependencies to silence unknown OpKernel warnings: # And op libs for these ops brought in by dependencies of dependencies to silence unknown OpKernel warnings:
"//tensorflow/core:state_ops_op_lib", # Variable, VariableV2, TemporaryVariable, DestroyTemporaryVariable, IsVariableInitialized
"//tensorflow/core:dataset_ops_op_lib", # UnwrapDatasetVariant, WrapDatasetVariant "//tensorflow/core:dataset_ops_op_lib", # UnwrapDatasetVariant, WrapDatasetVariant
"//tensorflow/core:sendrecv_ops_op_lib", # _HostRecv, _HostSend, _Recv, _Send "//tensorflow/core:sendrecv_ops_op_lib", # _HostRecv, _HostSend, _Recv, _Send
], ],

View File

@ -158,7 +158,7 @@ PathTrie* PathTrie::get_prev_word(std::vector<unsigned int>& output,
void PathTrie::iterate_to_vec(std::vector<PathTrie*>& output) { void PathTrie::iterate_to_vec(std::vector<PathTrie*>& output) {
// previous_timesteps might point to ancestors' timesteps // previous_timesteps might point to ancestors' timesteps
// therefore, children must be uptaded first // therefore, children must be updated first
for (auto child : children_) { for (auto child : children_) {
child.second->iterate_to_vec(output); child.second->iterate_to_vec(output);
} }

View File

@ -362,8 +362,8 @@ TFLiteModelState::infer(const vector<float>& mfcc,
{ {
const size_t num_classes = alphabet_.GetSize() + 1; // +1 for blank const size_t num_classes = alphabet_.GetSize() + 1; // +1 for blank
// Feeding input_node // Feeding input_node, zeroing remaining timesteps in case of a partial batch
copy_vector_to_tensor(mfcc, input_node_idx_, n_frames*mfcc_feats_per_timestep_); copy_vector_to_tensor(mfcc, input_node_idx_, n_steps_*mfcc_feats_per_timestep_);
// Feeding previous_state_c, previous_state_h // Feeding previous_state_c, previous_state_h
assert(previous_state_c.size() == state_size_); assert(previous_state_c.size() == state_size_);

View File

@ -213,14 +213,10 @@ TFModelState::infer(const std::vector<float>& mfcc,
Tensor previous_state_c_t = tensor_from_vector(previous_state_c, TensorShape({BATCH_SIZE, (long long)state_size_})); Tensor previous_state_c_t = tensor_from_vector(previous_state_c, TensorShape({BATCH_SIZE, (long long)state_size_}));
Tensor previous_state_h_t = tensor_from_vector(previous_state_h, TensorShape({BATCH_SIZE, (long long)state_size_})); Tensor previous_state_h_t = tensor_from_vector(previous_state_h, TensorShape({BATCH_SIZE, (long long)state_size_}));
Tensor input_lengths(DT_INT32, TensorShape({1}));
input_lengths.scalar<int>()() = n_frames;
vector<Tensor> outputs; vector<Tensor> outputs;
Status status = session_->Run( Status status = session_->Run(
{ {
{"input_node", input}, {"input_node", input},
{"input_lengths", input_lengths},
{"previous_state_c", previous_state_c_t}, {"previous_state_c", previous_state_c_t},
{"previous_state_h", previous_state_h_t} {"previous_state_h", previous_state_h_t}
}, },

View File

@ -67,6 +67,7 @@ def main():
'llvmlite == 0.31.0', # for numba==0.47.0 'llvmlite == 0.31.0', # for numba==0.47.0
'librosa', 'librosa',
'soundfile', 'soundfile',
'tensorflow_addons >= 0.12.0',
] ]
decoder_pypi_dep = [ decoder_pypi_dep = [
@ -74,7 +75,7 @@ def main():
] ]
tensorflow_pypi_dep = [ tensorflow_pypi_dep = [
'tensorflow == 1.15.4' 'tensorflow == 2.3.1'
] ]
# Due to pip craziness environment variables are the only consistent way to # Due to pip craziness environment variables are the only consistent way to

View File

@ -23,7 +23,7 @@ build:
nc_asset_name: 'native_client.tar.xz' nc_asset_name: 'native_client.tar.xz'
args: args:
tests_cmdline: '' tests_cmdline: ''
tensorflow_git_desc: 'TensorFlow: v2.3.0-6-g23ad988' tensorflow_git_desc: 'TensorFlow: v2.4.0-4-g729f867'
test_model_task: '' test_model_task: ''
homebrew: homebrew:
url: '' url: ''

View File

@ -147,29 +147,29 @@ system:
namespace: 'project.deepspeech.pyenv.win.18' namespace: 'project.deepspeech.pyenv.win.18'
kenlm: kenlm:
android_arm64_cpu: android_arm64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.android-arm64/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.android-arm64/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.android-arm64" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.android-arm64"
android_armv7_cpu: android_armv7_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.android-armv7/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.android-armv7/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.android-armv7" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.android-armv7"
android_x86_64_cpu: android_x86_64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.android-x86_64/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.android-x86_64/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.android-x86_64" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.android-x86_64"
linux_amd64_cpu: linux_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.cpu/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.cpu/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.cpu" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.cpu"
linux_arm64_cpu: linux_arm64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.arm64/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.arm64/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.arm64" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.arm64"
linux_rpi3_cpu: linux_rpi3_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.rpi3/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.rpi3/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.rpi3" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.rpi3"
darwin_amd64_cpu: darwin_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.osx/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.osx/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.osx" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.osx"
win_amd64_cpu: win_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.win/artifacts/public/kenlm.tar.gz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.win/artifacts/public/kenlm.tar.gz"
namespace: "project.deepspeech.kenlm.689a25aae9171b3ea46bd80d4189f540f35f1a02.4.win" namespace: "project.deepspeech.kenlm.13b0a8259d0cb4e621b430a742effd2deb15c136.4.win"
swig: swig:
repo: "https://github.com/lissyx/swig" repo: "https://github.com/lissyx/swig"
sha1: "1a4c14945012f1282c2eddc174fb7674d5295de8" sha1: "1a4c14945012f1282c2eddc174fb7674d5295de8"
@ -185,79 +185,79 @@ system:
namespace: "project.deepspeech.swig.win.amd64.1a4c14945012f1282c2eddc174fb7674d5295de8.0" namespace: "project.deepspeech.swig.win.amd64.1a4c14945012f1282c2eddc174fb7674d5295de8.0"
tensorflow: tensorflow:
linux_amd64_cpu: linux_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cpu/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cpu/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cpu" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cpu"
linux_amd64_cuda: linux_amd64_cuda:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cuda/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cuda/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cuda" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cuda"
linux_armv7: linux_armv7:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm"
linux_arm64: linux_arm64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm64" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm64"
darwin_amd64: darwin_amd64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.osx/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.osx/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.osx" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.osx"
android_arm64: android_arm64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-arm64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-arm64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-arm64" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-arm64"
android_armv7: android_armv7:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-armv7/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-armv7/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-armv7" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-armv7"
win_amd64_cpu: win_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win"
win_amd64_cuda: win_amd64_cuda:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win-cuda/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win-cuda/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win-cuda" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win-cuda"
ios_arm64: ios_arm64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_arm64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_arm64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_arm64" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_arm64"
ios_x86_64: ios_x86_64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_x86_64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_x86_64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_x86_64" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_x86_64"
tensorflow_gcc9: tensorflow_gcc9:
linux_amd64_cpu: linux_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cpu_gcc9/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cpu_gcc9/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cpu_gcc9" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cpu_gcc9"
linux_amd64_cuda: linux_amd64_cuda:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cuda_gcc9/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cuda_gcc9/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cuda_gcc9" namespace: "project.deepspeech.tensorflow.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cuda_gcc9"
tensorflow_dbg: tensorflow_dbg:
linux_amd64_cpu: linux_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cpu/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cpu/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cpu" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cpu"
linux_amd64_cuda: linux_amd64_cuda:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cuda/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cuda/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.cuda" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.cuda"
linux_armv7: linux_armv7:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm"
linux_arm64: linux_arm64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.arm64" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.arm64"
darwin_amd64: darwin_amd64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.osx/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.osx/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.osx" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.osx"
android_arm64: android_arm64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-arm64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-arm64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-arm64" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-arm64"
android_armv7: android_armv7:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-armv7/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-armv7/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.android-armv7" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.android-armv7"
win_amd64_cpu: win_amd64_cpu:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win"
win_amd64_cuda: win_amd64_cuda:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win-cuda/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win-cuda/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.win-cuda" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.0.win-cuda"
ios_arm64: ios_arm64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_arm64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_arm64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_arm64" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_arm64"
ios_x86_64: ios_x86_64:
url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_x86_64/artifacts/public/home.tar.xz" url: "https://community-tc.services.mozilla.com/api/index/v1/task/project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_x86_64/artifacts/public/home.tar.xz"
namespace: "project.deepspeech.tensorflow_dbg.pip.r2.3.23ad988fcde60fb01f9533e95004bbc4877a9143.0.ios_x86_64" namespace: "project.deepspeech.tensorflow_dbg.pip.r2.4.36503d1408f11b434ace340cc8825c479af89362.1.ios_x86_64"
username: 'build-user' username: 'build-user'
homedir: homedir:
linux: '/home/build-user' linux: '/home/build-user'

View File

@ -42,7 +42,7 @@ payload:
- > - >
export TASKCLUSTER_ARTIFACTS="$(pwd)/public/" && export TASKCLUSTER_ARTIFACTS="$(pwd)/public/" &&
export TASKCLUSTER_ORIG_TASKDIR="$(pwd)" && export TASKCLUSTER_ORIG_TASKDIR="$(pwd)" &&
(rm -fr ../tc-workdir/ ; mkdir ../tc-workdir/) && cd ../tc-workdir/ && (ls -lh .. && rm -fr ../tc-workdir && mkdir ../tc-workdir && ls -lh ..) && cd ../tc-workdir &&
export TASKCLUSTER_TASK_DIR="$(pwd)" && export TASKCLUSTER_TASK_DIR="$(pwd)" &&
export LC_ALL=C && export LC_ALL=C &&
export MACOSX_DEPLOYMENT_TARGET=10.10 && export MACOSX_DEPLOYMENT_TARGET=10.10 &&

View File

@ -18,11 +18,11 @@ then:
image: ${build.docker_image} image: ${build.docker_image}
env: env:
DEEPSPEECH_MODEL: "https://github.com/reuben/DeepSpeech/releases/download/v0.8.0/models_0.8.tar.gz" DEEPSPEECH_MODEL: "https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/models_0.10.tar.gz"
DEEPSPEECH_AUDIO: "https://github.com/mozilla/DeepSpeech/releases/download/v0.4.1/audio-0.4.1.tar.gz" DEEPSPEECH_AUDIO: "https://github.com/mozilla/DeepSpeech/releases/download/v0.4.1/audio-0.4.1.tar.gz"
PIP_DEFAULT_TIMEOUT: "60" PIP_DEFAULT_TIMEOUT: "60"
EXAMPLES_CLONE_URL: "https://github.com/mozilla/DeepSpeech-examples" EXAMPLES_CLONE_URL: "https://github.com/mozilla/DeepSpeech-examples"
EXAMPLES_CHECKOUT_TARGET: "master" EXAMPLES_CHECKOUT_TARGET: "v0.10-models"
command: command:
- "/bin/bash" - "/bin/bash"

View File

@ -30,7 +30,7 @@ payload:
in: > in: >
export TASKCLUSTER_ARTIFACTS="$(pwd)/public/" && export TASKCLUSTER_ARTIFACTS="$(pwd)/public/" &&
export TASKCLUSTER_ORIG_TASKDIR="$(pwd)" && export TASKCLUSTER_ORIG_TASKDIR="$(pwd)" &&
(rm -fr ../tc-workdir/ ; mkdir ../tc-workdir/) && cd ../tc-workdir/ && (ls -lh .. && rm -fr ../tc-workdir && mkdir ../tc-workdir && ls -lh ..) && cd ../tc-workdir &&
export TASKCLUSTER_TASK_DIR="$(pwd)" && export TASKCLUSTER_TASK_DIR="$(pwd)" &&
export LC_ALL=C && export LC_ALL=C &&
export MACOSX_DEPLOYMENT_TARGET=10.10 && export MACOSX_DEPLOYMENT_TARGET=10.10 &&

View File

@ -183,7 +183,7 @@ assert_not_present()
assert_correct_ldc93s1() assert_correct_ldc93s1()
{ {
assert_correct_inference "$1" "she had your dark suit in greasy wash water all year" "$2" assert_correct_inference "$1" "she had your dark suit in greasy wash water al year" "$2"
} }
assert_working_ldc93s1() assert_working_ldc93s1()
@ -216,18 +216,18 @@ assert_correct_ldc93s1_prodmodel()
fi; fi;
if [ "$3" = "8k" ]; then if [ "$3" = "8k" ]; then
assert_correct_inference "$1" "she had to do suit in greasy wash water all year" "$2" assert_correct_inference "$1" "she had r dark suit a greasy wash water all year" "$2"
fi; fi;
} }
assert_correct_ldc93s1_prodtflitemodel() assert_correct_ldc93s1_prodtflitemodel()
{ {
if [ -z "$3" -o "$3" = "16k" ]; then if [ -z "$3" -o "$3" = "16k" ]; then
assert_correct_inference "$1" "she had her dark suit in greasy wash water all year" "$2" assert_correct_inference "$1" "she had your dark suit in greasy wash water all year" "$2"
fi; fi;
if [ "$3" = "8k" ]; then if [ "$3" = "8k" ]; then
assert_correct_inference "$1" "she had to do so in greasy wash water all year" "$2" assert_correct_inference "$1" "she had r dark suit ll greasy wash water all year" "$2"
fi; fi;
} }
@ -238,7 +238,7 @@ assert_correct_ldc93s1_prodmodel_stereo_44k()
assert_correct_ldc93s1_prodtflitemodel_stereo_44k() assert_correct_ldc93s1_prodtflitemodel_stereo_44k()
{ {
assert_correct_inference "$1" "she had her dark suit in greasy wash water all year" "$2" assert_correct_inference "$1" "she had your dark suit in greasy wash water all year" "$2"
} }
assert_correct_warning_upsampling() assert_correct_warning_upsampling()
@ -444,7 +444,7 @@ run_prod_concurrent_stream_tests()
output2=$(echo "${output}" | tail -n 1) output2=$(echo "${output}" | tail -n 1)
assert_correct_ldc93s1_prodmodel "${output1}" "${status}" "16k" assert_correct_ldc93s1_prodmodel "${output1}" "${status}" "16k"
assert_correct_inference "${output2}" "we must find a new home in the stars" "${status}" assert_correct_inference "${output2}" "she a rare a rarer as he" "${status}"
} }
run_prod_inference_tests() run_prod_inference_tests()

View File

@ -23,8 +23,8 @@ then:
linux_arm64_build: { $eval: as_slugid("linux-arm64-cpu-opt") } linux_arm64_build: { $eval: as_slugid("linux-arm64-cpu-opt") }
in: in:
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
PIP_DEFAULT_TIMEOUT: "60" PIP_DEFAULT_TIMEOUT: "60"
PIP_EXTRA_INDEX_URL: "https://lissyx.github.io/deepspeech-python-wheels/" PIP_EXTRA_INDEX_URL: "https://lissyx.github.io/deepspeech-python-wheels/"
EXTRA_PYTHON_CONFIGURE_OPTS: "" # Required by Debian Buster EXTRA_PYTHON_CONFIGURE_OPTS: "" # Required by Debian Buster

View File

@ -27,8 +27,8 @@ then:
darwin_amd64_tflite: { $eval: as_slugid("darwin-amd64-tflite-opt") } darwin_amd64_tflite: { $eval: as_slugid("darwin-amd64-tflite-opt") }
in: in:
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}" EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}"
command: command:
@ -40,7 +40,7 @@ then:
in: > in: >
export TASKCLUSTER_ARTIFACTS="$(pwd)/public/" && export TASKCLUSTER_ARTIFACTS="$(pwd)/public/" &&
export TASKCLUSTER_ORIG_TASKDIR="$(pwd)" && export TASKCLUSTER_ORIG_TASKDIR="$(pwd)" &&
(rm -fr ../tc-workdir/ ; mkdir ../tc-workdir/) && cd ../tc-workdir/ && (ls -lh .. && rm -fr ../tc-workdir && mkdir ../tc-workdir && ls -lh ..) && cd ../tc-workdir &&
export TASKCLUSTER_TASK_DIR="$(pwd)" && export TASKCLUSTER_TASK_DIR="$(pwd)" &&
export TASKCLUSTER_TMP_DIR="$TASKCLUSTER_TASK_DIR/tmp" && export TASKCLUSTER_TMP_DIR="$TASKCLUSTER_TASK_DIR/tmp" &&
export LC_ALL=C && export LC_ALL=C &&

View File

@ -25,8 +25,8 @@ then:
linux_amd64_ctc: { $eval: as_slugid("linux-amd64-ctc-opt") } linux_amd64_ctc: { $eval: as_slugid("linux-amd64-ctc-opt") }
in: in:
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
DECODER_ARTIFACTS_ROOT: https://community-tc.services.mozilla.com/api/queue/v1/task/${linux_amd64_ctc}/artifacts/public DECODER_ARTIFACTS_ROOT: https://community-tc.services.mozilla.com/api/queue/v1/task/${linux_amd64_ctc}/artifacts/public
PIP_DEFAULT_TIMEOUT: "60" PIP_DEFAULT_TIMEOUT: "60"
EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}" EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}"

View File

@ -25,8 +25,8 @@ then:
linux_amd64_ctc: { $eval: as_slugid("linux-amd64-ctc-opt") } linux_amd64_ctc: { $eval: as_slugid("linux-amd64-ctc-opt") }
in: in:
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
DECODER_ARTIFACTS_ROOT: https://community-tc.services.mozilla.com/api/queue/v1/task/${linux_amd64_ctc}/artifacts/public DECODER_ARTIFACTS_ROOT: https://community-tc.services.mozilla.com/api/queue/v1/task/${linux_amd64_ctc}/artifacts/public
PIP_DEFAULT_TIMEOUT: "60" PIP_DEFAULT_TIMEOUT: "60"
EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}" EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}"

View File

@ -23,8 +23,8 @@ then:
linux_rpi3_build: { $eval: as_slugid("linux-rpi3-cpu-opt") } linux_rpi3_build: { $eval: as_slugid("linux-rpi3-cpu-opt") }
in: in:
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
PIP_DEFAULT_TIMEOUT: "60" PIP_DEFAULT_TIMEOUT: "60"
PIP_EXTRA_INDEX_URL: "https://www.piwheels.org/simple" PIP_EXTRA_INDEX_URL: "https://www.piwheels.org/simple"
EXTRA_PYTHON_CONFIGURE_OPTS: "" # Required by Raspbian Buster / PiWheels EXTRA_PYTHON_CONFIGURE_OPTS: "" # Required by Raspbian Buster / PiWheels

View File

@ -1,13 +0,0 @@
build:
template_file: test-linux-opt-base.tyml
dependencies:
- "linux-amd64-ctc-opt"
system_setup:
>
apt-get -qq update && apt-get -qq -y install ${training.packages_xenial.apt}
args:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-extra-tests.sh 3.5.8:m 16k"
workerType: "${docker.dsTests}"
metadata:
name: "DeepSpeech Linux AMD64 CPU 8kHz all training features Py3.7"
description: "Training (all features) a DeepSpeech LDC93S1 model for Linux/AMD64 8kHz Python 3.7, CPU only, optimized version"

View File

@ -9,5 +9,5 @@ build:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-extra-tests.sh 3.6.10:m 16k" tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-extra-tests.sh 3.6.10:m 16k"
workerType: "${docker.dsTests}" workerType: "${docker.dsTests}"
metadata: metadata:
name: "DeepSpeech Linux AMD64 CPU 8kHz all training features Py3.7" name: "DeepSpeech Linux AMD64 CPU 8kHz all training features Py3.6"
description: "Training (all features) a DeepSpeech LDC93S1 model for Linux/AMD64 8kHz Python 3.7, CPU only, optimized version" description: "Training (all features) a DeepSpeech LDC93S1 model for Linux/AMD64 8kHz Python 3.6, CPU only, optimized version"

View File

@ -9,5 +9,5 @@ build:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-extra-tests.sh 3.6.10:m 8k" tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-extra-tests.sh 3.6.10:m 8k"
workerType: "${docker.dsTests}" workerType: "${docker.dsTests}"
metadata: metadata:
name: "DeepSpeech Linux AMD64 CPU 8kHz all training features Py3.7" name: "DeepSpeech Linux AMD64 CPU 8kHz all training features Py3.6"
description: "Training (all features) a DeepSpeech LDC93S1 model for Linux/AMD64 8kHz Python 3.7, CPU only, optimized version" description: "Training (all features) a DeepSpeech LDC93S1 model for Linux/AMD64 8kHz Python 3.6, CPU only, optimized version"

View File

@ -1,16 +0,0 @@
build:
template_file: test-linux-opt-tag-base.tyml
dependencies:
- "scriptworker-task-pypi"
allowed:
- "tag"
ref_match: "refs/tags/"
system_setup:
>
apt-get -qq update && apt-get -qq -y install ${training.packages_xenial.apt}
args:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-tests.sh 3.5.8:m 16k --pypi"
workerType: "${docker.dsTests}"
metadata:
name: "DeepSpeech Linux AMD64 CPU 16kHz PyPI training Py3.5"
description: "Training a DeepSpeech LDC93S1 model for Linux/AMD64 16kHz Python 3.5, CPU only, optimized version, decoder package from PyPI"

View File

@ -1,13 +0,0 @@
build:
template_file: test-linux-opt-base.tyml
dependencies:
- "linux-amd64-ctc-opt"
system_setup:
>
apt-get -qq update && apt-get -qq -y install ${training.packages_xenial.apt}
args:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-unittests.sh 3.5.8:m"
workerType: "${docker.dsTests}"
metadata:
name: "DeepSpeech on Linux AMD64 CPU training unittests using Python 3.5"
description: "Training unittests DeepSpeech LDC93S1 model for Linux/AMD64 using Python 3.5, for CPU only, and optimized version"

View File

@ -1,13 +0,0 @@
build:
template_file: test-linux-opt-base.tyml
dependencies:
- "linux-amd64-ctc-opt"
system_setup:
>
apt-get -qq update && apt-get -qq -y install ${training.packages_xenial.apt}
args:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-train-tests.sh 3.5.8:m 16k"
workerType: "${docker.dsTests}"
metadata:
name: "DeepSpeech Linux AMD64 CPU 16kHz basic training Py3.5"
description: "Training a DeepSpeech LDC93S1 model for Linux/AMD64 16kHz Python 3.5, CPU only, optimized version"

View File

@ -1,13 +0,0 @@
build:
template_file: test-linux-opt-base.tyml
dependencies:
- "test-training_16k-linux-amd64-py36m-opt"
system_setup:
>
apt-get -qq update && apt-get -qq -y install ${training.packages_xenial.apt} ${python.packages_xenial.apt}
args:
tests_cmdline: "${system.homedir.linux}/DeepSpeech/ds/taskcluster/tc-transcribe-tests.sh 3.5.8:m 16k"
workerType: "${docker.dsTests}"
metadata:
name: "DeepSpeech Linux AMD64 CPU 16kHz transcribe Py3.5"
description: "Transcribe a DeepSpeech LDC93S1 model for Linux/AMD64 16kHz Python 3.5, CPU only, optimized version"

View File

@ -22,8 +22,8 @@ then:
win_amd64_build: { $eval: as_slugid("win-amd64-gpu-opt") } win_amd64_build: { $eval: as_slugid("win-amd64-gpu-opt") }
in: in:
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}" EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}"
TC_MSYS_VERSION: 'MSYS_NT-6.3-9600' TC_MSYS_VERSION: 'MSYS_NT-6.3-9600'
MSYS: 'winsymlinks:nativestrict' MSYS: 'winsymlinks:nativestrict'

View File

@ -24,8 +24,8 @@ then:
in: in:
DEEPSPEECH_ARTIFACTS_TFLITE_ROOT: https://community-tc.services.mozilla.com/api/queue/v1/task/${win_amd64_tflite}/artifacts/public DEEPSPEECH_ARTIFACTS_TFLITE_ROOT: https://community-tc.services.mozilla.com/api/queue/v1/task/${win_amd64_tflite}/artifacts/public
DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb DEEPSPEECH_TEST_MODEL: https://community-tc.services.mozilla.com/api/queue/v1/task/${training}/artifacts/public/output_graph.pb
DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pb DEEPSPEECH_PROD_MODEL: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pb
DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.7.0-alpha.3/output_graph.pbmm DEEPSPEECH_PROD_MODEL_MMAP: https://github.com/reuben/DeepSpeech/releases/download/v0.10.0-alpha.3/output_graph.pbmm
EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}" EXPECTED_TENSORFLOW_VERSION: "${build.tensorflow_git_desc}"
TC_MSYS_VERSION: 'MSYS_NT-6.3-9600' TC_MSYS_VERSION: 'MSYS_NT-6.3-9600'
MSYS: 'winsymlinks:nativestrict' MSYS: 'winsymlinks:nativestrict'

View File

@ -30,7 +30,7 @@ payload:
MSYS: 'winsymlinks:nativestrict' MSYS: 'winsymlinks:nativestrict'
GIT_LFS_SKIP_SMUDGE: '1' GIT_LFS_SKIP_SMUDGE: '1'
EXAMPLES_CLONE_URL: "https://github.com/mozilla/DeepSpeech-examples" EXAMPLES_CLONE_URL: "https://github.com/mozilla/DeepSpeech-examples"
EXAMPLES_CHECKOUT_TARGET: "master" EXAMPLES_CHECKOUT_TARGET: "v0.10-models"
command: command:
- >- - >-

@ -1 +1 @@
Subproject commit 23ad988fcde60fb01f9533e95004bbc4877a9143 Subproject commit f6713a49a56506c6f10dcb7b22540c5fe80681c3

View File

@ -6814,636 +6814,7 @@
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_function_ops.cc ...
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_spectrogram_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_bias_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cast_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_concat_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_constant_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_shape_ops.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_gather_nd_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_identity_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_immutable_constant_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_less.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_minimum.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_mul_1.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_squared_difference.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_add_1.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_add_2.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_rsqrt.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_cwise_op_sub.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_matmul_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_matmul_op_fused.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_all.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_any.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_euclidean.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_max.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_mean.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_min.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_prod.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reduction_ops_sum.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_mfcc_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_pack_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_sequence_ops.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_relu_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_reshape_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_softmax_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_tile_ops.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_transpose_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_no_op.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_sendrecv_ops.cc
} }
{ {
<tensorflow_full> <tensorflow_full>
@ -7462,57 +6833,6 @@
fun:_ZN10tensorflowL10InitModuleEv fun:_ZN10tensorflowL10InitModuleEv
fun:_Z41__static_initialization_and_destruction_0ii fun:_Z41__static_initialization_and_destruction_0ii
} }
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_gru_ops.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_lstm_ops.cc
}
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaINSt8__detail10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE8allocateERSE_m
fun:_ZNSt8__detail16_Hashtable_allocISaINS_10_Hash_nodeISt4pairIKNSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationEELb1EEEEE16_M_allocate_nodeIJRS9_SB_EEEPSD_DpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEENSC_20_Node_const_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE10_M_emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEESt17integral_constantIbLb0EEDpOT_
fun:_ZNSt10_HashtableINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEESt4pairIKS5_N10tensorflow18KernelRegistrationEESaISA_ENSt8__detail10_Select1stESt8equal_toIS5_ESt4hashIS5_ENSC_18_Mod_range_hashingENSC_20_Default_ranged_hashENSC_20_Prime_rehash_policyENSC_17_Hashtable_traitsILb1ELb0ELb0EEEE7emplaceIJRS7_S9_EEENSC_14_Node_iteratorISA_Lb0ELb1EEEDpOT_
fun:_ZNSt18unordered_multimapINSt7__cxx1112basic_stringIcSt11char_traitsIcESaIcEEEN10tensorflow18KernelRegistrationESt4hashIS5_ESt8equal_toIS5_ESaISt4pairIKS5_S7_EEE7emplaceIJRSD_S7_EEENSt8__detail14_Node_iteratorISE_Lb0ELb1EEEDpOT_
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrar12InitInternalEPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewESt10unique_ptrINS0_15OpKernelFactoryESt14default_deleteIS9_EE
fun:_ZN10tensorflow14kernel_factory17OpKernelRegistrarC1EPKNS_9KernelDefEN4absl14lts_2020_02_2511string_viewEPFPNS_8OpKernelEPNS_20OpKernelConstructionEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_dataset.cc
}
{ {
<tensorflow_full> <tensorflow_full>
Memcheck:Leak Memcheck:Leak
@ -9909,6 +9229,24 @@
fun:_ZN6google8protobuf16RepeatedPtrFieldIN10tensorflow24KernelDef_AttrConstraintEE9MergeFromERKS4_ fun:_ZN6google8protobuf16RepeatedPtrFieldIN10tensorflow24KernelDef_AttrConstraintEE9MergeFromERKS4_
fun:_ZN6google8protobuf16RepeatedPtrFieldIN10tensorflow24KernelDef_AttrConstraintEEC1ERKS4_ fun:_ZN6google8protobuf16RepeatedPtrFieldIN10tensorflow24KernelDef_AttrConstraintEEC1ERKS4_
} }
{
<tensorflow_full>
Memcheck:Leak
match-leak-kinds: reachable
fun:_Znwm
fun:_ZN9__gnu_cxx13new_allocatorISt8functionIFN10tensorflow6StatusEPNS2_18OpRegistrationDataEEEE8allocateEmPKv
fun:_ZNSt16allocator_traitsISaISt8functionIFN10tensorflow6StatusEPNS1_18OpRegistrationDataEEEEE8allocateERS7_m
fun:_ZNSt12_Vector_baseISt8functionIFN10tensorflow6StatusEPNS1_18OpRegistrationDataEEESaIS6_EE11_M_allocateEm
fun:_ZNSt6vectorISt8functionIFN10tensorflow6StatusEPNS1_18OpRegistrationDataEEESaIS6_EE17_M_realloc_insertIJRKS6_EEEvN9__gnu_cxx17__normal_iteratorIPS6_S8_EEDpOT_
fun:_ZNSt6vectorISt8functionIFN10tensorflow6StatusEPNS1_18OpRegistrationDataEEESaIS6_EE9push_backERKS6_
fun:_ZN10tensorflow10OpRegistry8RegisterERKSt8functionIFNS_6StatusEPNS_18OpRegistrationDataEEE
fun:_ZN10tensorflow11register_op20OpDefBuilderReceiverC1ERKNS0_19OpDefBuilderWrapperILb1EEE
fun:_Z41__static_initialization_and_destruction_0ii
fun:_GLOBAL__sub_I_dataset_ops.cc
fun:call_init.part.0
fun:call_init
fun:_dl_init
}
{ {
<tensorflow_full> <tensorflow_full>
Memcheck:Leak Memcheck:Leak

View File

@ -2,6 +2,7 @@ import unittest
import numpy as np import numpy as np
import tensorflow as tf import tensorflow as tf
import tensorflow.compat.v1 as tfv1
from deepspeech_training.util.helpers import ValueRange, get_value_range, pick_value_from_range, tf_pick_value_from_range from deepspeech_training.util.helpers import ValueRange, get_value_range, pick_value_from_range, tf_pick_value_from_range
@ -59,16 +60,16 @@ class TestValueRange(unittest.TestCase):
class TestPickValueFromFixedRange(unittest.TestCase): class TestPickValueFromFixedRange(unittest.TestCase):
def __init__(self, *args, **kwargs): def __init__(self, *args, **kwargs):
super(TestPickValueFromFixedRange, self).__init__(*args, **kwargs) super().__init__(*args, **kwargs)
self.session = tf.Session() self.session = tfv1.Session()
self.clock_ph = tf.placeholder(dtype=tf.float64, name='clock')
def _ending_tester(self, value_range, clock, expected): def _ending_tester(self, value_range, clock, expected):
with tf.Session() as session: with self.session as session:
tf_pick = tf_pick_value_from_range(value_range, clock=self.clock_ph) clock_ph = tfv1.placeholder(dtype=tf.float64, name='clock')
tf_pick = tf_pick_value_from_range(value_range, clock=clock_ph)
def run_pick(_, c): def run_pick(_, c):
return session.run(tf_pick, feed_dict={self.clock_ph: c}) return session.run(tf_pick, feed_dict={clock_ph: c})
is_int = isinstance(value_range.start, int) is_int = isinstance(value_range.start, int)
for pick, int_type, float_type in [(pick_value_from_range, int, float), (run_pick, np.int32, np.float32)]: for pick, int_type, float_type in [(pick_value_from_range, int, float), (run_pick, np.int32, np.float32)]:
@ -97,16 +98,16 @@ class TestPickValueFromFixedRange(unittest.TestCase):
class TestPickValueFromRandomizedRange(unittest.TestCase): class TestPickValueFromRandomizedRange(unittest.TestCase):
def __init__(self, *args, **kwargs): def __init__(self, *args, **kwargs):
super(TestPickValueFromRandomizedRange, self).__init__(*args, **kwargs) super().__init__(*args, **kwargs)
self.session = tf.Session() self.session = tfv1.Session()
self.clock_ph = tf.placeholder(dtype=tf.float64, name='clock')
def _ending_tester(self, value_range, clock_min, clock_max, expected_min, expected_max): def _ending_tester(self, value_range, clock_min, clock_max, expected_min, expected_max):
with self.session as session: with self.session as session:
tf_pick = tf_pick_value_from_range(value_range, clock=self.clock_ph) clock_ph = tfv1.placeholder(dtype=tf.float64, name='clock')
tf_pick = tf_pick_value_from_range(value_range, clock=clock_ph)
def run_pick(_, c): def run_pick(_, c):
return session.run(tf_pick, feed_dict={self.clock_ph: c}) return session.run(tf_pick, feed_dict={clock_ph: c})
is_int = isinstance(value_range.start, int) is_int = isinstance(value_range.start, int)
clock_range = np.arange(clock_min, clock_max, (clock_max - clock_min) / 100.0) clock_range = np.arange(clock_min, clock_max, (clock_max - clock_min) / 100.0)

View File

@ -1 +1 @@
6 7

View File

@ -43,47 +43,44 @@ def sparse_tuple_to_texts(sp_tuple, alphabet):
return [alphabet.Decode(res) for res in results] return [alphabet.Decode(res) for res in results]
def evaluate(test_csvs, create_model): def evaluate(test_csvs, model_ctor):
if FLAGS.scorer_path: if FLAGS.scorer_path:
scorer = Scorer(FLAGS.lm_alpha, FLAGS.lm_beta, scorer = Scorer(FLAGS.lm_alpha, FLAGS.lm_beta,
FLAGS.scorer_path, Config.alphabet) FLAGS.scorer_path, Config.alphabet)
else: else:
scorer = None scorer = None
test_sets = [create_dataset([csv],
batch_size=FLAGS.test_batch_size,
train_phase=False,
reverse=FLAGS.reverse_test,
limit=FLAGS.limit_test) for csv in test_csvs]
iterator = tfv1.data.Iterator.from_structure(tfv1.data.get_output_types(test_sets[0]),
tfv1.data.get_output_shapes(test_sets[0]),
output_classes=tfv1.data.get_output_classes(test_sets[0]))
test_init_ops = [iterator.make_initializer(test_set) for test_set in test_sets]
batch_wav_filename, (batch_x, batch_x_len), batch_y = iterator.get_next()
# One rate per layer
no_dropout = [None] * 6
logits, _ = create_model(batch_x=batch_x,
seq_length=batch_x_len,
dropout=no_dropout)
# Transpose to batch major and apply softmax for decoder
transposed = tf.nn.softmax(tf.transpose(a=logits, perm=[1, 0, 2]))
loss = tfv1.nn.ctc_loss(labels=batch_y,
inputs=logits,
sequence_length=batch_x_len)
tfv1.train.get_or_create_global_step()
# Get number of accessible CPU cores for this process
try:
num_processes = cpu_count()
except NotImplementedError:
num_processes = 1
with tfv1.Session(config=Config.session_config) as session: with tfv1.Session(config=Config.session_config) as session:
test_sets = [create_dataset([csv],
batch_size=FLAGS.test_batch_size,
train_phase=False,
reverse=FLAGS.reverse_test,
limit=FLAGS.limit_test) for csv in test_csvs]
iterator = tfv1.data.Iterator.from_structure(tfv1.data.get_output_types(test_sets[0]),
tfv1.data.get_output_shapes(test_sets[0]),
output_classes=tfv1.data.get_output_classes(test_sets[0]))
test_init_ops = [iterator.make_initializer(test_set) for test_set in test_sets]
batch_wav_filename, (batch_x, batch_x_len), batch_y = iterator.get_next()
model = model_ctor()
logits, _ = model(batch_x)
# Apply softmax and transpose to batch major for batch decoder
transposed = tf.transpose(tf.nn.softmax(logits), [1, 0, 2])
loss = tfv1.nn.ctc_loss(labels=batch_y,
inputs=logits,
sequence_length=batch_x_len)
tfv1.train.get_or_create_global_step()
# Get number of accessible CPU cores for this process
try:
num_processes = cpu_count()
except NotImplementedError:
num_processes = 1
load_graph_for_evaluation(session) load_graph_for_evaluation(session)
def run_test(init_op, dataset): def run_test(init_op, dataset):
@ -141,8 +138,8 @@ def main(_):
'the --test_files flag.') 'the --test_files flag.')
sys.exit(1) sys.exit(1)
from .train import create_model # pylint: disable=cyclic-import,import-outside-toplevel from .train import Model # pylint: disable=cyclic-import,import-outside-toplevel
samples = evaluate(FLAGS.test_files.split(','), create_model) samples = evaluate(FLAGS.test_files.split(','), Model)
if FLAGS.test_output_file: if FLAGS.test_output_file:
save_samples_json(samples, FLAGS.test_output_file) save_samples_json(samples, FLAGS.test_output_file)

View File

@ -24,6 +24,7 @@ tfv1.logging.set_verbosity({
'3': tfv1.logging.ERROR '3': tfv1.logging.ERROR
}.get(DESIRED_LOG_LEVEL)) }.get(DESIRED_LOG_LEVEL))
from collections import defaultdict
from datetime import datetime from datetime import datetime
from ds_ctcdecoder import ctc_beam_search_decoder, Scorer from ds_ctcdecoder import ctc_beam_search_decoder, Scorer
from .evaluate import evaluate from .evaluate import evaluate
@ -35,28 +36,16 @@ from .util.feeding import create_dataset, audio_to_features, audiofile_to_featur
from .util.flags import create_flags, FLAGS from .util.flags import create_flags, FLAGS
from .util.helpers import check_ctcdecoder_version, ExceptionBox from .util.helpers import check_ctcdecoder_version, ExceptionBox
from .util.logging import create_progressbar, log_debug, log_error, log_info, log_progress, log_warn from .util.logging import create_progressbar, log_debug, log_error, log_info, log_progress, log_warn
from .util.io import open_remote, remove_remote, listdir_remote, is_remote_path, isdir_remote from .util.io import open_remote, remove_remote, rmtree_remote, listdir_remote, is_remote_path, isdir_remote
check_ctcdecoder_version() check_ctcdecoder_version()
# Graph Creation # Graph Creation
# ============== # ==============
def variable_on_cpu(name, shape, initializer):
r"""
Next we concern ourselves with graph creation.
However, before we do so we must introduce a utility function ``variable_on_cpu()``
used to create a variable in CPU memory.
"""
# Use the /cpu:0 device for scoped operations
with tf.device(Config.cpu_device):
# Create or get apropos variable
var = tfv1.get_variable(name=name, shape=shape, initializer=initializer)
return var
def create_overlapping_windows(batch_x): def create_overlapping_windows(batch_x):
batch_size = tf.shape(input=batch_x)[0] batch_size = tf.shape(batch_x)[0]
window_width = 2 * Config.n_context + 1 window_width = 2 * Config.n_context + 1
num_channels = Config.n_input num_channels = Config.n_input
@ -75,145 +64,101 @@ def create_overlapping_windows(batch_x):
return batch_x return batch_x
def dense(name, x, units, dropout_rate=None, relu=True, layer_norm=False): class CreateOverlappingWindows(tf.keras.Model):
with tfv1.variable_scope(name): def __init__(self):
bias = variable_on_cpu('bias', [units], tfv1.zeros_initializer()) super(CreateOverlappingWindows, self).__init__()
weights = variable_on_cpu('weights', [x.shape[-1], units], tfv1.keras.initializers.VarianceScaling(scale=1.0, mode="fan_avg", distribution="uniform")) window_width = 2 * Config.n_context + 1
num_channels = Config.n_input
identity = np.eye(window_width * num_channels).reshape(
window_width, num_channels, window_width * num_channels
)
self.identity_filter = tf.constant(identity, tf.float32)
self.reshape_layer = tf.keras.layers.Reshape((-1, window_width * num_channels))
output = tf.nn.bias_add(tf.matmul(x, weights), bias) def call(self, x):
x = tf.nn.conv1d(
input=x, filters=self.identity_filter, stride=1, padding="SAME"
)
return self.reshape_layer(x)
if relu: def reshape(self, x):
output = tf.minimum(tf.nn.relu(output), FLAGS.relu_clip) return self.reshape_layer(x)
if layer_norm:
with tfv1.variable_scope(name):
output = tf.contrib.layers.layer_norm(output)
if dropout_rate is not None:
output = tf.nn.dropout(output, rate=dropout_rate)
return output
def rnn_impl_lstmblockfusedcell(x, seq_length, previous_state, reuse): class Dense(tf.keras.layers.Dense):
with tfv1.variable_scope('cudnn_lstm/rnn/multi_rnn_cell/cell_0'): def __init__(self, units, dropout_rate, layer_norm, **kwargs):
fw_cell = tf.contrib.rnn.LSTMBlockFusedCell(Config.n_cell_dim, super().__init__(units, **kwargs)
forget_bias=0,
reuse=reuse,
name='cudnn_compatible_lstm_cell')
output, output_state = fw_cell(inputs=x, self.dropout = tf.keras.layers.Dropout(dropout_rate) if dropout_rate != 0. else tf.keras.layers.Lambda(lambda x: x)
dtype=tf.float32, self.layer_norm = tf.keras.layers.LayerNormalization() if layer_norm else tf.keras.layers.Lambda(lambda x: x)
sequence_length=seq_length,
initial_state=previous_state)
return output, output_state def call(self, x):
return self.dropout(self.layer_norm(super().call(x)))
def rnn_impl_cudnn_rnn(x, seq_length, previous_state, _): class Model(tf.keras.Model):
assert previous_state is None # 'Passing previous state not supported with CuDNN backend' def __init__(self, dropout_rates=None, overlap=True, unroll=False, masking=True):
super().__init__(name='DeepSpeech_v{}'.format(int(file_relative_read('GRAPH_VERSION').strip())))
# Hack: CudnnLSTM works similarly to Keras layers in that when you instantiate if dropout_rates is None:
# the object it creates the variables, and then you just call it several times dropout_rates = defaultdict(lambda: 0.)
# to enable variable re-use. Because all of our code is structure in an old
# school TensorFlow structure where you can just call tf.get_variable again with
# reuse=True to reuse variables, we can't easily make use of the object oriented
# way CudnnLSTM is implemented, so we save a singleton instance in the function,
# emulating a static function variable.
if not rnn_impl_cudnn_rnn.cell:
# Forward direction cell:
fw_cell = tf.contrib.cudnn_rnn.CudnnLSTM(num_layers=1,
num_units=Config.n_cell_dim,
input_mode='linear_input',
direction='unidirectional',
dtype=tf.float32)
rnn_impl_cudnn_rnn.cell = fw_cell
output, output_state = rnn_impl_cudnn_rnn.cell(inputs=x, self.overlap_layer = CreateOverlappingWindows()
sequence_lengths=seq_length) self.overlap_op = self.overlap_layer if overlap else self.overlap_layer.reshape
return output, output_state self.mask = tf.keras.layers.Masking() if masking else tf.keras.layers.Lambda(lambda x: x)
rnn_impl_cudnn_rnn.cell = None def clipped_relu(x):
return tf.minimum(tf.nn.relu(x), FLAGS.relu_clip)
self.dense1 = Dense(Config.n_hidden_1, dropout_rate=dropout_rates[0], activation=clipped_relu, layer_norm=FLAGS.layer_norm, name='dense1')
self.dense2 = Dense(Config.n_hidden_2, dropout_rate=dropout_rates[1], activation=clipped_relu, layer_norm=FLAGS.layer_norm, name='dense2')
self.dense3 = Dense(Config.n_hidden_3, dropout_rate=dropout_rates[2], activation=clipped_relu, layer_norm=FLAGS.layer_norm, name='dense3')
def rnn_impl_static_rnn(x, seq_length, previous_state, reuse): self.lstm = tf.keras.layers.LSTM(Config.n_cell_dim, return_sequences=True, return_state=True, unroll=unroll)
with tfv1.variable_scope('cudnn_lstm/rnn/multi_rnn_cell'):
# Forward direction cell:
fw_cell = tfv1.nn.rnn_cell.LSTMCell(Config.n_cell_dim,
forget_bias=0,
reuse=reuse,
name='cudnn_compatible_lstm_cell')
# Split rank N tensor into list of rank N-1 tensors self.dense5 = Dense(Config.n_hidden_5, dropout_rate=dropout_rates[4], activation=clipped_relu, layer_norm=FLAGS.layer_norm, name='dense5')
x = [x[l] for l in range(x.shape[0])] self.dense6 = Dense(Config.n_hidden_6, dropout_rate=0., activation='linear', layer_norm=False, name='dense6')
output, output_state = tfv1.nn.static_rnn(cell=fw_cell, def call(self, batch_x, previous_state=None):
inputs=x, layers = {}
sequence_length=seq_length,
initial_state=previous_state,
dtype=tf.float32,
scope='cell_0')
output = tf.concat(output, 0) # Input shape: [batch_size, n_steps (dynamic), n_input + 2*n_input*n_context]
return output, output_state
def create_model(batch_x, seq_length, dropout, reuse=False, batch_size=None, previous_state=None, overlap=True, rnn_impl=rnn_impl_lstmblockfusedcell):
layers = {}
# Input shape: [batch_size, n_steps, n_input + 2*n_input*n_context]
if not batch_size:
batch_size = tf.shape(input=batch_x)[0] batch_size = tf.shape(input=batch_x)[0]
# Create overlapping feature windows if needed # Create overlapping feature windows if needed
if overlap: batch_x = self.overlap_op(batch_x)
batch_x = create_overlapping_windows(batch_x)
# Reshaping `batch_x` to a tensor with shape `[n_steps*batch_size, n_input + 2*n_input*n_context]`. # Apply sequence masking
# This is done to prepare the batch for input into the first layer which expects a tensor of rank `2`. batch_x = self.mask(batch_x)
# Permute n_steps and batch_size # Apply three dense layers with clipped RELU activation and dropout.
batch_x = tf.transpose(a=batch_x, perm=[1, 0, 2, 3]) layers['layer_1'] = layer_1 = self.dense1(batch_x)
# Reshape to prepare input for first layer layers['layer_2'] = layer_2 = self.dense2(layer_1)
batch_x = tf.reshape(batch_x, [-1, Config.n_input + 2*Config.n_input*Config.n_context]) # (n_steps*batch_size, n_input + 2*n_input*n_context) layers['layer_3'] = layer_3 = self.dense3(layer_2)
layers['input_reshaped'] = batch_x
# The next three blocks will pass `batch_x` through three hidden layers with # RNN layer
# clipped RELU activation and dropout. output, output_state_h, output_state_c = self.lstm(layer_3, previous_state)
layers['layer_1'] = layer_1 = dense('layer_1', batch_x, Config.n_hidden_1, dropout_rate=dropout[0], layer_norm=FLAGS.layer_norm) layers['rnn_output'] = output
layers['layer_2'] = layer_2 = dense('layer_2', layer_1, Config.n_hidden_2, dropout_rate=dropout[1], layer_norm=FLAGS.layer_norm) layers['rnn_output_state_h'] = output_state_h
layers['layer_3'] = layer_3 = dense('layer_3', layer_2, Config.n_hidden_3, dropout_rate=dropout[2], layer_norm=FLAGS.layer_norm) layers['rnn_output_state_c'] = output_state_c
# `layer_3` is now reshaped into `[n_steps, batch_size, 2*n_cell_dim]`, # Now we feed `output` to the fifth dense layer with clipped RELU activation and dropout.
# as the LSTM RNN expects its input to be of shape `[max_time, batch_size, input_size]`. layers['layer_5'] = layer_5 = self.dense5(output)
layer_3 = tf.reshape(layer_3, [-1, batch_size, Config.n_hidden_3])
# Run through parametrized RNN implementation, as we use different RNNs # Now we apply a final linear layer creating `n_classes` dimensional vectors, the logits.
# for training and inference layers['layer_6'] = layer_6 = self.dense6(layer_5)
output, output_state = rnn_impl(layer_3, seq_length, previous_state, reuse)
# Reshape output from a tensor of shape [n_steps, batch_size, n_cell_dim] # Finally we reshape layer_6 from a tensor of shape [batch_size*n_steps, n_hidden_6]
# to a tensor of shape [n_steps*batch_size, n_cell_dim] # to the slightly more useful shape [n_steps, batch_size, n_hidden_6].
output = tf.reshape(output, [-1, Config.n_cell_dim]) # And transpose to time major.
layers['rnn_output'] = output output = tf.reshape(layer_6, [batch_size, -1, Config.n_hidden_6])
layers['rnn_output_state'] = output_state output = tf.transpose(output, [1, 0, 2], name='raw_logits')
layers['raw_logits'] = output
# Now we feed `output` to the fifth hidden layer with clipped RELU activation # Output shape: [batch_size, n_steps, n_hidden_6]
layers['layer_5'] = layer_5 = dense('layer_5', output, Config.n_hidden_5, dropout_rate=dropout[5], layer_norm=FLAGS.layer_norm) return output, layers
# Now we apply a final linear layer creating `n_classes` dimensional vectors, the logits.
layers['layer_6'] = layer_6 = dense('layer_6', layer_5, Config.n_hidden_6, relu=False)
# Finally we reshape layer_6 from a tensor of shape [n_steps*batch_size, n_hidden_6]
# to the slightly more useful shape [n_steps, batch_size, n_hidden_6].
# Note, that this differs from the input in that it is time-major.
layer_6 = tf.reshape(layer_6, [-1, batch_size, Config.n_hidden_6], name='raw_logits')
layers['raw_logits'] = layer_6
# Output shape: [n_steps, batch_size, n_hidden_6]
return layer_6, layers
# Accuracy and Loss # Accuracy and Loss
@ -226,7 +171,7 @@ def create_model(batch_x, seq_length, dropout, reuse=False, batch_size=None, pre
# Conveniently, this loss function is implemented in TensorFlow. # Conveniently, this loss function is implemented in TensorFlow.
# Thus, we can simply make use of this implementation to define our loss. # Thus, we can simply make use of this implementation to define our loss.
def calculate_mean_edit_distance_and_loss(iterator, dropout, reuse): def calculate_mean_edit_distance_and_loss(model, iterator):
r''' r'''
This routine beam search decodes a mini-batch and calculates the loss and mean edit distance. This routine beam search decodes a mini-batch and calculates the loss and mean edit distance.
Next to total and average loss it returns the mean edit distance, Next to total and average loss it returns the mean edit distance,
@ -235,13 +180,8 @@ def calculate_mean_edit_distance_and_loss(iterator, dropout, reuse):
# Obtain the next batch of data # Obtain the next batch of data
batch_filenames, (batch_x, batch_seq_len), batch_y = iterator.get_next() batch_filenames, (batch_x, batch_seq_len), batch_y = iterator.get_next()
if FLAGS.train_cudnn:
rnn_impl = rnn_impl_cudnn_rnn
else:
rnn_impl = rnn_impl_lstmblockfusedcell
# Calculate the logits of the batch # Calculate the logits of the batch
logits, _ = create_model(batch_x, batch_seq_len, dropout, reuse=reuse, rnn_impl=rnn_impl) logits, _ = model(batch_x)
# Compute the CTC loss using TensorFlow's `ctc_loss` # Compute the CTC loss using TensorFlow's `ctc_loss`
total_loss = tfv1.nn.ctc_loss(labels=batch_y, inputs=logits, sequence_length=batch_seq_len) total_loss = tfv1.nn.ctc_loss(labels=batch_y, inputs=logits, sequence_length=batch_seq_len)
@ -289,7 +229,7 @@ def create_optimizer(learning_rate_var):
# on which all operations within the tower execute. # on which all operations within the tower execute.
# For example, all operations of 'tower 0' could execute on the first GPU `tf.device('/gpu:0')`. # For example, all operations of 'tower 0' could execute on the first GPU `tf.device('/gpu:0')`.
def get_tower_results(iterator, optimizer, dropout_rates): def get_tower_results(model, iterator, optimizer):
r''' r'''
With this preliminary step out of the way, we can for each GPU introduce a With this preliminary step out of the way, we can for each GPU introduce a
tower for which's batch we calculate and return the optimization gradients tower for which's batch we calculate and return the optimization gradients
@ -310,25 +250,20 @@ def get_tower_results(iterator, optimizer, dropout_rates):
# Execute operations of tower i on device i # Execute operations of tower i on device i
device = Config.available_devices[i] device = Config.available_devices[i]
with tf.device(device): with tf.device(device):
# Create a scope for all operations of tower i # Calculate the avg_loss and mean_edit_distance and retrieve the decoded
with tf.name_scope('tower_%d' % i): # batch along with the original batch's labels (Y) of this tower
# Calculate the avg_loss and mean_edit_distance and retrieve the decoded avg_loss, non_finite_files = calculate_mean_edit_distance_and_loss(model, iterator)
# batch along with the original batch's labels (Y) of this tower
avg_loss, non_finite_files = calculate_mean_edit_distance_and_loss(iterator, dropout_rates, reuse=i > 0)
# Allow for variables to be re-used by the next tower # Retain tower's avg losses
tfv1.get_variable_scope().reuse_variables() tower_avg_losses.append(avg_loss)
# Retain tower's avg losses # Compute gradients for model parameters using tower's mini-batch
tower_avg_losses.append(avg_loss) gradients = optimizer.compute_gradients(avg_loss)
# Compute gradients for model parameters using tower's mini-batch # Retain tower's gradients
gradients = optimizer.compute_gradients(avg_loss) tower_gradients.append(gradients)
# Retain tower's gradients tower_non_finite_files.append(non_finite_files)
tower_gradients.append(gradients)
tower_non_finite_files.append(non_finite_files)
avg_loss_across_towers = tf.reduce_mean(input_tensor=tower_avg_losses, axis=0) avg_loss_across_towers = tf.reduce_mean(input_tensor=tower_avg_losses, axis=0)
tfv1.summary.scalar(name='step_loss', tensor=avg_loss_across_towers, collections=['step_summaries']) tfv1.summary.scalar(name='step_loss', tensor=avg_loss_across_towers, collections=['step_summaries'])
@ -413,114 +348,117 @@ def log_grads_and_vars(grads_and_vars):
def train(): def train():
exception_box = ExceptionBox() exception_box = ExceptionBox()
# Create training and validation datasets with tfv1.Session(config=Config.session_config) as session:
train_set = create_dataset(FLAGS.train_files.split(','), log_debug('Session opened.')
batch_size=FLAGS.train_batch_size, tfv1.keras.backend.set_session(session)
epochs=FLAGS.epochs,
augmentations=Config.augmentations,
cache_path=FLAGS.feature_cache,
train_phase=True,
exception_box=exception_box,
process_ahead=len(Config.available_devices) * FLAGS.train_batch_size * 2,
reverse=FLAGS.reverse_train,
limit=FLAGS.limit_train,
buffering=FLAGS.read_buffer)
iterator = tfv1.data.Iterator.from_structure(tfv1.data.get_output_types(train_set), # Create training and validation datasets
tfv1.data.get_output_shapes(train_set), train_set = create_dataset(FLAGS.train_files.split(','),
output_classes=tfv1.data.get_output_classes(train_set)) batch_size=FLAGS.train_batch_size,
epochs=FLAGS.epochs,
# Make initialization ops for switching between the two sets augmentations=Config.augmentations,
train_init_op = iterator.make_initializer(train_set) cache_path=FLAGS.feature_cache,
train_phase=True,
if FLAGS.dev_files:
dev_sources = FLAGS.dev_files.split(',')
dev_sets = [create_dataset([source],
batch_size=FLAGS.dev_batch_size,
train_phase=False,
exception_box=exception_box, exception_box=exception_box,
process_ahead=len(Config.available_devices) * FLAGS.dev_batch_size * 2, process_ahead=len(Config.available_devices) * FLAGS.train_batch_size * 2,
reverse=FLAGS.reverse_dev, reverse=FLAGS.reverse_train,
limit=FLAGS.limit_dev, limit=FLAGS.limit_train,
buffering=FLAGS.read_buffer) for source in dev_sources] buffering=FLAGS.read_buffer)
dev_init_ops = [iterator.make_initializer(dev_set) for dev_set in dev_sets]
if FLAGS.metrics_files: iterator = tfv1.data.Iterator.from_structure(tfv1.data.get_output_types(train_set),
metrics_sources = FLAGS.metrics_files.split(',') tfv1.data.get_output_shapes(train_set),
metrics_sets = [create_dataset([source], output_classes=tfv1.data.get_output_classes(train_set))
# Make initialization ops for switching between the two sets
train_init_op = iterator.make_initializer(train_set)
if FLAGS.dev_files:
dev_sources = FLAGS.dev_files.split(',')
dev_sets = [create_dataset([source],
batch_size=FLAGS.dev_batch_size, batch_size=FLAGS.dev_batch_size,
train_phase=False, train_phase=False,
exception_box=exception_box, exception_box=exception_box,
process_ahead=len(Config.available_devices) * FLAGS.dev_batch_size * 2, process_ahead=len(Config.available_devices) * FLAGS.dev_batch_size * 2,
reverse=FLAGS.reverse_dev, reverse=FLAGS.reverse_dev,
limit=FLAGS.limit_dev, limit=FLAGS.limit_dev,
buffering=FLAGS.read_buffer) for source in metrics_sources] buffering=FLAGS.read_buffer) for source in dev_sources]
metrics_init_ops = [iterator.make_initializer(metrics_set) for metrics_set in metrics_sets] dev_init_ops = [iterator.make_initializer(dev_set) for dev_set in dev_sets]
# Dropout if FLAGS.metrics_files:
dropout_rates = [tfv1.placeholder(tf.float32, name='dropout_{}'.format(i)) for i in range(6)] metrics_sources = FLAGS.metrics_files.split(',')
dropout_feed_dict = { metrics_sets = [create_dataset([source],
dropout_rates[0]: FLAGS.dropout_rate, batch_size=FLAGS.dev_batch_size,
dropout_rates[1]: FLAGS.dropout_rate2, train_phase=False,
dropout_rates[2]: FLAGS.dropout_rate3, exception_box=exception_box,
dropout_rates[3]: FLAGS.dropout_rate4, process_ahead=len(Config.available_devices) * FLAGS.dev_batch_size * 2,
dropout_rates[4]: FLAGS.dropout_rate5, reverse=FLAGS.reverse_dev,
dropout_rates[5]: FLAGS.dropout_rate6, limit=FLAGS.limit_dev,
} buffering=FLAGS.read_buffer) for source in metrics_sources]
no_dropout_feed_dict = { metrics_init_ops = [iterator.make_initializer(metrics_set) for metrics_set in metrics_sets]
rate: 0. for rate in dropout_rates
}
# Building the graph # Dropout
learning_rate_var = tfv1.get_variable('learning_rate', initializer=FLAGS.learning_rate, trainable=False) dropout_rates = [tfv1.placeholder(tf.float32, name='dropout_{}'.format(i)) for i in range(6)]
reduce_learning_rate_op = learning_rate_var.assign(tf.multiply(learning_rate_var, FLAGS.plateau_reduction)) dropout_feed_dict = {
optimizer = create_optimizer(learning_rate_var) dropout_rates[0]: FLAGS.dropout_rate,
dropout_rates[1]: FLAGS.dropout_rate2,
dropout_rates[2]: FLAGS.dropout_rate3,
dropout_rates[3]: FLAGS.dropout_rate4,
dropout_rates[4]: FLAGS.dropout_rate5,
dropout_rates[5]: FLAGS.dropout_rate6,
}
no_dropout_feed_dict = {
rate: 0. for rate in dropout_rates
}
# Enable mixed precision training # Building the graph
if FLAGS.automatic_mixed_precision: learning_rate_var = tfv1.get_variable('learning_rate', initializer=FLAGS.learning_rate, trainable=False)
log_info('Enabling automatic mixed precision training.') reduce_learning_rate_op = learning_rate_var.assign(tf.multiply(learning_rate_var, FLAGS.plateau_reduction))
optimizer = tfv1.train.experimental.enable_mixed_precision_graph_rewrite(optimizer) optimizer = create_optimizer(learning_rate_var)
gradients, loss, non_finite_files = get_tower_results(iterator, optimizer, dropout_rates) # Enable mixed precision training
if FLAGS.automatic_mixed_precision:
log_info('Enabling automatic mixed precision training.')
optimizer = tfv1.train.experimental.enable_mixed_precision_graph_rewrite(optimizer)
# Average tower gradients across GPUs model = Model(dropout_rates)
avg_tower_gradients = average_gradients(gradients)
log_grads_and_vars(avg_tower_gradients)
# global_step is automagically incremented by the optimizer gradients, loss, non_finite_files = get_tower_results(model, iterator, optimizer)
global_step = tfv1.train.get_or_create_global_step()
apply_gradient_op = optimizer.apply_gradients(avg_tower_gradients, global_step=global_step)
# Summaries # Average tower gradients across GPUs
step_summaries_op = tfv1.summary.merge_all('step_summaries') avg_tower_gradients = average_gradients(gradients)
step_summary_writers = { log_grads_and_vars(avg_tower_gradients)
'train': tfv1.summary.FileWriter(os.path.join(FLAGS.summary_dir, 'train'), max_queue=120),
'dev': tfv1.summary.FileWriter(os.path.join(FLAGS.summary_dir, 'dev'), max_queue=120),
'metrics': tfv1.summary.FileWriter(os.path.join(FLAGS.summary_dir, 'metrics'), max_queue=120),
}
human_readable_set_names = { # global_step is incremented by the optimizer
'train': 'Training', global_step = tfv1.train.get_or_create_global_step()
'dev': 'Validation', apply_gradient_op = optimizer.apply_gradients(avg_tower_gradients, global_step)
'metrics': 'Metrics',
}
# Checkpointing # Summaries
checkpoint_saver = tfv1.train.Saver(max_to_keep=FLAGS.max_to_keep) step_summaries_op = tfv1.summary.merge_all('step_summaries')
checkpoint_path = os.path.join(FLAGS.save_checkpoint_dir, 'train') step_summary_writers = {
'train': tfv1.summary.FileWriter(os.path.join(FLAGS.summary_dir, 'train'), max_queue=120),
'dev': tfv1.summary.FileWriter(os.path.join(FLAGS.summary_dir, 'dev'), max_queue=120),
'metrics': tfv1.summary.FileWriter(os.path.join(FLAGS.summary_dir, 'metrics'), max_queue=120),
}
best_dev_saver = tfv1.train.Saver(max_to_keep=1) human_readable_set_names = {
best_dev_path = os.path.join(FLAGS.save_checkpoint_dir, 'best_dev') 'train': 'Training',
'dev': 'Validation',
'metrics': 'Metrics',
}
# Save flags next to checkpoints # Checkpointing
if not is_remote_path(FLAGS.save_checkpoint_dir): checkpoint_saver = tfv1.train.Saver(max_to_keep=FLAGS.max_to_keep)
os.makedirs(FLAGS.save_checkpoint_dir, exist_ok=True) checkpoint_path = os.path.join(FLAGS.save_checkpoint_dir, 'train')
flags_file = os.path.join(FLAGS.save_checkpoint_dir, 'flags.txt')
with open_remote(flags_file, 'w') as fout:
fout.write(FLAGS.flags_into_string())
with tfv1.Session(config=Config.session_config) as session: best_dev_saver = tfv1.train.Saver(max_to_keep=1)
log_debug('Session opened.') best_dev_path = os.path.join(FLAGS.save_checkpoint_dir, 'best_dev')
# Save flags next to checkpoints
if not is_remote_path(FLAGS.save_checkpoint_dir):
os.makedirs(FLAGS.save_checkpoint_dir, exist_ok=True)
flags_file = os.path.join(FLAGS.save_checkpoint_dir, 'flags.txt')
with open_remote(flags_file, 'w') as fout:
fout.write(FLAGS.flags_into_string())
# Prevent further graph changes # Prevent further graph changes
tfv1.get_default_graph().finalize() tfv1.get_default_graph().finalize()
@ -679,7 +617,7 @@ def train():
def test(): def test():
samples = evaluate(FLAGS.test_files.split(','), create_model) samples = evaluate(FLAGS.test_files.split(','), Model)
if FLAGS.test_output_file: if FLAGS.test_output_file:
save_samples_json(samples, FLAGS.test_output_file) save_samples_json(samples, FLAGS.test_output_file)
@ -698,7 +636,6 @@ def create_inference_graph(batch_size=1, n_steps=16, tflite=False):
# value of n_steps, n_context and n_input. Make sure you update the code # value of n_steps, n_context and n_input. Make sure you update the code
# there if this shape is changed. # there if this shape is changed.
input_tensor = tfv1.placeholder(tf.float32, [batch_size, n_steps if n_steps > 0 else None, 2 * Config.n_context + 1, Config.n_input], name='input_node') input_tensor = tfv1.placeholder(tf.float32, [batch_size, n_steps if n_steps > 0 else None, 2 * Config.n_context + 1, Config.n_input], name='input_node')
seq_length = tfv1.placeholder(tf.int32, [batch_size], name='input_lengths')
if batch_size <= 0: if batch_size <= 0:
# no state management since n_step is expected to be dynamic too (see below) # no state management since n_step is expected to be dynamic too (see below)
@ -707,23 +644,11 @@ def create_inference_graph(batch_size=1, n_steps=16, tflite=False):
previous_state_c = tfv1.placeholder(tf.float32, [batch_size, Config.n_cell_dim], name='previous_state_c') previous_state_c = tfv1.placeholder(tf.float32, [batch_size, Config.n_cell_dim], name='previous_state_c')
previous_state_h = tfv1.placeholder(tf.float32, [batch_size, Config.n_cell_dim], name='previous_state_h') previous_state_h = tfv1.placeholder(tf.float32, [batch_size, Config.n_cell_dim], name='previous_state_h')
previous_state = tf.nn.rnn_cell.LSTMStateTuple(previous_state_c, previous_state_h) previous_state = [previous_state_h, previous_state_c]
# One rate per layer model = Model(overlap=False, unroll=n_steps > 0)
no_dropout = [None] * 6 logits, layers = model(input_tensor,
previous_state)
if tflite:
rnn_impl = rnn_impl_static_rnn
else:
rnn_impl = rnn_impl_lstmblockfusedcell
logits, layers = create_model(batch_x=input_tensor,
batch_size=batch_size,
seq_length=seq_length if not FLAGS.export_tflite else None,
dropout=no_dropout,
previous_state=previous_state,
overlap=False,
rnn_impl=rnn_impl)
# TF Lite runtime will check that input dimensions are 1, 2 or 4 # TF Lite runtime will check that input dimensions are 1, 2 or 4
# by default we get 3, the middle one being batch_size which is forced to # by default we get 3, the middle one being batch_size which is forced to
@ -742,7 +667,6 @@ def create_inference_graph(batch_size=1, n_steps=16, tflite=False):
return ( return (
{ {
'input': input_tensor, 'input': input_tensor,
'input_lengths': seq_length,
}, },
{ {
'outputs': probs, 'outputs': probs,
@ -750,7 +674,8 @@ def create_inference_graph(batch_size=1, n_steps=16, tflite=False):
layers layers
) )
new_state_c, new_state_h = layers['rnn_output_state'] new_state_c = layers['rnn_output_state_c']
new_state_h = layers['rnn_output_state_h']
new_state_c = tf.identity(new_state_c, name='new_state_c') new_state_c = tf.identity(new_state_c, name='new_state_c')
new_state_h = tf.identity(new_state_h, name='new_state_h') new_state_h = tf.identity(new_state_h, name='new_state_h')
@ -761,9 +686,6 @@ def create_inference_graph(batch_size=1, n_steps=16, tflite=False):
'input_samples': input_samples, 'input_samples': input_samples,
} }
if not FLAGS.export_tflite:
inputs['input_lengths'] = seq_length
outputs = { outputs = {
'outputs': probs, 'outputs': probs,
'new_state_c': new_state_c, 'new_state_c': new_state_c,
@ -784,29 +706,29 @@ def export():
''' '''
log_info('Exporting the model...') log_info('Exporting the model...')
inputs, outputs, _ = create_inference_graph(batch_size=FLAGS.export_batch_size, n_steps=FLAGS.n_steps, tflite=FLAGS.export_tflite) with tfv1.Session() as session:
inputs, outputs, _ = create_inference_graph(batch_size=FLAGS.export_batch_size, n_steps=FLAGS.n_steps, tflite=FLAGS.export_tflite)
graph_version = int(file_relative_read('GRAPH_VERSION').strip()) graph_version = int(file_relative_read('GRAPH_VERSION').strip())
assert graph_version > 0 assert graph_version > 0
outputs['metadata_version'] = tf.constant([graph_version], name='metadata_version') outputs['metadata_version'] = tf.constant([graph_version], name='metadata_version')
outputs['metadata_sample_rate'] = tf.constant([FLAGS.audio_sample_rate], name='metadata_sample_rate') outputs['metadata_sample_rate'] = tf.constant([FLAGS.audio_sample_rate], name='metadata_sample_rate')
outputs['metadata_feature_win_len'] = tf.constant([FLAGS.feature_win_len], name='metadata_feature_win_len') outputs['metadata_feature_win_len'] = tf.constant([FLAGS.feature_win_len], name='metadata_feature_win_len')
outputs['metadata_feature_win_step'] = tf.constant([FLAGS.feature_win_step], name='metadata_feature_win_step') outputs['metadata_feature_win_step'] = tf.constant([FLAGS.feature_win_step], name='metadata_feature_win_step')
outputs['metadata_beam_width'] = tf.constant([FLAGS.export_beam_width], name='metadata_beam_width') outputs['metadata_beam_width'] = tf.constant([FLAGS.export_beam_width], name='metadata_beam_width')
outputs['metadata_alphabet'] = tf.constant([Config.alphabet.Serialize()], name='metadata_alphabet') outputs['metadata_alphabet'] = tf.constant([Config.alphabet.Serialize()], name='metadata_alphabet')
if FLAGS.export_language: if FLAGS.export_language:
outputs['metadata_language'] = tf.constant([FLAGS.export_language.encode('utf-8')], name='metadata_language') outputs['metadata_language'] = tf.constant([FLAGS.export_language.encode('utf-8')], name='metadata_language')
# Prevent further graph changes # Prevent further graph changes
tfv1.get_default_graph().finalize() tfv1.get_default_graph().finalize()
output_names_tensors = [tensor.op.name for tensor in outputs.values() if isinstance(tensor, tf.Tensor)] output_names_tensors = [tensor.op.name for tensor in outputs.values() if isinstance(tensor, tf.Tensor)]
output_names_ops = [op.name for op in outputs.values() if isinstance(op, tf.Operation)] output_names_ops = [op.name for op in outputs.values() if isinstance(op, tf.Operation)]
output_names = output_names_tensors + output_names_ops output_names = output_names_tensors + output_names_ops
with tf.Session() as session:
# Restore variables from checkpoint # Restore variables from checkpoint
load_graph_for_evaluation(session) load_graph_for_evaluation(session)
@ -814,7 +736,7 @@ def export():
if FLAGS.remove_export: if FLAGS.remove_export:
if isdir_remote(FLAGS.export_dir): if isdir_remote(FLAGS.export_dir):
log_info('Removing old export') log_info('Removing old export')
remove_remote(FLAGS.export_dir) rmtree_remote(FLAGS.export_dir)
output_graph_path = os.path.join(FLAGS.export_dir, output_filename) output_graph_path = os.path.join(FLAGS.export_dir, output_filename)
@ -836,7 +758,9 @@ def export():
else: else:
output_tflite_path = os.path.join(FLAGS.export_dir, output_filename.replace('.pb', '.tflite')) output_tflite_path = os.path.join(FLAGS.export_dir, output_filename.replace('.pb', '.tflite'))
converter = tf.lite.TFLiteConverter(frozen_graph, input_tensors=inputs.values(), output_tensors=outputs.values()) converter = tfv1.lite.TFLiteConverter.from_session(session, input_tensors=list(inputs.values()), output_tensors=list(outputs.values()))
# New converter breaks our export
converter.experimental_new_converter = False
converter.optimizations = [tf.lite.Optimize.DEFAULT] converter.optimizations = [tf.lite.Optimize.DEFAULT]
# AudioSpectrogram and Mfcc ops are custom but have built-in kernels in TFLite # AudioSpectrogram and Mfcc ops are custom but have built-in kernels in TFLite
converter.allow_custom_ops = True converter.allow_custom_ops = True
@ -889,7 +813,8 @@ def package_zip():
def do_single_file_inference(input_file_path): def do_single_file_inference(input_file_path):
with tfv1.Session(config=Config.session_config) as session: with tfv1.Session(config=Config.session_config) as session:
inputs, outputs, _ = create_inference_graph(batch_size=1, n_steps=-1) chunk_size = 16
inputs, outputs, _ = create_inference_graph(batch_size=1, n_steps=chunk_size)
# Restore variables from training checkpoint # Restore variables from training checkpoint
load_graph_for_evaluation(session) load_graph_for_evaluation(session)
@ -900,20 +825,28 @@ def do_single_file_inference(input_file_path):
# Add batch dimension # Add batch dimension
features = tf.expand_dims(features, 0) features = tf.expand_dims(features, 0)
features_len = tf.expand_dims(features_len, 0)
# Evaluate # Evaluate
features = create_overlapping_windows(features).eval(session=session) features = create_overlapping_windows(features).eval(session=session)
features_len = features_len.eval(session=session)
probs = outputs['outputs'].eval(feed_dict={ # Run through acoustic models in chunks to simulate behavior of native client
inputs['input']: features, probs = []
inputs['input_lengths']: features_len, for i in range(0, features.shape[1], chunk_size):
inputs['previous_state_c']: previous_state_c, input_chunk = features[:, i:i + chunk_size, ...]
inputs['previous_state_h']: previous_state_h, chunk_len = input_chunk.shape[1]
}, session=session) input_chunk = np.pad(input_chunk, ((0, 0), (0, chunk_size-chunk_len), (0, 0), (0, 0)))
probs_chunk, new_state_c, new_state_h = session.run(
(outputs['outputs'], outputs['new_state_c'], outputs['new_state_h']),
feed_dict={
inputs['input']: input_chunk,
inputs['previous_state_c']: previous_state_c,
inputs['previous_state_h']: previous_state_h,
})
probs.append(probs_chunk[:chunk_len,...])
previous_state_c = new_state_c
previous_state_h = new_state_h
probs = np.squeeze(probs) probs = np.squeeze(np.concatenate(probs))
if FLAGS.scorer_path: if FLAGS.scorer_path:
scorer = Scorer(FLAGS.lm_alpha, FLAGS.lm_beta, scorer = Scorer(FLAGS.lm_alpha, FLAGS.lm_beta,

View File

@ -1,4 +1,3 @@
import os import os
import re import re
import math import math
@ -388,10 +387,11 @@ class Pitch(GraphAugmentation):
def apply(self, tensor, transcript=None, clock=0.0): def apply(self, tensor, transcript=None, clock=0.0):
import tensorflow as tf # pylint: disable=import-outside-toplevel import tensorflow as tf # pylint: disable=import-outside-toplevel
import tensorflow.compat.v1 as tfv1 # pylint: disable=import-outside-toplevel
original_shape = tf.shape(tensor) original_shape = tf.shape(tensor)
pitch = tf_pick_value_from_range(self.pitch, clock=clock) pitch = tf_pick_value_from_range(self.pitch, clock=clock)
new_freq_size = tf.cast(tf.cast(original_shape[2], tf.float32) * pitch, tf.int32) new_freq_size = tf.cast(tf.cast(original_shape[2], tf.float32) * pitch, tf.int32)
spectrogram_aug = tf.image.resize_bilinear(tf.expand_dims(tensor, -1), [original_shape[1], new_freq_size]) spectrogram_aug = tfv1.image.resize_bilinear(tf.expand_dims(tensor, -1), [original_shape[1], new_freq_size])
spectrogram_aug = tf.image.crop_to_bounding_box(spectrogram_aug, spectrogram_aug = tf.image.crop_to_bounding_box(spectrogram_aug,
offset_height=0, offset_height=0,
offset_width=0, offset_width=0,
@ -416,6 +416,7 @@ class Tempo(GraphAugmentation):
def apply(self, tensor, transcript=None, clock=0.0): def apply(self, tensor, transcript=None, clock=0.0):
import tensorflow as tf # pylint: disable=import-outside-toplevel import tensorflow as tf # pylint: disable=import-outside-toplevel
import tensorflow.compat.v1 as tfv1 # pylint: disable=import-outside-toplevel
factor = tf_pick_value_from_range(self.factor, clock=clock) factor = tf_pick_value_from_range(self.factor, clock=clock)
original_shape = tf.shape(tensor) original_shape = tf.shape(tensor)
new_time_size = tf.cast(tf.cast(original_shape[1], tf.float32) / factor, tf.int32) new_time_size = tf.cast(tf.cast(original_shape[1], tf.float32) / factor, tf.int32)
@ -423,7 +424,7 @@ class Tempo(GraphAugmentation):
new_time_size = tf.math.maximum(new_time_size, tf.shape(transcript)[1]) new_time_size = tf.math.maximum(new_time_size, tf.shape(transcript)[1])
if self.max_time > 0: if self.max_time > 0:
new_time_size = tf.math.minimum(new_time_size, tf.cast(self.max_time * self.units_per_ms(), tf.int32)) new_time_size = tf.math.minimum(new_time_size, tf.cast(self.max_time * self.units_per_ms(), tf.int32))
spectrogram_aug = tf.image.resize_bilinear(tf.expand_dims(tensor, -1), [new_time_size, original_shape[2]]) spectrogram_aug = tfv1.image.resize_bilinear(tf.expand_dims(tensor, -1), [new_time_size, original_shape[2]])
return spectrogram_aug[:, :, :, 0] return spectrogram_aug[:, :, :, 0]
@ -438,6 +439,8 @@ class Warp(GraphAugmentation):
def apply(self, tensor, transcript=None, clock=0.0): def apply(self, tensor, transcript=None, clock=0.0):
import tensorflow as tf # pylint: disable=import-outside-toplevel import tensorflow as tf # pylint: disable=import-outside-toplevel
import tensorflow.compat.v1 as tfv1 # pylint: disable=import-outside-toplevel
import tensorflow_addons as tfa # pylint: disable=import-outside-toplevel
original_shape = tf.shape(tensor) original_shape = tf.shape(tensor)
size_t, size_f = original_shape[1], original_shape[2] size_t, size_f = original_shape[1], original_shape[2]
seed = (clock * tf.int32.min, clock * tf.int32.max) seed = (clock * tf.int32.min, clock * tf.int32.max)
@ -451,8 +454,8 @@ class Warp(GraphAugmentation):
return tf.pad(f, tf.constant([[1, 1], [1, 1]]), 'CONSTANT') # zero flow at all edges return tf.pad(f, tf.constant([[1, 1], [1, 1]]), 'CONSTANT') # zero flow at all edges
flows = tf.stack([get_flows(num_t, size_t, self.warp_t), get_flows(num_f, size_f, self.warp_f)], axis=2) flows = tf.stack([get_flows(num_t, size_t, self.warp_t), get_flows(num_f, size_f, self.warp_f)], axis=2)
flows = tf.image.resize_bicubic(tf.expand_dims(flows, 0), [size_t, size_f]) flows = tfv1.image.resize_bicubic(tf.expand_dims(flows, 0), [size_t, size_f])
spectrogram_aug = tf.contrib.image.dense_image_warp(tf.expand_dims(tensor, -1), flows) spectrogram_aug = tfa.image.dense_image_warp(tf.expand_dims(tensor, -1), flows)
return tf.reshape(spectrogram_aug, shape=(1, -1, size_f)) return tf.reshape(spectrogram_aug, shape=(1, -1, size_f))

View File

@ -50,6 +50,10 @@ def initialize_globals():
FLAGS.dropout_rate2 = FLAGS.dropout_rate FLAGS.dropout_rate2 = FLAGS.dropout_rate
if FLAGS.dropout_rate3 < 0: if FLAGS.dropout_rate3 < 0:
FLAGS.dropout_rate3 = FLAGS.dropout_rate FLAGS.dropout_rate3 = FLAGS.dropout_rate
if FLAGS.dropout_rate4 < 0:
FLAGS.dropout_rate4 = FLAGS.dropout_rate
if FLAGS.dropout_rate5 < 0:
FLAGS.dropout_rate5 = FLAGS.dropout_rate
if FLAGS.dropout_rate6 < 0: if FLAGS.dropout_rate6 < 0:
FLAGS.dropout_rate6 = FLAGS.dropout_rate FLAGS.dropout_rate6 = FLAGS.dropout_rate
@ -126,7 +130,7 @@ def initialize_globals():
''.format(FLAGS.feature_win_len, FLAGS.feature_win_len / 1000, FLAGS.audio_sample_rate)) ''.format(FLAGS.feature_win_len, FLAGS.feature_win_len / 1000, FLAGS.audio_sample_rate))
sys.exit(1) sys.exit(1)
c.audio_window_samples = FLAGS.audio_sample_rate * (FLAGS.feature_win_len / 1000) c.audio_window_samples = int(FLAGS.audio_sample_rate * (FLAGS.feature_win_len / 1000))
# Stride for feature computations in samples # Stride for feature computations in samples
if (FLAGS.feature_win_step * FLAGS.audio_sample_rate) % 1000 != 0: if (FLAGS.feature_win_step * FLAGS.audio_sample_rate) % 1000 != 0:
@ -136,7 +140,7 @@ def initialize_globals():
''.format(FLAGS.feature_win_step, FLAGS.feature_win_step / 1000, FLAGS.audio_sample_rate)) ''.format(FLAGS.feature_win_step, FLAGS.feature_win_step / 1000, FLAGS.audio_sample_rate))
sys.exit(1) sys.exit(1)
c.audio_step_samples = FLAGS.audio_sample_rate * (FLAGS.feature_win_step / 1000) c.audio_step_samples = int(FLAGS.audio_sample_rate * (FLAGS.feature_win_step / 1000))
if FLAGS.one_shot_infer: if FLAGS.one_shot_infer:
if not path_exists_remote(FLAGS.one_shot_infer): if not path_exists_remote(FLAGS.one_shot_infer):

View File

@ -35,12 +35,12 @@ def create_flags():
f.DEFINE_integer('epochs', 75, 'how many epochs (complete runs through the train files) to train for') f.DEFINE_integer('epochs', 75, 'how many epochs (complete runs through the train files) to train for')
f.DEFINE_float('dropout_rate', 0.05, 'dropout rate for feedforward layers') f.DEFINE_float('dropout_rate', 0.05, 'dropout rate for layer 1, and default for other feedforward layers')
f.DEFINE_float('dropout_rate2', -1.0, 'dropout rate for layer 2 - defaults to dropout_rate') f.DEFINE_float('dropout_rate2', -1.0, 'dropout rate for layer 2 - defaults to dropout_rate')
f.DEFINE_float('dropout_rate3', -1.0, 'dropout rate for layer 3 - defaults to dropout_rate') f.DEFINE_float('dropout_rate3', -1.0, 'dropout rate for layer 3 - defaults to dropout_rate')
f.DEFINE_float('dropout_rate4', 0.0, 'dropout rate for layer 4 - defaults to 0.0') f.DEFINE_float('dropout_rate4', 0.0, 'dropout rate for RNN layer - defaults to 0.0')
f.DEFINE_float('dropout_rate5', 0.0, 'dropout rate for layer 5 - defaults to 0.0') f.DEFINE_float('dropout_rate5', -1.0, 'dropout rate for layer 5 - defaults to dropout_rate')
f.DEFINE_float('dropout_rate6', -1.0, 'dropout rate for layer 6 - defaults to dropout_rate') f.DEFINE_float('dropout_rate6', 0.0, 'dropout rate for output layer - defaults to 0.0')
f.DEFINE_float('relu_clip', 20.0, 'ReLU clipping value for non-recurrent layers') f.DEFINE_float('relu_clip', 20.0, 'ReLU clipping value for non-recurrent layers')

View File

@ -78,4 +78,11 @@ def remove_remote(filename):
Wrapper that can remove local and remote files like `gs://...` Wrapper that can remove local and remote files like `gs://...`
""" """
# Conditional import # Conditional import
return gfile.remove_remote(filename) return gfile.remove(filename)
def rmtree_remote(foldername):
"""
Wrapper that can remove local and remote directories like `gs://...`
"""
return gfile.rmtree(foldername)

View File

@ -3,15 +3,19 @@
from __future__ import absolute_import, division, print_function from __future__ import absolute_import, division, print_function
import os import os
import sys
import json
os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3' os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3'
import tensorflow as tf import tensorflow as tf
import tensorflow.compat.v1.logging as tflogging import tensorflow.compat.v1 as tfv1
tflogging.set_verbosity(tflogging.ERROR) tfv1.logging.set_verbosity(tfv1.logging.ERROR)
import logging import logging
logging.getLogger('sox').setLevel(logging.ERROR) logging.getLogger('sox').setLevel(logging.ERROR)
import absl.flags
import glob import glob
import json
import sys
from deepspeech_training.util.audio import AudioFile from deepspeech_training.util.audio import AudioFile
from deepspeech_training.util.config import Config, initialize_globals from deepspeech_training.util.config import Config, initialize_globals
@ -28,7 +32,7 @@ def fail(message, code=1):
def transcribe_file(audio_path, tlog_path): def transcribe_file(audio_path, tlog_path):
from deepspeech_training.train import create_model # pylint: disable=cyclic-import,import-outside-toplevel from deepspeech_training.train import Model # pylint: disable=cyclic-import,import-outside-toplevel
from deepspeech_training.util.checkpoints import load_graph_for_evaluation from deepspeech_training.util.checkpoints import load_graph_for_evaluation
initialize_globals() initialize_globals()
scorer = Scorer(FLAGS.lm_alpha, FLAGS.lm_beta, FLAGS.scorer_path, Config.alphabet) scorer = Scorer(FLAGS.lm_alpha, FLAGS.lm_beta, FLAGS.scorer_path, Config.alphabet)
@ -37,21 +41,29 @@ def transcribe_file(audio_path, tlog_path):
except NotImplementedError: except NotImplementedError:
num_processes = 1 num_processes = 1
with AudioFile(audio_path, as_path=True) as wav_path: with AudioFile(audio_path, as_path=True) as wav_path:
data_set = split_audio_file(wav_path, with tfv1.Session(config=Config.session_config) as session:
batch_size=FLAGS.batch_size, data_set = split_audio_file(wav_path,
aggressiveness=FLAGS.vad_aggressiveness, batch_size=FLAGS.batch_size,
outlier_duration_ms=FLAGS.outlier_duration_ms, aggressiveness=FLAGS.vad_aggressiveness,
outlier_batch_size=FLAGS.outlier_batch_size) outlier_duration_ms=FLAGS.outlier_duration_ms,
iterator = tf.data.Iterator.from_structure(data_set.output_types, data_set.output_shapes, outlier_batch_size=FLAGS.outlier_batch_size)
output_classes=data_set.output_classes)
batch_time_start, batch_time_end, batch_x, batch_x_len = iterator.get_next() iterator = tfv1.data.Iterator.from_structure(tfv1.data.get_output_types(data_set),
no_dropout = [None] * 6 tfv1.data.get_output_shapes(data_set),
logits, _ = create_model(batch_x=batch_x, seq_length=batch_x_len, dropout=no_dropout) output_classes=tfv1.data.get_output_classes(data_set))
transposed = tf.nn.softmax(tf.transpose(logits, [1, 0, 2])) batch_time_start, batch_time_end, batch_x, batch_x_len = iterator.get_next()
tf.train.get_or_create_global_step()
with tf.Session(config=Config.session_config) as session: model = Model()
logits, _ = model(batch_x)
transposed = tf.nn.softmax(tf.transpose(logits, [1, 0, 2]))
# Make sure global step variable is created in this graph so that
# checkpoint loading doesn't fail
tfv1.train.get_or_create_global_step()
load_graph_for_evaluation(session) load_graph_for_evaluation(session)
session.run(iterator.make_initializer(data_set)) session.run(iterator.make_initializer(data_set))
transcripts = [] transcripts = []
while True: while True:
try: try:
@ -149,20 +161,20 @@ def main(_):
if __name__ == '__main__': if __name__ == '__main__':
create_flags() create_flags()
tf.app.flags.DEFINE_string('src', '', 'Source path to an audio file or directory or catalog file.' absl.flags.DEFINE_string('src', '', 'Source path to an audio file or directory or catalog file.'
'Catalog files should be formatted from DSAlign. A directory will' 'Catalog files should be formatted from DSAlign. A directory will'
'be recursively searched for audio. If --dst not set, transcription logs (.tlog) will be ' 'be recursively searched for audio. If --dst not set, transcription logs (.tlog) will be '
'written in-place using the source filenames with ' 'written in-place using the source filenames with '
'suffix ".tlog" instead of ".wav".') 'suffix ".tlog" instead of ".wav".')
tf.app.flags.DEFINE_string('dst', '', 'path for writing the transcription log or logs (.tlog). ' absl.flags.DEFINE_string('dst', '', 'path for writing the transcription log or logs (.tlog). '
'If --src is a directory, this one also has to be a directory ' 'If --src is a directory, this one also has to be a directory '
'and the required sub-dir tree of --src will get replicated.') 'and the required sub-dir tree of --src will get replicated.')
tf.app.flags.DEFINE_boolean('recursive', False, 'scan dir of audio recursively') absl.flags.DEFINE_boolean('recursive', False, 'scan dir of audio recursively')
tf.app.flags.DEFINE_boolean('force', False, 'Forces re-transcribing and overwriting of already existing ' absl.flags.DEFINE_boolean('force', False, 'Forces re-transcribing and overwriting of already existing '
'transcription logs (.tlog)') 'transcription logs (.tlog)')
tf.app.flags.DEFINE_integer('vad_aggressiveness', 3, 'How aggressive (0=lowest, 3=highest) the VAD should ' absl.flags.DEFINE_integer('vad_aggressiveness', 3, 'How aggressive (0=lowest, 3=highest) the VAD should '
'split audio') 'split audio')
tf.app.flags.DEFINE_integer('batch_size', 40, 'Default batch size') absl.flags.DEFINE_integer('batch_size', 40, 'Default batch size')
tf.app.flags.DEFINE_float('outlier_duration_ms', 10000, 'Duration in ms after which samples are considered outliers') absl.flags.DEFINE_float('outlier_duration_ms', 10000, 'Duration in ms after which samples are considered outliers')
tf.app.flags.DEFINE_integer('outlier_batch_size', 1, 'Batch size for duration outliers (defaults to 1)') absl.flags.DEFINE_integer('outlier_batch_size', 1, 'Batch size for duration outliers (defaults to 1)')
tf.app.run(main) absl.app.run(main)