├── .bazelrc ├── .bazelversion ├── .github ├── ISSUE_TEMPLATE │ ├── 00-bug-performance-issue.md │ ├── 10-build-installation-issue.md │ ├── 20-documentation-issue.md │ ├── 30-feature-request.md │ └── 40-other-issues.md └── workflows │ ├── ubuntu18.04-py3.6-cibuild-build-serving-gpu.yaml │ ├── ubuntu18.04-py3.6-cibuild-build-serving.yaml │ ├── ubuntu18.04-py3.6-cibuild-build-wheel.yaml │ ├── ubuntu18.04-py3.6-cibuild-c-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-cc-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-contrib-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-core-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-examples-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-java-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-js-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-python-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-serving-unit-test-gpu.yaml │ ├── ubuntu18.04-py3.6-cibuild-serving-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-stream_executor-unit-test.yaml │ ├── ubuntu18.04-py3.6-cibuild-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-build-wheel.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-c-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-cc-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-contrib-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-core-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-examples-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-java-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-js-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-python-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-stream_executor-unit-test.yaml │ ├── ubuntu18.04-py3.6-cuda11.2-cibuild-unit-test.yaml │ └── ubuntu18.04-py3.6-modeltest.yaml ├── .gitignore ├── ACKNOWLEDGMENTS ├── ADOPTERS.md ├── AUTHORS ├── BUILD ├── CODE_OF_CONDUCT.md ├── COMMITTERS.md ├── CONTRIBUTING.md ├── GOVERNANCE.md ├── ISSUES.md ├── ISSUE_TEMPLATE.md ├── LICENSE ├── README.md ├── RELEASE.md ├── WORKSPACE ├── addons ├── sparse_operation_kit │ ├── README.md │ ├── benchmark │ │ └── benchmark_sok.py │ ├── core │ │ └── adapter │ │ │ ├── lookup_adapter.cpp │ │ │ └── lookup_adapter.hpp │ ├── dockerfiles │ │ └── Dockerfile │ ├── example │ │ └── demo.py │ ├── legacy │ │ ├── .gitignore │ │ ├── .pypirc │ │ ├── CMakeLists.txt │ │ ├── MANIFEST.in │ │ ├── ReadMe.md │ │ ├── cmakes │ │ │ ├── FindNCCL.cmake │ │ │ ├── FindNVTX.cmake │ │ │ └── FindTensorFlow.cmake │ │ ├── documents │ │ │ ├── Makefile │ │ │ ├── ReadMe.md │ │ │ ├── make.bat │ │ │ ├── source │ │ │ │ ├── _static │ │ │ │ │ └── .gitkeep │ │ │ │ ├── _templates │ │ │ │ │ └── versions.html │ │ │ │ ├── api │ │ │ │ │ ├── embeddings │ │ │ │ │ │ ├── dense │ │ │ │ │ │ │ ├── all2all.rst │ │ │ │ │ │ │ └── index.rst │ │ │ │ │ │ ├── index.rst │ │ │ │ │ │ ├── saver.rst │ │ │ │ │ │ ├── sparse │ │ │ │ │ │ │ ├── distributed.rst │ │ │ │ │ │ │ └── index.rst │ │ │ │ │ │ └── tf_distributed_embedding.rst │ │ │ │ │ ├── index.rst │ │ │ │ │ ├── init.rst │ │ │ │ │ ├── optimizers │ │ │ │ │ │ └── opts.rst │ │ │ │ │ └── utils │ │ │ │ │ │ ├── index.rst │ │ │ │ │ │ ├── opt_scope.rst │ │ │ │ │ │ └── opt_utils.rst │ │ │ │ ├── conf.py │ │ │ │ ├── env_vars │ │ │ │ │ └── env_vars.md │ │ │ │ ├── examples │ │ │ │ │ ├── dense_demo.md │ │ │ │ │ ├── dlrm.md │ │ │ │ │ └── index.rst │ │ │ │ ├── features │ │ │ │ │ └── features.md │ │ │ │ ├── get_started │ │ │ │ │ └── get_started.md │ │ │ │ ├── images │ │ │ │ │ ├── all2all_dense_embedding.png │ │ │ │ │ ├── demo_model_structure.png │ │ │ │ │ ├── distributed_sparse_embedding.png │ │ │ │ │ └── workflow_of_embeddinglayer.png │ │ │ │ ├── index.rst │ │ │ │ ├── intro_link.md │ │ │ │ ├── known_issues │ │ │ │ │ └── issues.md │ │ │ │ ├── performance │ │ │ │ │ ├── dense_demo.md │ │ │ │ │ └── index.rst │ │ │ │ ├── release_notes │ │ │ │ │ └── release_notes.md │ │ │ │ └── util.py │ │ │ └── tutorials │ │ │ │ ├── DLRM │ │ │ │ ├── ReadMe.md │ │ │ │ ├── bin2csv.py │ │ │ │ ├── dataset.py │ │ │ │ ├── main.py │ │ │ │ ├── models.py │ │ │ │ └── utils.py │ │ │ │ ├── DenseDemo │ │ │ │ ├── ReadMe.md │ │ │ │ ├── gen_data.py │ │ │ │ ├── models.py │ │ │ │ ├── run_sok_MirroredStrategy.py │ │ │ │ ├── run_sok_MultiWorker_mpi.py │ │ │ │ ├── run_sok_horovod.py │ │ │ │ ├── run_tf.py │ │ │ │ └── split_data.py │ │ │ │ ├── SparseDemo │ │ │ │ └── ReadMe.md │ │ │ │ └── utility.py │ │ ├── install.sh │ │ ├── kit_cc │ │ │ ├── framework │ │ │ │ ├── compat │ │ │ │ │ ├── kernels │ │ │ │ │ │ ├── gpu_device_functions.h │ │ │ │ │ │ ├── gpu_kernel_helper.h │ │ │ │ │ │ ├── unique.cu │ │ │ │ │ │ └── unsorted_segment_sum.cu │ │ │ │ │ └── ops │ │ │ │ │ │ ├── unique.cc │ │ │ │ │ │ └── unsorted_segment_sum.cc │ │ │ │ ├── kernels │ │ │ │ │ ├── assign_embedding_variable_op.cc │ │ │ │ │ ├── bprop.cc │ │ │ │ │ ├── create_embedding_dense.cc │ │ │ │ │ ├── create_embedding_sparse.cc │ │ │ │ │ ├── create_global_adam_optimizer.cc │ │ │ │ │ ├── create_var.cc │ │ │ │ │ ├── custom_optimizer_apply_gradients.cc │ │ │ │ │ ├── dense_fprop.cc │ │ │ │ │ ├── dump_to_file.cc │ │ │ │ │ ├── embedding_variable.cc │ │ │ │ │ ├── embedding_variable.h │ │ │ │ │ ├── embedding_variable_assign_sub.cu │ │ │ │ │ ├── gen_random_seed.cc │ │ │ │ │ ├── get_nccl_unique_id.cc │ │ │ │ │ ├── load_embedding_values.cc │ │ │ │ │ ├── optimizer_init.cc │ │ │ │ │ ├── plugin_init.cc │ │ │ │ │ ├── read_embedding_variable_op.cc │ │ │ │ │ ├── restore_from_file.cc │ │ │ │ │ ├── sparse_fprop.cc │ │ │ │ │ ├── test_op.cc │ │ │ │ │ └── test_op.cu │ │ │ │ └── ops │ │ │ │ │ ├── assign_embedding_variable_op.cc │ │ │ │ │ ├── bprop.cc │ │ │ │ │ ├── create_embedding_dense.cc │ │ │ │ │ ├── create_embedding_sparse.cc │ │ │ │ │ ├── create_global_adam_optimizer.cc │ │ │ │ │ ├── create_var.cc │ │ │ │ │ ├── custom_optimizer_apply_gradients.cc │ │ │ │ │ ├── dense_fprop.cc │ │ │ │ │ ├── dump_to_file.cc │ │ │ │ │ ├── embedding_variable_assign_sub.cc │ │ │ │ │ ├── init.cc │ │ │ │ │ ├── load_embedding_values.cc │ │ │ │ │ ├── optimizer_init.cc │ │ │ │ │ ├── read_embedding_variable_op.cc │ │ │ │ │ ├── restore_from_file.cc │ │ │ │ │ ├── sparse_fprop.cc │ │ │ │ │ └── test_op.cc │ │ │ └── kit_cc_infra │ │ │ │ ├── include │ │ │ │ ├── .gitkeep │ │ │ │ ├── common.cuh │ │ │ │ ├── common.h │ │ │ │ ├── dispatcher │ │ │ │ │ └── dispatcher_builder.h │ │ │ │ ├── embeddings │ │ │ │ │ ├── embedding_layer.h │ │ │ │ │ ├── embedding_lookuper.h │ │ │ │ │ ├── embedding_lookuper_builder.h │ │ │ │ │ └── manager.h │ │ │ │ ├── facade.h │ │ │ │ ├── hashtable │ │ │ │ │ ├── cudf │ │ │ │ │ │ ├── LICENSE │ │ │ │ │ │ ├── concurrent_unordered_map.cuh │ │ │ │ │ │ ├── hash_functions.cuh │ │ │ │ │ │ ├── managed.cuh │ │ │ │ │ │ └── managed_allocator.cuh │ │ │ │ │ ├── hashtable.h │ │ │ │ │ ├── identity_hashtable.h │ │ │ │ │ ├── nv_hashtable.h │ │ │ │ │ ├── nv_hashtable.hpp │ │ │ │ │ └── simple_hashtable.h │ │ │ │ ├── initializer │ │ │ │ │ ├── constant_initializer.h │ │ │ │ │ ├── initializer_interface.h │ │ │ │ │ └── random_uniform.h │ │ │ │ ├── operation │ │ │ │ │ ├── builder_container.h │ │ │ │ │ ├── construction_context.h │ │ │ │ │ ├── op_context.h │ │ │ │ │ ├── operation.h │ │ │ │ │ ├── operation_builder.h │ │ │ │ │ ├── operation_helper.h │ │ │ │ │ └── operation_interface.h │ │ │ │ ├── optimizer │ │ │ │ │ ├── adam_optimizer.h │ │ │ │ │ ├── grad_update_preparer.h │ │ │ │ │ ├── optimizer_interface.h │ │ │ │ │ ├── prepare_functions.h │ │ │ │ │ ├── update_functions.h │ │ │ │ │ └── update_preparer.h │ │ │ │ ├── parameters │ │ │ │ │ ├── manager_interface.h │ │ │ │ │ ├── param_interface.h │ │ │ │ │ ├── raw_manager.h │ │ │ │ │ ├── raw_param.h │ │ │ │ │ ├── raw_state.h │ │ │ │ │ └── state_interface.h │ │ │ │ ├── resources │ │ │ │ │ ├── cpu_resource.h │ │ │ │ │ ├── event.h │ │ │ │ │ ├── event_manager.h │ │ │ │ │ ├── gpu_resource.h │ │ │ │ │ ├── manager.h │ │ │ │ │ └── mpi_context.h │ │ │ │ └── tensor_buffer │ │ │ │ │ ├── embedding_buffer.h │ │ │ │ │ ├── general_buffer2.hpp │ │ │ │ │ ├── tensor2.hpp │ │ │ │ │ ├── tensor2_wrapper.h │ │ │ │ │ ├── tensor_interface.h │ │ │ │ │ └── tf_tensor_wrapper.h │ │ │ │ ├── src │ │ │ │ ├── .gitkeep │ │ │ │ ├── common.cc │ │ │ │ ├── common.cu │ │ │ │ ├── embeddings │ │ │ │ │ ├── embedding_layer.cc │ │ │ │ │ ├── embedding_lookuper.cc │ │ │ │ │ └── manager.cc │ │ │ │ ├── facade.cc │ │ │ │ ├── hashtable │ │ │ │ │ ├── identity_hashtable.cu │ │ │ │ │ ├── nv_hashtable.cc │ │ │ │ │ ├── nv_hashtable.cu │ │ │ │ │ └── simple_hashtable.cu │ │ │ │ ├── initializer │ │ │ │ │ ├── constant_initializer.cu │ │ │ │ │ ├── initializer_interface.cc │ │ │ │ │ └── random_uniform.cu │ │ │ │ ├── operation │ │ │ │ │ ├── builder_container.cc │ │ │ │ │ ├── construction_context.cc │ │ │ │ │ ├── op_context.cc │ │ │ │ │ ├── operation.cc │ │ │ │ │ └── operation_helper.cc │ │ │ │ ├── optimizer │ │ │ │ │ ├── adam_optimizer.cc │ │ │ │ │ ├── grad_update_preparer.cc │ │ │ │ │ ├── optimizer_interface.cc │ │ │ │ │ ├── prepare_functions.cu │ │ │ │ │ └── update_functions.cu │ │ │ │ ├── parameters │ │ │ │ │ ├── manager_interface.cc │ │ │ │ │ ├── param_interface.cc │ │ │ │ │ ├── raw_manager.cc │ │ │ │ │ ├── raw_param.cc │ │ │ │ │ └── raw_state.cc │ │ │ │ ├── resources │ │ │ │ │ ├── cpu_resource.cc │ │ │ │ │ ├── event.cc │ │ │ │ │ ├── event_manager.cc │ │ │ │ │ ├── gpu_resource.cc │ │ │ │ │ ├── manager.cc │ │ │ │ │ └── mpi_context.cc │ │ │ │ └── tensor_buffer │ │ │ │ │ ├── embedding_buffer.cc │ │ │ │ │ └── tf_tensor_wrapper.cc │ │ │ │ └── third_party │ │ │ │ └── eigen3 │ │ │ │ └── unsupported │ │ │ │ └── Eigen │ │ │ │ └── CXX11 │ │ │ │ └── src │ │ │ │ └── ThreadPool │ │ │ │ ├── SimpleThreadPool.h │ │ │ │ ├── ThreadEnvironment.h │ │ │ │ └── ThreadPoolInterface.h │ │ ├── kit_cc_impl │ │ │ ├── embedding │ │ │ │ ├── common │ │ │ │ │ ├── include │ │ │ │ │ │ ├── backward_functions.cuh │ │ │ │ │ │ ├── backward_functions.h │ │ │ │ │ │ ├── conversion_kernels.cuh │ │ │ │ │ │ ├── dumping_functions.h │ │ │ │ │ │ ├── forward_functions.cuh │ │ │ │ │ │ └── forward_functions.h │ │ │ │ │ └── src │ │ │ │ │ │ ├── backward_functions.cu │ │ │ │ │ │ ├── dumping_functions.cc │ │ │ │ │ │ ├── dumping_functions.cu │ │ │ │ │ │ └── forward_functions.cu │ │ │ │ ├── dispatcher │ │ │ │ │ ├── all2all_input_dispatcher.cu │ │ │ │ │ ├── all2all_output_dispatcher.cu │ │ │ │ │ ├── all_gather_dispatcher.cu │ │ │ │ │ └── reduce_scatter_dispatcher.cu │ │ │ │ ├── lookuper │ │ │ │ │ ├── dense_gather.cu │ │ │ │ │ └── distributed.cc │ │ │ │ └── operation │ │ │ │ │ └── csr_conversion_distributed.cu │ │ │ └── operations │ │ │ │ ├── CMakeLists.txt │ │ │ │ ├── cc │ │ │ │ └── .gitkeep │ │ │ │ └── include │ │ │ │ └── .gitkeep │ │ ├── notebooks │ │ │ ├── ReadMe.md │ │ │ ├── benchmark.ipynb │ │ │ ├── demo_with_nvtabular_datareader.ipynb │ │ │ └── sparse_operation_kit_demo.ipynb │ │ ├── pyproject.toml │ │ ├── request.sh │ │ ├── setup.py │ │ ├── sparse_operation_kit │ │ │ ├── __init__.py │ │ │ ├── core │ │ │ │ ├── __init__.py │ │ │ │ ├── _version.py │ │ │ │ ├── context_scope.py │ │ │ │ ├── embedding_layer_handle.py │ │ │ │ ├── embedding_variable_v1.py │ │ │ │ ├── embedding_variable_v2.py │ │ │ │ ├── graph_keys.py │ │ │ │ └── initialize.py │ │ │ ├── embeddings │ │ │ │ ├── __init__.py │ │ │ │ ├── all2all_dense_embedding.py │ │ │ │ ├── distributed_embedding.py │ │ │ │ ├── embedding_ops.py │ │ │ │ ├── get_embedding_op.py │ │ │ │ └── tf_distributed_embedding.py │ │ │ ├── kit_lib.py │ │ │ ├── operations │ │ │ │ ├── __init__.py │ │ │ │ └── compat_ops_lib.py │ │ │ ├── optimizers │ │ │ │ ├── __init__.py │ │ │ │ ├── adam.py │ │ │ │ ├── optimizer.py │ │ │ │ └── utils.py │ │ │ ├── saver │ │ │ │ ├── Saver.py │ │ │ │ └── __init__.py │ │ │ └── tf │ │ │ │ ├── __init__.py │ │ │ │ └── keras │ │ │ │ ├── __init__.py │ │ │ │ └── optimizers │ │ │ │ ├── __init__.py │ │ │ │ ├── adam.py │ │ │ │ ├── common.py │ │ │ │ └── lazy_adam.py │ │ └── unit_test │ │ │ ├── .gitkeep │ │ │ ├── CMakeLists.txt │ │ │ ├── cc │ │ │ ├── kernels │ │ │ │ ├── all_gather_dispatcher.cc │ │ │ │ ├── csr_conversion_distributed.cc │ │ │ │ └── reduce_scatter_dispatcher.cc │ │ │ ├── ops │ │ │ │ └── unit_test_ops.cc │ │ │ ├── unit_tester.cc │ │ │ └── unit_tester.h │ │ │ ├── python │ │ │ └── sok_unit_test_lib.py │ │ │ └── test_scripts │ │ │ └── tf1 │ │ │ ├── core │ │ │ ├── dense_models.py │ │ │ ├── script.sh │ │ │ ├── sparse_models.py │ │ │ ├── strategy_wrapper.py │ │ │ ├── test_dense_emb_demo.py │ │ │ ├── test_sparse_emb_demo.py │ │ │ └── utils.py │ └── python │ │ └── embedding_var_lookup_utest.py └── triton │ ├── BUILD │ ├── tensorflow_backend_tf.cc │ └── tensorflow_backend_tf.h ├── arm_compiler.BUILD ├── cibuild ├── .helmignore ├── Chart.yaml ├── GitHub Action self-host-runner installation guide.md ├── build-cpu.sh ├── build-gpu.sh ├── build_cache.sh ├── cpu-ut.sh ├── cpu-ut │ ├── cpu-c-ut.sh │ ├── cpu-cc-ut.sh │ ├── cpu-contrib-ut.sh │ ├── cpu-core-ut.sh │ ├── cpu-examples-ut.sh │ ├── cpu-java-ut.sh │ ├── cpu-js-ut.sh │ ├── cpu-python-ut.sh │ └── cpu-stream_executor-ut.sh ├── dockerfiles │ ├── Dockerfile.base-py3.6-cu112-ubuntu18.04 │ ├── Dockerfile.base-py3.6-cu114-ubuntu18.04 │ ├── Dockerfile.base-py3.6-cu116-ubuntu18.04 │ ├── Dockerfile.base-py3.6-cu117-ubuntu18.04 │ ├── Dockerfile.base-py3.8-cu116-ubuntu20.04 │ ├── Dockerfile.base-py3.8-cu117-ubuntu22.04 │ ├── Dockerfile.base-py3.8-ubuntu20.04 │ ├── Dockerfile.base-py3.8-ubuntu22.04 │ ├── Dockerfile.base-py3.8-ubuntu22.04-arm64 │ ├── Dockerfile.devel-py3.6-cu116-ubuntu18.04 │ ├── Dockerfile.devel-py3.8-cu116-ubuntu20.04 │ ├── Dockerfile.devel-py3.8-cu116-ubuntu20.04-hybridbackend │ ├── Dockerfile.devel-py3.8-cu117-ubuntu22.04 │ ├── Dockerfile.devel-py3.8-ubuntu20.04 │ ├── Dockerfile.devel-py3.8-ubuntu22.04 │ ├── Dockerfile.devel-py3.8-ubuntu22.04-arm64 │ ├── Dockerfile.release │ └── scripts │ │ └── install_pmem_dependencies.sh ├── dockerrun.sh ├── gpu-ut.sh ├── gpu-ut │ ├── gpu-c-ut.sh │ ├── gpu-cc-ut.sh │ ├── gpu-contrib-ut.sh │ ├── gpu-core-ut.sh │ ├── gpu-examples-ut.sh │ ├── gpu-java-ut.sh │ ├── gpu-js-ut.sh │ ├── gpu-python-ut.sh │ └── gpu-stream_executor-ut.sh ├── img │ ├── img_1.png │ └── img_2.png ├── install_runner.sh ├── model-test.sh ├── pull_image_and_start_container.sh ├── remove_container.sh ├── run.sh ├── runner_setup.sh ├── serving-cpu.sh ├── serving-gpu.sh ├── serving-ut-gpu.sh ├── serving-ut.sh ├── templates │ └── tfjob.yaml ├── upload.sh └── values.yaml ├── configure ├── configure.cmd ├── configure.py ├── docs ├── deeprec_logo.png ├── docs_en │ ├── .readthedocs.yaml │ ├── AMX.md │ ├── AdagradDecay-Optimizer.md │ ├── AdagradDecay-Optimizer │ │ ├── 1.png │ │ ├── 2.png │ │ ├── 3.png │ │ ├── 4.png │ │ ├── 5.png │ │ ├── delta_w.png │ │ ├── rho.png │ │ ├── rho_t.png │ │ ├── rho_up_4.png │ │ └── v_t.png │ ├── AdamAsync-Optimizer.md │ ├── AdamW-Optimizer.md │ ├── Adaptive-Embedding.md │ ├── Arm-Compute-Library.md │ ├── Arm-Compute-Library │ │ └── deeprec-path.jpg │ ├── Async-Embedding-Stage.md │ ├── Async-Embedding-Stage │ │ └── 1.png │ ├── BFloat16.md │ ├── BladeDISC.md │ ├── CPU-Memory-Optimization.md │ ├── Collective-Training.md │ ├── DeepRec-Compile-And-Install.md │ ├── Device-Placement.md │ ├── Embedding-Variable-Export-Format.md │ ├── Embedding-Variable.md │ ├── Embedding-Variable │ │ ├── img_1.png │ │ └── img_2.jpg │ ├── Estimator-Compile-And-Install.md │ ├── Executor-Optimization.md │ ├── Feature-Eviction.md │ ├── Feature-Filter.md │ ├── Fused-Embedding.md │ ├── GPU-Memory-Optimization.md │ ├── GPU-MultiStream.md │ ├── GPU-Virtual-Memory.md │ ├── GRPC++.md │ ├── Group-Embedding.md │ ├── Incremental-Checkpoint.md │ ├── KafkaDataset.md │ ├── Multi-Hash-Variable.md │ ├── Multi-Hash-Variable │ │ └── img_1.png │ ├── NVIDIA-TF32.md │ ├── Operator-Optimization.md │ ├── ParquetDataset.md │ ├── Processor.md │ ├── SOK.md │ ├── SOK │ │ └── workflow_of_embeddinglayer.png │ ├── Sample-awared-Graph-Compression.md │ ├── Sample-awared-Graph-Compression │ │ └── img_1.png │ ├── SessionGroup.md │ ├── Smart-Stage.md │ ├── Stage.md │ ├── StarServer.md │ ├── TFServing-Compile-And-Install.md │ ├── TensorRT.md │ ├── WorkQueue.md │ ├── XLA.md │ ├── conf.py │ ├── index.md │ ├── oneDNN.md │ └── requirements.txt └── docs_zh │ ├── .readthedocs.yaml │ ├── AMX.md │ ├── AdagradDecay-Optimizer.md │ ├── AdagradDecay-Optimizer │ ├── 1.png │ ├── 2.png │ ├── 3.png │ ├── 4.png │ ├── 5.png │ ├── delta_w.png │ ├── rho.png │ ├── rho_t.png │ ├── rho_up_4.png │ └── v_t.png │ ├── AdamAsync-Optimizer.md │ ├── AdamW-Optimizer.md │ ├── Adaptive-Embedding.md │ ├── Arm-Compute-Library.md │ ├── Arm-Compute-Library │ └── deeprec-path.jpg │ ├── Async-Embedding-Stage.md │ ├── Async-Embedding-Stage │ └── 1.png │ ├── Auto-Fusion.md │ ├── Auto-Fusion │ ├── img_1.png │ ├── img_2.png │ ├── img_3.png │ ├── img_4.png │ ├── img_5.png │ ├── img_6.png │ ├── img_7.png │ └── img_8.png │ ├── Auto-Micro-Batch.md │ ├── Auto-Micro-Batch │ └── img_1.png │ ├── BFloat16.md │ ├── BladeDISC.md │ ├── CPU-Memory-Optimization.md │ ├── Collective-Training.md │ ├── DeepRec-Compile-And-Install.md │ ├── Device-Placement.md │ ├── Dynamic-dimension-Embedding-Variable.md │ ├── Dynamic-dimension-Embedding-Variable │ └── img_1.png │ ├── Embedding-Variable-Export-Format.md │ ├── Embedding-Variable.md │ ├── Embedding-Variable │ ├── img_1.png │ └── img_2.jpg │ ├── Embedding-on-PMEM.md │ ├── Estimator-Compile-And-Install.md │ ├── Executor-Optimization.md │ ├── Feature-Eviction.md │ ├── Feature-Eviction │ ├── img_1.png │ └── img_2.png │ ├── Feature-Filter.md │ ├── Fused-Embedding.md │ ├── Fused-Embedding │ └── img_1.png │ ├── GPU-Memory-Optimization.md │ ├── GPU-MultiStream.md │ ├── GPU-Virtual-Memory.md │ ├── GRPC++.md │ ├── Group-Embedding.md │ ├── Incremental-Checkpoint.md │ ├── JitCugraph.md │ ├── KafkaDataset.md │ ├── Multi-Hash-Variable.md │ ├── Multi-Hash-Variable │ └── img_1.png │ ├── Multi-tier-Embedding-Storage.md │ ├── NVIDIA-TF32.md │ ├── NVIDIA-TF32 │ ├── img_1.png │ └── img_2.png │ ├── Operator-Optimization.md │ ├── Operator-Optimization │ └── select.png │ ├── PMEM.md │ ├── PMEM │ ├── fsdax_allocator.png │ ├── kmemdax.png │ ├── memkind.png │ └── memory_mode.png │ ├── ParquetDataset.md │ ├── Processor.md │ ├── SOK.md │ ├── SOK │ └── workflow_of_embeddinglayer.png │ ├── Sample-awared-Graph-Compression.md │ ├── Sample-awared-Graph-Compression │ └── img_1.png │ ├── SessionGroup.md │ ├── Smart-Stage.md │ ├── Stage.md │ ├── StarServer.md │ ├── TFServing-Compile-And-Install.md │ ├── TensorRT.md │ ├── WorkQueue.md │ ├── XLA.md │ ├── conf.py │ ├── index.md │ ├── oneDNN.md │ ├── oneDNN │ ├── AMX-Arch.png │ └── BF16.png │ └── requirements.txt ├── models.BUILD ├── modelzoo ├── README.md ├── README_Template.md ├── benchmark │ ├── cpu │ │ ├── README.md │ │ ├── benchmark.sh │ │ ├── benchmark_result │ │ │ ├── checkpoint │ │ │ │ └── README.md │ │ │ ├── log │ │ │ │ └── README.md │ │ │ └── record │ │ │ │ ├── script │ │ │ │ └── README.md │ │ │ │ └── tool │ │ │ │ └── check_model.sh │ │ ├── config.yaml │ │ └── log_process.py │ └── gpu │ │ ├── README.md │ │ ├── benchmark.sh │ │ ├── benchmark_result │ │ ├── checkpoint │ │ │ └── README.md │ │ ├── log │ │ │ └── README.md │ │ └── record │ │ │ ├── script │ │ │ └── README.md │ │ │ └── tool │ │ │ └── check_model.sh │ │ ├── config.yaml │ │ └── log_process.py ├── bst │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── dbmtl │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── dcn │ ├── README.md │ ├── data │ │ └── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── dcnv2 │ ├── README.md │ ├── data │ │ └── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── deepfm │ ├── README.md │ ├── data │ │ └── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── dien │ ├── README.md │ ├── data │ │ ├── README.md │ │ ├── prepare_data.sh │ │ └── script │ │ │ ├── generate_neg.py │ │ │ ├── generate_voc.py │ │ │ ├── history_behavior_list.py │ │ │ ├── item_map.py │ │ │ ├── local_aggretor.py │ │ │ ├── pick2txt.py │ │ │ ├── process_data.py │ │ │ └── split_by_user.py │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── din │ ├── README.md │ ├── data │ │ ├── README.md │ │ ├── prepare_data.sh │ │ └── script │ │ │ ├── generate_voc.py │ │ │ ├── local_aggretor.py │ │ │ ├── pick2txt.py │ │ │ ├── process_data.py │ │ │ └── split_by_user.py │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── dlrm │ ├── README.md │ ├── data │ │ └── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── dssm │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── esmm │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── features │ ├── adagraddecay_optimizer │ │ └── wide_and_deep │ │ │ ├── Dockerfile │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── distribute_k8s │ │ │ ├── distribute_k8s_BF16.yaml │ │ │ ├── distribute_k8s_FP32.yaml │ │ │ └── launch.py │ │ │ ├── result │ │ │ └── README.md │ │ │ └── train.py │ ├── adamasync_optimizer │ │ └── dien │ │ │ ├── DockerFile │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── script │ │ │ ├── data_iterator.py │ │ │ ├── model.py │ │ │ ├── rnn.py │ │ │ └── utils.py │ │ │ └── train.py │ ├── dynamic_dimension_embedding_variable │ │ └── dien │ │ │ ├── DockerFile │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── script │ │ │ ├── data_iterator.py │ │ │ ├── model.py │ │ │ ├── rnn.py │ │ │ └── utils.py │ │ │ └── train.py │ ├── embedding_variable │ │ ├── deepfm │ │ │ ├── Dockerfile │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── README.md │ │ │ ├── distribute_k8s │ │ │ │ ├── distribute_k8s_BF16.yaml │ │ │ │ ├── distribute_k8s_FP32.yaml │ │ │ │ └── launch.py │ │ │ ├── result │ │ │ │ └── README.md │ │ │ └── train.py │ │ ├── dien │ │ │ ├── DockerFile │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── README.md │ │ │ ├── script │ │ │ │ ├── data_iterator.py │ │ │ │ ├── model.py │ │ │ │ ├── rnn.py │ │ │ │ └── utils.py │ │ │ └── train.py │ │ └── wide_and_deep │ │ │ ├── Dockerfile │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── distribute_k8s │ │ │ ├── distribute_k8s_BF16.yaml │ │ │ ├── distribute_k8s_FP32.yaml │ │ │ └── launch.py │ │ │ ├── result │ │ │ └── README.md │ │ │ └── train.py │ ├── estimator │ │ └── wide_and_deep │ │ │ ├── data │ │ │ └── README.md │ │ │ └── train.py │ ├── gpu_fused_embedding │ │ ├── .gitignore │ │ ├── README.md │ │ ├── deepfm │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── README.md │ │ │ ├── result │ │ │ │ └── README.md │ │ │ └── train.py │ │ ├── dlrm │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── README.md │ │ │ ├── result │ │ │ │ └── README.md │ │ │ └── train.py │ │ └── wide_and_deep │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── result │ │ │ └── README.md │ │ │ └── train.py │ ├── grouped_embedding │ │ ├── dcnv2 │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── README.md │ │ │ └── train.py │ │ ├── deepfm │ │ │ ├── README.md │ │ │ ├── data │ │ │ │ └── README.md │ │ │ └── train.py │ │ └── script.sh │ ├── kaggle_categorical_int64 │ │ └── deepfm │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── result │ │ │ └── README.md │ │ │ └── train.py │ ├── multihash_variable │ │ └── dien │ │ │ ├── DockerFile │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── script │ │ │ ├── data_iterator.py │ │ │ ├── model.py │ │ │ ├── rnn.py │ │ │ └── utils.py │ │ │ └── train.py │ ├── pmem │ │ ├── README.md │ │ ├── benchmark.py │ │ ├── criteo.py │ │ └── launch.sh │ ├── runtime │ │ └── deepfm │ │ │ ├── Dockerfile │ │ │ ├── README.md │ │ │ ├── data │ │ │ └── README.md │ │ │ ├── distribute_k8s │ │ │ ├── distribute_k8s_BF16.yaml │ │ │ ├── distribute_k8s_FP32.yaml │ │ │ └── launch.py │ │ │ ├── result │ │ │ └── README.md │ │ │ └── train.py │ ├── sparse_operation_kit │ │ ├── README.md │ │ └── dlrm │ │ │ ├── README.md │ │ │ ├── data │ │ │ ├── ReadMe.md │ │ │ ├── bin2bin.py │ │ │ └── bin2csv.py │ │ │ ├── model │ │ │ ├── dataset.py │ │ │ ├── models.py │ │ │ ├── strategy_wrapper.py │ │ │ └── utils.py │ │ │ ├── result │ │ │ └── ReadMe.md │ │ │ ├── train_stand.py │ │ │ └── wrapper.sh │ └── work_queue │ │ └── wide_and_deep │ │ ├── Dockerfile │ │ ├── copy_csv.sh │ │ ├── data │ │ └── README.md │ │ ├── distribute_k8s │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ │ ├── result │ │ └── README.md │ │ └── train.py ├── masknet │ ├── README.md │ ├── data │ │ └── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── mlperf │ ├── README.md │ ├── data │ │ └── README.md │ ├── result │ │ └── README.md │ └── train.py ├── mmoe │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── ple │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py ├── simple_multitask │ ├── README.md │ ├── distribute_k8s │ │ ├── distribute_k8s_BF16.yaml │ │ ├── distribute_k8s_FP32.yaml │ │ └── launch.py │ ├── result │ │ └── README.md │ └── train.py └── wide_and_deep │ ├── README.md │ ├── data │ └── README.md │ ├── distribute_k8s │ ├── distribute_k8s_BF16.yaml │ ├── distribute_k8s_FP32.yaml │ └── launch.py │ ├── result │ └── README.md │ └── train.py ├── serving ├── BUILD ├── configure.py ├── processor │ ├── BUILD │ ├── configure │ │ └── processor.bzl │ ├── framework │ │ ├── BUILD │ │ ├── filesystem │ │ │ ├── BUILD │ │ │ ├── oss_file_system.cc │ │ │ └── oss_file_system.h │ │ ├── graph_optimizer.cc │ │ ├── graph_optimizer.h │ │ ├── graph_optimizer_test.cc │ │ ├── kernels │ │ │ ├── lookup_kernels.cc │ │ │ ├── lookup_kernels_manual_test.cc │ │ │ └── lookup_kernels_test.cc │ │ ├── model_version.h │ │ ├── ops │ │ │ └── lookup_ops.cc │ │ └── util │ │ │ ├── utils.cc │ │ │ ├── utils.h │ │ │ └── utils_test.cc │ ├── serving │ │ ├── BUILD │ │ ├── message_coding.cc │ │ ├── message_coding.h │ │ ├── model_config.cc │ │ ├── model_config.h │ │ ├── model_config_test.cc │ │ ├── model_impl.cc │ │ ├── model_impl.h │ │ ├── model_instance.cc │ │ ├── model_instance.h │ │ ├── model_message.cc │ │ ├── model_message.h │ │ ├── model_partition.h │ │ ├── model_serving.cc │ │ ├── model_serving.h │ │ ├── model_session.cc │ │ ├── model_session.h │ │ ├── model_session_test.cc │ │ ├── predict.proto │ │ ├── processor.cc │ │ ├── processor.h │ │ ├── tracer.h │ │ ├── util.cc │ │ └── util.h │ ├── storage │ │ ├── BUILD │ │ ├── feature_store.h │ │ ├── feature_store_mgr.cc │ │ ├── feature_store_mgr.h │ │ ├── feature_store_test.cc │ │ ├── model_store.cc │ │ ├── model_store.h │ │ ├── model_store_test.cc │ │ ├── redis_feature_store.cc │ │ ├── redis_feature_store.h │ │ ├── redis_perf_test.cc │ │ └── redis_test.cc │ └── tests │ │ ├── BUILD │ │ ├── end2end │ │ ├── README │ │ ├── demo.cc │ │ └── simple_model.py │ │ ├── flatbuf_test │ │ ├── check │ │ │ ├── README │ │ │ └── check.cc │ │ ├── cpp │ │ │ ├── benchmark.cc │ │ │ └── request.fbs │ │ ├── java │ │ │ ├── README │ │ │ ├── perf.java │ │ │ └── request.fbs │ │ └── python │ │ │ ├── README │ │ │ ├── pb │ │ │ ├── __init__.py │ │ │ ├── request.py │ │ │ ├── tf_request.proto │ │ │ └── tf_request.py │ │ │ ├── perf.py │ │ │ └── request.fbs │ │ └── graph_optimizer_test.cc ├── sdk │ ├── go │ │ ├── README.md │ │ └── demo.go │ ├── java │ │ ├── README.md │ │ └── src │ │ │ └── main │ │ │ └── java │ │ │ └── Demo.java │ └── python │ │ ├── README.md │ │ └── demo.py ├── third_party │ ├── BUILD │ ├── concurrent_queue.BUILD │ ├── concurrent_queue │ │ └── LICENSE.md │ ├── flatbuffers │ │ ├── BUILD │ │ ├── BUILD.bazel │ │ ├── BUILD.system │ │ ├── build_defs.bzl │ │ └── workspace.bzl │ ├── hiredis.BUILD │ ├── hiredis │ │ └── COPYING │ ├── libapr1.BUILD │ ├── libapr1.patch │ ├── libaprutil1.BUILD │ ├── libaprutil1.patch │ ├── libevent.BUILD │ ├── libevent.patch │ ├── libevent │ │ └── LICENSE │ ├── libevent1.patch │ ├── libexpat.BUILD │ ├── libexpat │ │ └── COPYING │ ├── mxml.BUILD │ ├── mxml.patch │ ├── oss_c_sdk.BUILD │ ├── tensorflow_workspace.bzl │ └── toolchains │ │ └── tf │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ └── tf_configure.bzl └── tools │ └── timeline │ ├── gen_timeline.py │ └── timeline.py ├── tensorflow ├── .clang-format ├── BUILD ├── __init__.py ├── api_template.__init__.py ├── api_template_v1.__init__.py ├── c │ ├── BUILD │ ├── README.md │ ├── c_api.cc │ ├── c_api.h │ ├── c_api_experimental.cc │ ├── c_api_experimental.h │ ├── c_api_experimental_test.cc │ ├── c_api_function.cc │ ├── c_api_function_test.cc │ ├── c_api_internal.h │ ├── c_api_test.cc │ ├── c_test.c │ ├── c_test_util.cc │ ├── c_test_util.h │ ├── checkpoint_reader.cc │ ├── checkpoint_reader.h │ ├── eager │ │ ├── BUILD │ │ ├── c_api.cc │ │ ├── c_api.h │ │ ├── c_api_debug.cc │ │ ├── c_api_debug_test.cc │ │ ├── c_api_experimental.cc │ │ ├── c_api_experimental.h │ │ ├── c_api_experimental_test.cc │ │ ├── c_api_internal.h │ │ ├── c_api_test.cc │ │ ├── c_api_test_util.cc │ │ ├── c_api_test_util.h │ │ └── tape.h │ ├── env.cc │ ├── env.h │ ├── env_test.cc │ ├── experimental │ │ ├── BUILD │ │ ├── network.cc │ │ ├── network.h │ │ ├── network_internal.h │ │ ├── network_test.cc │ │ ├── rendezvous.cc │ │ ├── rendezvous.h │ │ └── rendezvous_internal.h │ ├── exported_symbols.lds │ ├── generate-pc.sh │ ├── kernels.cc │ ├── kernels.h │ ├── kernels │ │ ├── BUILD │ │ ├── bitcast_op.cc │ │ ├── bitcast_op_test.cc │ │ └── ops │ │ │ └── bitcast.cc │ ├── kernels_test.cc │ ├── ops.cc │ ├── ops.h │ ├── ops_test.cc │ ├── python_api.cc │ ├── python_api.h │ ├── quantize_embedding_variable.cc │ ├── quantize_embedding_variable.h │ ├── test_op.cc │ ├── test_op1.cc │ ├── testdata │ │ └── tf_record │ ├── tf_attrtype.h │ ├── tf_datatype.cc │ ├── tf_datatype.h │ ├── tf_status.cc │ ├── tf_status.h │ ├── tf_status_helper.cc │ ├── tf_status_helper.h │ ├── tf_status_helper_test.cc │ ├── tf_status_internal.h │ ├── tf_tensor.cc │ ├── tf_tensor.h │ ├── tf_tensor_internal.h │ ├── version_script.lds │ └── while_loop_test.cc ├── cc │ ├── BUILD │ ├── client │ │ ├── client_session.cc │ │ ├── client_session.h │ │ └── client_session_test.cc │ ├── framework │ │ ├── cc_op_gen.cc │ │ ├── cc_op_gen.h │ │ ├── cc_op_gen_main.cc │ │ ├── cc_op_gen_test.cc │ │ ├── cc_ops_test.cc │ │ ├── grad_op_registry.cc │ │ ├── grad_op_registry.h │ │ ├── gradient_checker.cc │ │ ├── gradient_checker.h │ │ ├── gradient_checker_test.cc │ │ ├── gradients.cc │ │ ├── gradients.h │ │ ├── gradients_test.cc │ │ ├── ops.cc │ │ ├── ops.h │ │ ├── scope.cc │ │ ├── scope.h │ │ ├── scope_internal.h │ │ ├── scope_test.cc │ │ ├── test_op.cc │ │ ├── testutil.cc │ │ ├── testutil.h │ │ ├── while_gradients.cc │ │ ├── while_gradients.h │ │ └── while_gradients_test.cc │ ├── gradients │ │ ├── README.md │ │ ├── array_grad.cc │ │ ├── array_grad_test.cc │ │ ├── data_flow_grad.cc │ │ ├── data_flow_grad_test.cc │ │ ├── grad_testutil.cc │ │ ├── grad_testutil.h │ │ ├── image_grad.cc │ │ ├── image_grad_test.cc │ │ ├── math_grad.cc │ │ ├── math_grad_test.cc │ │ ├── nn_grad.cc │ │ └── nn_grad_test.cc │ ├── ops │ │ ├── const_op.cc │ │ ├── const_op.h │ │ ├── const_op_test.cc │ │ ├── standard_ops.h │ │ ├── while_loop.cc │ │ ├── while_loop.h │ │ └── while_loop_test.cc │ ├── profiler │ │ ├── BUILD │ │ ├── profiler.cc │ │ ├── profiler.h │ │ └── profiler_test.cc │ ├── saved_model │ │ ├── BUILD │ │ ├── README.md │ │ ├── constants.h │ │ ├── loader.cc │ │ ├── loader.h │ │ ├── loader_test.cc │ │ ├── python │ │ │ ├── BUILD │ │ │ └── loader.clif │ │ ├── reader.cc │ │ ├── reader.h │ │ ├── reader_test.cc │ │ ├── signature_constants.h │ │ ├── tag_constants.h │ │ └── testdata │ │ │ ├── half_plus_two │ │ │ └── 00000123 │ │ │ │ ├── assets │ │ │ │ └── foo.txt │ │ │ │ ├── saved_model.pb │ │ │ │ └── variables │ │ │ │ ├── variables.data-00000-of-00001 │ │ │ │ └── variables.index │ │ │ ├── half_plus_two_main_op │ │ │ └── 00000123 │ │ │ │ ├── assets │ │ │ │ └── foo.txt │ │ │ │ ├── saved_model.pb │ │ │ │ └── variables │ │ │ │ ├── variables.data-00000-of-00001 │ │ │ │ └── variables.index │ │ │ ├── half_plus_two_pbtxt │ │ │ └── 00000123 │ │ │ │ ├── assets │ │ │ │ └── foo.txt │ │ │ │ ├── saved_model.pbtxt │ │ │ │ └── variables │ │ │ │ ├── variables.data-00000-of-00001 │ │ │ │ └── variables.index │ │ │ └── half_plus_two_v2 │ │ │ └── 00000123 │ │ │ ├── assets │ │ │ └── foo.txt │ │ │ ├── saved_model.pb │ │ │ └── variables │ │ │ ├── variables.data-00000-of-00001 │ │ │ └── variables.index │ ├── tools │ │ ├── BUILD │ │ ├── freeze_saved_model.cc │ │ ├── freeze_saved_model.h │ │ └── freeze_saved_model_test.cc │ ├── training │ │ ├── coordinator.cc │ │ ├── coordinator.h │ │ ├── coordinator_test.cc │ │ ├── prefetch_runner.cc │ │ ├── prefetch_runner.h │ │ ├── queue_runner.cc │ │ ├── queue_runner.h │ │ └── queue_runner_test.cc │ └── tutorials │ │ └── example_trainer.cc ├── compat_template.__init__.py ├── compat_template_v1.__init__.py ├── compiler │ ├── aot │ │ ├── BUILD │ │ ├── aot_only_var_handle_op.cc │ │ ├── benchmark.cc │ │ ├── benchmark.h │ │ ├── benchmark_main.template │ │ ├── benchmark_test.cc │ │ ├── codegen.cc │ │ ├── codegen.h │ │ ├── codegen_test.cc │ │ ├── codegen_test_h.golden │ │ ├── codegen_test_o.golden │ │ ├── compile.cc │ │ ├── compile.h │ │ ├── embedded_protocol_buffers.cc │ │ ├── embedded_protocol_buffers.h │ │ ├── flags.cc │ │ ├── flags.h │ │ ├── test.cc │ │ ├── test_graph_tfadd.config.pbtxt │ │ ├── test_graph_tfadd.pbtxt │ │ ├── test_graph_tfunknownop.config.pbtxt │ │ ├── test_graph_tfunknownop.pbtxt │ │ ├── test_graph_tfunknownop2.config.pbtxt │ │ ├── test_graph_tfunknownop3.config.pbtxt │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── make_test_graphs.py │ │ │ ├── test_graph_tfadd.config.pbtxt │ │ │ ├── test_graph_tfadd_with_ckpt.config.pbtxt │ │ │ ├── test_graph_tfassert_eq.config.pbtxt │ │ │ ├── test_graph_tfcond.config.pbtxt │ │ │ ├── test_graph_tffunction.config.pbtxt │ │ │ ├── test_graph_tfgather.config.pbtxt │ │ │ ├── test_graph_tfmatmul.config.pbtxt │ │ │ ├── test_graph_tfmatmulandadd.config.pbtxt │ │ │ ├── test_graph_tfsplits.config.pbtxt │ │ │ ├── test_graph_tftop_k.config.pbtxt │ │ │ ├── test_graph_tfvariable.config.pbtxt │ │ │ ├── test_graph_tfvariable_sequential_updates.config.pbtxt │ │ │ └── tfcompile_test.cc │ │ ├── tfcompile.bzl │ │ └── tfcompile_main.cc │ ├── jit │ │ ├── BUILD │ │ ├── DISABLED_TEST │ │ ├── async_io_conversion_pass.cc │ │ ├── async_io_conversion_pass.h │ │ ├── async_io_conversion_pass_test.cc │ │ ├── build_cuda_graph_mode_ops_pass.cc │ │ ├── build_cuda_graph_mode_ops_pass.h │ │ ├── build_cuda_graph_mode_ops_pass_test.cc │ │ ├── build_xla_ops_pass.cc │ │ ├── build_xla_ops_pass.h │ │ ├── build_xla_ops_pass_test.cc │ │ ├── clone_constants_for_better_clustering.cc │ │ ├── clone_constants_for_better_clustering.h │ │ ├── clone_constants_for_better_clustering_test.cc │ │ ├── cluster_scoping_pass.cc │ │ ├── cluster_scoping_pass.h │ │ ├── cluster_scoping_pass_test.cc │ │ ├── compilability_check_util.cc │ │ ├── compilability_check_util.h │ │ ├── compilability_check_util_test.cc │ │ ├── compilation_passes_test_main.cc │ │ ├── cuda_graph_mode_cluster_util.cc │ │ ├── cuda_graph_mode_cluster_util.h │ │ ├── deadness_analysis.cc │ │ ├── deadness_analysis.h │ │ ├── deadness_analysis_internal.h │ │ ├── deadness_analysis_test.cc │ │ ├── defs.cc │ │ ├── defs.h │ │ ├── device_util.cc │ │ ├── device_util.h │ │ ├── device_util_test.cc │ │ ├── encapsulate_cuda_graph_mode_subgraphs_pass.cc │ │ ├── encapsulate_cuda_graph_mode_subgraphs_pass.h │ │ ├── encapsulate_cuda_graph_mode_subgraphs_pass_test.cc │ │ ├── encapsulate_subgraphs_pass.cc │ │ ├── encapsulate_subgraphs_pass.h │ │ ├── encapsulate_subgraphs_pass_test.cc │ │ ├── encapsulate_util.cc │ │ ├── encapsulate_util.h │ │ ├── encapsulate_util_test.cc │ │ ├── encapsulate_xla_computations_pass.cc │ │ ├── encapsulate_xla_computations_pass.h │ │ ├── encapsulate_xla_computations_pass_test.cc │ │ ├── extract_outside_compilation_pass.cc │ │ ├── extract_outside_compilation_pass.h │ │ ├── extract_outside_compilation_pass_test.cc │ │ ├── flags.cc │ │ ├── flags.h │ │ ├── graphcycles │ │ │ ├── BUILD │ │ │ ├── graphcycles.cc │ │ │ ├── graphcycles.h │ │ │ ├── graphcycles_test.cc │ │ │ ├── ordered_set.h │ │ │ └── ordered_set_test.cc │ │ ├── increase_dynamism_for_auto_jit_pass.cc │ │ ├── increase_dynamism_for_auto_jit_pass.h │ │ ├── increase_dynamism_for_auto_jit_pass_test.cc │ │ ├── introduce_floating_point_jitter_pass.cc │ │ ├── introduce_floating_point_jitter_pass.h │ │ ├── introduce_floating_point_jitter_pass_internal.h │ │ ├── introduce_floating_point_jitter_pass_test.cc │ │ ├── jit_compilation_pass_registration.cc │ │ ├── jit_cuda_graph_mode_pass_registration.cc │ │ ├── kernels │ │ │ ├── BUILD │ │ │ ├── async_io_ops.cc │ │ │ ├── async_io_ops.h │ │ │ ├── async_io_ops_test.cc │ │ │ ├── async_io_rendezvous.cc │ │ │ ├── async_io_rendezvous.h │ │ │ ├── cuda_graph_mode_ops.cc │ │ │ ├── cuda_graph_mode_ops.h │ │ │ ├── xla_ops.cc │ │ │ └── xla_ops.h │ │ ├── mark_for_compilation_pass.cc │ │ ├── mark_for_compilation_pass.h │ │ ├── mark_for_compilation_pass_test.cc │ │ ├── mark_for_compilation_pass_test_helper.cc │ │ ├── mark_for_compilation_pass_test_helper.h │ │ ├── mark_for_cuda_graph_mode_pass.cc │ │ ├── mark_for_cuda_graph_mode_pass.h │ │ ├── mark_for_cuda_graph_mode_pass_test.cc │ │ ├── mark_for_cuda_graph_mode_pass_test_helper.cc │ │ ├── mark_for_cuda_graph_mode_pass_test_helper.h │ │ ├── node_matchers.cc │ │ ├── node_matchers.h │ │ ├── node_matchers_test.cc │ │ ├── ops │ │ │ ├── BUILD │ │ │ ├── async_io_ops.cc │ │ │ ├── xla_ops.cc │ │ │ └── xla_ops_grad.py │ │ ├── partially_decluster_pass.cc │ │ ├── partially_decluster_pass.h │ │ ├── partially_decluster_pass_test.cc │ │ ├── rearrange_function_argument_pass_test.cc │ │ ├── report_clustering_info_pass.cc │ │ ├── report_clustering_info_pass.h │ │ ├── resource_operation_safety_analysis.cc │ │ ├── resource_operation_safety_analysis.h │ │ ├── resource_operation_safety_analysis_test.cc │ │ ├── shape_inference.cc │ │ ├── shape_inference.h │ │ ├── shape_inference_helpers.cc │ │ ├── shape_inference_helpers.h │ │ ├── shape_inference_test.cc │ │ ├── test_util.cc │ │ ├── test_util.h │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── auto_clustering_test.cc │ │ │ ├── auto_clustering_test_helper.cc │ │ │ ├── auto_clustering_test_helper.h │ │ │ ├── keras_imagenet_main.golden_summary │ │ │ ├── keras_imagenet_main.pbtxt │ │ │ ├── keras_imagenet_main_graph_mode.golden_summary │ │ │ ├── keras_imagenet_main_graph_mode.pbtxt │ │ │ ├── opens2s_gnmt_mixed_precision.golden_summary │ │ │ └── opens2s_gnmt_mixed_precision.pbtxt.gz │ │ ├── xla_activity.proto │ │ ├── xla_activity_listener.cc │ │ ├── xla_activity_listener.h │ │ ├── xla_activity_listener_test.cc │ │ ├── xla_activity_logging_listener.cc │ │ ├── xla_cluster_util.cc │ │ ├── xla_cluster_util.h │ │ ├── xla_cluster_util_test.cc │ │ ├── xla_compilation_cache.cc │ │ ├── xla_compilation_cache.h │ │ ├── xla_compilation_cache_test.cc │ │ ├── xla_compile_on_demand_op.cc │ │ ├── xla_compile_on_demand_op.h │ │ ├── xla_cpu_device.cc │ │ ├── xla_device.cc │ │ ├── xla_device.h │ │ ├── xla_device_context.cc │ │ ├── xla_device_context.h │ │ ├── xla_device_ops.cc │ │ ├── xla_device_ops.h │ │ ├── xla_gpu_device.cc │ │ ├── xla_interpreter_device.cc │ │ ├── xla_kernel_creator.cc │ │ ├── xla_kernel_creator.h │ │ ├── xla_kernel_creator_test.cc │ │ ├── xla_launch_util.cc │ │ ├── xla_launch_util.h │ │ ├── xla_tensor.cc │ │ └── xla_tensor.h │ ├── mlir │ │ ├── BUILD │ │ ├── README.md │ │ ├── g3doc │ │ │ ├── README.md │ │ │ ├── _book.yaml │ │ │ ├── _index.yaml │ │ │ ├── dialects.md │ │ │ ├── images │ │ │ │ └── mlir-infra.svg │ │ │ └── overview.md │ │ ├── glob_lit_test.bzl │ │ ├── init_mlir.cc │ │ ├── init_mlir.h │ │ ├── lite │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── common │ │ │ │ └── tfl_pass_config.h │ │ │ ├── converter_gen.cc │ │ │ ├── emit_error_reporter.cc │ │ │ ├── emit_error_reporter.h │ │ │ ├── flatbuffer_import.cc │ │ │ ├── flatbuffer_import.h │ │ │ ├── flatbuffer_operator.cc │ │ │ ├── flatbuffer_operator.h │ │ │ ├── flatbuffer_to_string.cc │ │ │ ├── flatbuffer_translate.cc │ │ │ ├── flatbuffer_translate.h │ │ │ ├── flatbuffer_translate_flags.h │ │ │ ├── ir │ │ │ │ ├── dialect_registration.cc │ │ │ │ ├── tfl_op_interfaces.td │ │ │ │ ├── tfl_ops.cc │ │ │ │ ├── tfl_ops.h │ │ │ │ ├── tfl_ops.td │ │ │ │ └── tfl_traits.h │ │ │ ├── mlir_tflite_runner.cc │ │ │ ├── operator_converter_gen.cc │ │ │ ├── python │ │ │ │ ├── BUILD │ │ │ │ ├── graphdef_to_tfl_flatbuffer.cc │ │ │ │ └── graphdef_to_tfl_flatbuffer.h │ │ │ ├── quantization │ │ │ │ ├── BUILD │ │ │ │ ├── import_quant_stats_pass.cc │ │ │ │ ├── lite │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── quantize_model.cc │ │ │ │ │ ├── quantize_model.h │ │ │ │ │ ├── tfl_quantizer.cc │ │ │ │ │ ├── tfl_to_std.cc │ │ │ │ │ └── tfl_to_std.h │ │ │ │ ├── quantization.td │ │ │ │ ├── quantization_config.cc │ │ │ │ ├── quantization_config.h │ │ │ │ ├── quantization_driver.cc │ │ │ │ ├── quantization_info.proto │ │ │ │ ├── quantization_passes.h │ │ │ │ ├── quantization_traits.h │ │ │ │ ├── quantization_utils.cc │ │ │ │ ├── quantization_utils.h │ │ │ │ ├── tensorflow │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── passes.h │ │ │ │ │ ├── tests │ │ │ │ │ │ ├── BUILD │ │ │ │ │ │ └── tf_to_quant.mlir │ │ │ │ │ └── tf_to_quant.cc │ │ │ │ ├── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ └── import_quant_stats.mlir │ │ │ │ ├── tools │ │ │ │ │ └── op_quant_spec_getters_gen.cc │ │ │ │ └── xla │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── materialize.cc │ │ │ │ │ ├── op_quant_spec.inc │ │ │ │ │ ├── passes.h │ │ │ │ │ ├── propagate.cc │ │ │ │ │ └── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── materialize.mlir │ │ │ │ │ └── weight-only.mlir │ │ │ ├── sparsity │ │ │ │ ├── BUILD │ │ │ │ ├── sparsify_model.cc │ │ │ │ └── sparsify_model.h │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── canonicalize.mlir │ │ │ │ ├── const-fold.mlir │ │ │ │ ├── debuginfo │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── concrete_function_error.py │ │ │ │ │ ├── saved_model_error.py │ │ │ │ │ ├── v1_1.0_224_frozen.wrong_attr.line.part.pbtxt │ │ │ │ │ ├── v1_1.0_224_frozen.wrong_attr.line.part.pbtxt.debug │ │ │ │ │ ├── v1_1.0_224_frozen.wrong_attr.stack.part.pbtxt │ │ │ │ │ └── v1_1.0_224_frozen.wrong_attr.stack.part.pbtxt.debug │ │ │ │ ├── default_quant_params.mlir │ │ │ │ ├── dilated-conv.mlir │ │ │ │ ├── end2end │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── add.pbtxt │ │ │ │ │ ├── conv_2d.pbtxt │ │ │ │ │ ├── custom_opdef.pbtxt │ │ │ │ │ ├── fake_quant_per_channel.pbtxt │ │ │ │ │ ├── graph-input-node.pbtxt │ │ │ │ │ ├── graph_with_placeholder_with_default.pbtxt │ │ │ │ │ ├── ophint_lstm.pbtxt │ │ │ │ │ ├── quant_stats.pbtxt │ │ │ │ │ └── quant_stats.pbtxt.stats │ │ │ │ ├── extract-ophint.mlir │ │ │ │ ├── flatbuffer2mlir │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── basic_lstm.mlir │ │ │ │ │ ├── constants.mlir │ │ │ │ │ ├── external_constant.mlir │ │ │ │ │ ├── if_op.mlir │ │ │ │ │ ├── importer_test_legacy_reshape.cc │ │ │ │ │ ├── importer_test_min_max.cc │ │ │ │ │ ├── importer_test_min_max.cc.mlir │ │ │ │ │ ├── input_arrays.mlir │ │ │ │ │ ├── input_output_names_attr.mlir │ │ │ │ │ ├── lstm.mlir │ │ │ │ │ ├── many_attribute_op.mlir │ │ │ │ │ ├── math.mlir │ │ │ │ │ ├── optional.mlir │ │ │ │ │ ├── output_arrays.mlir │ │ │ │ │ ├── pruning.mlir │ │ │ │ │ ├── quantization.mlir │ │ │ │ │ ├── reshape.mlir │ │ │ │ │ ├── simple.mlir │ │ │ │ │ └── while_op.mlir │ │ │ │ ├── inlining.mlir │ │ │ │ ├── legalize-ophint-func-op.mlir │ │ │ │ ├── legalize-tf-while.mlir │ │ │ │ ├── legalize-tf.mlir │ │ │ │ ├── load-quantization-recipe.mlir │ │ │ │ ├── lower-static-tensor-list.mlir │ │ │ │ ├── mlir2exec │ │ │ │ │ ├── BUILD │ │ │ │ │ └── tfl_while_op.mlir │ │ │ │ ├── mlir2flatbuffer │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── basic_lstm.mlir │ │ │ │ │ ├── convolution_2d_transpose_bias.mlir │ │ │ │ │ ├── custom_op_with_tflite_op.mlir │ │ │ │ │ ├── depthwise_conv2d.mlir │ │ │ │ │ ├── depthwise_conv2d_v2.mlir │ │ │ │ │ ├── disable_builtin.mlir │ │ │ │ │ ├── disable_flex.mlir │ │ │ │ │ ├── disable_flex_enable_builtin.mlir │ │ │ │ │ ├── dynamic_shape_constant.mlir │ │ │ │ │ ├── fake_quant.mlir │ │ │ │ │ ├── flex_exclusively.mlir │ │ │ │ │ ├── flex_op_with_tflite_op.mlir │ │ │ │ │ ├── fully_connected.mlir │ │ │ │ │ ├── fully_connected_v2.mlir │ │ │ │ │ ├── hashtable_resource.mlir │ │ │ │ │ ├── if_op.mlir │ │ │ │ │ ├── logical.mlir │ │ │ │ │ ├── lstm.mlir │ │ │ │ │ ├── math.mlir │ │ │ │ │ ├── max_pooling_with_arg_max_2d.mlir │ │ │ │ │ ├── max_unpool_2d.mlir │ │ │ │ │ ├── metadata.mlir │ │ │ │ │ ├── mul_v2.mlir │ │ │ │ │ ├── mul_v3.mlir │ │ │ │ │ ├── nn.mlir │ │ │ │ │ ├── numeric_verify.mlir │ │ │ │ │ ├── optional.mlir │ │ │ │ │ ├── quantization.mlir │ │ │ │ │ ├── reshape.mlir │ │ │ │ │ ├── simple.mlir │ │ │ │ │ ├── svdf.mlir │ │ │ │ │ ├── svdf_v2.mlir │ │ │ │ │ ├── tfl_while_op.mlir │ │ │ │ │ ├── type_attr.mlir │ │ │ │ │ ├── unidirectional_sequence_lstm.mlir │ │ │ │ │ ├── unidirectional_sequence_rnn.mlir │ │ │ │ │ ├── unknown-op.mlir │ │ │ │ │ └── while_op.mlir │ │ │ │ ├── ops.mlir │ │ │ │ ├── optimize.mlir │ │ │ │ ├── optimize_functional_ops.mlir │ │ │ │ ├── post-quantize.mlir │ │ │ │ ├── prepare-composite-functions-tf.mlir │ │ │ │ ├── prepare-quantize-signed.mlir │ │ │ │ ├── prepare-quantize.mlir │ │ │ │ ├── prepare-tf.mlir │ │ │ │ ├── quantize.mlir │ │ │ │ ├── split-merged-operands.mlir │ │ │ │ ├── tfl_while_op_licm.mlir │ │ │ │ ├── tfl_while_outline.mlir │ │ │ │ └── trim-functions-tf.mlir │ │ │ ├── tf_tfl_passes.cc │ │ │ ├── tf_tfl_passes.h │ │ │ ├── tf_tfl_translate.cc │ │ │ ├── tf_tfl_translate_cl.cc │ │ │ ├── tf_tfl_translate_cl.h │ │ │ ├── tf_to_tfl_flatbuffer.cc │ │ │ ├── tf_to_tfl_flatbuffer.h │ │ │ ├── transforms │ │ │ │ ├── default_quant_params.cc │ │ │ │ ├── dense_to_sparse.cc │ │ │ │ ├── dilated_conv.cc │ │ │ │ ├── dilated_conv.h │ │ │ │ ├── extract_ophint.cc │ │ │ │ ├── legalize_ophint_func_op.cc │ │ │ │ ├── legalize_patterns.td │ │ │ │ ├── legalize_tf.cc │ │ │ │ ├── legalize_tf_while.cc │ │ │ │ ├── load_quantization_recipe.cc │ │ │ │ ├── lower_static_tensor_list.cc │ │ │ │ ├── optimize.cc │ │ │ │ ├── optimize_functional_ops.cc │ │ │ │ ├── optimize_patterns.td │ │ │ │ ├── passes.h │ │ │ │ ├── post_quantize.cc │ │ │ │ ├── post_quantize_patterns.td │ │ │ │ ├── prepare_composite_functions_tf.cc │ │ │ │ ├── prepare_patterns.td │ │ │ │ ├── prepare_quantize.cc │ │ │ │ ├── prepare_tf.cc │ │ │ │ ├── quantize.cc │ │ │ │ ├── quantize_patterns.td │ │ │ │ ├── runtime_type_verify.cc │ │ │ │ ├── split_merged_operands.cc │ │ │ │ ├── tensorlist_patterns.td │ │ │ │ ├── trim_functions_tf.cc │ │ │ │ ├── unroll_batch_matmul.cc │ │ │ │ ├── unroll_batch_matmul.h │ │ │ │ └── while_loop_outline.cc │ │ │ └── utils │ │ │ │ ├── attribute_utils.cc │ │ │ │ ├── attribute_utils.h │ │ │ │ ├── convert_type.cc │ │ │ │ ├── convert_type.h │ │ │ │ ├── lstm_utils.cc │ │ │ │ ├── lstm_utils.h │ │ │ │ ├── lstm_utils_test.cc │ │ │ │ ├── stateful_ops_utils.cc │ │ │ │ ├── stateful_ops_utils.h │ │ │ │ ├── validators.cc │ │ │ │ └── validators.h │ │ ├── op_or_arg_name_mapper.cc │ │ ├── op_or_arg_name_mapper.h │ │ ├── python │ │ │ ├── BUILD │ │ │ ├── mlir.cc │ │ │ └── mlir.h │ │ ├── runlit.cfg.py │ │ ├── runlit.site.cfg.py │ │ ├── tensorflow │ │ │ ├── BUILD │ │ │ ├── analysis │ │ │ │ ├── side_effect_analysis.cc │ │ │ │ └── side_effect_analysis.h │ │ │ ├── g3doc │ │ │ │ ├── enable_mlir_bridge.md │ │ │ │ └── tf_dialects.md │ │ │ ├── ir │ │ │ │ ├── control_flow_ops.cc │ │ │ │ ├── control_flow_ops.h │ │ │ │ ├── dialect_registration.cc │ │ │ │ ├── tf_device.cc │ │ │ │ ├── tf_device.h │ │ │ │ ├── tf_device_ops.td │ │ │ │ ├── tf_executor.cc │ │ │ │ ├── tf_executor.h │ │ │ │ ├── tf_executor_ops.td │ │ │ │ ├── tf_generated_ops.td │ │ │ │ ├── tf_op_base.td │ │ │ │ ├── tf_op_interfaces.td │ │ │ │ ├── tf_ops.cc │ │ │ │ ├── tf_ops.h │ │ │ │ ├── tf_ops.td │ │ │ │ ├── tf_saved_model.cc │ │ │ │ ├── tf_saved_model.h │ │ │ │ ├── tf_saved_model_ops.td │ │ │ │ ├── tf_traits.h │ │ │ │ ├── tf_types.cc │ │ │ │ ├── tf_types.def │ │ │ │ ├── tf_types.h │ │ │ │ ├── tf_verifiers.cc │ │ │ │ └── tf_verifiers.h │ │ │ ├── ops │ │ │ │ ├── mlir_local_var_op.cc │ │ │ │ └── mlir_passthrough_op.cc │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── annotate-parameter-replication.mlir │ │ │ │ ├── breakup-islands.mlir │ │ │ │ ├── canonicalize.mlir │ │ │ │ ├── cluster_formation.mlir │ │ │ │ ├── cluster_outlining.mlir │ │ │ │ ├── constant-fold.mlir │ │ │ │ ├── control_to_executor_dialect.mlir │ │ │ │ ├── decode_constant.mlir │ │ │ │ ├── decompose_resource_ops.mlir │ │ │ │ ├── device_assignment.mlir │ │ │ │ ├── device_canonicalize.mlir │ │ │ │ ├── empty-main.mlir │ │ │ │ ├── executor_canonicalize.mlir │ │ │ │ ├── executor_island_coarsening.mlir │ │ │ │ ├── executor_island_materialize_const.mlir │ │ │ │ ├── executor_to_control_dialect.mlir │ │ │ │ ├── executor_tpuv1_island_coarsening │ │ │ │ │ ├── executor_tpuv1_island_coarsening.mlir │ │ │ │ │ └── while_op.mlir │ │ │ │ ├── executor_tpuv1_island_inlining │ │ │ │ │ ├── executor_tpuv1_inline_tpu_island.mlir │ │ │ │ │ └── while_op.mlir │ │ │ │ ├── executor_tpuv1_outline_island │ │ │ │ │ ├── executor_tpuv1_outline_tpu_island.mlir │ │ │ │ │ └── while_op.mlir │ │ │ │ ├── fold-switch.mlir │ │ │ │ ├── function_visibility.mlir │ │ │ │ ├── functional-control-flow-to-cfg.mlir │ │ │ │ ├── functionalize-if-fail.mlir │ │ │ │ ├── functionalize-if.mlir │ │ │ │ ├── graph_pruning.mlir │ │ │ │ ├── graphdef2mlir │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── add.pbtxt │ │ │ │ │ ├── arg-as-fetch.pbtxt │ │ │ │ │ ├── arg-control-dep.pbtxt │ │ │ │ │ ├── arg-data-type.pbtxt │ │ │ │ │ ├── const-values.pbtxt │ │ │ │ │ ├── device-arg-attr.pbtxt │ │ │ │ │ ├── empty-value-attr.pbtxt │ │ │ │ │ ├── error-message-with-source-info.pbtxt │ │ │ │ │ ├── error-message-with-source-info.pbtxt.debug │ │ │ │ │ ├── error-message-with-source-info.pbtxt.fake_py.debug │ │ │ │ │ ├── feed-as-fetch.pbtxt │ │ │ │ │ ├── feed-control-dep.pbtxt │ │ │ │ │ ├── functional-if-ops.pbtxt │ │ │ │ │ ├── functional-while-ops.pbtxt │ │ │ │ │ ├── graph-as-function-control-ret.pbtxt │ │ │ │ │ ├── graph-as-function-retval-of-arg.pbtxt │ │ │ │ │ ├── graph-as-function.pbtxt │ │ │ │ │ ├── graph-custom-operation.pbtxt │ │ │ │ │ ├── graph-default-attr.pbtxt │ │ │ │ │ ├── graph-device-retval.pbtxt │ │ │ │ │ ├── graph-empty-tensor-content.pbtxt │ │ │ │ │ ├── graph-func-attr.pbtxt │ │ │ │ │ ├── graph-function-call.pbtxt │ │ │ │ │ ├── graph-function-control-ret-diff-island.pbtxt │ │ │ │ │ ├── graph-function-control-ret-same-island.pbtxt │ │ │ │ │ ├── graph-function-defs.pbtxt │ │ │ │ │ ├── graph-function-input-shapes.pbtxt │ │ │ │ │ ├── graph-function-name-bug.pbtxt │ │ │ │ │ ├── graph-function-resource-args.pbtxt │ │ │ │ │ ├── graph-function-static-output.pbtxt │ │ │ │ │ ├── graph-function-variable-shapes.pbtxt │ │ │ │ │ ├── graph-gradient-def.pbtxt │ │ │ │ │ ├── graph-input-func-arg-name-collision.pbtxt │ │ │ │ │ ├── graph-library.pbtxt │ │ │ │ │ ├── graph-malformed.pbtxt │ │ │ │ │ ├── graph-scalar-input.pbtxt │ │ │ │ │ ├── graph-uint8-return.pbtxt │ │ │ │ │ ├── graph-undefined-output.pbtxt │ │ │ │ │ ├── graph-version-info.pbtxt │ │ │ │ │ ├── graph-while-loop.pbtxt │ │ │ │ │ ├── invalid-output-index.pbtxt │ │ │ │ │ ├── legacy-fed-input-without-inputs.pbtxt │ │ │ │ │ ├── mlir_passthrough_op.pbtxt │ │ │ │ │ ├── multi-output-feeds.pbtxt │ │ │ │ │ ├── multiple-use-next-iteration.pbtxt │ │ │ │ │ ├── node-locations.pbtxt │ │ │ │ │ ├── parse_example.pbtxt │ │ │ │ │ ├── prune_unused_nodes.pbtxt │ │ │ │ │ ├── quint8-const.pbtxt │ │ │ │ │ ├── stateful-attribute.pbtxt │ │ │ │ │ ├── string-attr.pbtxt │ │ │ │ │ ├── switch_n.pbtxt │ │ │ │ │ └── tensor-list.pbtxt │ │ │ │ ├── inlining.mlir │ │ │ │ ├── isolate-placer.mlir │ │ │ │ ├── launch_to_device_attribute.mlir │ │ │ │ ├── layout_optimization_layout_assignment_to_nchw.mlir │ │ │ │ ├── layout_optimization_layout_assignment_to_nhwc.mlir │ │ │ │ ├── layout_optimization_move_transposes_begin.mlir │ │ │ │ ├── layout_optimization_move_transposes_end.mlir │ │ │ │ ├── layout_optimization_to_nchw.mlir │ │ │ │ ├── layout_optimization_to_nhwc.mlir │ │ │ │ ├── lower_tf.mlir │ │ │ │ ├── materialize_passthrough_op.mlir │ │ │ │ ├── mlir2graphdef │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── convert_tensor.mlir │ │ │ │ │ ├── derived_shape_attr.mlir │ │ │ │ │ ├── derived_size_attr.mlir │ │ │ │ │ ├── device-arg-attr.mlir │ │ │ │ │ ├── func_list_attr.mlir │ │ │ │ │ ├── function-control-ret.mlir │ │ │ │ │ ├── function-order.mlir │ │ │ │ │ ├── function-resource-args.mlir │ │ │ │ │ ├── functional-if-ops.mlir │ │ │ │ │ ├── functional-while-ops.mlir │ │ │ │ │ ├── graph-as-function.mlir │ │ │ │ │ ├── infer_derived_attribute.mlir │ │ │ │ │ ├── invalid_input.mlir │ │ │ │ │ ├── legalized_name.mlir │ │ │ │ │ ├── missing-main.mlir │ │ │ │ │ ├── noop.mlir │ │ │ │ │ ├── parse_example.mlir │ │ │ │ │ ├── preserve-entry-func-names.mlir │ │ │ │ │ ├── ref-type-attr.mlir │ │ │ │ │ ├── ref-while-loop.mlir │ │ │ │ │ ├── shape_list_attr.mlir │ │ │ │ │ ├── simple.mlir │ │ │ │ │ ├── simple_tf_dialect_op.mlir │ │ │ │ │ ├── stringescape.mlir │ │ │ │ │ ├── tf-gradient-attr.mlir │ │ │ │ │ ├── tf-legacy-call.mlir │ │ │ │ │ ├── tf_add.mlir │ │ │ │ │ ├── tf_identity_n.mlir │ │ │ │ │ ├── type_attr.mlir │ │ │ │ │ ├── type_list_attr.mlir │ │ │ │ │ ├── unique_name.mlir │ │ │ │ │ └── while-loop.mlir │ │ │ │ ├── optimize-arg-operand-constraint.mlir │ │ │ │ ├── optimize.mlir │ │ │ │ ├── parallel_execute_to_islands.mlir │ │ │ │ ├── promote_resources_to_args.mlir │ │ │ │ ├── raise-control-flow.mlir │ │ │ │ ├── replicate_invariant_op_hoisting.mlir │ │ │ │ ├── replicate_to_island.mlir │ │ │ │ ├── resource-device-inference.mlir │ │ │ │ ├── resource_op_lifting.mlir │ │ │ │ ├── roundtrip-tf-executor.mlir │ │ │ │ ├── shape_inference.mlir │ │ │ │ ├── side-effect-analysis-test.mlir │ │ │ │ ├── sink_constant.mlir │ │ │ │ ├── stack_ops_decomposition.mlir │ │ │ │ ├── tf-functional-to-executor.mlir │ │ │ │ ├── tf-ops.mlir │ │ │ │ ├── tf_device_ops.mlir │ │ │ │ ├── tf_device_ops_invalid.mlir │ │ │ │ ├── tf_executor_ops.mlir │ │ │ │ ├── tf_executor_ops_invalid.mlir │ │ │ │ ├── tf_executor_ops_location_roundtrip.mlir │ │ │ │ ├── tf_executor_ops_printer.mlir │ │ │ │ ├── tf_executor_ops_side_effect.mlir │ │ │ │ ├── tf_optimize.mlir │ │ │ │ ├── tf_saved_model │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── README.md │ │ │ │ │ ├── basic.py │ │ │ │ │ ├── basic_v1.py │ │ │ │ │ ├── build_defs.bzl │ │ │ │ │ ├── call_to_exported.py │ │ │ │ │ ├── common.py │ │ │ │ │ ├── common_v1.py │ │ │ │ │ ├── cyclic_object_graph.py │ │ │ │ │ ├── dag_object_graph.py │ │ │ │ │ ├── debug_info.py │ │ │ │ │ ├── duplicate_method_names_v1.py │ │ │ │ │ ├── exported_python_args.py │ │ │ │ │ ├── keras.py │ │ │ │ │ ├── multi_arguments_v1.py │ │ │ │ │ ├── multi_variables_v1.py │ │ │ │ │ ├── partially_shaped_variables.py │ │ │ │ │ ├── shapes_for_arguments.py │ │ │ │ │ ├── shapes_for_variables.py │ │ │ │ │ ├── shared_variable_v1.py │ │ │ │ │ ├── structured_input.py │ │ │ │ │ └── structured_output.py │ │ │ │ ├── tf_saved_model_delete_unused_funcs.mlir │ │ │ │ ├── tf_saved_model_ops.mlir │ │ │ │ ├── tf_saved_model_ops_invalid.mlir │ │ │ │ ├── tf_saved_model_optimize_global_tensors.mlir │ │ │ │ ├── tf_saved_model_optimize_global_tensors_interprocedural.mlir │ │ │ │ ├── tpu-dynamic-layout-pass.mlir │ │ │ │ ├── tpu-merge-variables-with-execute.mlir │ │ │ │ ├── tpu-variable-runtime-reformatting.mlir │ │ │ │ ├── tpu_bridge_v1 │ │ │ │ │ └── end_to_end.mlir │ │ │ │ ├── tpu_cluster_formation.mlir │ │ │ │ ├── tpu_dynamic_padding_mapper.mlir │ │ │ │ ├── tpu_rewrite.mlir │ │ │ │ ├── tpu_sharding_identification.mlir │ │ │ │ ├── types.mlir │ │ │ │ └── unroll-batch-matmul.mlir │ │ │ ├── transforms │ │ │ │ ├── annotate_parameter_replication.cc │ │ │ │ ├── bridge.cc │ │ │ │ ├── bridge.h │ │ │ │ ├── bridge_pass.cc │ │ │ │ ├── canonicalize.td │ │ │ │ ├── cluster_formation.cc │ │ │ │ ├── cluster_outlining.cc │ │ │ │ ├── constant_fold.cc │ │ │ │ ├── constant_fold.h │ │ │ │ ├── decode_constant.cc │ │ │ │ ├── decode_constant.h │ │ │ │ ├── decompose_resource_ops.cc │ │ │ │ ├── decompose_resource_ops.h │ │ │ │ ├── decompose_resource_ops.td │ │ │ │ ├── decompose_resource_ops_pass.cc │ │ │ │ ├── delete_unused_funcs.cc │ │ │ │ ├── dialect_hooks.cc │ │ │ │ ├── executor_island_coarsening.cc │ │ │ │ ├── executor_tpuv1_inline_tpu_island.cc │ │ │ │ ├── executor_tpuv1_island_coarsening.cc │ │ │ │ ├── executor_tpuv1_outline_tpu_island.cc │ │ │ │ ├── fold_switch.cc │ │ │ │ ├── functional_control_flow_to_cfg.cc │ │ │ │ ├── graph_pruning.cc │ │ │ │ ├── inline_global_tensors.cc │ │ │ │ ├── launch_to_device_attribute.cc │ │ │ │ ├── layout_optimization.cc │ │ │ │ ├── lower_tf.cc │ │ │ │ ├── lower_tf.h │ │ │ │ ├── lower_tf.td │ │ │ │ ├── lower_tf_pass.cc │ │ │ │ ├── mark_function_visibility.cc │ │ │ │ ├── materialize_mlir_passthrough_op.cc │ │ │ │ ├── optimize.cc │ │ │ │ ├── optimize.td │ │ │ │ ├── optimize_global_tensors.cc │ │ │ │ ├── parallel_execute_to_islands.cc │ │ │ │ ├── passes.h │ │ │ │ ├── promote_resources_to_args.cc │ │ │ │ ├── raise_control_flow.cc │ │ │ │ ├── replicate_invariant_op_hoisting.cc │ │ │ │ ├── replicate_to_island.cc │ │ │ │ ├── resource_device_inference.cc │ │ │ │ ├── resource_op_lifting.cc │ │ │ │ ├── shape_inference.cc │ │ │ │ ├── shape_inference.h │ │ │ │ ├── shape_inference_pass.cc │ │ │ │ ├── sink_constant.cc │ │ │ │ ├── stack_ops_decomposition.cc │ │ │ │ ├── test_side_effect_analysis.cc │ │ │ │ ├── tf_device_assignment.cc │ │ │ │ ├── tf_graph_optimization_pass.cc │ │ │ │ ├── tf_graph_optimization_pass.h │ │ │ │ ├── tpu_cluster_formation.cc │ │ │ │ ├── tpu_dynamic_layout_pass.cc │ │ │ │ ├── tpu_dynamic_padding_mapper.cc │ │ │ │ ├── tpu_merge_variables_with_execute.cc │ │ │ │ ├── tpu_rewrite_pass.cc │ │ │ │ ├── tpu_sharding_identification_pass.cc │ │ │ │ ├── tpu_variable_runtime_reformatting.cc │ │ │ │ ├── unroll_batch_matmul.cc │ │ │ │ └── unroll_batch_matmul.h │ │ │ ├── translate │ │ │ │ ├── breakup-islands.cc │ │ │ │ ├── control_to_executor_dialect.cc │ │ │ │ ├── derived_attr_populator_gen.cc │ │ │ │ ├── executor_to_control_dialect.cc │ │ │ │ ├── export_graphdef.cc │ │ │ │ ├── export_graphdef.h │ │ │ │ ├── export_tf_dialect_op.cc │ │ │ │ ├── export_tf_dialect_op.h │ │ │ │ ├── import_model.cc │ │ │ │ ├── import_model.h │ │ │ │ ├── mlir_import_pass_registration.cc │ │ │ │ ├── mlir_roundtrip_flags.cc │ │ │ │ ├── mlir_roundtrip_flags.h │ │ │ │ ├── mlir_roundtrip_pass.cc │ │ │ │ ├── mlir_roundtrip_pass.h │ │ │ │ ├── mlir_roundtrip_pass_registration.cc │ │ │ │ ├── tf_functional_to_executor.cc │ │ │ │ ├── tf_mlir_translate.cc │ │ │ │ ├── tf_mlir_translate.h │ │ │ │ ├── tf_mlir_translate_cl.cc │ │ │ │ ├── tf_mlir_translate_cl.h │ │ │ │ ├── tf_mlir_translate_registration.cc │ │ │ │ └── translate_tf_dialect_op.cc │ │ │ └── utils │ │ │ │ ├── bridge_logger.cc │ │ │ │ ├── bridge_logger.h │ │ │ │ ├── compile_mlir_util.cc │ │ │ │ ├── compile_mlir_util.h │ │ │ │ ├── compile_mlir_util_test.cc │ │ │ │ ├── convert_tensor.cc │ │ │ │ ├── convert_tensor.h │ │ │ │ ├── convert_tensor_test.cc │ │ │ │ ├── convert_type.cc │ │ │ │ ├── convert_type.h │ │ │ │ ├── convert_type_test.cc │ │ │ │ ├── device_util.cc │ │ │ │ ├── device_util.h │ │ │ │ ├── device_util_test.cc │ │ │ │ ├── dump_mlir_util.cc │ │ │ │ ├── dump_mlir_util.h │ │ │ │ ├── dump_mlir_util_test.cc │ │ │ │ ├── error_util.cc │ │ │ │ ├── error_util.h │ │ │ │ ├── error_util_test.cc │ │ │ │ ├── eval_util.cc │ │ │ │ ├── eval_util.h │ │ │ │ ├── export_utils.cc │ │ │ │ ├── export_utils.h │ │ │ │ ├── import_utils.cc │ │ │ │ ├── import_utils.h │ │ │ │ ├── mangling_util.cc │ │ │ │ ├── mangling_util.h │ │ │ │ ├── parse_text_proto.cc │ │ │ │ ├── parse_text_proto.h │ │ │ │ ├── tpu_rewrite_device_util.cc │ │ │ │ ├── tpu_rewrite_device_util.h │ │ │ │ ├── tpu_rewrite_device_util_test.cc │ │ │ │ ├── translate_utils.cc │ │ │ │ └── translate_utils.h │ │ ├── tf_mlir_opt_main.cc │ │ ├── tf_mlir_translate_main.cc │ │ └── xla │ │ │ ├── BUILD │ │ │ ├── convert_op_folder.cc │ │ │ ├── convert_op_folder.h │ │ │ ├── hlo_function_importer.cc │ │ │ ├── hlo_function_importer.h │ │ │ ├── hlo_module_importer.cc │ │ │ ├── hlo_module_importer.h │ │ │ ├── hlo_to_mlir_hlo.cc │ │ │ ├── hlo_to_mlir_hlo.h │ │ │ ├── hlo_utils.cc │ │ │ ├── hlo_utils.h │ │ │ ├── ir │ │ │ ├── dialect_registration.cc │ │ │ ├── hlo_ops.cc │ │ │ ├── hlo_ops.h │ │ │ ├── hlo_ops.td │ │ │ ├── hlo_ops_base.td │ │ │ ├── hlo_utils.cc │ │ │ ├── hlo_utils.h │ │ │ ├── hlo_utils.td │ │ │ ├── lhlo_ops.cc │ │ │ ├── lhlo_ops.h │ │ │ └── lhlo_ops.td │ │ │ ├── mlir_hlo_to_hlo.cc │ │ │ ├── mlir_hlo_to_hlo.h │ │ │ ├── operator_writer_gen.cc │ │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── canonicalize.mlir │ │ │ ├── concatenate.mlir │ │ │ ├── convert.mlir │ │ │ ├── hlo-legalize-to-lhlo.mlir │ │ │ ├── hlo-legalize-to-linalg.mlir │ │ │ ├── inlining.mlir │ │ │ ├── legalize-control-flow.mlir │ │ │ ├── legalize-tf-control-flow.mlir │ │ │ ├── legalize-tf-full-conversion.mlir │ │ │ ├── legalize-tf.mlir │ │ │ ├── legalize-to-std.mlir │ │ │ ├── lhlo-fuse-linalg.mlir │ │ │ ├── lhlo-legalize-to-affine.mlir │ │ │ ├── lhlo-legalize-to-gpu.mlir │ │ │ ├── lhlo-legalize-to-linalg.mlir │ │ │ ├── lhlo_ops.mlir │ │ │ ├── lower-complex.mlir │ │ │ ├── lower-general-dot.mlir │ │ │ ├── materialize-broadcasts.mlir │ │ │ ├── ops.mlir │ │ │ ├── reduce.mlir │ │ │ ├── reshape.mlir │ │ │ ├── reverse.mlir │ │ │ ├── translate │ │ │ │ ├── BUILD │ │ │ │ ├── add.mlir │ │ │ │ ├── conditional.hlotxt │ │ │ │ ├── conditional.mlir │ │ │ │ ├── dynamic_parameter_binding.mlir │ │ │ │ ├── dynamic_parameter_binding_invalid.mlir │ │ │ │ ├── export.mlir │ │ │ │ ├── fully_connected_reference_model.hlotxt │ │ │ │ ├── import.hlotxt │ │ │ │ ├── input_output_aliasing.mlir │ │ │ │ ├── multiple_return_tuple.mlir │ │ │ │ ├── simple.hlo │ │ │ │ ├── simple.mlir │ │ │ │ ├── types.hlotxt │ │ │ │ ├── while.hlotxt │ │ │ │ └── while.mlir │ │ │ ├── transpose.mlir │ │ │ ├── tuple.mlir │ │ │ └── unfuse_batch_norm.mlir │ │ │ ├── transforms │ │ │ ├── canonicalize.td │ │ │ ├── hlo_legalize_to_lhlo.cc │ │ │ ├── hlo_shape_derivation.h │ │ │ ├── legalize_control_flow.cc │ │ │ ├── legalize_tf.cc │ │ │ ├── legalize_tf_control_flow.cc │ │ │ ├── legalize_tf_patterns.td │ │ │ ├── legalize_to_standard.cc │ │ │ ├── legalize_to_standard_patterns.td │ │ │ ├── lhlo_fuse_linalg.cc │ │ │ ├── lhlo_legalize_to_affine.cc │ │ │ ├── lhlo_legalize_to_gpu.cc │ │ │ ├── lhlo_legalize_to_linalg.cc │ │ │ ├── lower_complex.cc │ │ │ ├── lower_complex_patterns.td │ │ │ ├── lower_general_dot.cc │ │ │ ├── map_lhlo_to_scalar_op.h │ │ │ ├── map_xla_to_scalar_op.h │ │ │ ├── materialize_broadcasts.cc │ │ │ ├── materialize_broadcasts_pass.cc │ │ │ ├── passes.h │ │ │ ├── rewriters.h │ │ │ ├── unfuse_batch_norm.cc │ │ │ ├── unfuse_batch_norm_pass.cc │ │ │ └── xla_legalize_to_linalg.cc │ │ │ ├── type_to_shape.cc │ │ │ ├── type_to_shape.h │ │ │ ├── type_to_shape_test.cc │ │ │ ├── xla_mlir_translate.cc │ │ │ └── xla_mlir_translate.h │ ├── plugin │ │ ├── BUILD │ │ └── README.md │ ├── tests │ │ ├── BUILD │ │ ├── DISABLED_TEST │ │ ├── adadelta_test.py │ │ ├── adagrad_da_test.py │ │ ├── adagrad_test.py │ │ ├── adam_test.py │ │ ├── add_n_test.py │ │ ├── argminmax_test.py │ │ ├── binary_ops_test.py │ │ ├── bucketize_op_test.py │ │ ├── build_defs.bzl │ │ ├── categorical_op_test.py │ │ ├── cholesky_op_test.py │ │ ├── clustering_test.py │ │ ├── complex_div_test.py │ │ ├── concat_ops_test.py │ │ ├── cond_test.py │ │ ├── conv2d_test.py │ │ ├── conv3d_test.py │ │ ├── conv_node_name_test.py │ │ ├── data_format_ops_test.py │ │ ├── dense_layer_test.py │ │ ├── depthwise_conv_op_test.py │ │ ├── dynamic_slice_ops_test.py │ │ ├── dynamic_stitch_test.py │ │ ├── eager_test.py │ │ ├── extract_image_patches_op_test.py │ │ ├── fake_quant_ops_test.py │ │ ├── fft_test.py │ │ ├── fifo_queue_test.py │ │ ├── ftrl_test.py │ │ ├── function_test.py │ │ ├── fused_batchnorm_test.py │ │ ├── gather_nd_op_test.py │ │ ├── gather_test.py │ │ ├── image_ops_test.py │ │ ├── jit_test.py │ │ ├── listdiff_op_test.py │ │ ├── lrn_ops_test.py │ │ ├── lstm.py │ │ ├── lstm_layer_inference.config.pbtxt │ │ ├── lstm_layer_inference.pbtxt │ │ ├── lstm_test.py │ │ ├── manip_ops_test.py │ │ ├── matrix_band_part_test.py │ │ ├── matrix_diag_ops_test.py │ │ ├── matrix_inverse_op_test.py │ │ ├── matrix_triangular_solve_op_test.py │ │ ├── momentum_test.py │ │ ├── nary_ops_test.py │ │ ├── nullary_ops_test.py │ │ ├── placeholder_test.py │ │ ├── plugin.bzl │ │ ├── pooling_ops_3d_test.py │ │ ├── pooling_ops_test.py │ │ ├── proximal_adagrad_test.py │ │ ├── proximal_gradient_descent_test.py │ │ ├── qr_op_test.py │ │ ├── quantized_ops_test.py │ │ ├── random_ops_test.py │ │ ├── randomized_tests.cc │ │ ├── reduce_ops_test.py │ │ ├── reduce_window_test.py │ │ ├── reshape_op_test.py │ │ ├── reverse_ops_test.py │ │ ├── reverse_sequence_op_test.py │ │ ├── rmsprop_test.py │ │ ├── scan_ops_test.py │ │ ├── scatter_nd_op_test.py │ │ ├── segment_reduction_ops_test.py │ │ ├── self_adjoint_eig_op_test.py │ │ ├── slice_ops_test.py │ │ ├── sort_ops_test.py │ │ ├── spacetobatch_op_test.py │ │ ├── sparse_to_dense_op_test.py │ │ ├── stack_ops_test.py │ │ ├── stateful_random_ops_test.py │ │ ├── stateless_random_ops_test.py │ │ ├── svd_op_test.py │ │ ├── tensor_array_ops_test.py │ │ ├── tensor_list_ops_test.py │ │ ├── ternary_ops_test.py │ │ ├── test_utils.py │ │ ├── unary_ops_composition_test.cc │ │ ├── unary_ops_test.py │ │ ├── unstack_test.py │ │ ├── variable_ops_test.py │ │ ├── while_test.py │ │ ├── xla_device_gpu_test.py │ │ ├── xla_device_test.py │ │ ├── xla_ops_test.py │ │ ├── xla_test.py │ │ └── xla_test_test.py │ ├── tf2tensorrt │ │ ├── BUILD │ │ ├── common │ │ │ └── utils.h │ │ ├── convert │ │ │ ├── convert_graph.cc │ │ │ ├── convert_graph.h │ │ │ ├── convert_graph_test.cc │ │ │ ├── convert_nodes.cc │ │ │ ├── convert_nodes.h │ │ │ ├── convert_nodes_test.cc │ │ │ ├── trt_optimization_pass.cc │ │ │ ├── trt_optimization_pass.h │ │ │ ├── utils.cc │ │ │ └── utils.h │ │ ├── kernels │ │ │ ├── get_calibration_data_op.cc │ │ │ ├── trt_engine_op.cc │ │ │ ├── trt_engine_op_test.cc │ │ │ ├── trt_engine_resource_ops.cc │ │ │ └── trt_engine_resource_ops_test.cc │ │ ├── ops │ │ │ ├── get_calibration_data_op.cc │ │ │ ├── trt_engine_op.cc │ │ │ └── trt_engine_resource_ops.cc │ │ ├── plugin │ │ │ ├── trt_plugin.cc │ │ │ └── trt_plugin.h │ │ ├── segment │ │ │ ├── segment.cc │ │ │ ├── segment.h │ │ │ ├── segment_test.cc │ │ │ └── union_find.h │ │ ├── stub │ │ │ ├── NvInferPlugin_5_0.inc │ │ │ ├── NvInferPlugin_5_1.inc │ │ │ ├── NvInfer_5_0.inc │ │ │ ├── NvInfer_5_1.inc │ │ │ ├── NvInfer_8_0.inc │ │ │ ├── nvinfer_plugin_stub.cc │ │ │ └── nvinfer_stub.cc │ │ ├── tensorrt_test.cc │ │ ├── tool │ │ │ └── tf2trt.py │ │ └── utils │ │ │ ├── py_utils.cc │ │ │ ├── py_utils.h │ │ │ ├── py_utils.i │ │ │ ├── trt_allocator.cc │ │ │ ├── trt_allocator.h │ │ │ ├── trt_allocator_test.cc │ │ │ ├── trt_engine_instance.proto │ │ │ ├── trt_int8_calibrator.cc │ │ │ ├── trt_int8_calibrator.h │ │ │ ├── trt_logger.cc │ │ │ ├── trt_logger.h │ │ │ ├── trt_lru_cache.cc │ │ │ ├── trt_lru_cache.h │ │ │ ├── trt_lru_cache_test.cc │ │ │ └── trt_tensor_proxy.h │ ├── tf2xla │ │ ├── BUILD │ │ ├── cc │ │ │ └── BUILD │ │ ├── const_analysis.cc │ │ ├── const_analysis.h │ │ ├── const_analysis_test.cc │ │ ├── cpu_function_runtime_test.cc │ │ ├── functionalize_cond.cc │ │ ├── functionalize_cond.h │ │ ├── functionalize_cond_test.cc │ │ ├── functionalize_control_flow.cc │ │ ├── functionalize_control_flow.h │ │ ├── functionalize_control_flow_pass_registration.cc │ │ ├── functionalize_control_flow_test.cc │ │ ├── functionalize_control_flow_util.cc │ │ ├── functionalize_control_flow_util.h │ │ ├── functionalize_while.cc │ │ ├── functionalize_while.h │ │ ├── fused_batchnorm_reserve_space_test.cc │ │ ├── g3doc │ │ │ ├── cpu_supported_ops.md │ │ │ └── gpu_supported_ops.md │ │ ├── graph_compiler.cc │ │ ├── graph_compiler.h │ │ ├── host_compute_metadata.proto │ │ ├── kernels │ │ │ ├── BUILD │ │ │ ├── aggregate_ops.cc │ │ │ ├── arg_op.cc │ │ │ ├── assert_op.cc │ │ │ ├── async_io_ops.cc │ │ │ ├── batch_matmul_op.cc │ │ │ ├── batch_norm_op.cc │ │ │ ├── batchtospace_op.cc │ │ │ ├── bcast_ops.cc │ │ │ ├── bias_ops.cc │ │ │ ├── binary_ops.cc │ │ │ ├── broadcast_to_op.cc │ │ │ ├── bucketize_op.cc │ │ │ ├── case_op.cc │ │ │ ├── case_op.h │ │ │ ├── cast_op.cc │ │ │ ├── categorical_op.cc │ │ │ ├── check_numerics_op.cc │ │ │ ├── cholesky_op.cc │ │ │ ├── clip_by_value_op.cc │ │ │ ├── concat_op.cc │ │ │ ├── const_op.cc │ │ │ ├── conv_op_helpers.cc │ │ │ ├── conv_op_helpers.h │ │ │ ├── conv_ops.cc │ │ │ ├── cross_op.cc │ │ │ ├── cwise_ops.cc │ │ │ ├── cwise_ops.h │ │ │ ├── data_format_ops.cc │ │ │ ├── depthtospace_op.cc │ │ │ ├── diag_op.cc │ │ │ ├── dynamic_slice_ops.cc │ │ │ ├── dynamic_stitch_op.cc │ │ │ ├── einsum_op.cc │ │ │ ├── elu_op.cc │ │ │ ├── elu_op.h │ │ │ ├── empty_op.cc │ │ │ ├── extract_image_patches_op.cc │ │ │ ├── fake_param_op.cc │ │ │ ├── fake_quantize_ops.cc │ │ │ ├── fft_ops.cc │ │ │ ├── fill_op.cc │ │ │ ├── function_ops.cc │ │ │ ├── gather_op.cc │ │ │ ├── gather_op_helpers.h │ │ │ ├── identity_op.cc │ │ │ ├── if_op.cc │ │ │ ├── if_op.h │ │ │ ├── if_while_utils.cc │ │ │ ├── if_while_utils.h │ │ │ ├── image_ops.cc │ │ │ ├── image_resize_ops.cc │ │ │ ├── image_resize_ops.h │ │ │ ├── in_topk_op.cc │ │ │ ├── index_ops.cc │ │ │ ├── index_ops.h │ │ │ ├── l2loss_op.cc │ │ │ ├── listdiff_op.cc │ │ │ ├── lrn_ops.cc │ │ │ ├── matmul_op.cc │ │ │ ├── matrix_band_part_op.cc │ │ │ ├── matrix_diag_ops.cc │ │ │ ├── matrix_inverse_op.cc │ │ │ ├── matrix_triangular_solve_op.cc │ │ │ ├── mirror_pad_op.cc │ │ │ ├── next_after_op.cc │ │ │ ├── no_op.cc │ │ │ ├── one_hot_op.cc │ │ │ ├── pack_op.cc │ │ │ ├── pad_op.cc │ │ │ ├── pooling_ops.cc │ │ │ ├── qr_op.cc │ │ │ ├── quantize_and_dequantize_op.cc │ │ │ ├── random_ops.cc │ │ │ ├── random_ops_util.h │ │ │ ├── reduce_window_op.cc │ │ │ ├── reduction_ops.cc │ │ │ ├── reduction_ops.h │ │ │ ├── reduction_ops_common.cc │ │ │ ├── relu_op.cc │ │ │ ├── relu_op.h │ │ │ ├── replica_id_op.cc │ │ │ ├── resampler_ops.cc │ │ │ ├── reshape_op.cc │ │ │ ├── retval_op.cc │ │ │ ├── reverse_op.cc │ │ │ ├── reverse_sequence_op.cc │ │ │ ├── roll_op.cc │ │ │ ├── scan_ops.cc │ │ │ ├── scatter_nd_op.cc │ │ │ ├── segment_reduction_ops.cc │ │ │ ├── select_op.cc │ │ │ ├── sendrecv_ops.cc │ │ │ ├── sequence_ops.cc │ │ │ ├── shape_op.cc │ │ │ ├── shape_util.cc │ │ │ ├── shape_util.h │ │ │ ├── slice_op.cc │ │ │ ├── softmax_op.cc │ │ │ ├── sort_ops.cc │ │ │ ├── spacetobatch_op.cc │ │ │ ├── spacetodepth_op.cc │ │ │ ├── sparse_to_dense_op.cc │ │ │ ├── split_op.cc │ │ │ ├── stack_ops.cc │ │ │ ├── stateful_random_ops.cc │ │ │ ├── stateless_random_ops.cc │ │ │ ├── strided_slice_op.cc │ │ │ ├── tensor_array_ops.cc │ │ │ ├── tensor_list_ops.cc │ │ │ ├── tensor_list_utils.cc │ │ │ ├── tensor_list_utils.h │ │ │ ├── tile_ops.cc │ │ │ ├── topk_op.cc │ │ │ ├── training_ops.cc │ │ │ ├── transpose_op.cc │ │ │ ├── unary_ops.cc │ │ │ ├── unary_ops_composition.cc │ │ │ ├── unpack_op.cc │ │ │ ├── variable_ops.cc │ │ │ ├── while_op.cc │ │ │ ├── while_op.h │ │ │ ├── xla_broadcast_helper_op.cc │ │ │ ├── xla_conv_op.cc │ │ │ ├── xla_dequantize_op.cc │ │ │ ├── xla_dot_op.cc │ │ │ ├── xla_pad_op.cc │ │ │ ├── xla_reduce_op.cc │ │ │ ├── xla_select_and_scatter_op.cc │ │ │ ├── xla_self_adjoint_eig_op.cc │ │ │ └── xla_svd_op.cc │ │ ├── lib │ │ │ ├── BUILD │ │ │ ├── broadcast.cc │ │ │ ├── broadcast.h │ │ │ ├── data_format.cc │ │ │ ├── data_format.h │ │ │ ├── random.cc │ │ │ ├── random.h │ │ │ ├── scatter.cc │ │ │ ├── scatter.h │ │ │ ├── util.cc │ │ │ └── util.h │ │ ├── literal_util.cc │ │ ├── literal_util.h │ │ ├── literal_util_test.cc │ │ ├── ops │ │ │ ├── BUILD │ │ │ └── xla_ops.cc │ │ ├── python │ │ │ ├── BUILD │ │ │ ├── xla.py │ │ │ └── xla_op_registry.clif │ │ ├── rearrange_function_argument.cc │ │ ├── rearrange_function_argument.h │ │ ├── resource_operation_table.cc │ │ ├── resource_operation_table.h │ │ ├── resource_operation_table_test.cc │ │ ├── resource_util.cc │ │ ├── resource_util.h │ │ ├── resource_util_test.cc │ │ ├── shape_util.cc │ │ ├── shape_util.h │ │ ├── sharding_util.cc │ │ ├── sharding_util.h │ │ ├── sharding_util_test.cc │ │ ├── side_effect_util.cc │ │ ├── side_effect_util.h │ │ ├── test_util.cc │ │ ├── test_util.h │ │ ├── tf2xla.cc │ │ ├── tf2xla.h │ │ ├── tf2xla.proto │ │ ├── tf2xla_supported_ops.cc │ │ ├── tf2xla_supported_ops.h │ │ ├── tf2xla_supported_ops_main.cc │ │ ├── tf2xla_test.cc │ │ ├── tf2xla_util.cc │ │ ├── tf2xla_util.h │ │ ├── tf2xla_util_test.cc │ │ ├── type_util.cc │ │ ├── type_util.h │ │ ├── xla_compilation_device.cc │ │ ├── xla_compilation_device.h │ │ ├── xla_compiled_cpu_function.cc │ │ ├── xla_compiled_cpu_function.h │ │ ├── xla_compiler.cc │ │ ├── xla_compiler.h │ │ ├── xla_compiler_test.cc │ │ ├── xla_context.cc │ │ ├── xla_context.h │ │ ├── xla_cpu_backend.cc │ │ ├── xla_expression.cc │ │ ├── xla_expression.h │ │ ├── xla_expression_test.cc │ │ ├── xla_gpu_backend.cc │ │ ├── xla_helpers.cc │ │ ├── xla_helpers.h │ │ ├── xla_jit_compiled_cpu_function.cc │ │ ├── xla_jit_compiled_cpu_function.h │ │ ├── xla_jit_compiled_cpu_function_test.cc │ │ ├── xla_op_kernel.cc │ │ ├── xla_op_kernel.h │ │ ├── xla_op_registry.cc │ │ ├── xla_op_registry.h │ │ ├── xla_op_registry_test.cc │ │ ├── xla_resource.cc │ │ └── xla_resource.h │ ├── xla │ │ ├── .clang-format │ │ ├── BUILD │ │ ├── DISABLED_TEST │ │ ├── README.md │ │ ├── array.cc │ │ ├── array.h │ │ ├── array2d.h │ │ ├── array2d_test.cc │ │ ├── array3d.h │ │ ├── array3d_test.cc │ │ ├── array4d.h │ │ ├── array4d_test.cc │ │ ├── array_test.cc │ │ ├── bit_cast.h │ │ ├── bit_cast_test.cc │ │ ├── client │ │ │ ├── BUILD │ │ │ ├── client.cc │ │ │ ├── client.h │ │ │ ├── client_library.cc │ │ │ ├── client_library.h │ │ │ ├── compile_only_client.cc │ │ │ ├── compile_only_client.h │ │ │ ├── executable_build_options.cc │ │ │ ├── executable_build_options.h │ │ │ ├── global_data.cc │ │ │ ├── global_data.h │ │ │ ├── lib │ │ │ │ ├── BUILD │ │ │ │ ├── arithmetic.cc │ │ │ │ ├── arithmetic.h │ │ │ │ ├── arithmetic_test.cc │ │ │ │ ├── comparators.cc │ │ │ │ ├── comparators.h │ │ │ │ ├── comparators_test.cc │ │ │ │ ├── constants.cc │ │ │ │ ├── constants.h │ │ │ │ ├── constants_test.cc │ │ │ │ ├── conv_grad_size_util.cc │ │ │ │ ├── conv_grad_size_util.h │ │ │ │ ├── logdet.cc │ │ │ │ ├── logdet.h │ │ │ │ ├── logdet_test.cc │ │ │ │ ├── loops.cc │ │ │ │ ├── loops.h │ │ │ │ ├── math.cc │ │ │ │ ├── math.h │ │ │ │ ├── math_test.cc │ │ │ │ ├── matrix.cc │ │ │ │ ├── matrix.h │ │ │ │ ├── matrix_test.cc │ │ │ │ ├── pooling.cc │ │ │ │ ├── pooling.h │ │ │ │ ├── pooling_test.cc │ │ │ │ ├── prng.cc │ │ │ │ ├── prng.h │ │ │ │ ├── qr.cc │ │ │ │ ├── qr.h │ │ │ │ ├── qr_test.cc │ │ │ │ ├── quantize.h │ │ │ │ ├── quantize_test.cc │ │ │ │ ├── self_adjoint_eig.cc │ │ │ │ ├── self_adjoint_eig.h │ │ │ │ ├── self_adjoint_eig_test.cc │ │ │ │ ├── slicing.cc │ │ │ │ ├── slicing.h │ │ │ │ ├── slicing_test.cc │ │ │ │ ├── sorting.cc │ │ │ │ ├── sorting.h │ │ │ │ ├── sorting_test.cc │ │ │ │ ├── svd.cc │ │ │ │ ├── svd.h │ │ │ │ ├── svd_test.cc │ │ │ │ ├── testing.cc │ │ │ │ ├── testing.h │ │ │ │ ├── tridiagonal.cc │ │ │ │ ├── tridiagonal.h │ │ │ │ └── tridiagonal_test.cc │ │ │ ├── local_client.cc │ │ │ ├── local_client.h │ │ │ ├── padding.cc │ │ │ ├── padding.h │ │ │ ├── padding_test.cc │ │ │ ├── sharding_builder.cc │ │ │ ├── sharding_builder.h │ │ │ ├── xla_builder.cc │ │ │ ├── xla_builder.h │ │ │ ├── xla_builder_test.cc │ │ │ ├── xla_computation.cc │ │ │ └── xla_computation.h │ │ ├── comparison_util.cc │ │ ├── comparison_util.h │ │ ├── cpu_function_runtime.cc │ │ ├── cpu_function_runtime.h │ │ ├── debug_options_flags.cc │ │ ├── debug_options_flags.h │ │ ├── debug_options_parsers.h │ │ ├── debug_options_parsers_test.cc │ │ ├── device_util.h │ │ ├── error_spec.h │ │ ├── executable_run_options.cc │ │ ├── executable_run_options.h │ │ ├── execution_options_util.cc │ │ ├── execution_options_util.h │ │ ├── experimental │ │ │ └── xla_sharding │ │ │ │ ├── BUILD │ │ │ │ └── xla_sharding.py │ │ ├── g3doc │ │ │ ├── README.md │ │ │ ├── _book.yaml │ │ │ ├── architecture.md │ │ │ ├── broadcasting.md │ │ │ ├── custom_call.md │ │ │ ├── developing_new_backend.md │ │ │ ├── images │ │ │ │ ├── how-does-xla-work.png │ │ │ │ ├── ops_2d_matrix.png │ │ │ │ ├── ops_alltoall.png │ │ │ │ ├── ops_concatenate.png │ │ │ │ ├── ops_pad.png │ │ │ │ ├── ops_reduce_from_2d_matrix.png │ │ │ │ ├── ops_reduce_from_3d_matrix.png │ │ │ │ ├── ops_reduce_window.png │ │ │ │ ├── ops_reduce_window_stride.png │ │ │ │ ├── ops_scatter_to_selected_window_element.png │ │ │ │ ├── ops_while.png │ │ │ │ ├── ops_xla_gather_0.svg │ │ │ │ ├── ops_xla_gather_1.svg │ │ │ │ ├── ops_xla_gather_2.svg │ │ │ │ ├── send_recv_order.png │ │ │ │ ├── send_recv_schedule.png │ │ │ │ ├── tf_xla_performance.png │ │ │ │ ├── xla_array_layout_figure1.png │ │ │ │ ├── xla_array_layout_figure2.png │ │ │ │ └── xlalogo.png │ │ │ ├── index.md │ │ │ ├── operation_semantics.md │ │ │ ├── shapes.md │ │ │ ├── tf_docs_reviews.gwsq │ │ │ ├── tfcompile.md │ │ │ ├── tiled_layout.md │ │ │ └── tutorials │ │ │ │ ├── autoclustering_xla.ipynb │ │ │ │ └── compile.ipynb │ │ ├── index_util.cc │ │ ├── index_util.h │ │ ├── index_util_test.cc │ │ ├── iterator_util.h │ │ ├── iterator_util_test.cc │ │ ├── layout.cc │ │ ├── layout.h │ │ ├── layout_test.cc │ │ ├── layout_util.cc │ │ ├── layout_util.h │ │ ├── layout_util_test.cc │ │ ├── literal.cc │ │ ├── literal.h │ │ ├── literal_comparison.cc │ │ ├── literal_comparison.h │ │ ├── literal_test.cc │ │ ├── literal_util.cc │ │ ├── literal_util.h │ │ ├── map_util.h │ │ ├── metric_table_report.cc │ │ ├── metric_table_report.h │ │ ├── overflow_util.h │ │ ├── packed_literal_reader.cc │ │ ├── packed_literal_reader.h │ │ ├── parse_flags_from_env.cc │ │ ├── parse_flags_from_env.h │ │ ├── parse_flags_from_env_test.cc │ │ ├── primitive_util.cc │ │ ├── primitive_util.h │ │ ├── primitive_util_test.cc │ │ ├── protobuf_util.cc │ │ ├── protobuf_util.h │ │ ├── python │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── bfloat16.cc │ │ │ ├── bfloat16.h │ │ │ ├── bfloat16_test.py │ │ │ ├── cpu_device.cc │ │ │ ├── cpu_device.h │ │ │ ├── custom_call_for_test.pyx │ │ │ ├── dlpack.cc │ │ │ ├── dlpack.h │ │ │ ├── event_pool.cc │ │ │ ├── event_pool.h │ │ │ ├── local_client.cc │ │ │ ├── local_client.h │ │ │ ├── local_device_state.cc │ │ │ ├── local_device_state.h │ │ │ ├── nvidia_gpu_device.cc │ │ │ ├── nvidia_gpu_device.h │ │ │ ├── python_ref_manager.cc │ │ │ ├── python_ref_manager.h │ │ │ ├── semaphore.cc │ │ │ ├── semaphore.h │ │ │ ├── semaphore_test.cc │ │ │ ├── shared_device_buffer.cc │ │ │ ├── shared_device_buffer.h │ │ │ ├── shared_device_buffer_test.cc │ │ │ ├── tpu_driver │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── client │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── libtftpu.h │ │ │ │ │ ├── libtpu.h │ │ │ │ │ ├── libtpu_client.c │ │ │ │ │ ├── tpu_client.cc │ │ │ │ │ ├── tpu_client.h │ │ │ │ │ ├── tpu_client.py │ │ │ │ │ └── tpu_client_extension.cc │ │ │ │ ├── direct_tpu_driver.cc │ │ │ │ ├── event_id.h │ │ │ │ ├── grpc_tpu_driver.cc │ │ │ │ ├── grpc_tpu_driver.h │ │ │ │ ├── platform │ │ │ │ │ └── external │ │ │ │ │ │ ├── compat.h │ │ │ │ │ │ └── tools.bzl │ │ │ │ ├── recording_tpu_driver.cc │ │ │ │ ├── tpu_driver.cc │ │ │ │ ├── tpu_driver.h │ │ │ │ ├── tpu_driver.proto │ │ │ │ └── tpu_service.proto │ │ │ ├── types.cc │ │ │ ├── types.h │ │ │ ├── worker_thread.cc │ │ │ ├── worker_thread.h │ │ │ ├── xla.cc │ │ │ ├── xla_client.py │ │ │ └── xla_client_test.py │ │ ├── python_api │ │ │ ├── BUILD │ │ │ ├── types.py │ │ │ ├── xla_literal.py │ │ │ └── xla_shape.py │ │ ├── refcounting_hash_map.h │ │ ├── refcounting_hash_map_test.cc │ │ ├── reference_util.cc │ │ ├── reference_util.h │ │ ├── reference_util_test.cc │ │ ├── rpc │ │ │ ├── BUILD │ │ │ ├── grpc_client_test.cc │ │ │ ├── grpc_service.cc │ │ │ ├── grpc_service.h │ │ │ ├── grpc_service_main.cc │ │ │ ├── grpc_stub.cc │ │ │ ├── grpc_stub.h │ │ │ └── xla_service.proto │ │ ├── service │ │ │ ├── BUILD │ │ │ ├── DISABLED_TEST │ │ │ ├── algebraic_simplifier.cc │ │ │ ├── algebraic_simplifier.h │ │ │ ├── algebraic_simplifier_proof_distributive_property.py │ │ │ ├── algebraic_simplifier_test.cc │ │ │ ├── all_reduce_combiner.cc │ │ │ ├── all_reduce_combiner.h │ │ │ ├── all_reduce_combiner_test.cc │ │ │ ├── all_reduce_simplifier.cc │ │ │ ├── all_reduce_simplifier.h │ │ │ ├── all_reduce_simplifier_test.cc │ │ │ ├── allocation_tracker.cc │ │ │ ├── allocation_tracker.h │ │ │ ├── ar_crs_combiner.cc │ │ │ ├── ar_crs_combiner.h │ │ │ ├── ar_crs_combiner_test.cc │ │ │ ├── backend.cc │ │ │ ├── backend.h │ │ │ ├── batch_dot_simplification.cc │ │ │ ├── batch_dot_simplification.h │ │ │ ├── batch_dot_simplification_test.cc │ │ │ ├── batchnorm_expander.cc │ │ │ ├── batchnorm_expander.h │ │ │ ├── batchnorm_expander_test.cc │ │ │ ├── bfloat16_conversion_folding.cc │ │ │ ├── bfloat16_conversion_folding.h │ │ │ ├── bfloat16_conversion_folding_test.cc │ │ │ ├── bfloat16_normalization.cc │ │ │ ├── bfloat16_normalization.h │ │ │ ├── bfloat16_normalization_test.cc │ │ │ ├── bfloat16_propagation.cc │ │ │ ├── bfloat16_propagation.h │ │ │ ├── bfloat16_propagation_test.cc │ │ │ ├── bfloat16_support.cc │ │ │ ├── bfloat16_support.h │ │ │ ├── buffer_assignment.cc │ │ │ ├── buffer_assignment.h │ │ │ ├── buffer_assignment_test.cc │ │ │ ├── buffer_value.cc │ │ │ ├── buffer_value.h │ │ │ ├── buffer_value_containers.h │ │ │ ├── call_graph.cc │ │ │ ├── call_graph.h │ │ │ ├── call_graph_test.cc │ │ │ ├── call_inliner.cc │ │ │ ├── call_inliner.h │ │ │ ├── call_inliner_test.cc │ │ │ ├── channel_tracker.cc │ │ │ ├── channel_tracker.h │ │ │ ├── cholesky_expander.cc │ │ │ ├── cholesky_expander.h │ │ │ ├── collective_ops_utils.cc │ │ │ ├── collective_ops_utils.h │ │ │ ├── compilation_cache.cc │ │ │ ├── compilation_cache.h │ │ │ ├── compilation_stats.cc │ │ │ ├── compilation_stats.h │ │ │ ├── compile_only_service.cc │ │ │ ├── compile_only_service.h │ │ │ ├── compiler.cc │ │ │ ├── compiler.h │ │ │ ├── computation_layout.cc │ │ │ ├── computation_layout.h │ │ │ ├── computation_placer.cc │ │ │ ├── computation_placer.h │ │ │ ├── conditional_simplifier.cc │ │ │ ├── conditional_simplifier.h │ │ │ ├── conditional_simplifier_test.cc │ │ │ ├── conditional_to_select.cc │ │ │ ├── conditional_to_select.h │ │ │ ├── conditional_to_select_test.cc │ │ │ ├── convolution_4d_expander.cc │ │ │ ├── convolution_4d_expander.h │ │ │ ├── convolution_4d_expander_test.cc │ │ │ ├── convolution_group_converter.cc │ │ │ ├── convolution_group_converter.h │ │ │ ├── convolution_group_converter_test.cc │ │ │ ├── copy_insertion.cc │ │ │ ├── copy_insertion.h │ │ │ ├── copy_insertion_test.cc │ │ │ ├── cpu │ │ │ │ ├── BUILD │ │ │ │ ├── buffer_info_util.cc │ │ │ │ ├── buffer_info_util.h │ │ │ │ ├── build_defs.bzl │ │ │ │ ├── compiler_functor.cc │ │ │ │ ├── compiler_functor.h │ │ │ │ ├── conv_canonicalization.cc │ │ │ │ ├── conv_canonicalization.h │ │ │ │ ├── conv_canonicalization_test.cc │ │ │ │ ├── cpu_compiler.cc │ │ │ │ ├── cpu_compiler.h │ │ │ │ ├── cpu_eigen_tensor_alignment_test.cc │ │ │ │ ├── cpu_executable.cc │ │ │ │ ├── cpu_executable.h │ │ │ │ ├── cpu_instruction_fusion.cc │ │ │ │ ├── cpu_instruction_fusion.h │ │ │ │ ├── cpu_instruction_fusion_test.cc │ │ │ │ ├── cpu_layout_assignment.cc │ │ │ │ ├── cpu_layout_assignment.h │ │ │ │ ├── cpu_layout_assignment_test.cc │ │ │ │ ├── cpu_options.cc │ │ │ │ ├── cpu_options.h │ │ │ │ ├── cpu_runtime.cc │ │ │ │ ├── cpu_runtime.h │ │ │ │ ├── cpu_runtime_test.cc │ │ │ │ ├── cpu_transfer_manager.cc │ │ │ │ ├── cpu_transfer_manager.h │ │ │ │ ├── dot_op_emitter.cc │ │ │ │ ├── dot_op_emitter.h │ │ │ │ ├── dot_op_emitter_internal.h │ │ │ │ ├── elemental_ir_emitter.cc │ │ │ │ ├── elemental_ir_emitter.h │ │ │ │ ├── ir_emission_utils.cc │ │ │ │ ├── ir_emission_utils.h │ │ │ │ ├── ir_emission_utils_test.cc │ │ │ │ ├── ir_emitter.cc │ │ │ │ ├── ir_emitter.h │ │ │ │ ├── ir_function.cc │ │ │ │ ├── ir_function.h │ │ │ │ ├── llvm_ir_runtime.cc │ │ │ │ ├── llvm_ir_runtime.h │ │ │ │ ├── orc_jit_memory_mapper.cc │ │ │ │ ├── orc_jit_memory_mapper.h │ │ │ │ ├── parallel_loop_emitter.cc │ │ │ │ ├── parallel_loop_emitter.h │ │ │ │ ├── parallel_task_assignment.cc │ │ │ │ ├── parallel_task_assignment.h │ │ │ │ ├── parallel_task_assignment_test.cc │ │ │ │ ├── runtime_conv2d.cc │ │ │ │ ├── runtime_conv2d.h │ │ │ │ ├── runtime_conv2d_impl.h │ │ │ │ ├── runtime_conv2d_mkl.cc │ │ │ │ ├── runtime_conv2d_mkl.h │ │ │ │ ├── runtime_fft.cc │ │ │ │ ├── runtime_fft.h │ │ │ │ ├── runtime_fft_impl.h │ │ │ │ ├── runtime_fft_test.cc │ │ │ │ ├── runtime_fork_join.cc │ │ │ │ ├── runtime_fork_join.h │ │ │ │ ├── runtime_fp16.cc │ │ │ │ ├── runtime_fp16.h │ │ │ │ ├── runtime_key_value_sort.cc │ │ │ │ ├── runtime_key_value_sort.h │ │ │ │ ├── runtime_lightweight_check.h │ │ │ │ ├── runtime_matmul.cc │ │ │ │ ├── runtime_matmul.h │ │ │ │ ├── runtime_matmul_mkl.cc │ │ │ │ ├── runtime_matmul_mkl.h │ │ │ │ ├── runtime_single_threaded_conv2d.cc │ │ │ │ ├── runtime_single_threaded_conv2d.h │ │ │ │ ├── runtime_single_threaded_fft.cc │ │ │ │ ├── runtime_single_threaded_fft.h │ │ │ │ ├── runtime_single_threaded_matmul.cc │ │ │ │ ├── runtime_single_threaded_matmul.h │ │ │ │ ├── sample_harness.cc │ │ │ │ ├── shape_partition.cc │ │ │ │ ├── shape_partition.h │ │ │ │ ├── shape_partition_test.cc │ │ │ │ ├── simple_orc_jit.cc │ │ │ │ ├── simple_orc_jit.h │ │ │ │ ├── target_machine_features.cc │ │ │ │ ├── target_machine_features.h │ │ │ │ ├── target_machine_features_fake.h │ │ │ │ ├── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── cpu_bytesizeof_test.cc │ │ │ │ │ ├── cpu_codegen_test.h │ │ │ │ │ ├── cpu_eigen_dot_operation_test.cc │ │ │ │ │ ├── cpu_external_constants_test.cc │ │ │ │ │ ├── cpu_fusion_test.cc │ │ │ │ │ ├── cpu_infeed_test.cc │ │ │ │ │ ├── cpu_intrinsic_test.cc │ │ │ │ │ ├── cpu_key_value_sort_test.cc │ │ │ │ │ ├── cpu_literal_caching_test.cc │ │ │ │ │ ├── cpu_noalias_test.cc │ │ │ │ │ ├── cpu_outfeed_test.cc │ │ │ │ │ ├── cpu_profiling_test.cc │ │ │ │ │ ├── cpu_vectorization_test.cc │ │ │ │ │ └── tree_reduction_rewriter_test.cc │ │ │ │ ├── tiled_dot_emitter.cc │ │ │ │ ├── tiled_dot_emitter.h │ │ │ │ ├── vector_support_library.cc │ │ │ │ ├── vector_support_library.h │ │ │ │ ├── vectorized_reduce_with_no_vector_registers_test.cc │ │ │ │ ├── windows_compatibility.cc │ │ │ │ ├── windows_compatibility.h │ │ │ │ ├── xfeed_manager.cc │ │ │ │ ├── xfeed_manager.h │ │ │ │ └── xfeed_manager_test.cc │ │ │ ├── custom_call_target_registry.cc │ │ │ ├── custom_call_target_registry.h │ │ │ ├── defuser.cc │ │ │ ├── defuser.h │ │ │ ├── defuser_test.cc │ │ │ ├── depthwise_convolution_converter.cc │ │ │ ├── depthwise_convolution_converter.h │ │ │ ├── depthwise_convolution_converter_test.cc │ │ │ ├── despecializer.cc │ │ │ ├── despecializer.h │ │ │ ├── dfs_hlo_visitor.cc │ │ │ ├── dfs_hlo_visitor.h │ │ │ ├── dfs_hlo_visitor_with_default.h │ │ │ ├── dfs_hlo_visitor_with_default_test.cc │ │ │ ├── dot_decomposer.cc │ │ │ ├── dot_decomposer.h │ │ │ ├── dot_decomposer_test.cc │ │ │ ├── dump.cc │ │ │ ├── dump.h │ │ │ ├── dynamic_dimension_inference.cc │ │ │ ├── dynamic_dimension_inference.h │ │ │ ├── dynamic_dimension_inference_test.cc │ │ │ ├── dynamic_index_splitter.cc │ │ │ ├── dynamic_index_splitter.h │ │ │ ├── dynamic_index_splitter_test.cc │ │ │ ├── dynamic_padder.cc │ │ │ ├── dynamic_padder.h │ │ │ ├── dynamic_padder_test.cc │ │ │ ├── dynamic_parameter_binding.cc │ │ │ ├── dynamic_parameter_binding.h │ │ │ ├── dynamic_parameter_binding_test.cc │ │ │ ├── dynamic_update_slice_test.cc │ │ │ ├── elemental_ir_emitter.cc │ │ │ ├── elemental_ir_emitter.h │ │ │ ├── elemental_ir_emitter_test.cc │ │ │ ├── executable.cc │ │ │ ├── executable.h │ │ │ ├── execution_tracker.cc │ │ │ ├── execution_tracker.h │ │ │ ├── flatten_call_graph.cc │ │ │ ├── flatten_call_graph.h │ │ │ ├── flatten_call_graph_test.cc │ │ │ ├── fusion_node_indexing_evaluation.cc │ │ │ ├── fusion_node_indexing_evaluation.h │ │ │ ├── fusion_node_indexing_evaluation_test.cc │ │ │ ├── fusion_queue.h │ │ │ ├── g3doc │ │ │ │ └── hlo_parser.md │ │ │ ├── gather_expander.cc │ │ │ ├── gather_expander.h │ │ │ ├── gather_expander_test.cc │ │ │ ├── generic_transfer_manager.cc │ │ │ ├── generic_transfer_manager.h │ │ │ ├── gpu │ │ │ │ ├── BUILD │ │ │ │ ├── alias_passthrough_params.cc │ │ │ │ ├── alias_passthrough_params.h │ │ │ │ ├── alias_passthrough_params_test.cc │ │ │ │ ├── amdgpu_compiler.cc │ │ │ │ ├── amdgpu_compiler.h │ │ │ │ ├── amdgpu_compiler_registration.cc │ │ │ │ ├── async_out_thunk.cc │ │ │ │ ├── async_out_thunk.h │ │ │ │ ├── backend_configs.proto │ │ │ │ ├── buffer_allocations.cc │ │ │ │ ├── buffer_allocations.h │ │ │ │ ├── buffer_comparator.cc │ │ │ │ ├── buffer_comparator.h │ │ │ │ ├── buffer_comparator_test.cc │ │ │ │ ├── cholesky_thunk.cc │ │ │ │ ├── cholesky_thunk.h │ │ │ │ ├── collective_permute_thunk.cc │ │ │ │ ├── collective_permute_thunk.h │ │ │ │ ├── conditional_thunk.cc │ │ │ │ ├── conditional_thunk.h │ │ │ │ ├── convolution_thunk.cc │ │ │ │ ├── convolution_thunk.h │ │ │ │ ├── copy_thunk.cc │ │ │ │ ├── copy_thunk.h │ │ │ │ ├── cublas_gemm_pad_for_tensor_cores.cc │ │ │ │ ├── cublas_gemm_pad_for_tensor_cores.h │ │ │ │ ├── cublas_gemm_pad_for_tensor_cores_test.cc │ │ │ │ ├── cudnn_batchnorm_rewriter.cc │ │ │ │ ├── cudnn_batchnorm_rewriter.h │ │ │ │ ├── cudnn_batchnorm_runner.cc │ │ │ │ ├── cudnn_batchnorm_runner.h │ │ │ │ ├── cudnn_batchnorm_thunk.cc │ │ │ │ ├── cudnn_batchnorm_thunk.h │ │ │ │ ├── cudnn_fused_conv_rewriter.cc │ │ │ │ ├── cudnn_fused_conv_rewriter.h │ │ │ │ ├── cudnn_fused_conv_rewriter_test.cc │ │ │ │ ├── cudnn_pad_for_convolutions.cc │ │ │ │ ├── cudnn_pad_for_convolutions.h │ │ │ │ ├── cudnn_pad_for_convolutions_test.cc │ │ │ │ ├── cudnn_softmax_rewriter.cc │ │ │ │ ├── cudnn_softmax_rewriter.h │ │ │ │ ├── cudnn_softmax_runner.cc │ │ │ │ ├── cudnn_softmax_runner.h │ │ │ │ ├── cudnn_softmax_thunk.cc │ │ │ │ ├── cudnn_softmax_thunk.h │ │ │ │ ├── cusolver_context.cc │ │ │ │ ├── cusolver_context.h │ │ │ │ ├── cusolver_rewriter.cc │ │ │ │ ├── cusolver_rewriter.h │ │ │ │ ├── custom_call_test.cc │ │ │ │ ├── custom_call_thunk.cc │ │ │ │ ├── custom_call_thunk.h │ │ │ │ ├── data │ │ │ │ │ └── hlo_algorithm_blacklist.pbtxt │ │ │ │ ├── dummy_all_reduce_thunk.cc │ │ │ │ ├── elemental_ir_emitter.cc │ │ │ │ ├── elemental_ir_emitter.h │ │ │ │ ├── fft_thunk.cc │ │ │ │ ├── fft_thunk.h │ │ │ │ ├── for_thunk.cc │ │ │ │ ├── for_thunk.h │ │ │ │ ├── fusion_merger.cc │ │ │ │ ├── fusion_merger.h │ │ │ │ ├── fusion_merger_test.cc │ │ │ │ ├── gemm_algorithm_picker.cc │ │ │ │ ├── gemm_algorithm_picker.h │ │ │ │ ├── gemm_rewriter.cc │ │ │ │ ├── gemm_rewriter.h │ │ │ │ ├── gemm_thunk.cc │ │ │ │ ├── gemm_thunk.h │ │ │ │ ├── gpu_autotuning.proto │ │ │ │ ├── gpu_compiler.cc │ │ │ │ ├── gpu_compiler.h │ │ │ │ ├── gpu_constants.cc │ │ │ │ ├── gpu_constants.h │ │ │ │ ├── gpu_conv_algorithm_picker.cc │ │ │ │ ├── gpu_conv_algorithm_picker.h │ │ │ │ ├── gpu_conv_padding_legalization.cc │ │ │ │ ├── gpu_conv_padding_legalization.h │ │ │ │ ├── gpu_conv_rewriter.cc │ │ │ │ ├── gpu_conv_rewriter.h │ │ │ │ ├── gpu_conv_rewriter_test.cc │ │ │ │ ├── gpu_conv_runner.cc │ │ │ │ ├── gpu_conv_runner.h │ │ │ │ ├── gpu_copy_insertion.cc │ │ │ │ ├── gpu_copy_insertion.h │ │ │ │ ├── gpu_debug_info_manager.cc │ │ │ │ ├── gpu_debug_info_manager.h │ │ │ │ ├── gpu_debug_info_manager_test.cc │ │ │ │ ├── gpu_device_info.h │ │ │ │ ├── gpu_executable.cc │ │ │ │ ├── gpu_executable.h │ │ │ │ ├── gpu_executable_run_options.cc │ │ │ │ ├── gpu_executable_run_options.h │ │ │ │ ├── gpu_fusible.cc │ │ │ │ ├── gpu_fusible.h │ │ │ │ ├── gpu_fusible_test.cc │ │ │ │ ├── gpu_graph_util.cc │ │ │ │ ├── gpu_graph_util.h │ │ │ │ ├── gpu_hlo_schedule.cc │ │ │ │ ├── gpu_hlo_schedule.h │ │ │ │ ├── gpu_hlo_schedule_test.cc │ │ │ │ ├── gpu_layout_assignment.cc │ │ │ │ ├── gpu_layout_assignment.h │ │ │ │ ├── gpu_layout_assignment_test.cc │ │ │ │ ├── gpu_sanitize_constant_names.cc │ │ │ │ ├── gpu_sanitize_constant_names.h │ │ │ │ ├── gpu_sanitize_constant_names_test.cc │ │ │ │ ├── gpu_scatter_expander.cc │ │ │ │ ├── gpu_scatter_expander.h │ │ │ │ ├── gpu_transfer_manager.cc │ │ │ │ ├── gpu_transfer_manager.h │ │ │ │ ├── gpu_types.h │ │ │ │ ├── hlo_algorithm_blacklist.cc │ │ │ │ ├── hlo_algorithm_blacklist.h │ │ │ │ ├── hlo_algorithm_blacklist_test.cc │ │ │ │ ├── hlo_execution_profiler.cc │ │ │ │ ├── hlo_execution_profiler.h │ │ │ │ ├── hlo_to_ir_bindings.cc │ │ │ │ ├── hlo_to_ir_bindings.h │ │ │ │ ├── horizontal_input_fusion.cc │ │ │ │ ├── horizontal_input_fusion.h │ │ │ │ ├── horizontal_input_fusion_test.cc │ │ │ │ ├── horizontal_loop_fusion.cc │ │ │ │ ├── horizontal_loop_fusion.h │ │ │ │ ├── horizontal_loop_fusion_test.cc │ │ │ │ ├── infeed_manager.cc │ │ │ │ ├── infeed_manager.h │ │ │ │ ├── infeed_thunk.cc │ │ │ │ ├── infeed_thunk.h │ │ │ │ ├── instruction_fusion.cc │ │ │ │ ├── instruction_fusion.h │ │ │ │ ├── instruction_fusion_test.cc │ │ │ │ ├── ir_emission_utils.cc │ │ │ │ ├── ir_emission_utils.h │ │ │ │ ├── ir_emitter.cc │ │ │ │ ├── ir_emitter.h │ │ │ │ ├── ir_emitter_context.h │ │ │ │ ├── ir_emitter_nested.cc │ │ │ │ ├── ir_emitter_nested.h │ │ │ │ ├── ir_emitter_unnested.cc │ │ │ │ ├── ir_emitter_unnested.h │ │ │ │ ├── kernel_mapping_scheme.h │ │ │ │ ├── kernel_thunk.cc │ │ │ │ ├── kernel_thunk.h │ │ │ │ ├── launch_dimensions.cc │ │ │ │ ├── launch_dimensions.h │ │ │ │ ├── llvm_gpu_backend │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── dump_ir_pass.cc │ │ │ │ │ ├── dump_ir_pass.h │ │ │ │ │ ├── gpu_backend_lib.cc │ │ │ │ │ ├── gpu_backend_lib.h │ │ │ │ │ ├── tests_data │ │ │ │ │ │ └── saxpy.ll │ │ │ │ │ ├── utils.cc │ │ │ │ │ ├── utils.h │ │ │ │ │ └── utils_test.cc │ │ │ │ ├── memset_thunk.cc │ │ │ │ ├── memset_thunk.h │ │ │ │ ├── multi_output_fusion.cc │ │ │ │ ├── multi_output_fusion.h │ │ │ │ ├── multi_output_fusion_test.cc │ │ │ │ ├── nccl_all_reduce_thunk.cc │ │ │ │ ├── nccl_all_reduce_thunk.h │ │ │ │ ├── nvptx_compiler.cc │ │ │ │ ├── nvptx_compiler.h │ │ │ │ ├── nvptx_compiler_registration.cc │ │ │ │ ├── outfeed_manager.cc │ │ │ │ ├── outfeed_manager.h │ │ │ │ ├── outfeed_thunk.cc │ │ │ │ ├── outfeed_thunk.h │ │ │ │ ├── parallel_loop_emitter.cc │ │ │ │ ├── parallel_loop_emitter.h │ │ │ │ ├── reduction_degenerate_dim_remover.cc │ │ │ │ ├── reduction_degenerate_dim_remover.h │ │ │ │ ├── reduction_dimension_grouper.cc │ │ │ │ ├── reduction_dimension_grouper.h │ │ │ │ ├── reduction_layout_normalizer.cc │ │ │ │ ├── reduction_layout_normalizer.h │ │ │ │ ├── replica_id_thunk.cc │ │ │ │ ├── replica_id_thunk.h │ │ │ │ ├── sequential_thunk.cc │ │ │ │ ├── sequential_thunk.h │ │ │ │ ├── stream_assignment.cc │ │ │ │ ├── stream_assignment.h │ │ │ │ ├── stream_assignment_test.cc │ │ │ │ ├── stream_executor_util.cc │ │ │ │ ├── stream_executor_util.h │ │ │ │ ├── target_constants.h │ │ │ │ ├── target_util.cc │ │ │ │ ├── target_util.h │ │ │ │ ├── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── async_out_send_test.cc │ │ │ │ │ ├── gemm_rewrite_test.cc │ │ │ │ │ ├── gpu_alignment_test.cc │ │ │ │ │ ├── gpu_atomic_test.cc │ │ │ │ │ ├── gpu_codegen_test.cc │ │ │ │ │ ├── gpu_codegen_test.h │ │ │ │ │ ├── gpu_convolution_regression_test.cc │ │ │ │ │ ├── gpu_copy_alone_test.cc │ │ │ │ │ ├── gpu_copy_test.cc │ │ │ │ │ ├── gpu_ftz_test.cc │ │ │ │ │ ├── gpu_fusion_test.cc │ │ │ │ │ ├── gpu_index_test.cc │ │ │ │ │ ├── gpu_input_fusible_slice_test.cc │ │ │ │ │ ├── gpu_kernel_tiling_test.cc │ │ │ │ │ ├── gpu_ldg_test.cc │ │ │ │ │ ├── gpu_noalias_test.cc │ │ │ │ │ ├── gpu_too_many_blocks_test.cc │ │ │ │ │ ├── gpu_unrolling_test.cc │ │ │ │ │ ├── hlo_to_llvm_ir.cc │ │ │ │ │ ├── hlo_to_llvm_ir.hlo │ │ │ │ │ ├── infeed_test.cc │ │ │ │ │ ├── parallel_reduction_test.cc │ │ │ │ │ ├── reduction_degenerate_dim_remover_test.cc │ │ │ │ │ ├── reduction_dimension_grouper_test.cc │ │ │ │ │ ├── reduction_layout_normalizer_test.cc │ │ │ │ │ ├── reduction_vectorization_sm_all.hlo │ │ │ │ │ ├── reduction_vectorization_test.cc │ │ │ │ │ └── tree_reduction_rewriter_test.cc │ │ │ │ ├── thunk.cc │ │ │ │ ├── thunk.h │ │ │ │ ├── thunk_emitter.cc │ │ │ │ ├── thunk_emitter.h │ │ │ │ ├── thunk_schedule.cc │ │ │ │ ├── thunk_schedule.h │ │ │ │ ├── tree_reduction_rewriter.cc │ │ │ │ ├── tree_reduction_rewriter.h │ │ │ │ ├── triangular_solve_thunk.cc │ │ │ │ ├── triangular_solve_thunk.h │ │ │ │ ├── tuple_thunk.cc │ │ │ │ ├── tuple_thunk.h │ │ │ │ ├── variadic_op_splitter.cc │ │ │ │ ├── variadic_op_splitter.h │ │ │ │ ├── variadic_op_splitter_test.cc │ │ │ │ ├── while_thunk.cc │ │ │ │ ├── while_thunk.h │ │ │ │ ├── while_transformer_test.cc │ │ │ │ └── xfeed_queue.h │ │ │ ├── heap_simulator.cc │ │ │ ├── heap_simulator.h │ │ │ ├── heap_simulator_test.cc │ │ │ ├── hlo.proto │ │ │ ├── hlo_alias_analysis.cc │ │ │ ├── hlo_alias_analysis.h │ │ │ ├── hlo_alias_analysis_test.cc │ │ │ ├── hlo_buffer.cc │ │ │ ├── hlo_buffer.h │ │ │ ├── hlo_casting_utils.h │ │ │ ├── hlo_casting_utils_test.cc │ │ │ ├── hlo_clone_context.h │ │ │ ├── hlo_computation.cc │ │ │ ├── hlo_computation.h │ │ │ ├── hlo_computation_test.cc │ │ │ ├── hlo_constant_folding.cc │ │ │ ├── hlo_constant_folding.h │ │ │ ├── hlo_constant_folding_test.cc │ │ │ ├── hlo_cost_analysis.cc │ │ │ ├── hlo_cost_analysis.h │ │ │ ├── hlo_cost_analysis_test.cc │ │ │ ├── hlo_creation_utils.cc │ │ │ ├── hlo_creation_utils.h │ │ │ ├── hlo_creation_utils_test.cc │ │ │ ├── hlo_cse.cc │ │ │ ├── hlo_cse.h │ │ │ ├── hlo_cse_test.cc │ │ │ ├── hlo_dataflow_analysis.cc │ │ │ ├── hlo_dataflow_analysis.h │ │ │ ├── hlo_dataflow_analysis_test.cc │ │ │ ├── hlo_dce.cc │ │ │ ├── hlo_dce.h │ │ │ ├── hlo_dce_test.cc │ │ │ ├── hlo_domain_isolator.cc │ │ │ ├── hlo_domain_isolator.h │ │ │ ├── hlo_domain_map.cc │ │ │ ├── hlo_domain_map.h │ │ │ ├── hlo_domain_metadata.h │ │ │ ├── hlo_domain_remover.cc │ │ │ ├── hlo_domain_remover.h │ │ │ ├── hlo_domain_test.cc │ │ │ ├── hlo_domain_verifier.cc │ │ │ ├── hlo_domain_verifier.h │ │ │ ├── hlo_element_type_converter.cc │ │ │ ├── hlo_element_type_converter.h │ │ │ ├── hlo_element_type_converter_test.cc │ │ │ ├── hlo_evaluator.cc │ │ │ ├── hlo_evaluator.h │ │ │ ├── hlo_evaluator_test.cc │ │ │ ├── hlo_evaluator_typed_visitor.h │ │ │ ├── hlo_evaluator_typed_visitor_bfloat16.cc │ │ │ ├── hlo_evaluator_typed_visitor_bool.cc │ │ │ ├── hlo_evaluator_typed_visitor_complex128.cc │ │ │ ├── hlo_evaluator_typed_visitor_complex64.cc │ │ │ ├── hlo_evaluator_typed_visitor_double.cc │ │ │ ├── hlo_evaluator_typed_visitor_float.cc │ │ │ ├── hlo_evaluator_typed_visitor_half.cc │ │ │ ├── hlo_evaluator_typed_visitor_int16.cc │ │ │ ├── hlo_evaluator_typed_visitor_int32.cc │ │ │ ├── hlo_evaluator_typed_visitor_int64.cc │ │ │ ├── hlo_evaluator_typed_visitor_int8.cc │ │ │ ├── hlo_evaluator_typed_visitor_uint16.cc │ │ │ ├── hlo_evaluator_typed_visitor_uint32.cc │ │ │ ├── hlo_evaluator_typed_visitor_uint64.cc │ │ │ ├── hlo_evaluator_typed_visitor_uint8.cc │ │ │ ├── hlo_execution_profile.cc │ │ │ ├── hlo_execution_profile.h │ │ │ ├── hlo_execution_profile_data.proto │ │ │ ├── hlo_execution_profile_test.cc │ │ │ ├── hlo_get_dimension_size_rewriter.cc │ │ │ ├── hlo_get_dimension_size_rewriter.h │ │ │ ├── hlo_get_dimension_size_rewriter_test.cc │ │ │ ├── hlo_graph_dumper.cc │ │ │ ├── hlo_graph_dumper.h │ │ │ ├── hlo_graph_dumper_test.cc │ │ │ ├── hlo_input_output_alias_config.cc │ │ │ ├── hlo_input_output_alias_config.h │ │ │ ├── hlo_input_output_alias_config_test.cc │ │ │ ├── hlo_instruction.cc │ │ │ ├── hlo_instruction.h │ │ │ ├── hlo_instruction_test.cc │ │ │ ├── hlo_instructions.cc │ │ │ ├── hlo_instructions.h │ │ │ ├── hlo_lexer.cc │ │ │ ├── hlo_lexer.h │ │ │ ├── hlo_live_range.cc │ │ │ ├── hlo_live_range.h │ │ │ ├── hlo_live_range_test.cc │ │ │ ├── hlo_liveness_analysis.cc │ │ │ ├── hlo_liveness_analysis.h │ │ │ ├── hlo_liveness_analysis_test.cc │ │ │ ├── hlo_matchers.cc │ │ │ ├── hlo_matchers.h │ │ │ ├── hlo_matchers_test.cc │ │ │ ├── hlo_memory_scheduler.cc │ │ │ ├── hlo_memory_scheduler.h │ │ │ ├── hlo_memory_scheduler_test.cc │ │ │ ├── hlo_module.cc │ │ │ ├── hlo_module.h │ │ │ ├── hlo_module_config.cc │ │ │ ├── hlo_module_config.h │ │ │ ├── hlo_module_dce.cc │ │ │ ├── hlo_module_dce.h │ │ │ ├── hlo_module_dce_test.cc │ │ │ ├── hlo_module_group.cc │ │ │ ├── hlo_module_group.h │ │ │ ├── hlo_module_group_metadata.cc │ │ │ ├── hlo_module_group_metadata.h │ │ │ ├── hlo_module_group_test.cc │ │ │ ├── hlo_module_group_util.cc │ │ │ ├── hlo_module_group_util.h │ │ │ ├── hlo_module_test.cc │ │ │ ├── hlo_opcode.cc │ │ │ ├── hlo_opcode.h │ │ │ ├── hlo_opcode_test.cc │ │ │ ├── hlo_ordering.cc │ │ │ ├── hlo_ordering.h │ │ │ ├── hlo_ordering_test.cc │ │ │ ├── hlo_parser.cc │ │ │ ├── hlo_parser.h │ │ │ ├── hlo_parser_test.cc │ │ │ ├── hlo_pass_fix.h │ │ │ ├── hlo_pass_interface.h │ │ │ ├── hlo_pass_pipeline.cc │ │ │ ├── hlo_pass_pipeline.h │ │ │ ├── hlo_pass_pipeline_test.cc │ │ │ ├── hlo_profile_printer.cc │ │ │ ├── hlo_profile_printer.h │ │ │ ├── hlo_profile_printer_data.proto │ │ │ ├── hlo_proto_util.cc │ │ │ ├── hlo_proto_util.h │ │ │ ├── hlo_proto_util_test.cc │ │ │ ├── hlo_query.cc │ │ │ ├── hlo_query.h │ │ │ ├── hlo_reachability.cc │ │ │ ├── hlo_reachability.h │ │ │ ├── hlo_reachability_test.cc │ │ │ ├── hlo_rematerialization.cc │ │ │ ├── hlo_rematerialization.h │ │ │ ├── hlo_rematerialization_test.cc │ │ │ ├── hlo_rematerialization_test_utils.h │ │ │ ├── hlo_rematerialization_test_utils_test.cc │ │ │ ├── hlo_replication_analysis.cc │ │ │ ├── hlo_replication_analysis.h │ │ │ ├── hlo_replication_analysis_test.cc │ │ │ ├── hlo_runner.cc │ │ │ ├── hlo_runner.h │ │ │ ├── hlo_schedule.cc │ │ │ ├── hlo_schedule.h │ │ │ ├── hlo_schedule_test.cc │ │ │ ├── hlo_sharding.cc │ │ │ ├── hlo_sharding.h │ │ │ ├── hlo_sharding_metadata.cc │ │ │ ├── hlo_sharding_metadata.h │ │ │ ├── hlo_sharding_test.cc │ │ │ ├── hlo_subcomputation_unification.cc │ │ │ ├── hlo_subcomputation_unification.h │ │ │ ├── hlo_subcomputation_unification_test.cc │ │ │ ├── hlo_value.cc │ │ │ ├── hlo_value.h │ │ │ ├── hlo_verifier.cc │ │ │ ├── hlo_verifier.h │ │ │ ├── hlo_verifier_test.cc │ │ │ ├── human_readable_profile_builder.cc │ │ │ ├── human_readable_profile_builder.h │ │ │ ├── indexed_array_analysis.cc │ │ │ ├── indexed_array_analysis.h │ │ │ ├── indexed_array_analysis_test.cc │ │ │ ├── instruction_fusion.cc │ │ │ ├── instruction_fusion.h │ │ │ ├── instruction_fusion_test.cc │ │ │ ├── interpreter │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── compiler.cc │ │ │ │ ├── compiler.h │ │ │ │ ├── executable.cc │ │ │ │ ├── executable.h │ │ │ │ ├── executor.cc │ │ │ │ ├── executor.h │ │ │ │ ├── interpreter_transfer_manager.cc │ │ │ │ ├── interpreter_transfer_manager.h │ │ │ │ ├── platform.cc │ │ │ │ ├── platform.h │ │ │ │ ├── platform_id.cc │ │ │ │ └── platform_id.h │ │ │ ├── layout_assignment.cc │ │ │ ├── layout_assignment.h │ │ │ ├── layout_assignment_test.cc │ │ │ ├── llvm_compiler.cc │ │ │ ├── llvm_compiler.h │ │ │ ├── llvm_ir │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── alias_analysis.cc │ │ │ │ ├── alias_analysis.h │ │ │ │ ├── alias_analysis_test.cc │ │ │ │ ├── buffer_assignment_util.cc │ │ │ │ ├── buffer_assignment_util.h │ │ │ │ ├── dynamic_update_slice_util.cc │ │ │ │ ├── dynamic_update_slice_util.h │ │ │ │ ├── fused_ir_emitter.cc │ │ │ │ ├── fused_ir_emitter.h │ │ │ │ ├── ir_array.cc │ │ │ │ ├── ir_array.h │ │ │ │ ├── ir_builder_mixin.h │ │ │ │ ├── kernel_support_library.cc │ │ │ │ ├── kernel_support_library.h │ │ │ │ ├── llvm_loop.cc │ │ │ │ ├── llvm_loop.h │ │ │ │ ├── llvm_util.cc │ │ │ │ ├── llvm_util.h │ │ │ │ ├── loop_emitter.cc │ │ │ │ ├── loop_emitter.h │ │ │ │ ├── math_ops.cc │ │ │ │ ├── math_ops.h │ │ │ │ ├── sort_util.cc │ │ │ │ ├── sort_util.h │ │ │ │ ├── tuple_ops.cc │ │ │ │ └── tuple_ops.h │ │ │ ├── local_service.cc │ │ │ ├── local_service.h │ │ │ ├── logical_buffer.cc │ │ │ ├── logical_buffer.h │ │ │ ├── logical_buffer_analysis.cc │ │ │ ├── logical_buffer_analysis.h │ │ │ ├── map_inliner.cc │ │ │ ├── map_inliner.h │ │ │ ├── map_inliner_test.cc │ │ │ ├── maybe_owning_device_memory.cc │ │ │ ├── maybe_owning_device_memory.h │ │ │ ├── memory_space_assignment.cc │ │ │ ├── memory_space_assignment.h │ │ │ ├── memory_space_assignment_test.cc │ │ │ ├── mlir_gpu │ │ │ │ ├── BUILD │ │ │ │ ├── emission_context.cc │ │ │ │ ├── emission_context.h │ │ │ │ ├── experimental │ │ │ │ │ └── conv_emitter │ │ │ │ │ │ ├── BUILD │ │ │ │ │ │ ├── conv_emitter.cc │ │ │ │ │ │ ├── conv_emitter.h │ │ │ │ │ │ └── conv_emitter_test.cc │ │ │ │ ├── failover_compiler.cc │ │ │ │ ├── failover_compiler.h │ │ │ │ ├── hlo_dialect_emitter.cc │ │ │ │ ├── hlo_dialect_emitter.h │ │ │ │ ├── inject_errors_pass.cc │ │ │ │ ├── inject_errors_pass.h │ │ │ │ ├── kernel_lowering.cc │ │ │ │ ├── kernel_lowering.h │ │ │ │ ├── lhlo_dialect_emitter.cc │ │ │ │ ├── lhlo_dialect_emitter.h │ │ │ │ ├── mlir_compiler.cc │ │ │ │ ├── mlir_compiler.h │ │ │ │ ├── mlir_irgen_test_base.cc │ │ │ │ ├── mlir_irgen_test_base.h │ │ │ │ └── tests │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── abs.hlo │ │ │ │ │ ├── add.hlo │ │ │ │ │ ├── add_as_kernel.hlo │ │ │ │ │ ├── add_in_gpu_dialect.hlo │ │ │ │ │ ├── add_multiply.hlo │ │ │ │ │ ├── add_multiply_gpu.hlo │ │ │ │ │ ├── add_reduce.hlo │ │ │ │ │ ├── broadcast.hlo │ │ │ │ │ ├── broken_add.hlo │ │ │ │ │ ├── ceil.hlo │ │ │ │ │ ├── compare.hlo │ │ │ │ │ ├── const.hlo │ │ │ │ │ ├── copy.hlo │ │ │ │ │ ├── cos.hlo │ │ │ │ │ ├── exp.hlo │ │ │ │ │ ├── fused_reduce.hlo │ │ │ │ │ ├── iota.hlo │ │ │ │ │ ├── iota_add_multiply.hlo │ │ │ │ │ ├── log.hlo │ │ │ │ │ ├── mlir_gpu_lhlo_gen_test.cc │ │ │ │ │ ├── neg.hlo │ │ │ │ │ ├── rem.hlo │ │ │ │ │ ├── rsqrt.hlo │ │ │ │ │ ├── select.hlo │ │ │ │ │ ├── sign.hlo │ │ │ │ │ └── tanh.hlo │ │ │ ├── multi_output_fusion.cc │ │ │ ├── multi_output_fusion.h │ │ │ ├── name_uniquer.cc │ │ │ ├── name_uniquer.h │ │ │ ├── name_uniquer_test.cc │ │ │ ├── op_expander_pass.cc │ │ │ ├── op_expander_pass.h │ │ │ ├── optimize_input_output_buffer_alias.cc │ │ │ ├── optimize_input_output_buffer_alias.h │ │ │ ├── optimize_input_output_buffer_alias_test.cc │ │ │ ├── pattern_matcher.h │ │ │ ├── pattern_matcher_gmock.h │ │ │ ├── pattern_matcher_gmock_test.cc │ │ │ ├── pattern_matcher_test.cc │ │ │ ├── platform_util.cc │ │ │ ├── platform_util.h │ │ │ ├── reshape_mover.cc │ │ │ ├── reshape_mover.h │ │ │ ├── reshape_mover_test.cc │ │ │ ├── rng_bit_generator_expander.cc │ │ │ ├── rng_bit_generator_expander.h │ │ │ ├── rng_expander.cc │ │ │ ├── rng_expander.h │ │ │ ├── scatter_expander.cc │ │ │ ├── scatter_expander.h │ │ │ ├── scatter_expander_test.cc │ │ │ ├── service.cc │ │ │ ├── service.h │ │ │ ├── service_executable_run_options.h │ │ │ ├── shape_inference.cc │ │ │ ├── shape_inference.h │ │ │ ├── shape_inference_test.cc │ │ │ ├── shaped_buffer.cc │ │ │ ├── shaped_buffer.h │ │ │ ├── shaped_buffer_test.cc │ │ │ ├── slice_sinker.cc │ │ │ ├── slice_sinker.h │ │ │ ├── slice_sinker_test.cc │ │ │ ├── slow_operation_alarm.cc │ │ │ ├── slow_operation_alarm.h │ │ │ ├── softmax_expander.cc │ │ │ ├── softmax_expander.h │ │ │ ├── sort_simplifier.cc │ │ │ ├── sort_simplifier.h │ │ │ ├── sort_simplifier_test.cc │ │ │ ├── source_map_util.h │ │ │ ├── stable_sort_expander.cc │ │ │ ├── stable_sort_expander.h │ │ │ ├── stable_sort_expander_test.cc │ │ │ ├── stream_pool.cc │ │ │ ├── stream_pool.h │ │ │ ├── stream_pool_test.cc │ │ │ ├── transfer_manager.cc │ │ │ ├── transfer_manager.h │ │ │ ├── transpose_folding.cc │ │ │ ├── transpose_folding.h │ │ │ ├── transpose_folding_test.cc │ │ │ ├── tree_reduction_rewriter.cc │ │ │ ├── tree_reduction_rewriter.h │ │ │ ├── triangular_solve_expander.cc │ │ │ ├── triangular_solve_expander.h │ │ │ ├── tuple_points_to_analysis.cc │ │ │ ├── tuple_points_to_analysis.h │ │ │ ├── tuple_points_to_analysis_test.cc │ │ │ ├── tuple_simplifier.cc │ │ │ ├── tuple_simplifier.h │ │ │ ├── tuple_simplifier_test.cc │ │ │ ├── tuple_util.cc │ │ │ ├── tuple_util.h │ │ │ ├── tuple_util_test.cc │ │ │ ├── while_loop_analysis.cc │ │ │ ├── while_loop_analysis.h │ │ │ ├── while_loop_analysis_test.cc │ │ │ ├── while_loop_constant_sinking.cc │ │ │ ├── while_loop_constant_sinking.h │ │ │ ├── while_loop_constant_sinking_test.cc │ │ │ ├── while_loop_invariant_code_motion.cc │ │ │ ├── while_loop_invariant_code_motion.h │ │ │ ├── while_loop_invariant_code_motion_test.cc │ │ │ ├── while_loop_simplifier.cc │ │ │ ├── while_loop_simplifier.h │ │ │ ├── while_loop_simplifier_test.cc │ │ │ ├── while_loop_trip_count_annotator.cc │ │ │ ├── while_loop_trip_count_annotator.h │ │ │ ├── while_loop_trip_count_annotator_test.cc │ │ │ ├── while_util.cc │ │ │ ├── while_util.h │ │ │ ├── while_util_test.cc │ │ │ ├── zero_sized_hlo_elimination.cc │ │ │ ├── zero_sized_hlo_elimination.h │ │ │ └── zero_sized_hlo_elimination_test.cc │ │ ├── service_interface.h │ │ ├── shape.cc │ │ ├── shape.h │ │ ├── shape_layout.cc │ │ ├── shape_layout.h │ │ ├── shape_test.cc │ │ ├── shape_tree.h │ │ ├── shape_tree_test.cc │ │ ├── shape_util.cc │ │ ├── shape_util.h │ │ ├── shape_util_test.cc │ │ ├── status.h │ │ ├── status_macros.cc │ │ ├── status_macros.h │ │ ├── status_macros_test.cc │ │ ├── statusor.h │ │ ├── test.h │ │ ├── test_helpers.h │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── DISABLED_TEST │ │ │ ├── all_reduce_test.cc │ │ │ ├── array_elementwise_ops_test.cc │ │ │ ├── axpy_simple_test.cc │ │ │ ├── bad_rng_shape_validation_test.cc │ │ │ ├── batch_normalization_test.cc │ │ │ ├── bfloat16_test.cc │ │ │ ├── binop_scaling_test.cc │ │ │ ├── bitcast_convert_test.cc │ │ │ ├── broadcast_simple_test.cc │ │ │ ├── broadcast_test.cc │ │ │ ├── buffer_donation_test.cc │ │ │ ├── build_defs.bzl │ │ │ ├── call_test.cc │ │ │ ├── check_execution_arity_test.cc │ │ │ ├── cholesky_test.cc │ │ │ ├── client_library_test_base.cc │ │ │ ├── client_library_test_base.h │ │ │ ├── client_test.cc │ │ │ ├── codegen_test_base.cc │ │ │ ├── codegen_test_base.h │ │ │ ├── collective_ops_test.cc │ │ │ ├── compilation_cache_test.cc │ │ │ ├── compute_constant_test.cc │ │ │ ├── concat_test.cc │ │ │ ├── conditional_test.cc │ │ │ ├── constants_test.cc │ │ │ ├── conv_depthwise_backprop_filter_test.cc │ │ │ ├── conv_depthwise_common.cc │ │ │ ├── conv_depthwise_common.h │ │ │ ├── conv_depthwise_test.cc │ │ │ ├── convert_test.cc │ │ │ ├── convolution_dimension_numbers_test.cc │ │ │ ├── convolution_test.cc │ │ │ ├── convolution_variants_test.cc │ │ │ ├── copy_test.cc │ │ │ ├── cpu_gpu_fusion_test.cc │ │ │ ├── custom_call_test.cc │ │ │ ├── deallocation_test.cc │ │ │ ├── deconstruct_tuple_test.cc │ │ │ ├── deep_graph_test.cc │ │ │ ├── dot_operation_test.cc │ │ │ ├── dynamic_ops_test.cc │ │ │ ├── execution_profile_test.cc │ │ │ ├── exhaustive_binary_16_bit_test.cc │ │ │ ├── exhaustive_binary_test_f32_f64.cc │ │ │ ├── exhaustive_op_test_utils.cc │ │ │ ├── exhaustive_op_test_utils.h │ │ │ ├── exhaustive_unary_test_complex.cc │ │ │ ├── exhaustive_unary_test_f32_or_smaller.cc │ │ │ ├── exhaustive_unary_test_f64.cc │ │ │ ├── filecheck.cc │ │ │ ├── filecheck.h │ │ │ ├── floor_ceil_test.cc │ │ │ ├── fmax_fmin_test.cc │ │ │ ├── gather_operation_test.cc │ │ │ ├── get_dimension_size_test.cc │ │ │ ├── grouped_convolution_test.cc │ │ │ ├── half_test.cc │ │ │ ├── hlo_metadata_test.cc │ │ │ ├── hlo_test_base.cc │ │ │ ├── hlo_test_base.h │ │ │ ├── iota_test.cc │ │ │ ├── isolated_convolution.hlo │ │ │ ├── literal_test_util.cc │ │ │ ├── literal_test_util.h │ │ │ ├── literal_test_util_test.cc │ │ │ ├── llvm_compiler_test.cc │ │ │ ├── llvm_irgen_test_base.cc │ │ │ ├── llvm_irgen_test_base.h │ │ │ ├── local_client_allocation_test.cc │ │ │ ├── local_client_aot_test.cc │ │ │ ├── local_client_aot_test_helper.cc │ │ │ ├── local_client_execute_test.cc │ │ │ ├── local_client_test_base.cc │ │ │ ├── local_client_test_base.h │ │ │ ├── log_test.cc │ │ │ ├── map_test.cc │ │ │ ├── matrix_ops_simple_test.cc │ │ │ ├── multidimensional_slice_test.cc │ │ │ ├── multioutput_fusion_test.cc │ │ │ ├── multiple_devices_on_host_test.cc │ │ │ ├── outfeed_in_nested_computation_test.cc │ │ │ ├── pad_test.cc │ │ │ ├── params_test.cc │ │ │ ├── plugin.bzl │ │ │ ├── pred_test.cc │ │ │ ├── prng_test.cc │ │ │ ├── ptxas_bug_120501638.cc │ │ │ ├── query_inferred_shape_test.cc │ │ │ ├── reduce_hlo_test.cc │ │ │ ├── reduce_precision_test.cc │ │ │ ├── reduce_test.cc │ │ │ ├── reduce_window_test.cc │ │ │ ├── replay_test.cc │ │ │ ├── reshape_motion_test.cc │ │ │ ├── reshape_test.cc │ │ │ ├── reverse_test.cc │ │ │ ├── round_trip_packed_literal_test.cc │ │ │ ├── round_trip_transfer_test.cc │ │ │ ├── sample_file_test.cc │ │ │ ├── sample_text_test.cc │ │ │ ├── scalar_computations_test.cc │ │ │ ├── scatter_test.cc │ │ │ ├── select_and_scatter_test.cc │ │ │ ├── select_test.cc │ │ │ ├── slice_test.cc │ │ │ ├── test_macros.cc │ │ │ ├── test_macros.h │ │ │ ├── test_utils.cc │ │ │ ├── test_utils.h │ │ │ ├── test_utils_test.cc │ │ │ ├── token_hlo_test.cc │ │ │ ├── transfer_manager_test.cc │ │ │ ├── transpose_test.cc │ │ │ ├── triangular_solve_test.cc │ │ │ ├── tuple_test.cc │ │ │ ├── unary_op_test.cc │ │ │ ├── vector_ops_reduce_test.cc │ │ │ ├── vector_ops_simple_test.cc │ │ │ ├── verified_hlo_module.cc │ │ │ ├── verified_hlo_module.h │ │ │ ├── while_test.cc │ │ │ ├── xla_hlo_profile_test.cc │ │ │ └── xla_internal_test_main.cc │ │ ├── text_literal_reader.cc │ │ ├── text_literal_reader.h │ │ ├── text_literal_reader_test.cc │ │ ├── text_literal_writer.cc │ │ ├── text_literal_writer.h │ │ ├── text_literal_writer_test.cc │ │ ├── tools │ │ │ ├── BUILD │ │ │ ├── convert_computation.cc │ │ │ ├── driver.cc │ │ │ ├── dumped_computation_to_operation_list.cc │ │ │ ├── dumped_computation_to_text.cc │ │ │ ├── hex_floats_to_packed_literal.cc │ │ │ ├── hlo_extractor.cc │ │ │ ├── hlo_extractor.h │ │ │ ├── hlo_extractor_test.cc │ │ │ ├── hlo_module_loader.cc │ │ │ ├── hlo_module_loader.h │ │ │ ├── hlo_module_loader_test.cc │ │ │ ├── hlo_proto_to_json.cc │ │ │ ├── interactive_graphviz.cc │ │ │ ├── interactive_graphviz_test.sh │ │ │ ├── prepare_reference_module.cc │ │ │ ├── prepare_reference_module.h │ │ │ ├── replay_computation.cc │ │ │ ├── run_hlo_module.cc │ │ │ ├── run_hlo_module.h │ │ │ ├── run_hlo_module_main.cc │ │ │ ├── show_literal.cc │ │ │ ├── show_signature.cc │ │ │ └── show_text_literal.cc │ │ ├── types.h │ │ ├── union_find.h │ │ ├── util.cc │ │ ├── util.h │ │ ├── util_test.cc │ │ ├── window_util.cc │ │ ├── window_util.h │ │ ├── window_util_test.cc │ │ ├── xla.bzl │ │ ├── xla.proto │ │ └── xla_data.proto │ └── xrt │ │ ├── BUILD │ │ ├── cc │ │ └── BUILD │ │ ├── client │ │ ├── BUILD │ │ ├── xrt_client.cc │ │ ├── xrt_client.h │ │ ├── xrt_client_test.cc │ │ ├── xrt_grpc_eager_client.cc │ │ ├── xrt_grpc_eager_client.h │ │ ├── xrt_tf_client.cc │ │ └── xrt_tf_client.h │ │ ├── kernels │ │ ├── BUILD │ │ ├── xrt_compile_ops.cc │ │ ├── xrt_execute_op.cc │ │ ├── xrt_state_ops.cc │ │ └── xrt_state_ops.h │ │ ├── ops │ │ ├── xrt_compile_ops.cc │ │ ├── xrt_execute_op.cc │ │ └── xrt_state_ops.cc │ │ ├── tests │ │ ├── BUILD │ │ └── raw_api_test.cc │ │ ├── xrt.proto │ │ ├── xrt_compilation_cache.cc │ │ ├── xrt_compilation_cache.h │ │ ├── xrt_device.cc │ │ ├── xrt_device.h │ │ ├── xrt_memory_manager.cc │ │ ├── xrt_memory_manager.h │ │ ├── xrt_refptr.h │ │ ├── xrt_state.cc │ │ ├── xrt_state.h │ │ ├── xrt_util.cc │ │ └── xrt_util.h ├── contrib │ ├── BUILD │ ├── README.md │ ├── __init__.py │ ├── all_reduce │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── all_reduce.py │ ├── android │ │ ├── BUILD │ │ ├── README.md │ │ ├── asset_manager_filesystem.cc │ │ ├── asset_manager_filesystem.h │ │ ├── cmake │ │ │ ├── CMakeLists.txt │ │ │ ├── README.md │ │ │ ├── build.gradle │ │ │ └── src │ │ │ │ └── main │ │ │ │ ├── AndroidManifest.xml │ │ │ │ └── res │ │ │ │ └── values │ │ │ │ └── strings.xml │ │ ├── java │ │ │ └── org │ │ │ │ └── tensorflow │ │ │ │ └── contrib │ │ │ │ └── android │ │ │ │ ├── RunStats.java │ │ │ │ └── TensorFlowInferenceInterface.java │ │ └── jni │ │ │ ├── run_stats_jni.cc │ │ │ ├── run_stats_jni.h │ │ │ └── version_script.lds │ ├── autograph │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── examples │ │ │ ├── benchmarks │ │ │ ├── BUILD │ │ │ ├── benchmark_base.py │ │ │ └── cartpole_benchmark.py │ │ │ └── notebooks │ │ │ ├── ag_vs_eager_collatz_speed_test.ipynb │ │ │ ├── ag_vs_eager_mnist_speed_test.ipynb │ │ │ ├── algorithms.ipynb │ │ │ ├── dev_summit_2018_demo.ipynb │ │ │ ├── graph_vs_ag_vs_eager_sum_speed_test.ipynb │ │ │ ├── rnn_keras_estimator.ipynb │ │ │ └── workshop.ipynb │ ├── batching │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── ops │ │ │ ├── batch_ops.py │ │ │ └── batch_ops_test.py │ ├── bayesflow │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ └── monte_carlo_test.py │ │ │ └── ops │ │ │ ├── monte_carlo.py │ │ │ └── monte_carlo_impl.py │ ├── benchmark_tools │ │ ├── README.md │ │ └── gce │ │ │ └── README.md │ ├── bigtable │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── bigtable_kernels.cc │ │ │ ├── bigtable_lib.cc │ │ │ ├── bigtable_lib.h │ │ │ ├── bigtable_lookup_dataset_op.cc │ │ │ ├── bigtable_prefix_key_dataset_op.cc │ │ │ ├── bigtable_range_helpers.cc │ │ │ ├── bigtable_range_helpers.h │ │ │ ├── bigtable_range_helpers_test.cc │ │ │ ├── bigtable_range_key_dataset_op.cc │ │ │ ├── bigtable_sample_key_pairs_dataset_op.cc │ │ │ ├── bigtable_sample_keys_dataset_op.cc │ │ │ ├── bigtable_scan_dataset_op.cc │ │ │ └── test_kernels │ │ │ │ ├── bigtable_test_client.cc │ │ │ │ ├── bigtable_test_client.h │ │ │ │ ├── bigtable_test_client_op.cc │ │ │ │ └── bigtable_test_client_test.cc │ │ ├── ops │ │ │ ├── bigtable_ops.cc │ │ │ └── bigtable_test_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── __init__.py │ │ │ └── bigtable_ops_test.py │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ └── bigtable_api.py │ ├── boosted_trees │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── estimator_batch │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── custom_export_strategy.py │ │ │ ├── custom_export_strategy_test.py │ │ │ ├── custom_loss_head.py │ │ │ ├── distillation_loss.py │ │ │ ├── dnn_tree_combined_estimator.py │ │ │ ├── dnn_tree_combined_estimator_test.py │ │ │ ├── estimator.py │ │ │ ├── estimator_test.py │ │ │ ├── estimator_utils.py │ │ │ ├── model.py │ │ │ ├── trainer_hooks.py │ │ │ └── trainer_hooks_test.py │ │ ├── examples │ │ │ ├── binary_mnist.py │ │ │ ├── boston.py │ │ │ ├── boston_combined.py │ │ │ └── mnist.py │ │ ├── kernels │ │ │ ├── model_ops.cc │ │ │ ├── prediction_ops.cc │ │ │ ├── quantile_ops.cc │ │ │ ├── split_handler_ops.cc │ │ │ ├── stats_accumulator_ops.cc │ │ │ └── training_ops.cc │ │ ├── lib │ │ │ ├── BUILD │ │ │ ├── learner │ │ │ │ ├── batch │ │ │ │ │ ├── base_split_handler.py │ │ │ │ │ ├── categorical_split_handler.py │ │ │ │ │ ├── categorical_split_handler_test.py │ │ │ │ │ ├── ordinal_split_handler.py │ │ │ │ │ └── ordinal_split_handler_test.py │ │ │ │ └── common │ │ │ │ │ ├── accumulators │ │ │ │ │ ├── class-partition-key.h │ │ │ │ │ ├── feature-stats-accumulator.h │ │ │ │ │ └── feature-stats-accumulator_test.cc │ │ │ │ │ ├── partitioners │ │ │ │ │ ├── example_partitioner.cc │ │ │ │ │ ├── example_partitioner.h │ │ │ │ │ └── example_partitioner_test.cc │ │ │ │ │ └── stats │ │ │ │ │ ├── feature-split-candidate.h │ │ │ │ │ ├── gradient-stats.h │ │ │ │ │ ├── node-stats.h │ │ │ │ │ ├── node-stats_test.cc │ │ │ │ │ └── split-stats.h │ │ │ ├── models │ │ │ │ ├── multiple_additive_trees.cc │ │ │ │ ├── multiple_additive_trees.h │ │ │ │ └── multiple_additive_trees_test.cc │ │ │ ├── quantiles │ │ │ │ ├── weighted_quantiles_buffer.h │ │ │ │ ├── weighted_quantiles_buffer_test.cc │ │ │ │ ├── weighted_quantiles_stream.h │ │ │ │ ├── weighted_quantiles_stream_test.cc │ │ │ │ ├── weighted_quantiles_summary.h │ │ │ │ └── weighted_quantiles_summary_test.cc │ │ │ ├── testutil │ │ │ │ ├── batch_features_testutil.cc │ │ │ │ ├── batch_features_testutil.h │ │ │ │ ├── random_tree_gen.cc │ │ │ │ ├── random_tree_gen.h │ │ │ │ └── random_tree_gen_main.cc │ │ │ ├── trees │ │ │ │ ├── decision_tree.cc │ │ │ │ ├── decision_tree.h │ │ │ │ └── decision_tree_test.cc │ │ │ └── utils │ │ │ │ ├── batch_features.cc │ │ │ │ ├── batch_features.h │ │ │ │ ├── batch_features_test.cc │ │ │ │ ├── dropout_utils.cc │ │ │ │ ├── dropout_utils.h │ │ │ │ ├── dropout_utils_test.cc │ │ │ │ ├── example.h │ │ │ │ ├── example_test.cc │ │ │ │ ├── examples_iterable.cc │ │ │ │ ├── examples_iterable.h │ │ │ │ ├── examples_iterable_test.cc │ │ │ │ ├── macros.h │ │ │ │ ├── optional_value.h │ │ │ │ ├── parallel_for.cc │ │ │ │ ├── parallel_for.h │ │ │ │ ├── random.h │ │ │ │ ├── random_test.cc │ │ │ │ ├── sparse_column_iterable.cc │ │ │ │ ├── sparse_column_iterable.h │ │ │ │ ├── sparse_column_iterable_test.cc │ │ │ │ ├── tensor_utils.cc │ │ │ │ └── tensor_utils.h │ │ ├── ops │ │ │ ├── model_ops.cc │ │ │ ├── prediction_ops.cc │ │ │ ├── quantile_ops.cc │ │ │ ├── split_handler_ops.cc │ │ │ ├── stats_accumulator_ops.cc │ │ │ └── training_ops.cc │ │ ├── proto │ │ │ ├── BUILD │ │ │ ├── learner.proto │ │ │ ├── quantiles.proto │ │ │ ├── split_info.proto │ │ │ └── tree_config.proto │ │ ├── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ │ ├── model_ops_test.py │ │ │ │ ├── prediction_ops_test.py │ │ │ │ ├── quantile_ops_test.py │ │ │ │ ├── split_handler_ops_test.py │ │ │ │ ├── stats_accumulator_ops_test.py │ │ │ │ └── training_ops_test.py │ │ │ ├── ops │ │ │ │ ├── batch_ops_utils.py │ │ │ │ ├── boosted_trees_ops_loader.py │ │ │ │ ├── model_ops.py │ │ │ │ ├── prediction_ops.py │ │ │ │ ├── quantile_ops.py │ │ │ │ ├── split_handler_ops.py │ │ │ │ ├── stats_accumulator_ops.py │ │ │ │ └── training_ops.py │ │ │ ├── training │ │ │ │ ├── __init__.py │ │ │ │ └── functions │ │ │ │ │ ├── __init__.py │ │ │ │ │ ├── gbdt_batch.py │ │ │ │ │ └── gbdt_batch_test.py │ │ │ └── utils │ │ │ │ ├── __init__.py │ │ │ │ ├── losses.py │ │ │ │ └── losses_test.py │ │ └── resources │ │ │ ├── BUILD │ │ │ ├── decision_tree_ensemble_resource.h │ │ │ ├── quantile_stream_resource.h │ │ │ └── stamped_resource.h │ ├── checkpoint │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── BUILD │ │ │ ├── containers.py │ │ │ ├── containers_test.py │ │ │ ├── python_state.py │ │ │ ├── python_state_test.py │ │ │ ├── split_dependency.py │ │ │ ├── split_dependency_test.py │ │ │ ├── visualize.py │ │ │ └── visualize_test.py │ ├── cloud │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── BUILD │ │ │ ├── bigquery_reader_ops.cc │ │ │ ├── bigquery_table_accessor.cc │ │ │ ├── bigquery_table_accessor.h │ │ │ ├── bigquery_table_accessor_test.cc │ │ │ ├── bigquery_table_accessor_test_data.h │ │ │ ├── bigquery_table_partition.proto │ │ │ └── gcs_config_ops.cc │ │ ├── ops │ │ │ ├── bigquery_reader_ops.cc │ │ │ └── gcs_config_ops.cc │ │ └── python │ │ │ └── ops │ │ │ ├── bigquery_reader_ops.py │ │ │ ├── bigquery_reader_ops_test.py │ │ │ ├── gcs_config_ops.py │ │ │ └── gcs_config_ops_test.py │ ├── cluster_resolver │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── cluster_resolver_initialization_test.py │ │ └── python │ │ │ └── training │ │ │ ├── __init__.py │ │ │ ├── cluster_resolver.py │ │ │ ├── gce_cluster_resolver.py │ │ │ ├── kubernetes_cluster_resolver.py │ │ │ ├── slurm_cluster_resolver.py │ │ │ ├── tfconfig_cluster_resolver.py │ │ │ └── tpu_cluster_resolver.py │ ├── cmake │ │ ├── CMakeLists.txt │ │ ├── README.md │ │ ├── TensorflowConfig.cmake.in │ │ ├── TensorflowConfigVersion.cmake.in │ │ ├── external │ │ │ ├── abseil_cpp.cmake │ │ │ ├── boringssl.cmake │ │ │ ├── cub.cmake │ │ │ ├── double_conversion.cmake │ │ │ ├── eigen.cmake │ │ │ ├── farmhash.cmake │ │ │ ├── fft2d.cmake │ │ │ ├── gemmlowp.cmake │ │ │ ├── gif.cmake │ │ │ ├── googletest.cmake │ │ │ ├── grpc.cmake │ │ │ ├── highwayhash.cmake │ │ │ ├── jpeg.cmake │ │ │ ├── jsoncpp.cmake │ │ │ ├── lmdb.cmake │ │ │ ├── mkl.cmake │ │ │ ├── mkldnn.cmake │ │ │ ├── nsync.cmake │ │ │ ├── png.cmake │ │ │ ├── protobuf.cmake │ │ │ ├── re2.cmake │ │ │ ├── snappy.cmake │ │ │ ├── sqlite.cmake │ │ │ └── zlib.cmake │ │ ├── make.bat │ │ ├── make.sh │ │ ├── modules │ │ │ └── FindAbseilCpp.cmake │ │ ├── patches │ │ │ ├── cub │ │ │ │ └── CMakeLists.txt │ │ │ ├── farmhash │ │ │ │ └── CMakeLists.txt │ │ │ ├── fft2d │ │ │ │ └── CMakeLists.txt │ │ │ ├── gemmlowp │ │ │ │ └── CMakeLists.txt │ │ │ ├── gif │ │ │ │ ├── CMakeLists.txt │ │ │ │ └── unistd.h │ │ │ ├── grpc │ │ │ │ └── rand.h │ │ │ ├── highwayhash │ │ │ │ └── CMakeLists.txt │ │ │ ├── jpeg │ │ │ │ └── CMakeLists.txt │ │ │ ├── lmdb │ │ │ │ └── CMakeLists.txt │ │ │ └── sqlite │ │ │ │ └── CMakeLists.txt │ │ ├── python_modules.txt │ │ ├── python_protos.txt │ │ ├── python_protos_cc.txt │ │ ├── python_sanity_test.py │ │ ├── tests │ │ │ └── cuda │ │ │ │ ├── compatibility_test.c │ │ │ │ └── compatibility_test.cc │ │ ├── tf_c.cmake │ │ ├── tf_cc_ops.cmake │ │ ├── tf_core_cpu.cmake │ │ ├── tf_core_direct_session.cmake │ │ ├── tf_core_distributed_runtime.cmake │ │ ├── tf_core_eager_runtime.cmake │ │ ├── tf_core_framework.cmake │ │ ├── tf_core_kernels.cmake │ │ ├── tf_core_ops.cmake │ │ ├── tf_core_profiler.cmake │ │ ├── tf_grappler.cmake │ │ ├── tf_label_image_example.cmake │ │ ├── tf_python.cmake │ │ ├── tf_shared_lib.cmake │ │ ├── tf_stream_executor.cmake │ │ ├── tf_tests.cmake │ │ ├── tf_tools.cmake │ │ ├── tf_tutorials.cmake │ │ └── tools │ │ │ └── create_def_file.py │ ├── compiler │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── jit.py │ │ ├── tests │ │ │ ├── BUILD │ │ │ ├── adamax_test.py │ │ │ ├── addsign_test.py │ │ │ └── powersign_test.py │ │ ├── xla.py │ │ └── xla_test.py │ ├── constrained_optimization │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── candidates.py │ │ │ ├── candidates_test.py │ │ │ ├── constrained_minimization_problem.py │ │ │ ├── constrained_optimizer.py │ │ │ ├── external_regret_optimizer.py │ │ │ ├── external_regret_optimizer_test.py │ │ │ ├── swap_regret_optimizer.py │ │ │ ├── swap_regret_optimizer_test.py │ │ │ └── test_util.py │ ├── copy_graph │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ └── util │ │ │ ├── __init__.py │ │ │ ├── copy_elements.py │ │ │ └── copy_test.py │ ├── crf │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ └── crf_test.py │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ └── crf.py │ ├── cudnn_rnn │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── cudnn_rnn_ops_benchmark.py │ │ │ ├── cudnn_rnn_ops_test.py │ │ │ └── cudnn_rnn_test.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ └── cudnn_rnn.py │ │ │ └── ops │ │ │ └── cudnn_rnn_ops.py │ ├── data │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── BUILD │ │ │ ├── assert_element_shape_test.py │ │ │ ├── lmdb_dataset_op_test.py │ │ │ ├── reduce_dataset_test.py │ │ │ ├── restructured_dataset_test.py │ │ │ └── slide_dataset_op_test.py │ │ │ └── ops │ │ │ ├── BUILD │ │ │ ├── batching.py │ │ │ ├── counter.py │ │ │ ├── enumerate_ops.py │ │ │ ├── error_ops.py │ │ │ ├── get_single_element.py │ │ │ ├── grouping.py │ │ │ ├── interleave_ops.py │ │ │ ├── iterator_ops.py │ │ │ ├── parsing_ops.py │ │ │ ├── prefetching_ops.py │ │ │ ├── random_ops.py │ │ │ ├── readers.py │ │ │ ├── resampling.py │ │ │ ├── scan_ops.py │ │ │ ├── shuffle_ops.py │ │ │ ├── sliding.py │ │ │ ├── threadpool.py │ │ │ ├── unique.py │ │ │ └── writers.py │ ├── decision_trees │ │ ├── __init__.py │ │ └── proto │ │ │ ├── BUILD │ │ │ ├── generic_tree_model.proto │ │ │ ├── generic_tree_model_extensions.proto │ │ │ └── generic_tree_model_proto.swig │ ├── deprecated │ │ ├── BUILD │ │ ├── __init__.py │ │ └── summaries_test.py │ ├── distribute │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── BUILD │ │ │ ├── collective_all_reduce_strategy.py │ │ │ ├── collective_all_reduce_strategy_test.py │ │ │ ├── contrib_mirrored_strategy_test.py │ │ │ ├── examples │ │ │ ├── BUILD │ │ │ ├── keras_mnist.py │ │ │ ├── keras_model_with_estimator.py │ │ │ ├── mnist_eager_multigpu.py │ │ │ ├── mnist_tf1_tpu.py │ │ │ └── simple_estimator_example.py │ │ │ ├── keras_backward_compat_test.py │ │ │ ├── keras_multi_worker_correctness_test.py │ │ │ ├── keras_multi_worker_test_base.py │ │ │ ├── mirrored_strategy.py │ │ │ ├── monitor.py │ │ │ ├── monitor_test.py │ │ │ ├── one_device_strategy.py │ │ │ ├── optimizer_v2_test.py │ │ │ ├── parameter_server_strategy.py │ │ │ ├── parameter_server_strategy_test.py │ │ │ └── tpu_strategy.py │ ├── distributions │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ ├── autoregressive_test.py │ │ │ ├── batch_reshape_test.py │ │ │ ├── bijectors │ │ │ │ ├── absolute_value_test.py │ │ │ │ ├── affine_linear_operator_test.py │ │ │ │ ├── affine_scalar_test.py │ │ │ │ ├── affine_test.py │ │ │ │ ├── batch_normalization_test.py │ │ │ │ ├── chain_test.py │ │ │ │ ├── cholesky_outer_product_test.py │ │ │ │ ├── conditional_bijector_test.py │ │ │ │ ├── exp_test.py │ │ │ │ ├── fill_triangular_test.py │ │ │ │ ├── gumbel_test.py │ │ │ │ ├── inline_test.py │ │ │ │ ├── invert_test.py │ │ │ │ ├── kumaraswamy_bijector_test.py │ │ │ │ ├── masked_autoregressive_test.py │ │ │ │ ├── matrix_inverse_tril_test.py │ │ │ │ ├── ordered_test.py │ │ │ │ ├── permute_test.py │ │ │ │ ├── power_transform_test.py │ │ │ │ ├── real_nvp_test.py │ │ │ │ ├── reshape_test.py │ │ │ │ ├── scale_tril_test.py │ │ │ │ ├── sigmoid_test.py │ │ │ │ ├── sinh_arcsinh_bijector_test.py │ │ │ │ ├── softmax_centered_test.py │ │ │ │ ├── softplus_test.py │ │ │ │ ├── softsign_test.py │ │ │ │ ├── square_test.py │ │ │ │ ├── transform_diagonal_test.py │ │ │ │ └── weibull_test.py │ │ │ ├── binomial_test.py │ │ │ ├── cauchy_test.py │ │ │ ├── chi2_test.py │ │ │ ├── conditional_distribution_test.py │ │ │ ├── conditional_transformed_distribution_test.py │ │ │ ├── deterministic_test.py │ │ │ ├── distribution_test.py │ │ │ ├── distribution_util_test.py │ │ │ ├── estimator_test.py │ │ │ ├── geometric_test.py │ │ │ ├── half_normal_test.py │ │ │ ├── independent_test.py │ │ │ ├── inverse_gamma_test.py │ │ │ ├── kumaraswamy_test.py │ │ │ ├── logistic_test.py │ │ │ ├── mixture_same_family_test.py │ │ │ ├── mixture_test.py │ │ │ ├── moving_stats_test.py │ │ │ ├── mvn_diag_plus_low_rank_test.py │ │ │ ├── mvn_diag_test.py │ │ │ ├── mvn_full_covariance_test.py │ │ │ ├── mvn_tril_test.py │ │ │ ├── negative_binomial_test.py │ │ │ ├── normal_conjugate_posteriors_test.py │ │ │ ├── onehot_categorical_test.py │ │ │ ├── poisson_lognormal_test.py │ │ │ ├── poisson_test.py │ │ │ ├── quantized_distribution_test.py │ │ │ ├── relaxed_bernoulli_test.py │ │ │ ├── relaxed_onehot_categorical_test.py │ │ │ ├── sample_stats_test.py │ │ │ ├── seed_stream_test.py │ │ │ ├── shape_test.py │ │ │ ├── sinh_arcsinh_test.py │ │ │ ├── statistical_testing_test.py │ │ │ ├── transformed_distribution_test.py │ │ │ ├── vector_diffeomixture_test.py │ │ │ ├── vector_exponential_diag_test.py │ │ │ ├── vector_laplace_diag_test.py │ │ │ ├── vector_sinh_arcsinh_diag_test.py │ │ │ ├── vector_student_t_test.py │ │ │ └── wishart_test.py │ │ │ └── ops │ │ │ ├── autoregressive.py │ │ │ ├── batch_reshape.py │ │ │ ├── bijectors │ │ │ ├── __init__.py │ │ │ ├── absolute_value.py │ │ │ ├── affine.py │ │ │ ├── affine_linear_operator.py │ │ │ ├── affine_scalar.py │ │ │ ├── batch_normalization.py │ │ │ ├── chain.py │ │ │ ├── cholesky_outer_product.py │ │ │ ├── conditional_bijector.py │ │ │ ├── exp.py │ │ │ ├── fill_triangular.py │ │ │ ├── gumbel.py │ │ │ ├── inline.py │ │ │ ├── invert.py │ │ │ ├── kumaraswamy.py │ │ │ ├── masked_autoregressive.py │ │ │ ├── matrix_inverse_tril.py │ │ │ ├── ordered.py │ │ │ ├── permute.py │ │ │ ├── power_transform.py │ │ │ ├── real_nvp.py │ │ │ ├── reshape.py │ │ │ ├── scale_tril.py │ │ │ ├── sigmoid.py │ │ │ ├── sinh_arcsinh.py │ │ │ ├── softmax_centered.py │ │ │ ├── softplus.py │ │ │ ├── softsign.py │ │ │ ├── square.py │ │ │ ├── transform_diagonal.py │ │ │ └── weibull.py │ │ │ ├── binomial.py │ │ │ ├── cauchy.py │ │ │ ├── chi2.py │ │ │ ├── conditional_distribution.py │ │ │ ├── conditional_transformed_distribution.py │ │ │ ├── deterministic.py │ │ │ ├── distribution_util.py │ │ │ ├── estimator.py │ │ │ ├── geometric.py │ │ │ ├── gumbel.py │ │ │ ├── half_normal.py │ │ │ ├── independent.py │ │ │ ├── inverse_gamma.py │ │ │ ├── kumaraswamy.py │ │ │ ├── logistic.py │ │ │ ├── mixture.py │ │ │ ├── mixture_same_family.py │ │ │ ├── moving_stats.py │ │ │ ├── mvn_diag.py │ │ │ ├── mvn_diag_plus_low_rank.py │ │ │ ├── mvn_full_covariance.py │ │ │ ├── mvn_linear_operator.py │ │ │ ├── mvn_tril.py │ │ │ ├── negative_binomial.py │ │ │ ├── normal_conjugate_posteriors.py │ │ │ ├── onehot_categorical.py │ │ │ ├── poisson.py │ │ │ ├── poisson_lognormal.py │ │ │ ├── quantized_distribution.py │ │ │ ├── relaxed_bernoulli.py │ │ │ ├── relaxed_onehot_categorical.py │ │ │ ├── sample_stats.py │ │ │ ├── seed_stream.py │ │ │ ├── shape.py │ │ │ ├── sinh_arcsinh.py │ │ │ ├── statistical_testing.py │ │ │ ├── test_util.py │ │ │ ├── vector_diffeomixture.py │ │ │ ├── vector_exponential_diag.py │ │ │ ├── vector_exponential_linear_operator.py │ │ │ ├── vector_laplace_diag.py │ │ │ ├── vector_laplace_linear_operator.py │ │ │ ├── vector_sinh_arcsinh_diag.py │ │ │ ├── vector_student_t.py │ │ │ └── wishart.py │ ├── eager │ │ ├── README.md │ │ └── python │ │ │ ├── BUILD │ │ │ ├── datasets.py │ │ │ ├── datasets_test.py │ │ │ ├── evaluator.py │ │ │ ├── evaluator_test.py │ │ │ ├── examples │ │ │ ├── BUILD │ │ │ ├── densenet │ │ │ │ ├── BUILD │ │ │ │ ├── densenet.py │ │ │ │ ├── densenet_graph_test.py │ │ │ │ └── densenet_test.py │ │ │ ├── gan │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── mnist.py │ │ │ │ ├── mnist_graph_test.py │ │ │ │ └── mnist_test.py │ │ │ ├── generative_examples │ │ │ │ ├── cvae.ipynb │ │ │ │ ├── dcgan.ipynb │ │ │ │ ├── image_captioning_with_attention.ipynb │ │ │ │ └── text_generation.ipynb │ │ │ ├── l2hmc │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── l2hmc.py │ │ │ │ ├── l2hmc_test.py │ │ │ │ ├── main.py │ │ │ │ └── neural_nets.py │ │ │ ├── linear_regression │ │ │ │ ├── BUILD │ │ │ │ ├── linear_regression.py │ │ │ │ ├── linear_regression_graph_test.py │ │ │ │ └── linear_regression_test.py │ │ │ ├── mnist │ │ │ │ └── README.md │ │ │ ├── nmt_with_attention │ │ │ │ └── nmt_with_attention.ipynb │ │ │ ├── notebooks │ │ │ │ ├── README.md │ │ │ │ ├── automatic_differentiation.ipynb │ │ │ │ ├── custom_layers.ipynb │ │ │ │ ├── custom_training.ipynb │ │ │ │ └── eager_basics.ipynb │ │ │ ├── pix2pix │ │ │ │ └── pix2pix_eager.ipynb │ │ │ ├── resnet50 │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── resnet50.py │ │ │ │ ├── resnet50_graph_test.py │ │ │ │ └── resnet50_test.py │ │ │ ├── revnet │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── blocks.py │ │ │ │ ├── blocks_test.py │ │ │ │ ├── cifar_input.py │ │ │ │ ├── cifar_tfrecords.py │ │ │ │ ├── config.py │ │ │ │ ├── imagenet_input.py │ │ │ │ ├── main.py │ │ │ │ ├── main_estimator.py │ │ │ │ ├── main_estimator_tpu.py │ │ │ │ ├── ops.py │ │ │ │ ├── ops_test.py │ │ │ │ ├── resnet_preprocessing.py │ │ │ │ ├── revnet.py │ │ │ │ └── revnet_test.py │ │ │ ├── rnn_colorbot │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── rnn_colorbot.py │ │ │ │ └── rnn_colorbot_test.py │ │ │ ├── rnn_ptb │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── rnn_ptb.py │ │ │ │ ├── rnn_ptb_graph_test.py │ │ │ │ └── rnn_ptb_test.py │ │ │ ├── spinn │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── data.py │ │ │ │ ├── data_test.py │ │ │ │ └── spinn_test.py │ │ │ └── workshop │ │ │ │ ├── 1_basic.ipynb │ │ │ │ ├── 2_models.ipynb │ │ │ │ └── 3_inspecting.ipynb │ │ │ ├── g3doc │ │ │ └── guide.md │ │ │ ├── metrics.py │ │ │ ├── metrics_impl.py │ │ │ ├── metrics_test.py │ │ │ ├── network.py │ │ │ ├── network_test.py │ │ │ ├── parameter_server.py │ │ │ ├── remote_test.py │ │ │ ├── saver.py │ │ │ ├── saver_test.py │ │ │ ├── tfe.py │ │ │ └── tfe_test.py │ ├── elastic_grpc_server │ │ ├── BUILD │ │ ├── elastic_grpc_server_lib.cc │ │ ├── elastic_grpc_server_lib.h │ │ ├── elastic_grpc_server_lib_test.cc │ │ ├── elastic_service.cc │ │ └── elastic_service.h │ ├── estimator │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── estimator │ │ │ ├── boosted_trees.py │ │ │ ├── dnn_with_layer_annotations.py │ │ │ ├── early_stopping.py │ │ │ ├── export.py │ │ │ ├── exporter.py │ │ │ ├── extenders.py │ │ │ ├── head.py │ │ │ ├── hooks.py │ │ │ ├── logit_fns.py │ │ │ ├── multi_head.py │ │ │ ├── replicate_model_fn.py │ │ │ ├── rnn.py │ │ │ └── saved_model_estimator.py │ ├── factorization │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── examples │ │ │ ├── BUILD │ │ │ └── mnist.py │ │ ├── g3doc │ │ │ ├── gmm.md │ │ │ ├── gmm.png │ │ │ ├── kmeans.md │ │ │ ├── kmeans.png │ │ │ ├── wals.md │ │ │ └── wals.png │ │ ├── kernels │ │ │ ├── BUILD │ │ │ ├── masked_matmul_ops.cc │ │ │ └── wals_solver_ops.cc │ │ ├── ops │ │ │ └── factorization_ops.cc │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ ├── clustering_ops_test.py │ │ │ ├── masked_matmul_benchmark.py │ │ │ ├── masked_matmul_ops_test.py │ │ │ └── wals_solver_ops_test.py │ │ │ └── ops │ │ │ ├── clustering_ops.py │ │ │ ├── factorization_ops.py │ │ │ ├── factorization_ops_test.py │ │ │ ├── factorization_ops_test_utils.py │ │ │ ├── gmm.py │ │ │ ├── gmm_ops.py │ │ │ ├── gmm_ops_test.py │ │ │ ├── gmm_test.py │ │ │ ├── kmeans.py │ │ │ ├── kmeans_test.py │ │ │ ├── wals.py │ │ │ └── wals_test.py │ ├── feature_column │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── feature_column │ │ │ ├── sequence_feature_column.py │ │ │ ├── sequence_feature_column_integration_test.py │ │ │ └── sequence_feature_column_test.py │ ├── ffmpeg │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── decode_audio_op.cc │ │ ├── decode_audio_op_test.py │ │ ├── decode_video_op.cc │ │ ├── decode_video_op_test.py │ │ ├── default │ │ │ ├── BUILD │ │ │ ├── ffmpeg_lib.cc │ │ │ ├── ffmpeg_lib_test.cc │ │ │ └── ffmpeg_lib_utility_test.cc │ │ ├── encode_audio_op.cc │ │ ├── encode_audio_op_test.py │ │ ├── ffmpeg_lib.h │ │ ├── ffmpeg_ops.py │ │ └── testdata │ │ │ ├── frame100.bin │ │ │ ├── mono_10khz.ogg │ │ │ ├── mono_10khz.wav │ │ │ ├── mono_16khz.mp3 │ │ │ ├── mono_16khz_mp3.mp4 │ │ │ ├── mono_16khz_mp3_32khz_aac.mp4 │ │ │ ├── mono_32khz_aac.mp4 │ │ │ ├── small.mp4 │ │ │ ├── small_100.bmp │ │ │ ├── stereo_48khz.mp3 │ │ │ ├── stereo_48khz_aac.mp4 │ │ │ ├── stereo_48khz_mp3.mp4 │ │ │ └── test_sound1.mp3 │ ├── framework │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── zero_initializer_op.cc │ │ │ ├── zero_initializer_op.h │ │ │ └── zero_initializer_op_gpu.cu.cc │ │ ├── ops │ │ │ └── variable_ops.cc │ │ ├── python │ │ │ ├── framework │ │ │ │ ├── __init__.py │ │ │ │ ├── checkpoint_utils.py │ │ │ │ ├── checkpoint_utils_test.py │ │ │ │ ├── experimental.py │ │ │ │ ├── experimental_test.py │ │ │ │ ├── graph_util.py │ │ │ │ ├── graph_util_test.py │ │ │ │ ├── tensor_util.py │ │ │ │ └── tensor_util_test.py │ │ │ └── ops │ │ │ │ ├── __init__.py │ │ │ │ ├── arg_scope.py │ │ │ │ ├── arg_scope_test.py │ │ │ │ ├── audio_ops.py │ │ │ │ ├── checkpoint_ops.py │ │ │ │ ├── checkpoint_ops_test.py │ │ │ │ ├── ops.py │ │ │ │ ├── ops_test.py │ │ │ │ ├── prettyprint_ops.py │ │ │ │ ├── prettyprint_ops_test.py │ │ │ │ ├── script_ops.py │ │ │ │ ├── sort_ops.py │ │ │ │ ├── variables.py │ │ │ │ └── variables_test.py │ │ └── testdata │ │ │ ├── bundle_checkpoint.data-00000-of-00001 │ │ │ ├── bundle_checkpoint.index │ │ │ ├── bundle_checkpoint_vocab.txt │ │ │ ├── bundle_checkpoint_vocab_with_oov.txt │ │ │ ├── keyword.txt │ │ │ └── keyword_new.txt │ ├── fused_conv │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── fused_conv2d_bias_activation_op.cc │ │ │ ├── fused_conv2d_bias_activation_op.h │ │ │ └── fused_conv_ops_gpu.h │ │ ├── ops │ │ │ └── fused_conv2d_bias_activation_op.cc │ │ └── python │ │ │ ├── __init__.py │ │ │ └── ops │ │ │ ├── fused_conv2d_bias_activation_benchmark.py │ │ │ ├── fused_conv2d_bias_activation_op.py │ │ │ ├── fused_conv2d_bias_activation_op_test.py │ │ │ ├── fused_conv2d_bias_activation_op_test_base.py │ │ │ └── tensorrt_fused_conv_test.py │ ├── gdr │ │ ├── BUILD │ │ ├── README.md │ │ ├── gdr.proto │ │ ├── gdr_collective_executor_mgr.cc │ │ ├── gdr_collective_executor_mgr.h │ │ ├── gdr_memory_manager.cc │ │ ├── gdr_memory_manager.h │ │ ├── gdr_rendezvous_mgr.cc │ │ ├── gdr_rendezvous_mgr.h │ │ ├── gdr_server_lib.cc │ │ ├── gdr_server_lib.h │ │ ├── gdr_worker.cc │ │ └── gdr_worker.h │ ├── graph_editor │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── edit.py │ │ ├── examples │ │ │ └── edit_graph_example.py │ │ ├── reroute.py │ │ ├── select.py │ │ ├── subgraph.py │ │ ├── tests │ │ │ ├── edit_test.py │ │ │ ├── match.py │ │ │ ├── match_test.py │ │ │ ├── reroute_test.py │ │ │ ├── select_test.py │ │ │ ├── subgraph_test.py │ │ │ ├── transform_test.py │ │ │ └── util_test.py │ │ ├── transform.py │ │ └── util.py │ ├── grid_rnn │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ └── grid_rnn_test.py │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ └── grid_rnn_cell.py │ ├── hadoop │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── hadoop_dataset_ops.cc │ │ ├── ops │ │ │ └── dataset_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── hadoop_test.py │ │ │ └── testdata │ │ │ │ └── string.seq │ │ │ └── ops │ │ │ ├── hadoop_dataset_ops.py │ │ │ └── hadoop_op_loader.py │ ├── hooks │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ └── training │ │ │ ├── __init__.py │ │ │ └── profiler_hook.py │ ├── hvx │ │ ├── README.md │ │ ├── clock_cycle_profiling │ │ │ ├── BUILD │ │ │ └── clock_cycle_profiling_main.cc │ │ ├── hexagon_controller │ │ │ ├── Makefile │ │ │ ├── src_dummy_data │ │ │ │ ├── inception_v1_graph_init.c │ │ │ │ ├── inception_v3_dummy_float_data.c │ │ │ │ ├── inception_v3_dummy_int_data.c │ │ │ │ └── inception_v3_graph_init.c │ │ │ ├── src_impl │ │ │ │ ├── graph_functions_wrapper.c │ │ │ │ ├── hexagon_controller.c │ │ │ │ └── include │ │ │ │ │ └── hexagon_controller.h │ │ │ ├── src_log │ │ │ │ └── include │ │ │ │ │ └── tfm_log.h │ │ │ ├── src_soc_interface │ │ │ │ ├── include │ │ │ │ │ ├── node_data_float.h │ │ │ │ │ └── soc_interface.h │ │ │ │ └── soc_interface.c │ │ │ └── target │ │ │ │ └── make │ │ │ │ └── android.min │ │ └── hvx_ops_support_checker │ │ │ ├── BUILD │ │ │ └── hvx_ops_support_checker_main.cc │ ├── ignite │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── client │ │ │ │ ├── ignite_byte_swapper.h │ │ │ │ ├── ignite_client.h │ │ │ │ ├── ignite_plain_client.h │ │ │ │ ├── ignite_plain_client_unix.cc │ │ │ │ ├── ignite_plain_client_windows.cc │ │ │ │ ├── ignite_ssl_wrapper.cc │ │ │ │ └── ignite_ssl_wrapper.h │ │ │ ├── dataset │ │ │ │ ├── ignite_binary_object_parser.cc │ │ │ │ ├── ignite_binary_object_parser.h │ │ │ │ ├── ignite_dataset.cc │ │ │ │ ├── ignite_dataset.h │ │ │ │ ├── ignite_dataset_iterator.cc │ │ │ │ ├── ignite_dataset_iterator.h │ │ │ │ └── ignite_dataset_ops.cc │ │ │ └── igfs │ │ │ │ ├── igfs.cc │ │ │ │ ├── igfs.h │ │ │ │ ├── igfs_client.cc │ │ │ │ ├── igfs_client.h │ │ │ │ ├── igfs_extended_tcp_client.cc │ │ │ │ ├── igfs_extended_tcp_client.h │ │ │ │ ├── igfs_messages.cc │ │ │ │ ├── igfs_messages.h │ │ │ │ ├── igfs_random_access_file.cc │ │ │ │ ├── igfs_random_access_file.h │ │ │ │ ├── igfs_writable_file.cc │ │ │ │ └── igfs_writable_file.h │ │ ├── ops │ │ │ ├── dataset_ops.cc │ │ │ └── igfs_ops.cc │ │ └── python │ │ │ ├── ops │ │ │ ├── igfs_op_loader.py │ │ │ ├── igfs_ops.py │ │ │ ├── ignite_dataset_ops.py │ │ │ └── ignite_op_loader.py │ │ │ └── tests │ │ │ ├── bin │ │ │ ├── start-igfs.sh │ │ │ └── start-plain.sh │ │ │ ├── config │ │ │ ├── ignite-config-igfs.xml │ │ │ └── ignite-config-plain.xml │ │ │ ├── igfs_test.py │ │ │ ├── ignite_dataset_test.py │ │ │ ├── sql │ │ │ └── init.sql │ │ │ ├── start_ignite.sh │ │ │ └── stop_ignite.sh │ ├── image │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── adjust_hsv_in_yiq_op.cc │ │ │ ├── adjust_hsv_in_yiq_op.h │ │ │ ├── adjust_hsv_in_yiq_op_gpu.cu.cc │ │ │ ├── adjust_hsv_in_yiq_op_test.cc │ │ │ ├── bipartite_match_op.cc │ │ │ ├── image_ops.cc │ │ │ ├── image_ops.h │ │ │ ├── image_ops_gpu.cu.cc │ │ │ ├── segmentation_ops.cc │ │ │ ├── segmentation_ops.h │ │ │ └── single_image_random_dot_stereograms_ops.cc │ │ ├── ops │ │ │ ├── distort_image_ops.cc │ │ │ ├── image_ops.cc │ │ │ └── single_image_random_dot_stereograms_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── dense_image_warp_test.py │ │ │ ├── distort_image_ops_test.py │ │ │ ├── image_ops_test.py │ │ │ ├── interpolate_spline_test.py │ │ │ ├── segmentation_test.py │ │ │ ├── single_image_random_dot_stereograms_ops_test.py │ │ │ ├── sparse_image_warp_test.py │ │ │ └── test_data │ │ │ │ ├── Yellow_Smiley_Face.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-1-clamp-0.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-1-clamp-1.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-1-clamp-4.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-2-clamp-0.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-2-clamp-1.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-2-clamp-4.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-3-clamp-0.png │ │ │ │ ├── Yellow_Smiley_Face_Warp-interp-3-clamp-1.png │ │ │ │ └── Yellow_Smiley_Face_Warp-interp-3-clamp-4.png │ │ │ └── ops │ │ │ ├── dense_image_warp.py │ │ │ ├── distort_image_ops.py │ │ │ ├── image_ops.py │ │ │ ├── interpolate_spline.py │ │ │ ├── single_image_random_dot_stereograms.py │ │ │ └── sparse_image_warp.py │ ├── input_pipeline │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── BUILD │ │ │ └── input_pipeline_kernels.cc │ │ ├── ops │ │ │ ├── input_pipeline_ops.cc │ │ │ └── input_pipeline_ops_test.cc │ │ └── python │ │ │ └── ops │ │ │ ├── input_pipeline_ops.py │ │ │ └── input_pipeline_ops_test.py │ ├── integrate │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ └── ops │ │ │ ├── odes.py │ │ │ └── odes_test.py │ ├── kafka │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── kafka_dataset_ops.cc │ │ ├── ops │ │ │ └── dataset_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── kafka_test.py │ │ │ └── kafka_test.sh │ │ │ └── ops │ │ │ ├── kafka_dataset_ops.py │ │ │ └── kafka_op_loader.py │ ├── keras │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── api │ │ │ ├── __init__.py │ │ │ └── keras │ │ │ ├── __init__.py │ │ │ ├── activations │ │ │ └── __init__.py │ │ │ ├── applications │ │ │ ├── __init__.py │ │ │ ├── inception_v3 │ │ │ │ └── __init__.py │ │ │ ├── mobilenet │ │ │ │ └── __init__.py │ │ │ ├── resnet50 │ │ │ │ └── __init__.py │ │ │ ├── vgg16 │ │ │ │ └── __init__.py │ │ │ ├── vgg19 │ │ │ │ └── __init__.py │ │ │ └── xception │ │ │ │ └── __init__.py │ │ │ ├── backend │ │ │ └── __init__.py │ │ │ ├── callbacks │ │ │ └── __init__.py │ │ │ ├── constraints │ │ │ └── __init__.py │ │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── boston_housing │ │ │ │ └── __init__.py │ │ │ ├── cifar10 │ │ │ │ └── __init__.py │ │ │ ├── cifar100 │ │ │ │ └── __init__.py │ │ │ ├── imdb │ │ │ │ └── __init__.py │ │ │ ├── mnist │ │ │ │ └── __init__.py │ │ │ └── reuters │ │ │ │ └── __init__.py │ │ │ ├── initializers │ │ │ └── __init__.py │ │ │ ├── layers │ │ │ └── __init__.py │ │ │ ├── losses │ │ │ └── __init__.py │ │ │ ├── metrics │ │ │ └── __init__.py │ │ │ ├── models │ │ │ └── __init__.py │ │ │ ├── optimizers │ │ │ └── __init__.py │ │ │ ├── preprocessing │ │ │ ├── __init__.py │ │ │ ├── image │ │ │ │ └── __init__.py │ │ │ ├── sequence │ │ │ │ └── __init__.py │ │ │ └── text │ │ │ │ └── __init__.py │ │ │ ├── regularizers │ │ │ └── __init__.py │ │ │ ├── utils │ │ │ └── __init__.py │ │ │ └── wrappers │ │ │ ├── __init__.py │ │ │ └── scikit_learn │ │ │ └── __init__.py │ ├── kernel_methods │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── g3doc │ │ │ ├── acc-vs-trn_time.png │ │ │ ├── acc_vs_outdim.png │ │ │ ├── kernel_mapping.png │ │ │ └── tutorial.md │ │ └── python │ │ │ ├── kernel_estimators.py │ │ │ ├── kernel_estimators_test.py │ │ │ ├── losses.py │ │ │ ├── losses_test.py │ │ │ └── mappers │ │ │ ├── dense_kernel_mapper.py │ │ │ ├── random_fourier_features.py │ │ │ └── random_fourier_features_test.py │ ├── kfac │ │ └── README.md │ ├── kinesis │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── kinesis_dataset_ops.cc │ │ ├── ops │ │ │ └── dataset_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── kinesis_test.py │ │ │ └── ops │ │ │ ├── kinesis_dataset_ops.py │ │ │ └── kinesis_op_loader.py │ ├── labeled_tensor │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ └── ops │ │ │ ├── _typecheck.py │ │ │ ├── core.py │ │ │ ├── core_test.py │ │ │ ├── io_ops.py │ │ │ ├── io_ops_test.py │ │ │ ├── nn.py │ │ │ ├── nn_test.py │ │ │ ├── ops.py │ │ │ ├── ops_test.py │ │ │ ├── sugar.py │ │ │ ├── sugar_test.py │ │ │ └── test_util.py │ ├── layers │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── BUILD │ │ │ └── sparse_feature_cross_kernel.cc │ │ ├── ops │ │ │ └── sparse_feature_cross_op.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── sparse_feature_cross_op_test.py │ │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── embedding_ops.py │ │ │ ├── embedding_ops_test.py │ │ │ ├── encoders.py │ │ │ ├── encoders_test.py │ │ │ ├── feature_column.py │ │ │ ├── feature_column_ops.py │ │ │ ├── feature_column_ops_test.py │ │ │ ├── feature_column_test.py │ │ │ ├── initializers.py │ │ │ ├── initializers_test.py │ │ │ ├── layers.py │ │ │ ├── layers_test.py │ │ │ ├── normalization.py │ │ │ ├── normalization_test.py │ │ │ ├── optimizers.py │ │ │ ├── optimizers_test.py │ │ │ ├── regularizers.py │ │ │ ├── regularizers_test.py │ │ │ ├── rev_block_lib.py │ │ │ ├── rev_block_lib_test.py │ │ │ ├── summaries.py │ │ │ ├── summaries_test.py │ │ │ ├── target_column.py │ │ │ ├── target_column_test.py │ │ │ ├── utils.py │ │ │ └── utils_test.py │ │ │ └── ops │ │ │ ├── bucketization_op.py │ │ │ ├── sparse_feature_cross_op.py │ │ │ ├── sparse_ops.py │ │ │ └── sparse_ops_test.py │ ├── learn │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ └── learn │ │ │ ├── __init__.py │ │ │ ├── basic_session_run_hooks.py │ │ │ ├── datasets │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── base.py │ │ │ ├── base_test.py │ │ │ ├── data │ │ │ │ ├── boston_house_prices.csv │ │ │ │ ├── iris.csv │ │ │ │ ├── text_test.csv │ │ │ │ └── text_train.csv │ │ │ ├── load_csv_test.py │ │ │ ├── mnist.py │ │ │ ├── produce_small_datasets.py │ │ │ ├── synthetic.py │ │ │ ├── synthetic_test.py │ │ │ └── text_datasets.py │ │ │ ├── estimators │ │ │ ├── __init__.py │ │ │ ├── _sklearn.py │ │ │ ├── composable_model.py │ │ │ ├── composable_model_test.py │ │ │ ├── constants.py │ │ │ ├── debug.py │ │ │ ├── debug_test.py │ │ │ ├── dnn.py │ │ │ ├── dnn_linear_combined.py │ │ │ ├── dnn_linear_combined_test.py │ │ │ ├── dnn_test.py │ │ │ ├── dynamic_rnn_estimator.py │ │ │ ├── dynamic_rnn_estimator_test.py │ │ │ ├── estimator.py │ │ │ ├── estimator_input_test.py │ │ │ ├── estimator_test.py │ │ │ ├── estimator_test_utils.py │ │ │ ├── estimators_test.py │ │ │ ├── g3doc │ │ │ │ ├── svm.md │ │ │ │ └── svm.png │ │ │ ├── head.py │ │ │ ├── head_test.py │ │ │ ├── kmeans.py │ │ │ ├── kmeans_test.py │ │ │ ├── linear.py │ │ │ ├── linear_test.py │ │ │ ├── logistic_regressor.py │ │ │ ├── logistic_regressor_test.py │ │ │ ├── metric_key.py │ │ │ ├── model_fn.py │ │ │ ├── model_fn_test.py │ │ │ ├── multioutput_test.py │ │ │ ├── nonlinear_test.py │ │ │ ├── prediction_key.py │ │ │ ├── regression_test.py │ │ │ ├── rnn_common.py │ │ │ ├── rnn_common_test.py │ │ │ ├── run_config.py │ │ │ ├── run_config_test.py │ │ │ ├── stability_test.py │ │ │ ├── state_saving_rnn_estimator.py │ │ │ ├── state_saving_rnn_estimator_test.py │ │ │ ├── svm.py │ │ │ ├── svm_test.py │ │ │ ├── tensor_signature.py │ │ │ ├── tensor_signature_test.py │ │ │ └── test_data.py │ │ │ ├── evaluable.py │ │ │ ├── experiment.py │ │ │ ├── experiment_test.py │ │ │ ├── export_strategy.py │ │ │ ├── export_strategy_test.py │ │ │ ├── graph_actions.py │ │ │ ├── graph_actions_test.py │ │ │ ├── grid_search_test.py │ │ │ ├── learn_io │ │ │ ├── __init__.py │ │ │ ├── dask_io.py │ │ │ ├── data_feeder.py │ │ │ ├── data_feeder_test.py │ │ │ ├── generator_io.py │ │ │ ├── generator_io_test.py │ │ │ ├── graph_io.py │ │ │ ├── graph_io_test.py │ │ │ ├── io_test.py │ │ │ ├── numpy_io.py │ │ │ ├── pandas_io.py │ │ │ └── pandas_io_test.py │ │ │ ├── learn_runner.py │ │ │ ├── learn_runner_lib.py │ │ │ ├── learn_runner_test.py │ │ │ ├── metric_spec.py │ │ │ ├── metric_spec_test.py │ │ │ ├── models.py │ │ │ ├── monitored_session.py │ │ │ ├── monitors.py │ │ │ ├── monitors_test.py │ │ │ ├── ops │ │ │ ├── __init__.py │ │ │ ├── embeddings_ops.py │ │ │ ├── losses_ops.py │ │ │ ├── ops_test.py │ │ │ ├── seq2seq_ops.py │ │ │ └── seq2seq_ops_test.py │ │ │ ├── preprocessing │ │ │ ├── __init__.py │ │ │ ├── categorical.py │ │ │ ├── categorical_vocabulary.py │ │ │ ├── tests │ │ │ │ ├── __init__.py │ │ │ │ ├── categorical_test.py │ │ │ │ ├── categorical_vocabulary_test.py │ │ │ │ └── text_test.py │ │ │ └── text.py │ │ │ ├── session_run_hook.py │ │ │ ├── summary_writer_cache.py │ │ │ ├── trainable.py │ │ │ └── utils │ │ │ ├── __init__.py │ │ │ ├── export.py │ │ │ ├── export_test.py │ │ │ ├── gc.py │ │ │ ├── gc_test.py │ │ │ ├── input_fn_utils.py │ │ │ ├── input_fn_utils_test.py │ │ │ ├── inspect_checkpoint.py │ │ │ ├── saved_model_export_utils.py │ │ │ └── saved_model_export_utils_test.py │ ├── legacy_seq2seq │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ ├── __init__.py │ │ │ └── seq2seq_test.py │ │ │ └── ops │ │ │ └── seq2seq.py │ ├── libsvm │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── decode_libsvm_op.cc │ │ ├── ops │ │ │ └── libsvm_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── decode_libsvm_op_test.py │ │ │ └── ops │ │ │ └── libsvm_ops.py │ ├── linear_optimizer │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── g3doc │ │ │ │ ├── mod_newton.png │ │ │ │ ├── newton.png │ │ │ │ ├── newton_compare_experiment.png │ │ │ │ └── readme.md │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── sdca_ops_test.py │ │ │ ├── ops │ │ │ ├── sdca_ops.py │ │ │ ├── sharded_mutable_dense_hashtable.py │ │ │ ├── sharded_mutable_dense_hashtable_test.py │ │ │ ├── sparse_feature_column.py │ │ │ └── sparse_feature_column_test.py │ │ │ ├── sdca_estimator.py │ │ │ ├── sdca_estimator_test.py │ │ │ └── sdca_optimizer.py │ ├── lookup │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── lookup_ops.py │ │ └── lookup_ops_test.py │ ├── losses │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── losses │ │ │ ├── __init__.py │ │ │ ├── loss_ops.py │ │ │ └── loss_ops_test.py │ │ │ └── metric_learning │ │ │ ├── __init__.py │ │ │ ├── metric_loss_ops.py │ │ │ └── metric_loss_ops_test.py │ ├── makefile │ │ ├── .gitignore │ │ ├── BUILD │ │ ├── Dockerfile │ │ ├── Makefile │ │ ├── README.md │ │ ├── build_all_android.sh │ │ ├── build_all_ios.sh │ │ ├── build_all_ios_with_tflite.sh │ │ ├── build_all_linux.sh │ │ ├── build_helper.subr │ │ ├── build_with_docker.sh │ │ ├── compile_android_protobuf.sh │ │ ├── compile_ios_protobuf.sh │ │ ├── compile_ios_tensorflow.sh │ │ ├── compile_linux_protobuf.sh │ │ ├── compile_nsync.sh │ │ ├── compile_pi_protobuf.sh │ │ ├── create_ios_frameworks.sh │ │ ├── download_dependencies.sh │ │ ├── gen_file_lists.sh │ │ ├── proto_text_cc_files.txt │ │ ├── proto_text_pb_cc_files.txt │ │ ├── proto_text_pb_h_files.txt │ │ ├── rename_protobuf.sh │ │ ├── rename_protoc.sh │ │ ├── rename_prototext.sh │ │ ├── samples │ │ │ └── build_and_run_inception_hexagon.sh │ │ ├── sub_makefiles │ │ │ ├── android │ │ │ │ └── Makefile.in │ │ │ ├── hexagon_graph_execution │ │ │ │ └── Makefile.in │ │ │ ├── quantization │ │ │ │ └── Makefile.in │ │ │ └── so │ │ │ │ └── Makefile.in │ │ ├── test │ │ │ └── test_main.cc │ │ ├── tf_op_files.txt │ │ ├── tf_pb_text_files.txt │ │ └── tf_proto_files.txt │ ├── memory_stats │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── memory_stats_ops.cc │ │ ├── ops │ │ │ └── memory_stats_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── memory_stats_ops_test.py │ │ │ └── ops │ │ │ └── memory_stats_ops.py │ ├── meta_graph_transform │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── meta_graph_transform.py │ │ └── meta_graph_transform_test.py │ ├── metrics │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── histogram_ops_test.py │ │ │ ├── metrics │ │ │ ├── __init__.py │ │ │ ├── classification.py │ │ │ └── classification_test.py │ │ │ └── ops │ │ │ ├── confusion_matrix_ops.py │ │ │ ├── histogram_ops.py │ │ │ ├── metric_ops.py │ │ │ ├── metric_ops_large_test.py │ │ │ ├── metric_ops_test.py │ │ │ └── set_ops.py │ ├── mixed_precision │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── BUILD │ │ │ ├── loss_scale_manager.py │ │ │ ├── loss_scale_manager_test.py │ │ │ ├── loss_scale_optimizer.py │ │ │ └── loss_scale_optimizer_test.py │ ├── model_pruning │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── examples │ │ │ └── cifar10 │ │ │ │ ├── BUILD │ │ │ │ ├── cifar10_eval.py │ │ │ │ ├── cifar10_input.py │ │ │ │ ├── cifar10_pruning.py │ │ │ │ └── cifar10_train.py │ │ └── python │ │ │ ├── layers │ │ │ ├── core_layers.py │ │ │ ├── layers.py │ │ │ ├── layers_test.py │ │ │ ├── rnn_cells.py │ │ │ └── rnn_cells_test.py │ │ │ ├── learning.py │ │ │ ├── pruning.py │ │ │ ├── pruning_test.py │ │ │ ├── pruning_utils.py │ │ │ ├── pruning_utils_test.py │ │ │ ├── strip_pruning_vars.py │ │ │ ├── strip_pruning_vars_lib.py │ │ │ └── strip_pruning_vars_test.py │ ├── mpi │ │ ├── BUILD │ │ ├── README.md │ │ ├── mpi_msg.proto │ │ ├── mpi_rendezvous_mgr.cc │ │ ├── mpi_rendezvous_mgr.h │ │ ├── mpi_server_lib.cc │ │ ├── mpi_server_lib.h │ │ ├── mpi_utils.cc │ │ └── mpi_utils.h │ ├── mpi_collectives │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── mpi_ops.cc │ │ │ ├── ring.cc │ │ │ ├── ring.cu.cc │ │ │ └── ring.h │ │ ├── mpi_allgather_test.py │ │ ├── mpi_allreduce_test.py │ │ ├── mpi_message.proto │ │ ├── mpi_ops.cc │ │ ├── mpi_ops.py │ │ ├── mpi_ops_test.py │ │ ├── ops │ │ │ └── mpi_ops.cc │ │ ├── python │ │ │ └── ops │ │ │ │ └── mpi_ops.py │ │ ├── ring.cc │ │ ├── ring.cu.cc │ │ └── ring.h │ ├── nearest_neighbor │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── heap.h │ │ │ ├── heap_test.cc │ │ │ ├── hyperplane_lsh_probes.cc │ │ │ ├── hyperplane_lsh_probes.h │ │ │ └── hyperplane_lsh_probes_test.cc │ │ ├── ops │ │ │ └── nearest_neighbor_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── hyperplane_lsh_probes_test.py │ │ │ └── ops │ │ │ └── nearest_neighbor_ops.py │ ├── nn │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ ├── alpha_dropout.py │ │ │ ├── alpha_dropout_test.py │ │ │ ├── cross_entropy.py │ │ │ ├── fwd_gradients.py │ │ │ ├── fwd_gradients_test.py │ │ │ ├── sampling_ops.py │ │ │ ├── sampling_ops_test.py │ │ │ ├── scaled_softplus.py │ │ │ └── scaled_softplus_test.py │ ├── opt │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ └── training │ │ │ ├── adam_gs_optimizer.py │ │ │ ├── adam_gs_optimizer_test.py │ │ │ ├── adamax.py │ │ │ ├── adamax_test.py │ │ │ ├── addsign.py │ │ │ ├── addsign_test.py │ │ │ ├── agn_optimizer.py │ │ │ ├── agn_optimizer_test.py │ │ │ ├── drop_stale_gradient_optimizer.py │ │ │ ├── drop_stale_gradient_optimizer_test.py │ │ │ ├── elastic_average_optimizer.py │ │ │ ├── elastic_average_optimizer_test.py │ │ │ ├── external_optimizer.py │ │ │ ├── external_optimizer_test.py │ │ │ ├── ggt.py │ │ │ ├── ggt_test.py │ │ │ ├── lars_optimizer.py │ │ │ ├── lars_optimizer_test.py │ │ │ ├── lazy_adam_gs_optimizer.py │ │ │ ├── lazy_adam_gs_optimizer_test.py │ │ │ ├── lazy_adam_optimizer.py │ │ │ ├── lazy_adam_optimizer_test.py │ │ │ ├── matrix_functions.py │ │ │ ├── matrix_functions_test.py │ │ │ ├── model_average_optimizer.py │ │ │ ├── model_average_optimizer_test.py │ │ │ ├── moving_average_optimizer.py │ │ │ ├── moving_average_optimizer_test.py │ │ │ ├── multitask_optimizer_wrapper.py │ │ │ ├── multitask_optimizer_wrapper_test.py │ │ │ ├── nadam_optimizer.py │ │ │ ├── nadam_optimizer_test.py │ │ │ ├── powersign.py │ │ │ ├── powersign_test.py │ │ │ ├── reg_adagrad_optimizer.py │ │ │ ├── reg_adagrad_optimizer_test.py │ │ │ ├── shampoo.py │ │ │ ├── shampoo_test.py │ │ │ ├── sign_decay.py │ │ │ ├── sign_decay_test.py │ │ │ ├── variable_clipping_optimizer.py │ │ │ ├── variable_clipping_optimizer_test.py │ │ │ ├── weight_decay_optimizers.py │ │ │ └── weight_decay_optimizers_test.py │ ├── optimizer_v2 │ │ ├── BUILD │ │ ├── adadelta.py │ │ ├── adadelta_test.py │ │ ├── adagrad.py │ │ ├── adagrad_test.py │ │ ├── adam.py │ │ ├── adam_test.py │ │ ├── checkpointable_utils_test.py │ │ ├── gradient_descent.py │ │ ├── gradient_descent_test.py │ │ ├── momentum.py │ │ ├── momentum_test.py │ │ ├── optimizer_v2.py │ │ ├── optimizer_v2_symbols.py │ │ ├── optimizer_v2_test.py │ │ ├── rmsprop.py │ │ └── rmsprop_test.py │ ├── periodic_resample │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── periodic_resample_op.cc │ │ │ └── periodic_resample_op.h │ │ ├── ops │ │ │ ├── array_ops.cc │ │ │ └── array_ops_test.cc │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ └── periodic_resample_op_test.py │ │ │ └── ops │ │ │ └── periodic_resample_op.py │ ├── pi_examples │ │ ├── .gitignore │ │ ├── README.md │ │ ├── camera │ │ │ ├── Makefile │ │ │ └── camera.cc │ │ └── label_image │ │ │ ├── Makefile │ │ │ ├── data │ │ │ └── grace_hopper.jpg │ │ │ └── label_image.cc │ ├── predictor │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── contrib_estimator_predictor.py │ │ ├── contrib_estimator_predictor_test.py │ │ ├── core_estimator_predictor.py │ │ ├── core_estimator_predictor_test.py │ │ ├── predictor.py │ │ ├── predictor_factories.py │ │ ├── predictor_factories_test.py │ │ ├── saved_model_predictor.py │ │ ├── saved_model_predictor_test.py │ │ ├── test_export_dir │ │ │ ├── saved_model.pb │ │ │ └── variables │ │ │ │ ├── variables.data-00000-of-00001 │ │ │ │ └── variables.index │ │ └── testing_common.py │ ├── proto │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── import_test.py │ │ └── python │ │ │ └── ops │ │ │ ├── BUILD │ │ │ ├── decode_proto_op.py │ │ │ └── encode_proto_op.py │ ├── quantization │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── array_ops.py │ │ │ ├── math_ops.py │ │ │ └── nn_ops.py │ ├── quantize │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── common.py │ │ │ ├── common_test.py │ │ │ ├── fold_batch_norms.py │ │ │ ├── fold_batch_norms_test.py │ │ │ ├── graph_matcher.py │ │ │ ├── graph_matcher_test.py │ │ │ ├── input_to_ops.py │ │ │ ├── input_to_ops_test.py │ │ │ ├── quant_ops.py │ │ │ ├── quant_ops_test.py │ │ │ ├── quantize.py │ │ │ ├── quantize_graph.py │ │ │ ├── quantize_graph_test.py │ │ │ ├── quantize_parameterized_test.py │ │ │ └── quantize_test.py │ ├── rate │ │ ├── BUILD │ │ ├── rate.py │ │ └── rate_test.py │ ├── receptive_field │ │ ├── BUILD │ │ ├── README.md │ │ ├── RECEPTIVE_FIELD_TABLE.md │ │ ├── python │ │ │ ├── __init__.py │ │ │ └── util │ │ │ │ ├── examples │ │ │ │ ├── compute_rf.py │ │ │ │ ├── csv_to_markdown_table.py │ │ │ │ ├── rf_benchmark.py │ │ │ │ └── write_inception_resnet_v2_graph.py │ │ │ │ ├── graph_compute_order.py │ │ │ │ ├── graph_compute_order_test.py │ │ │ │ ├── parse_layer_parameters.py │ │ │ │ ├── parse_layer_parameters_test.py │ │ │ │ ├── receptive_field.py │ │ │ │ └── receptive_field_test.py │ │ └── receptive_field_api.py │ ├── recurrent │ │ ├── BUILD │ │ ├── README.md │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── functional_rnn_test.py │ │ │ └── recurrent_test.py │ │ │ ├── ops │ │ │ ├── functional_rnn.py │ │ │ └── recurrent.py │ │ │ └── recurrent_api.py │ ├── reduce_slice_ops │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── reduce_slice_ops.cc │ │ │ ├── reduce_slice_ops.h │ │ │ └── reduce_slice_ops_gpu.cu.cc │ │ ├── ops │ │ │ ├── reduce_slice_ops.cc │ │ │ └── reduce_slice_ops_test.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ └── reduce_slice_ops_test.py │ │ │ └── ops │ │ │ └── reduce_slice_ops.py │ ├── remote_fused_graph │ │ ├── README.md │ │ └── pylib │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ └── python │ │ │ ├── __init__.py │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ ├── remote_fused_graph_ops.py │ │ │ └── remote_fused_graph_ops_test.py │ ├── resampler │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── resampler_ops.cc │ │ │ ├── resampler_ops.h │ │ │ └── resampler_ops_gpu.cu.cc │ │ ├── ops │ │ │ └── resampler_ops.cc │ │ ├── python │ │ │ ├── __init__.py │ │ │ └── ops │ │ │ │ ├── resampler_ops.py │ │ │ │ └── resampler_ops_test.py │ │ └── xla │ │ │ └── resampler_ops_xla_test.py │ ├── rnn │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ ├── benchmarking.py │ │ │ ├── fused_rnn_cell_test.py │ │ │ ├── gru_ops_test.py │ │ │ ├── lstm_ops_test.py │ │ │ ├── rnn_cell_test.py │ │ │ └── rnn_test.py │ │ │ ├── ops │ │ │ ├── core_rnn_cell.py │ │ │ ├── fused_rnn_cell.py │ │ │ ├── gru_ops.py │ │ │ ├── lstm_ops.py │ │ │ ├── rnn.py │ │ │ └── rnn_cell.py │ │ │ └── tools │ │ │ ├── checkpoint_convert.py │ │ │ └── checkpoint_convert_test.py │ ├── rpc │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── BUILD │ │ │ ├── rpc_op_test.py │ │ │ ├── rpc_op_test_base.py │ │ │ ├── rpc_op_test_servicer.py │ │ │ └── test_example.proto │ │ │ └── ops │ │ │ ├── BUILD │ │ │ └── rpc_op.py │ ├── saved_model │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── cc │ │ │ └── saved_model │ │ │ │ ├── BUILD │ │ │ │ ├── signature_def_utils.cc │ │ │ │ ├── signature_def_utils.h │ │ │ │ └── signature_def_utils_test.cc │ │ └── python │ │ │ ├── __init__.py │ │ │ └── saved_model │ │ │ ├── __init__.py │ │ │ ├── keras_saved_model.py │ │ │ ├── reader.py │ │ │ └── reader_test.py │ ├── seq2seq │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ ├── beam_search_ops.cc │ │ │ ├── beam_search_ops.h │ │ │ └── beam_search_ops_gpu.cu.cc │ │ ├── ops │ │ │ └── beam_search_ops.cc │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── __init__.py │ │ │ ├── attention_wrapper_test.py │ │ │ ├── attention_wrapper_v2_test.py │ │ │ ├── basic_decoder_test.py │ │ │ ├── basic_decoder_v2_test.py │ │ │ ├── beam_search_decoder_test.py │ │ │ ├── beam_search_ops_test.py │ │ │ ├── decoder_test.py │ │ │ ├── decoder_v2_test.py │ │ │ └── loss_test.py │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ ├── attention_wrapper.py │ │ │ ├── basic_decoder.py │ │ │ ├── beam_search_decoder.py │ │ │ ├── beam_search_ops.py │ │ │ ├── decoder.py │ │ │ ├── helper.py │ │ │ ├── loss.py │ │ │ └── sampler.py │ ├── session_bundle │ │ ├── BUILD │ │ ├── README.md │ │ ├── bundle_shim.cc │ │ ├── bundle_shim.h │ │ ├── bundle_shim.py │ │ ├── bundle_shim_test.cc │ │ ├── bundle_shim_test.py │ │ ├── constants.py │ │ ├── example │ │ │ ├── BUILD │ │ │ └── export_half_plus_two.py │ │ ├── exporter.py │ │ ├── exporter_test.py │ │ ├── gc.py │ │ ├── gc_test.py │ │ ├── manifest.proto │ │ ├── session_bundle.cc │ │ ├── session_bundle.h │ │ ├── session_bundle.py │ │ ├── session_bundle_test.cc │ │ ├── session_bundle_test.py │ │ ├── signature.cc │ │ ├── signature.h │ │ ├── signature_test.cc │ │ ├── test_util.cc │ │ ├── test_util.h │ │ └── testdata │ │ │ ├── half_plus_two │ │ │ └── 00000123 │ │ │ │ ├── export-00000-of-00001 │ │ │ │ └── export.meta │ │ │ └── half_plus_two_ckpt_v2 │ │ │ └── 00000123 │ │ │ ├── export.data-00000-of-00001 │ │ │ ├── export.index │ │ │ └── export.meta │ ├── signal │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── ops │ │ │ └── __init__.py │ ├── slim │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── nets.py │ │ └── python │ │ │ └── slim │ │ │ ├── data │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── data_decoder.py │ │ │ ├── data_provider.py │ │ │ ├── dataset.py │ │ │ ├── dataset_data_provider.py │ │ │ ├── dataset_data_provider_test.py │ │ │ ├── parallel_reader.py │ │ │ ├── parallel_reader_test.py │ │ │ ├── prefetch_queue.py │ │ │ ├── prefetch_queue_test.py │ │ │ ├── test_utils.py │ │ │ ├── tfexample_decoder.py │ │ │ └── tfexample_decoder_test.py │ │ │ ├── evaluation.py │ │ │ ├── evaluation_test.py │ │ │ ├── learning.py │ │ │ ├── learning_test.py │ │ │ ├── model_analyzer.py │ │ │ ├── nets │ │ │ ├── BUILD │ │ │ ├── alexnet.py │ │ │ ├── alexnet_test.py │ │ │ ├── inception.py │ │ │ ├── inception_v1.py │ │ │ ├── inception_v1_test.py │ │ │ ├── inception_v2.py │ │ │ ├── inception_v2_test.py │ │ │ ├── inception_v3.py │ │ │ ├── inception_v3_test.py │ │ │ ├── overfeat.py │ │ │ ├── overfeat_test.py │ │ │ ├── resnet_utils.py │ │ │ ├── resnet_v1.py │ │ │ ├── resnet_v1_test.py │ │ │ ├── resnet_v2.py │ │ │ ├── resnet_v2_test.py │ │ │ ├── vgg.py │ │ │ └── vgg_test.py │ │ │ ├── queues.py │ │ │ ├── summaries.py │ │ │ └── summaries_test.py │ ├── solvers │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ ├── lanczos_test.py │ │ │ ├── least_squares_test.py │ │ │ ├── linear_equations_test.py │ │ │ └── util_test.py │ │ │ └── ops │ │ │ ├── lanczos.py │ │ │ ├── least_squares.py │ │ │ ├── linear_equations.py │ │ │ └── util.py │ ├── sparsemax │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── kernel_tests │ │ │ ├── sparsemax_loss_test.py │ │ │ └── sparsemax_test.py │ │ │ └── ops │ │ │ ├── sparsemax.py │ │ │ └── sparsemax_loss.py │ ├── specs │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── params_ops.py │ │ │ ├── specs.py │ │ │ ├── specs_lib.py │ │ │ ├── specs_ops.py │ │ │ ├── specs_test.py │ │ │ ├── summaries.py │ │ │ └── summaries_test.py │ ├── staging │ │ ├── BUILD │ │ └── __init__.py │ ├── star │ │ ├── BUILD │ │ ├── seastar │ │ │ ├── seastar_channel_cache.cc │ │ │ ├── seastar_channel_cache.h │ │ │ ├── seastar_client.cc │ │ │ ├── seastar_client.h │ │ │ ├── seastar_client_tag.cc │ │ │ ├── seastar_client_tag.h │ │ │ ├── seastar_cpuset.cc │ │ │ ├── seastar_cpuset.h │ │ │ ├── seastar_engine.cc │ │ │ ├── seastar_engine.h │ │ │ ├── seastar_header.h │ │ │ ├── seastar_remote_worker.cc │ │ │ ├── seastar_remote_worker.h │ │ │ ├── seastar_server.cc │ │ │ ├── seastar_server.h │ │ │ ├── seastar_server_lib.cc │ │ │ ├── seastar_server_lib.h │ │ │ ├── seastar_server_tag.cc │ │ │ ├── seastar_server_tag.h │ │ │ ├── seastar_stat.cc │ │ │ ├── seastar_stat.h │ │ │ ├── seastar_tag_factory.cc │ │ │ ├── seastar_tag_factory.h │ │ │ ├── seastar_worker_cache.cc │ │ │ └── seastar_worker_cache.h │ │ ├── star_channel_spec.cc │ │ ├── star_channel_spec.h │ │ ├── star_client_tag.cc │ │ ├── star_client_tag.h │ │ ├── star_message.cc │ │ ├── star_message.h │ │ ├── star_rendezvous_mgr.cc │ │ ├── star_rendezvous_mgr.h │ │ ├── star_server_base_lib.cc │ │ ├── star_server_base_lib.h │ │ ├── star_server_tag.cc │ │ ├── star_server_tag.h │ │ ├── star_tensor_coding.cc │ │ ├── star_tensor_coding.h │ │ ├── star_worker_interface.h │ │ ├── star_worker_service.cc │ │ ├── star_worker_service.h │ │ └── star_worker_service_method.h │ ├── star_server │ │ ├── BUILD │ │ ├── star_server_lib.cc │ │ ├── star_server_lib.h │ │ ├── tls_rendezvous_mgr.cc │ │ ├── tls_rendezvous_mgr.h │ │ ├── tls_session_mgr.cc │ │ ├── tls_session_mgr.h │ │ ├── tls_worker.cc │ │ ├── tls_worker.h │ │ ├── tls_worker_service.cc │ │ └── tls_worker_service.h │ ├── stat_summarizer │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── stat_summarizer_test.py │ ├── stateless │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ └── kernel_tests │ │ │ └── stateless_random_ops_test.py │ ├── summary │ │ ├── BUILD │ │ ├── summary.py │ │ ├── summary_ops_graph_test.py │ │ ├── summary_ops_test.py │ │ └── summary_test_util.py │ ├── tensor_forest │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── client │ │ │ ├── __init__.py │ │ │ ├── eval_metrics.py │ │ │ ├── eval_metrics_test.py │ │ │ ├── random_forest.py │ │ │ └── random_forest_test.py │ │ ├── hybrid │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── core │ │ │ │ └── ops │ │ │ │ │ ├── hard_routing_function_op.cc │ │ │ │ │ ├── k_feature_gradient_op.cc │ │ │ │ │ ├── k_feature_routing_function_op.cc │ │ │ │ │ ├── routing_function_op.cc │ │ │ │ │ ├── routing_gradient_op.cc │ │ │ │ │ ├── stochastic_hard_routing_function_op.cc │ │ │ │ │ ├── stochastic_hard_routing_gradient_op.cc │ │ │ │ │ ├── unpack_path_op.cc │ │ │ │ │ ├── utils.cc │ │ │ │ │ └── utils.h │ │ │ └── python │ │ │ │ ├── __init__.py │ │ │ │ ├── hybrid_layer.py │ │ │ │ ├── hybrid_layer_test.py │ │ │ │ ├── hybrid_model.py │ │ │ │ ├── kernel_tests │ │ │ │ ├── k_feature_routing_function_op_test.py │ │ │ │ └── routing_function_op_test.py │ │ │ │ ├── layers │ │ │ │ ├── __init__.py │ │ │ │ ├── decisions_to_data.py │ │ │ │ ├── decisions_to_data_test.py │ │ │ │ └── fully_connected.py │ │ │ │ ├── models │ │ │ │ ├── __init__.py │ │ │ │ ├── decisions_to_data_then_nn.py │ │ │ │ ├── decisions_to_data_then_nn_test.py │ │ │ │ ├── forest_to_data_then_nn.py │ │ │ │ ├── forest_to_data_then_nn_test.py │ │ │ │ ├── hard_decisions_to_data_then_nn.py │ │ │ │ ├── k_feature_decisions_to_data_then_nn.py │ │ │ │ ├── k_feature_decisions_to_data_then_nn_test.py │ │ │ │ ├── nn.py │ │ │ │ ├── stochastic_hard_decisions_to_data_then_nn.py │ │ │ │ └── stochastic_soft_decisions_to_data_then_nn.py │ │ │ │ └── ops │ │ │ │ └── training_ops.py │ │ ├── kernels │ │ │ ├── data_spec.h │ │ │ ├── model_ops.cc │ │ │ ├── model_ops_test.cc │ │ │ ├── reinterpret_string_to_float_op.cc │ │ │ ├── scatter_add_ndim_op.cc │ │ │ ├── stats_ops.cc │ │ │ ├── stats_ops_test.cc │ │ │ ├── tensor_forest_ops_test.cc │ │ │ ├── tree_utils.cc │ │ │ ├── tree_utils.h │ │ │ ├── tree_utils_test.cc │ │ │ └── v4 │ │ │ │ ├── BUILD │ │ │ │ ├── candidate_graph_runner.cc │ │ │ │ ├── candidate_graph_runner.h │ │ │ │ ├── decision-tree-resource.cc │ │ │ │ ├── decision-tree-resource.h │ │ │ │ ├── decision_node_evaluator.cc │ │ │ │ ├── decision_node_evaluator.h │ │ │ │ ├── decision_node_evaluator_test.cc │ │ │ │ ├── fertile-stats-resource.cc │ │ │ │ ├── fertile-stats-resource.h │ │ │ │ ├── graph_collection_operator.cc │ │ │ │ ├── graph_collection_operator.h │ │ │ │ ├── grow_stats.cc │ │ │ │ ├── grow_stats.h │ │ │ │ ├── grow_stats_test.cc │ │ │ │ ├── input_data.cc │ │ │ │ ├── input_data.h │ │ │ │ ├── input_target.h │ │ │ │ ├── leaf_model_operators.cc │ │ │ │ ├── leaf_model_operators.h │ │ │ │ ├── leaf_model_operators_test.cc │ │ │ │ ├── params.cc │ │ │ │ ├── params.h │ │ │ │ ├── params_test.cc │ │ │ │ ├── split_collection_operators.cc │ │ │ │ ├── split_collection_operators.h │ │ │ │ ├── stat_utils.cc │ │ │ │ ├── stat_utils.h │ │ │ │ └── test_utils.h │ │ ├── ops │ │ │ ├── model_ops.cc │ │ │ ├── stats_ops.cc │ │ │ └── tensor_forest_ops.cc │ │ ├── proto │ │ │ ├── BUILD │ │ │ ├── fertile_stats.proto │ │ │ └── tensor_forest_params.proto │ │ └── python │ │ │ ├── __init__.py │ │ │ ├── kernel_tests │ │ │ └── scatter_add_ndim_op_test.py │ │ │ ├── ops │ │ │ ├── data_ops.py │ │ │ ├── model_ops.py │ │ │ ├── stats_ops.py │ │ │ └── tensor_forest_ops.py │ │ │ ├── tensor_forest.py │ │ │ └── tensor_forest_test.py │ ├── tensorboard │ │ ├── BUILD │ │ ├── __init__.py │ │ └── plugins │ │ │ ├── __init__.py │ │ │ └── projector │ │ │ ├── __init__.py │ │ │ ├── projector_api_test.py │ │ │ └── projector_config.proto │ ├── tensorrt │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── python │ │ │ ├── __init__.py │ │ │ └── trt_convert.py │ │ └── shape_fn │ │ │ ├── trt_shfn.cc │ │ │ └── trt_shfn.h │ ├── testing │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── python │ │ │ └── framework │ │ │ │ ├── fake_summary_writer.py │ │ │ │ └── util_test.py │ │ └── testdata │ │ │ └── mobilenet_224_gender_basic_fixed.mb │ ├── text │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── kernels │ │ │ └── skip_gram_kernels.cc │ │ ├── ops │ │ │ └── skip_gram_ops.cc │ │ └── python │ │ │ └── ops │ │ │ ├── __init__.py │ │ │ ├── skip_gram_ops.py │ │ │ └── skip_gram_ops_test.py │ ├── tfprof │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── model_analyzer.py │ │ └── tfprof_logger.py │ ├── timeseries │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── examples │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── data │ │ │ │ ├── changepoints.csv │ │ │ │ ├── multivariate_level.csv │ │ │ │ ├── multivariate_periods.csv │ │ │ │ └── period_trend.csv │ │ │ ├── known_anomaly.py │ │ │ ├── known_anomaly_test.py │ │ │ ├── lstm.py │ │ │ ├── lstm_test.py │ │ │ ├── multivariate.py │ │ │ ├── multivariate_test.py │ │ │ ├── predict.py │ │ │ └── predict_test.py │ │ └── python │ │ │ ├── __init__.py │ │ │ └── timeseries │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── ar_model.py │ │ │ ├── ar_model_test.py │ │ │ ├── estimators.py │ │ │ ├── estimators_test.py │ │ │ ├── feature_keys.py │ │ │ ├── head.py │ │ │ ├── head_test.py │ │ │ ├── input_pipeline.py │ │ │ ├── input_pipeline_test.py │ │ │ ├── math_utils.py │ │ │ ├── math_utils_test.py │ │ │ ├── model.py │ │ │ ├── model_utils.py │ │ │ ├── model_utils_test.py │ │ │ ├── saved_model_utils.py │ │ │ ├── state_management.py │ │ │ ├── state_management_test.py │ │ │ ├── state_space_models │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── filtering_postprocessor.py │ │ │ ├── filtering_postprocessor_test.py │ │ │ ├── g3doc │ │ │ │ └── periodic_multires_derivation.md │ │ │ ├── kalman_filter.py │ │ │ ├── kalman_filter_test.py │ │ │ ├── level_trend.py │ │ │ ├── level_trend_test.py │ │ │ ├── periodic.py │ │ │ ├── periodic_test.py │ │ │ ├── state_space_model.py │ │ │ ├── state_space_model_test.py │ │ │ ├── structural_ensemble.py │ │ │ ├── structural_ensemble_test.py │ │ │ ├── test_utils.py │ │ │ ├── varma.py │ │ │ └── varma_test.py │ │ │ └── test_utils.py │ ├── tpu │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── python │ │ │ ├── ops │ │ │ │ ├── tpu_ops.py │ │ │ │ └── tpu_ordinal_selector_op.py │ │ │ ├── profiler │ │ │ │ └── __init__.py │ │ │ └── tpu │ │ │ │ ├── __init__.py │ │ │ │ ├── _tpu_estimator_embedding.py │ │ │ │ ├── async_checkpoint.py │ │ │ │ ├── bfloat16.py │ │ │ │ ├── datasets.py │ │ │ │ ├── device_assignment.py │ │ │ │ ├── error_handling.py │ │ │ │ ├── feature_column.py │ │ │ │ ├── functional.py │ │ │ │ ├── keras_support.py │ │ │ │ ├── keras_tpu_variables.py │ │ │ │ ├── session_support.py │ │ │ │ ├── tensor_tracer.py │ │ │ │ ├── topology.py │ │ │ │ ├── tpu.py │ │ │ │ ├── tpu_config.py │ │ │ │ ├── tpu_context.py │ │ │ │ ├── tpu_embedding.py │ │ │ │ ├── tpu_embedding_gradient.py │ │ │ │ ├── tpu_estimator.py │ │ │ │ ├── tpu_feed.py │ │ │ │ ├── tpu_function.py │ │ │ │ ├── tpu_optimizer.py │ │ │ │ ├── tpu_sharding.py │ │ │ │ ├── tpu_system_metadata.py │ │ │ │ ├── training_loop.py │ │ │ │ └── util.py │ │ └── tpu_estimator.md │ ├── training │ │ ├── BUILD │ │ ├── __init__.py │ │ └── python │ │ │ ├── __init__.py │ │ │ └── training │ │ │ ├── __init__.py │ │ │ ├── batch_sequences_with_states_test.py │ │ │ ├── bucket_ops.py │ │ │ ├── bucket_ops_test.py │ │ │ ├── device_setter.py │ │ │ ├── device_setter_test.py │ │ │ ├── evaluation.py │ │ │ ├── evaluation_test.py │ │ │ ├── feeding_queue_runner.py │ │ │ ├── feeding_queue_runner_test.py │ │ │ ├── hparam.proto │ │ │ ├── hparam.py │ │ │ ├── hparam_test.py │ │ │ ├── resample.py │ │ │ ├── resample_test.py │ │ │ ├── sampling_ops.py │ │ │ ├── sampling_ops_test.py │ │ │ ├── sampling_ops_threading_test.py │ │ │ ├── sequence_queueing_state_saver.py │ │ │ ├── sequence_queueing_state_saver_test.py │ │ │ ├── sgdr_learning_rate_decay.py │ │ │ ├── sgdr_learning_rate_decay_test.py │ │ │ ├── training.py │ │ │ ├── training_test.py │ │ │ └── tuner.py │ ├── util │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── convert_graphdef_memmapped_format.cc │ │ ├── convert_graphdef_memmapped_format_lib.cc │ │ ├── convert_graphdef_memmapped_format_lib.h │ │ ├── convert_graphdef_memmapped_format_test.cc │ │ ├── inspect_checkpoint.cc │ │ └── loader.py │ └── verbs │ │ ├── BUILD │ │ ├── README.md │ │ ├── design_diagram.png │ │ ├── grpc_verbs_client.cc │ │ ├── grpc_verbs_client.h │ │ ├── grpc_verbs_service.cc │ │ ├── grpc_verbs_service.h │ │ ├── grpc_verbs_service_impl.cc │ │ ├── grpc_verbs_service_impl.h │ │ ├── patch_notes_verbs_with_0_copies.md │ │ ├── rdma.cc │ │ ├── rdma.h │ │ ├── rdma_mgr.cc │ │ ├── rdma_mgr.h │ │ ├── rdma_rendezvous_mgr.cc │ │ ├── rdma_rendezvous_mgr.h │ │ ├── verbs_server_lib.cc │ │ ├── verbs_server_lib.h │ │ ├── verbs_service.proto │ │ ├── verbs_util.cc │ │ ├── verbs_util.h │ │ ├── verbs_with_0_copies.png │ │ ├── verbs_with_0_copies.xml │ │ ├── verbs_with_0_copies_phase1_protocol.jpg │ │ └── verbs_with_0_copies_phase1_protocol.xml ├── core │ ├── BUILD │ ├── api_def │ │ ├── BUILD │ │ ├── api_test.cc │ │ ├── base_api │ │ │ ├── api_def_Abort.pbtxt │ │ │ ├── api_def_Abs.pbtxt │ │ │ ├── api_def_AccumulateNV2.pbtxt │ │ │ ├── api_def_AccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_AccumulatorNumAccumulated.pbtxt │ │ │ ├── api_def_AccumulatorSetGlobalStep.pbtxt │ │ │ ├── api_def_AccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_Acos.pbtxt │ │ │ ├── api_def_Acosh.pbtxt │ │ │ ├── api_def_ActivateSparseRecorder.pbtxt │ │ │ ├── api_def_Add.pbtxt │ │ │ ├── api_def_AddManySparseToTensorsMap.pbtxt │ │ │ ├── api_def_AddN.pbtxt │ │ │ ├── api_def_AddSparseToTensorsMap.pbtxt │ │ │ ├── api_def_AddV2.pbtxt │ │ │ ├── api_def_AdjustContrast.pbtxt │ │ │ ├── api_def_AdjustContrastv2.pbtxt │ │ │ ├── api_def_AdjustHue.pbtxt │ │ │ ├── api_def_AdjustSaturation.pbtxt │ │ │ ├── api_def_All.pbtxt │ │ │ ├── api_def_AllCandidateSampler.pbtxt │ │ │ ├── api_def_AllToAll.pbtxt │ │ │ ├── api_def_Angle.pbtxt │ │ │ ├── api_def_AnonymousIterator.pbtxt │ │ │ ├── api_def_AnonymousIteratorV2.pbtxt │ │ │ ├── api_def_AnonymousMemoryCache.pbtxt │ │ │ ├── api_def_AnonymousMultiDeviceIterator.pbtxt │ │ │ ├── api_def_AnonymousRandomSeedGenerator.pbtxt │ │ │ ├── api_def_Any.pbtxt │ │ │ ├── api_def_ApplyAdaMax.pbtxt │ │ │ ├── api_def_ApplyAdadelta.pbtxt │ │ │ ├── api_def_ApplyAdagrad.pbtxt │ │ │ ├── api_def_ApplyAdagradDA.pbtxt │ │ │ ├── api_def_ApplyAdagradV2.pbtxt │ │ │ ├── api_def_ApplyAdam.pbtxt │ │ │ ├── api_def_ApplyAddSign.pbtxt │ │ │ ├── api_def_ApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ApplyFtrl.pbtxt │ │ │ ├── api_def_ApplyFtrlV2.pbtxt │ │ │ ├── api_def_ApplyGradientDescent.pbtxt │ │ │ ├── api_def_ApplyMomentum.pbtxt │ │ │ ├── api_def_ApplyPowerSign.pbtxt │ │ │ ├── api_def_ApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ApplyRMSProp.pbtxt │ │ │ ├── api_def_ApproximateEqual.pbtxt │ │ │ ├── api_def_ArgMax.pbtxt │ │ │ ├── api_def_ArgMin.pbtxt │ │ │ ├── api_def_AsString.pbtxt │ │ │ ├── api_def_Asin.pbtxt │ │ │ ├── api_def_Asinh.pbtxt │ │ │ ├── api_def_Assert.pbtxt │ │ │ ├── api_def_AssertNextDataset.pbtxt │ │ │ ├── api_def_Assign.pbtxt │ │ │ ├── api_def_AssignAdd.pbtxt │ │ │ ├── api_def_AssignAddVariableOp.pbtxt │ │ │ ├── api_def_AssignSub.pbtxt │ │ │ ├── api_def_AssignSubVariableOp.pbtxt │ │ │ ├── api_def_AssignVariableOp.pbtxt │ │ │ ├── api_def_Atan.pbtxt │ │ │ ├── api_def_Atan2.pbtxt │ │ │ ├── api_def_Atanh.pbtxt │ │ │ ├── api_def_AudioSpectrogram.pbtxt │ │ │ ├── api_def_AudioSummary.pbtxt │ │ │ ├── api_def_AudioSummaryV2.pbtxt │ │ │ ├── api_def_AutoShardDataset.pbtxt │ │ │ ├── api_def_AvgPool.pbtxt │ │ │ ├── api_def_AvgPool3D.pbtxt │ │ │ ├── api_def_AvgPool3DGrad.pbtxt │ │ │ ├── api_def_AvgPoolGrad.pbtxt │ │ │ ├── api_def_Barrier.pbtxt │ │ │ ├── api_def_BarrierClose.pbtxt │ │ │ ├── api_def_BarrierIncompleteSize.pbtxt │ │ │ ├── api_def_BarrierInsertMany.pbtxt │ │ │ ├── api_def_BarrierReadySize.pbtxt │ │ │ ├── api_def_BarrierTakeMany.pbtxt │ │ │ ├── api_def_Batch.pbtxt │ │ │ ├── api_def_BatchCholesky.pbtxt │ │ │ ├── api_def_BatchCholeskyGrad.pbtxt │ │ │ ├── api_def_BatchDataset.pbtxt │ │ │ ├── api_def_BatchDatasetV2.pbtxt │ │ │ ├── api_def_BatchFFT.pbtxt │ │ │ ├── api_def_BatchFFT2D.pbtxt │ │ │ ├── api_def_BatchFFT3D.pbtxt │ │ │ ├── api_def_BatchFunction.pbtxt │ │ │ ├── api_def_BatchIFFT.pbtxt │ │ │ ├── api_def_BatchIFFT2D.pbtxt │ │ │ ├── api_def_BatchIFFT3D.pbtxt │ │ │ ├── api_def_BatchMatMul.pbtxt │ │ │ ├── api_def_BatchMatMulV2.pbtxt │ │ │ ├── api_def_BatchMatrixBandPart.pbtxt │ │ │ ├── api_def_BatchMatrixDeterminant.pbtxt │ │ │ ├── api_def_BatchMatrixDiag.pbtxt │ │ │ ├── api_def_BatchMatrixDiagPart.pbtxt │ │ │ ├── api_def_BatchMatrixInverse.pbtxt │ │ │ ├── api_def_BatchMatrixSetDiag.pbtxt │ │ │ ├── api_def_BatchMatrixSolve.pbtxt │ │ │ ├── api_def_BatchMatrixSolveLs.pbtxt │ │ │ ├── api_def_BatchMatrixTriangularSolve.pbtxt │ │ │ ├── api_def_BatchNormWithGlobalNormalization.pbtxt │ │ │ ├── api_def_BatchNormWithGlobalNormalizationGrad.pbtxt │ │ │ ├── api_def_BatchSelfAdjointEig.pbtxt │ │ │ ├── api_def_BatchSelfAdjointEigV2.pbtxt │ │ │ ├── api_def_BatchSvd.pbtxt │ │ │ ├── api_def_BatchToSpace.pbtxt │ │ │ ├── api_def_BatchToSpaceND.pbtxt │ │ │ ├── api_def_BatchedNonMaxSuppression.pbtxt │ │ │ ├── api_def_BesselI0e.pbtxt │ │ │ ├── api_def_BesselI1e.pbtxt │ │ │ ├── api_def_Betainc.pbtxt │ │ │ ├── api_def_BiasAdd.pbtxt │ │ │ ├── api_def_BiasAddGrad.pbtxt │ │ │ ├── api_def_BiasAddV1.pbtxt │ │ │ ├── api_def_Bincount.pbtxt │ │ │ ├── api_def_Bitcast.pbtxt │ │ │ ├── api_def_BitwiseAnd.pbtxt │ │ │ ├── api_def_BitwiseOr.pbtxt │ │ │ ├── api_def_BitwiseXor.pbtxt │ │ │ ├── api_def_BlackListHashTableAdmitStrategyOp.pbtxt │ │ │ ├── api_def_BlockLSTM.pbtxt │ │ │ ├── api_def_BlockLSTMGrad.pbtxt │ │ │ ├── api_def_BlockLSTMGradV2.pbtxt │ │ │ ├── api_def_BlockLSTMV2.pbtxt │ │ │ ├── api_def_BloomFilterAdmitOp.pbtxt │ │ │ ├── api_def_BloomFilterAdmitStrategyOp.pbtxt │ │ │ ├── api_def_BloomFilterInitializeOp.pbtxt │ │ │ ├── api_def_BloomFilterIsInitializedOp.pbtxt │ │ │ ├── api_def_BoostedTreesAggregateStats.pbtxt │ │ │ ├── api_def_BoostedTreesBucketize.pbtxt │ │ │ ├── api_def_BoostedTreesCalculateBestFeatureSplit.pbtxt │ │ │ ├── api_def_BoostedTreesCalculateBestGainsPerFeature.pbtxt │ │ │ ├── api_def_BoostedTreesCenterBias.pbtxt │ │ │ ├── api_def_BoostedTreesCreateEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesCreateQuantileStreamResource.pbtxt │ │ │ ├── api_def_BoostedTreesDeserializeEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesEnsembleResourceHandleOp.pbtxt │ │ │ ├── api_def_BoostedTreesExampleDebugOutputs.pbtxt │ │ │ ├── api_def_BoostedTreesFlushQuantileSummaries.pbtxt │ │ │ ├── api_def_BoostedTreesGetEnsembleStates.pbtxt │ │ │ ├── api_def_BoostedTreesMakeQuantileSummaries.pbtxt │ │ │ ├── api_def_BoostedTreesMakeStatsSummary.pbtxt │ │ │ ├── api_def_BoostedTreesPredict.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceAddSummaries.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceDeserialize.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceFlush.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceGetBucketBoundaries.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceHandleOp.pbtxt │ │ │ ├── api_def_BoostedTreesSerializeEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesSparseAggregateStats.pbtxt │ │ │ ├── api_def_BoostedTreesSparseCalculateBestFeatureSplit.pbtxt │ │ │ ├── api_def_BoostedTreesTrainingPredict.pbtxt │ │ │ ├── api_def_BoostedTreesUpdateEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesUpdateEnsembleV2.pbtxt │ │ │ ├── api_def_BroadcastArgs.pbtxt │ │ │ ├── api_def_BroadcastGradientArgs.pbtxt │ │ │ ├── api_def_BroadcastTo.pbtxt │ │ │ ├── api_def_Bucketize.pbtxt │ │ │ ├── api_def_BytesProducedStatsDataset.pbtxt │ │ │ ├── api_def_CSVDataset.pbtxt │ │ │ ├── api_def_CTCBeamSearchDecoder.pbtxt │ │ │ ├── api_def_CTCGreedyDecoder.pbtxt │ │ │ ├── api_def_CTCLoss.pbtxt │ │ │ ├── api_def_CTCLossV2.pbtxt │ │ │ ├── api_def_CacheDataset.pbtxt │ │ │ ├── api_def_CacheDatasetV2.pbtxt │ │ │ ├── api_def_Case.pbtxt │ │ │ ├── api_def_Cast.pbtxt │ │ │ ├── api_def_Ceil.pbtxt │ │ │ ├── api_def_CheckNumerics.pbtxt │ │ │ ├── api_def_Cholesky.pbtxt │ │ │ ├── api_def_CholeskyGrad.pbtxt │ │ │ ├── api_def_ChooseFastestBranchDataset.pbtxt │ │ │ ├── api_def_ChooseFastestDataset.pbtxt │ │ │ ├── api_def_ClipByValue.pbtxt │ │ │ ├── api_def_CloseSummaryWriter.pbtxt │ │ │ ├── api_def_CoalescedBucketizedEmbeddingEncode.pbtxt │ │ │ ├── api_def_CollectSparseIndices.pbtxt │ │ │ ├── api_def_CollectiveBcastRecv.pbtxt │ │ │ ├── api_def_CollectiveBcastSend.pbtxt │ │ │ ├── api_def_CollectiveGather.pbtxt │ │ │ ├── api_def_CollectivePermute.pbtxt │ │ │ ├── api_def_CollectiveReduce.pbtxt │ │ │ ├── api_def_CombinedNonMaxSuppression.pbtxt │ │ │ ├── api_def_CompareAndBitpack.pbtxt │ │ │ ├── api_def_Complex.pbtxt │ │ │ ├── api_def_ComplexAbs.pbtxt │ │ │ ├── api_def_ComputeAccidentalHits.pbtxt │ │ │ ├── api_def_Concat.pbtxt │ │ │ ├── api_def_ConcatOffset.pbtxt │ │ │ ├── api_def_ConcatV2.pbtxt │ │ │ ├── api_def_ConcatenateDataset.pbtxt │ │ │ ├── api_def_ConditionalAccumulator.pbtxt │ │ │ ├── api_def_ConfigureDistributedTPU.pbtxt │ │ │ ├── api_def_ConfigureTPUEmbedding.pbtxt │ │ │ ├── api_def_Conj.pbtxt │ │ │ ├── api_def_ConjugateTranspose.pbtxt │ │ │ ├── api_def_Const.pbtxt │ │ │ ├── api_def_ConsumeMutexLock.pbtxt │ │ │ ├── api_def_ControlTrigger.pbtxt │ │ │ ├── api_def_Conv2D.pbtxt │ │ │ ├── api_def_Conv2DBackpropFilter.pbtxt │ │ │ ├── api_def_Conv2DBackpropInput.pbtxt │ │ │ ├── api_def_Conv3D.pbtxt │ │ │ ├── api_def_Conv3DBackpropFilter.pbtxt │ │ │ ├── api_def_Conv3DBackpropFilterV2.pbtxt │ │ │ ├── api_def_Conv3DBackpropInput.pbtxt │ │ │ ├── api_def_Conv3DBackpropInputV2.pbtxt │ │ │ ├── api_def_CopyTensor.pbtxt │ │ │ ├── api_def_Cos.pbtxt │ │ │ ├── api_def_Cosh.pbtxt │ │ │ ├── api_def_CountUpTo.pbtxt │ │ │ ├── api_def_CreateSummaryDbWriter.pbtxt │ │ │ ├── api_def_CreateSummaryFileWriter.pbtxt │ │ │ ├── api_def_CropAndResize.pbtxt │ │ │ ├── api_def_CropAndResizeGradBoxes.pbtxt │ │ │ ├── api_def_CropAndResizeGradImage.pbtxt │ │ │ ├── api_def_Cross.pbtxt │ │ │ ├── api_def_CrossReplicaSum.pbtxt │ │ │ ├── api_def_CudnnRNN.pbtxt │ │ │ ├── api_def_CudnnRNNBackprop.pbtxt │ │ │ ├── api_def_CudnnRNNBackpropV2.pbtxt │ │ │ ├── api_def_CudnnRNNBackpropV3.pbtxt │ │ │ ├── api_def_CudnnRNNCanonicalToParams.pbtxt │ │ │ ├── api_def_CudnnRNNCanonicalToParamsV2.pbtxt │ │ │ ├── api_def_CudnnRNNParamsSize.pbtxt │ │ │ ├── api_def_CudnnRNNParamsToCanonical.pbtxt │ │ │ ├── api_def_CudnnRNNParamsToCanonicalV2.pbtxt │ │ │ ├── api_def_CudnnRNNV2.pbtxt │ │ │ ├── api_def_CudnnRNNV3.pbtxt │ │ │ ├── api_def_Cumprod.pbtxt │ │ │ ├── api_def_Cumsum.pbtxt │ │ │ ├── api_def_CumulativeLogsumexp.pbtxt │ │ │ ├── api_def_DataFormatDimMap.pbtxt │ │ │ ├── api_def_DataFormatVecPermute.pbtxt │ │ │ ├── api_def_DatasetCardinality.pbtxt │ │ │ ├── api_def_DatasetFromGraph.pbtxt │ │ │ ├── api_def_DatasetToGraph.pbtxt │ │ │ ├── api_def_DatasetToSingleElement.pbtxt │ │ │ ├── api_def_DatasetToTFRecord.pbtxt │ │ │ ├── api_def_DebugGradientIdentity.pbtxt │ │ │ ├── api_def_DebugGradientRefIdentity.pbtxt │ │ │ ├── api_def_DecodeAndCropJpeg.pbtxt │ │ │ ├── api_def_DecodeBase64.pbtxt │ │ │ ├── api_def_DecodeBmp.pbtxt │ │ │ ├── api_def_DecodeCSV.pbtxt │ │ │ ├── api_def_DecodeCompressed.pbtxt │ │ │ ├── api_def_DecodeGif.pbtxt │ │ │ ├── api_def_DecodeJSONExample.pbtxt │ │ │ ├── api_def_DecodeJpeg.pbtxt │ │ │ ├── api_def_DecodePaddedRaw.pbtxt │ │ │ ├── api_def_DecodePng.pbtxt │ │ │ ├── api_def_DecodeProtoV2.pbtxt │ │ │ ├── api_def_DecodeRaw.pbtxt │ │ │ ├── api_def_DecodeWav.pbtxt │ │ │ ├── api_def_DeepCopy.pbtxt │ │ │ ├── api_def_DeleteIterator.pbtxt │ │ │ ├── api_def_DeleteMemoryCache.pbtxt │ │ │ ├── api_def_DeleteMultiDeviceIterator.pbtxt │ │ │ ├── api_def_DeleteRandomSeedGenerator.pbtxt │ │ │ ├── api_def_DeleteSessionTensor.pbtxt │ │ │ ├── api_def_DenseDecode.pbtxt │ │ │ ├── api_def_DenseToDenseSetOperation.pbtxt │ │ │ ├── api_def_DenseToSparseBatchDataset.pbtxt │ │ │ ├── api_def_DenseToSparseSetOperation.pbtxt │ │ │ ├── api_def_DepthToSpace.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNative.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNativeBackpropFilter.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNativeBackpropInput.pbtxt │ │ │ ├── api_def_Dequantize.pbtxt │ │ │ ├── api_def_DeserializeIterator.pbtxt │ │ │ ├── api_def_DeserializeManySparse.pbtxt │ │ │ ├── api_def_DeserializeSparse.pbtxt │ │ │ ├── api_def_DestroyResourceOp.pbtxt │ │ │ ├── api_def_DestroyTemporaryVariable.pbtxt │ │ │ ├── api_def_Diag.pbtxt │ │ │ ├── api_def_DiagPart.pbtxt │ │ │ ├── api_def_Dice.pbtxt │ │ │ ├── api_def_Digamma.pbtxt │ │ │ ├── api_def_Dilation2D.pbtxt │ │ │ ├── api_def_Dilation2DBackpropFilter.pbtxt │ │ │ ├── api_def_Dilation2DBackpropInput.pbtxt │ │ │ ├── api_def_DirectedInterleaveDataset.pbtxt │ │ │ ├── api_def_Div.pbtxt │ │ │ ├── api_def_DivNoNan.pbtxt │ │ │ ├── api_def_DrawBoundingBoxes.pbtxt │ │ │ ├── api_def_DrawBoundingBoxesV2.pbtxt │ │ │ ├── api_def_DynamicPartition.pbtxt │ │ │ ├── api_def_DynamicPartitionFuse.pbtxt │ │ │ ├── api_def_DynamicStitch.pbtxt │ │ │ ├── api_def_DynamicStitchFast.pbtxt │ │ │ ├── api_def_EagerPyFunc.pbtxt │ │ │ ├── api_def_EditDistance.pbtxt │ │ │ ├── api_def_Einsum.pbtxt │ │ │ ├── api_def_Elu.pbtxt │ │ │ ├── api_def_EluGrad.pbtxt │ │ │ ├── api_def_Empty.pbtxt │ │ │ ├── api_def_EmptyTensorList.pbtxt │ │ │ ├── api_def_EncodeBase64.pbtxt │ │ │ ├── api_def_EncodeJpeg.pbtxt │ │ │ ├── api_def_EncodeJpegVariableQuality.pbtxt │ │ │ ├── api_def_EncodePng.pbtxt │ │ │ ├── api_def_EncodeProto.pbtxt │ │ │ ├── api_def_EncodeWav.pbtxt │ │ │ ├── api_def_EnqueueTPUEmbeddingIntegerBatch.pbtxt │ │ │ ├── api_def_EnqueueTPUEmbeddingSparseBatch.pbtxt │ │ │ ├── api_def_EnqueueTPUEmbeddingSparseTensorBatch.pbtxt │ │ │ ├── api_def_EnsureShape.pbtxt │ │ │ ├── api_def_Enter.pbtxt │ │ │ ├── api_def_Equal.pbtxt │ │ │ ├── api_def_Erf.pbtxt │ │ │ ├── api_def_Erfc.pbtxt │ │ │ ├── api_def_EuclideanNorm.pbtxt │ │ │ ├── api_def_Exit.pbtxt │ │ │ ├── api_def_Exp.pbtxt │ │ │ ├── api_def_ExpandDims.pbtxt │ │ │ ├── api_def_ExperimentalAssertNextDataset.pbtxt │ │ │ ├── api_def_ExperimentalAutoShardDataset.pbtxt │ │ │ ├── api_def_ExperimentalBytesProducedStatsDataset.pbtxt │ │ │ ├── api_def_ExperimentalCSVDataset.pbtxt │ │ │ ├── api_def_ExperimentalChooseFastestDataset.pbtxt │ │ │ ├── api_def_ExperimentalDatasetCardinality.pbtxt │ │ │ ├── api_def_ExperimentalDatasetToTFRecord.pbtxt │ │ │ ├── api_def_ExperimentalDenseToSparseBatchDataset.pbtxt │ │ │ ├── api_def_ExperimentalDirectedInterleaveDataset.pbtxt │ │ │ ├── api_def_ExperimentalGroupByReducerDataset.pbtxt │ │ │ ├── api_def_ExperimentalGroupByWindowDataset.pbtxt │ │ │ ├── api_def_ExperimentalIgnoreErrorsDataset.pbtxt │ │ │ ├── api_def_ExperimentalIteratorGetDevice.pbtxt │ │ │ ├── api_def_ExperimentalLMDBDataset.pbtxt │ │ │ ├── api_def_ExperimentalLatencyStatsDataset.pbtxt │ │ │ ├── api_def_ExperimentalMapAndBatchDataset.pbtxt │ │ │ ├── api_def_ExperimentalMapDataset.pbtxt │ │ │ ├── api_def_ExperimentalMatchingFilesDataset.pbtxt │ │ │ ├── api_def_ExperimentalMaxIntraOpParallelismDataset.pbtxt │ │ │ ├── api_def_ExperimentalNonSerializableDataset.pbtxt │ │ │ ├── api_def_ExperimentalParallelInterleaveDataset.pbtxt │ │ │ ├── api_def_ExperimentalParseExampleDataset.pbtxt │ │ │ ├── api_def_ExperimentalPrivateThreadPoolDataset.pbtxt │ │ │ ├── api_def_ExperimentalRandomDataset.pbtxt │ │ │ ├── api_def_ExperimentalRebatchDataset.pbtxt │ │ │ ├── api_def_ExperimentalScanDataset.pbtxt │ │ │ ├── api_def_ExperimentalSetStatsAggregatorDataset.pbtxt │ │ │ ├── api_def_ExperimentalSleepDataset.pbtxt │ │ │ ├── api_def_ExperimentalSlidingWindowDataset.pbtxt │ │ │ ├── api_def_ExperimentalSqlDataset.pbtxt │ │ │ ├── api_def_ExperimentalStatsAggregatorHandle.pbtxt │ │ │ ├── api_def_ExperimentalStatsAggregatorSummary.pbtxt │ │ │ ├── api_def_ExperimentalTakeWhileDataset.pbtxt │ │ │ ├── api_def_ExperimentalThreadPoolDataset.pbtxt │ │ │ ├── api_def_ExperimentalThreadPoolHandle.pbtxt │ │ │ ├── api_def_ExperimentalUnbatchDataset.pbtxt │ │ │ ├── api_def_ExperimentalUniqueDataset.pbtxt │ │ │ ├── api_def_Expm1.pbtxt │ │ │ ├── api_def_ExtractGlimpse.pbtxt │ │ │ ├── api_def_ExtractImagePatches.pbtxt │ │ │ ├── api_def_ExtractJpegShape.pbtxt │ │ │ ├── api_def_ExtractVolumePatches.pbtxt │ │ │ ├── api_def_FFT.pbtxt │ │ │ ├── api_def_FFT2D.pbtxt │ │ │ ├── api_def_FFT3D.pbtxt │ │ │ ├── api_def_FIFOQueue.pbtxt │ │ │ ├── api_def_FIFOQueueV2.pbtxt │ │ │ ├── api_def_Fact.pbtxt │ │ │ ├── api_def_FakeParam.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxArgs.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxArgsGradient.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVars.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsGradient.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsPerChannel.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsPerChannelGradient.pbtxt │ │ │ ├── api_def_FakeQueue.pbtxt │ │ │ ├── api_def_Fill.pbtxt │ │ │ ├── api_def_FilterByLastComponentDataset.pbtxt │ │ │ ├── api_def_FilterDataset.pbtxt │ │ │ ├── api_def_Fingerprint.pbtxt │ │ │ ├── api_def_FixedLengthRecordDataset.pbtxt │ │ │ ├── api_def_FixedLengthRecordDatasetV2.pbtxt │ │ │ ├── api_def_FixedLengthRecordReader.pbtxt │ │ │ ├── api_def_FixedLengthRecordReaderV2.pbtxt │ │ │ ├── api_def_FixedUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_FlatMapDataset.pbtxt │ │ │ ├── api_def_Floor.pbtxt │ │ │ ├── api_def_FloorDiv.pbtxt │ │ │ ├── api_def_FloorMod.pbtxt │ │ │ ├── api_def_FlushSummaryWriter.pbtxt │ │ │ ├── api_def_For.pbtxt │ │ │ ├── api_def_FractionalAvgPool.pbtxt │ │ │ ├── api_def_FractionalAvgPoolGrad.pbtxt │ │ │ ├── api_def_FractionalMaxPool.pbtxt │ │ │ ├── api_def_FractionalMaxPoolGrad.pbtxt │ │ │ ├── api_def_FusedBatchNorm.pbtxt │ │ │ ├── api_def_FusedBatchNormGrad.pbtxt │ │ │ ├── api_def_FusedBatchNormGradV2.pbtxt │ │ │ ├── api_def_FusedBatchNormGradV3.pbtxt │ │ │ ├── api_def_FusedBatchNormV2.pbtxt │ │ │ ├── api_def_FusedBatchNormV3.pbtxt │ │ │ ├── api_def_FusedConcatCast.pbtxt │ │ │ ├── api_def_FusedEmbeddingLocalSparseLookUp.pbtxt │ │ │ ├── api_def_FusedEmbeddingLocalSparseLookUpGrad.pbtxt │ │ │ ├── api_def_FusedEmbeddingSparsePostLookUp.pbtxt │ │ │ ├── api_def_FusedEmbeddingSparsePostLookUpGrad.pbtxt │ │ │ ├── api_def_FusedEmbeddingSparsePreLookUp.pbtxt │ │ │ ├── api_def_FusedL2Normalize.pbtxt │ │ │ ├── api_def_FusedL2NormalizeGrad.pbtxt │ │ │ ├── api_def_FusedLayerNorm.pbtxt │ │ │ ├── api_def_FusedLayerNormGrad.pbtxt │ │ │ ├── api_def_FusedPadConv2D.pbtxt │ │ │ ├── api_def_FusedResizeAndPadConv2D.pbtxt │ │ │ ├── api_def_FusedSafeEmbeddingLookupSparseLocal.pbtxt │ │ │ ├── api_def_FusedSafeEmbeddingLookupSparseLocalGrad.pbtxt │ │ │ ├── api_def_GRUBlockCell.pbtxt │ │ │ ├── api_def_GRUBlockCellGrad.pbtxt │ │ │ ├── api_def_Gather.pbtxt │ │ │ ├── api_def_GatherNd.pbtxt │ │ │ ├── api_def_GatherV2.pbtxt │ │ │ ├── api_def_Gelu.pbtxt │ │ │ ├── api_def_GeluGrad.pbtxt │ │ │ ├── api_def_GenerateBoundingBoxProposals.pbtxt │ │ │ ├── api_def_GenerateVocabRemapping.pbtxt │ │ │ ├── api_def_GeneratorDataset.pbtxt │ │ │ ├── api_def_GetSessionHandle.pbtxt │ │ │ ├── api_def_GetSessionHandleV2.pbtxt │ │ │ ├── api_def_GetSessionTensor.pbtxt │ │ │ ├── api_def_Greater.pbtxt │ │ │ ├── api_def_GreaterEqual.pbtxt │ │ │ ├── api_def_GroupByReducerDataset.pbtxt │ │ │ ├── api_def_GroupByWindowDataset.pbtxt │ │ │ ├── api_def_GuaranteeConst.pbtxt │ │ │ ├── api_def_HSVToRGB.pbtxt │ │ │ ├── api_def_HashSlice.pbtxt │ │ │ ├── api_def_HashTable.pbtxt │ │ │ ├── api_def_HashTableDeleteKeyOp.pbtxt │ │ │ ├── api_def_HashTableDirectRestoreOp.pbtxt │ │ │ ├── api_def_HashTableFilterOp.pbtxt │ │ │ ├── api_def_HashTableInitializeOp.pbtxt │ │ │ ├── api_def_HashTableLookupOp.pbtxt │ │ │ ├── api_def_HashTableLookupWithAdmitOp.pbtxt │ │ │ ├── api_def_HashTableMapOp.pbtxt │ │ │ ├── api_def_HashTableOp.pbtxt │ │ │ ├── api_def_HashTableSizeOp.pbtxt │ │ │ ├── api_def_HashTableSnapshotOp.pbtxt │ │ │ ├── api_def_HashTableV2.pbtxt │ │ │ ├── api_def_HistogramFixedWidth.pbtxt │ │ │ ├── api_def_HistogramSummary.pbtxt │ │ │ ├── api_def_HostConst.pbtxt │ │ │ ├── api_def_IFFT.pbtxt │ │ │ ├── api_def_IFFT2D.pbtxt │ │ │ ├── api_def_IFFT3D.pbtxt │ │ │ ├── api_def_IOKafkaDataset.pbtxt │ │ │ ├── api_def_IOKafkaGroupReadableInit.pbtxt │ │ │ ├── api_def_IOKafkaGroupReadableNext.pbtxt │ │ │ ├── api_def_IOKafkaIterableInit.pbtxt │ │ │ ├── api_def_IOKafkaReadableInit.pbtxt │ │ │ ├── api_def_IOKafkaReadableNext.pbtxt │ │ │ ├── api_def_IOKafkaReadableRead.pbtxt │ │ │ ├── api_def_IOKafkaReadableSpec.pbtxt │ │ │ ├── api_def_IOLayerKafkaCall.pbtxt │ │ │ ├── api_def_IOLayerKafkaInit.pbtxt │ │ │ ├── api_def_IOLayerKafkaSync.pbtxt │ │ │ ├── api_def_IOWriteKafka.pbtxt │ │ │ ├── api_def_IRFFT.pbtxt │ │ │ ├── api_def_IRFFT2D.pbtxt │ │ │ ├── api_def_IRFFT3D.pbtxt │ │ │ ├── api_def_Identity.pbtxt │ │ │ ├── api_def_IdentityN.pbtxt │ │ │ ├── api_def_IdentityReader.pbtxt │ │ │ ├── api_def_IdentityReaderV2.pbtxt │ │ │ ├── api_def_If.pbtxt │ │ │ ├── api_def_Igamma.pbtxt │ │ │ ├── api_def_IgammaGradA.pbtxt │ │ │ ├── api_def_Igammac.pbtxt │ │ │ ├── api_def_IgnoreErrorsDataset.pbtxt │ │ │ ├── api_def_Imag.pbtxt │ │ │ ├── api_def_ImageSummary.pbtxt │ │ │ ├── api_def_ImmutableConst.pbtxt │ │ │ ├── api_def_ImportEvent.pbtxt │ │ │ ├── api_def_InTopK.pbtxt │ │ │ ├── api_def_InTopKV2.pbtxt │ │ │ ├── api_def_IncrRestore.pbtxt │ │ │ ├── api_def_IncrSave.pbtxt │ │ │ ├── api_def_InfeedDequeue.pbtxt │ │ │ ├── api_def_InfeedDequeueTuple.pbtxt │ │ │ ├── api_def_InfeedEnqueue.pbtxt │ │ │ ├── api_def_InfeedEnqueuePrelinearizedBuffer.pbtxt │ │ │ ├── api_def_InfeedEnqueueTuple.pbtxt │ │ │ ├── api_def_InitBlackList.pbtxt │ │ │ ├── api_def_InitializeTable.pbtxt │ │ │ ├── api_def_InitializeTableFromTextFile.pbtxt │ │ │ ├── api_def_InitializeTableFromTextFileV2.pbtxt │ │ │ ├── api_def_InitializeTableV2.pbtxt │ │ │ ├── api_def_InplaceAdd.pbtxt │ │ │ ├── api_def_InplaceSub.pbtxt │ │ │ ├── api_def_InplaceUpdate.pbtxt │ │ │ ├── api_def_InterleaveDataset.pbtxt │ │ │ ├── api_def_Inv.pbtxt │ │ │ ├── api_def_InvGrad.pbtxt │ │ │ ├── api_def_Invert.pbtxt │ │ │ ├── api_def_InvertPermutation.pbtxt │ │ │ ├── api_def_IsBoostedTreesEnsembleInitialized.pbtxt │ │ │ ├── api_def_IsBoostedTreesQuantileStreamResourceInitialized.pbtxt │ │ │ ├── api_def_IsFinite.pbtxt │ │ │ ├── api_def_IsInf.pbtxt │ │ │ ├── api_def_IsNan.pbtxt │ │ │ ├── api_def_IsVariableInitialized.pbtxt │ │ │ ├── api_def_Iterator.pbtxt │ │ │ ├── api_def_IteratorFromStringHandle.pbtxt │ │ │ ├── api_def_IteratorFromStringHandleV2.pbtxt │ │ │ ├── api_def_IteratorGetDevice.pbtxt │ │ │ ├── api_def_IteratorGetNext.pbtxt │ │ │ ├── api_def_IteratorGetNextAsOptional.pbtxt │ │ │ ├── api_def_IteratorGetNextSync.pbtxt │ │ │ ├── api_def_IteratorToStringHandle.pbtxt │ │ │ ├── api_def_IteratorV2.pbtxt │ │ │ ├── api_def_KMC2ChainInitialization.pbtxt │ │ │ ├── api_def_KV2DenseDecode.pbtxt │ │ │ ├── api_def_KV2SparseDecode.pbtxt │ │ │ ├── api_def_KmeansPlusPlusInitialization.pbtxt │ │ │ ├── api_def_L2Loss.pbtxt │ │ │ ├── api_def_LMDBDataset.pbtxt │ │ │ ├── api_def_LMDBReader.pbtxt │ │ │ ├── api_def_LRN.pbtxt │ │ │ ├── api_def_LRNGrad.pbtxt │ │ │ ├── api_def_LSTMBlockCell.pbtxt │ │ │ ├── api_def_LSTMBlockCellGrad.pbtxt │ │ │ ├── api_def_LatencyStatsDataset.pbtxt │ │ │ ├── api_def_LeakyRelu.pbtxt │ │ │ ├── api_def_LeakyReluGrad.pbtxt │ │ │ ├── api_def_LearnedUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_LeftShift.pbtxt │ │ │ ├── api_def_Less.pbtxt │ │ │ ├── api_def_LessEqual.pbtxt │ │ │ ├── api_def_Lgamma.pbtxt │ │ │ ├── api_def_LinSpace.pbtxt │ │ │ ├── api_def_ListDiff.pbtxt │ │ │ ├── api_def_LoadAndRemapMatrix.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingADAMParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingADAMParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingAdadeltaParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingAdadeltaParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingAdagradParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingAdagradParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingCenteredRMSPropParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingFTRLParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingFTRLParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingMDLAdagradLightParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingMomentumParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingMomentumParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingProximalAdagradParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingProximalAdagradParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingRMSPropParameters.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingRMSPropParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_LoadTPUEmbeddingStochasticGradientDescentParameters.pbtxt │ │ │ ├── api_def_Log.pbtxt │ │ │ ├── api_def_Log1p.pbtxt │ │ │ ├── api_def_LogMatrixDeterminant.pbtxt │ │ │ ├── api_def_LogSoftmax.pbtxt │ │ │ ├── api_def_LogUniformCandidateSampler.pbtxt │ │ │ ├── api_def_LogicalAnd.pbtxt │ │ │ ├── api_def_LogicalNot.pbtxt │ │ │ ├── api_def_LogicalOr.pbtxt │ │ │ ├── api_def_LogicalSum.pbtxt │ │ │ ├── api_def_LookupTableExport.pbtxt │ │ │ ├── api_def_LookupTableExportV2.pbtxt │ │ │ ├── api_def_LookupTableFind.pbtxt │ │ │ ├── api_def_LookupTableFindV2.pbtxt │ │ │ ├── api_def_LookupTableImport.pbtxt │ │ │ ├── api_def_LookupTableImportV2.pbtxt │ │ │ ├── api_def_LookupTableInsert.pbtxt │ │ │ ├── api_def_LookupTableInsertV2.pbtxt │ │ │ ├── api_def_LookupTableRemoveV2.pbtxt │ │ │ ├── api_def_LookupTableSize.pbtxt │ │ │ ├── api_def_LookupTableSizeV2.pbtxt │ │ │ ├── api_def_LoopCond.pbtxt │ │ │ ├── api_def_LowerBound.pbtxt │ │ │ ├── api_def_Lu.pbtxt │ │ │ ├── api_def_MakeIterator.pbtxt │ │ │ ├── api_def_MapAndBatchDataset.pbtxt │ │ │ ├── api_def_MapClear.pbtxt │ │ │ ├── api_def_MapDataset.pbtxt │ │ │ ├── api_def_MapDefun.pbtxt │ │ │ ├── api_def_MapIncompleteSize.pbtxt │ │ │ ├── api_def_MapPeek.pbtxt │ │ │ ├── api_def_MapSize.pbtxt │ │ │ ├── api_def_MapStage.pbtxt │ │ │ ├── api_def_MapUnstage.pbtxt │ │ │ ├── api_def_MapUnstageNoKey.pbtxt │ │ │ ├── api_def_MatMul.pbtxt │ │ │ ├── api_def_MatchingFiles.pbtxt │ │ │ ├── api_def_MatchingFilesDataset.pbtxt │ │ │ ├── api_def_MatrixBandPart.pbtxt │ │ │ ├── api_def_MatrixDeterminant.pbtxt │ │ │ ├── api_def_MatrixDiag.pbtxt │ │ │ ├── api_def_MatrixDiagPart.pbtxt │ │ │ ├── api_def_MatrixDiagPartV2.pbtxt │ │ │ ├── api_def_MatrixDiagV2.pbtxt │ │ │ ├── api_def_MatrixExponential.pbtxt │ │ │ ├── api_def_MatrixInverse.pbtxt │ │ │ ├── api_def_MatrixLogarithm.pbtxt │ │ │ ├── api_def_MatrixSetDiag.pbtxt │ │ │ ├── api_def_MatrixSetDiagV2.pbtxt │ │ │ ├── api_def_MatrixSolve.pbtxt │ │ │ ├── api_def_MatrixSolveLs.pbtxt │ │ │ ├── api_def_MatrixSquareRoot.pbtxt │ │ │ ├── api_def_MatrixTriangularSolve.pbtxt │ │ │ ├── api_def_Max.pbtxt │ │ │ ├── api_def_MaxIntraOpParallelismDataset.pbtxt │ │ │ ├── api_def_MaxPool.pbtxt │ │ │ ├── api_def_MaxPool3D.pbtxt │ │ │ ├── api_def_MaxPool3DGrad.pbtxt │ │ │ ├── api_def_MaxPool3DGradGrad.pbtxt │ │ │ ├── api_def_MaxPoolGrad.pbtxt │ │ │ ├── api_def_MaxPoolGradGrad.pbtxt │ │ │ ├── api_def_MaxPoolGradGradV2.pbtxt │ │ │ ├── api_def_MaxPoolGradGradWithArgmax.pbtxt │ │ │ ├── api_def_MaxPoolGradV2.pbtxt │ │ │ ├── api_def_MaxPoolGradWithArgmax.pbtxt │ │ │ ├── api_def_MaxPoolV2.pbtxt │ │ │ ├── api_def_MaxPoolWithArgmax.pbtxt │ │ │ ├── api_def_Maximum.pbtxt │ │ │ ├── api_def_Mean.pbtxt │ │ │ ├── api_def_Merge.pbtxt │ │ │ ├── api_def_MergeSummary.pbtxt │ │ │ ├── api_def_MergeV2Checkpoints.pbtxt │ │ │ ├── api_def_Mfcc.pbtxt │ │ │ ├── api_def_Min.pbtxt │ │ │ ├── api_def_Minimum.pbtxt │ │ │ ├── api_def_MirrorPad.pbtxt │ │ │ ├── api_def_MirrorPadGrad.pbtxt │ │ │ ├── api_def_Mod.pbtxt │ │ │ ├── api_def_ModelDataset.pbtxt │ │ │ ├── api_def_Mul.pbtxt │ │ │ ├── api_def_MulNoNan.pbtxt │ │ │ ├── api_def_MultiDeviceIterator.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorFromStringHandle.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorGetNextFromShard.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorInit.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorToStringHandle.pbtxt │ │ │ ├── api_def_Multinomial.pbtxt │ │ │ ├── api_def_MutableDenseHashTable.pbtxt │ │ │ ├── api_def_MutableDenseHashTableV2.pbtxt │ │ │ ├── api_def_MutableHashTable.pbtxt │ │ │ ├── api_def_MutableHashTableOfTensors.pbtxt │ │ │ ├── api_def_MutableHashTableOfTensorsV2.pbtxt │ │ │ ├── api_def_MutableHashTableV2.pbtxt │ │ │ ├── api_def_MutexLock.pbtxt │ │ │ ├── api_def_MutexV2.pbtxt │ │ │ ├── api_def_NcclAllReduce.pbtxt │ │ │ ├── api_def_NcclBroadcast.pbtxt │ │ │ ├── api_def_NcclReduce.pbtxt │ │ │ ├── api_def_NearestNeighbors.pbtxt │ │ │ ├── api_def_Neg.pbtxt │ │ │ ├── api_def_NegTrain.pbtxt │ │ │ ├── api_def_NextAfter.pbtxt │ │ │ ├── api_def_NextIteration.pbtxt │ │ │ ├── api_def_NoOp.pbtxt │ │ │ ├── api_def_NonDeterministicInts.pbtxt │ │ │ ├── api_def_NonMaxSuppression.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV2.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV3.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV4.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV5.pbtxt │ │ │ ├── api_def_NonMaxSuppressionWithOverlaps.pbtxt │ │ │ ├── api_def_NonSerializableDataset.pbtxt │ │ │ ├── api_def_NotEqual.pbtxt │ │ │ ├── api_def_NthElement.pbtxt │ │ │ ├── api_def_OneHot.pbtxt │ │ │ ├── api_def_OneShotIterator.pbtxt │ │ │ ├── api_def_OnesLike.pbtxt │ │ │ ├── api_def_OptimizeDataset.pbtxt │ │ │ ├── api_def_OptionalFromValue.pbtxt │ │ │ ├── api_def_OptionalGetValue.pbtxt │ │ │ ├── api_def_OptionalHasValue.pbtxt │ │ │ ├── api_def_OptionalNone.pbtxt │ │ │ ├── api_def_OrderedMapClear.pbtxt │ │ │ ├── api_def_OrderedMapIncompleteSize.pbtxt │ │ │ ├── api_def_OrderedMapPeek.pbtxt │ │ │ ├── api_def_OrderedMapSize.pbtxt │ │ │ ├── api_def_OrderedMapStage.pbtxt │ │ │ ├── api_def_OrderedMapUnstage.pbtxt │ │ │ ├── api_def_OrderedMapUnstageNoKey.pbtxt │ │ │ ├── api_def_OutfeedDequeue.pbtxt │ │ │ ├── api_def_OutfeedDequeueTuple.pbtxt │ │ │ ├── api_def_OutfeedEnqueue.pbtxt │ │ │ ├── api_def_OutfeedEnqueueTuple.pbtxt │ │ │ ├── api_def_Pack.pbtxt │ │ │ ├── api_def_Pad.pbtxt │ │ │ ├── api_def_PadV2.pbtxt │ │ │ ├── api_def_PaddedBatchDataset.pbtxt │ │ │ ├── api_def_PaddedBatchDatasetV2.pbtxt │ │ │ ├── api_def_PaddingFIFOQueue.pbtxt │ │ │ ├── api_def_PaddingFIFOQueueV2.pbtxt │ │ │ ├── api_def_ParallelConcat.pbtxt │ │ │ ├── api_def_ParallelDynamicStitch.pbtxt │ │ │ ├── api_def_ParallelInterleaveDataset.pbtxt │ │ │ ├── api_def_ParallelInterleaveDatasetV2.pbtxt │ │ │ ├── api_def_ParallelMapDataset.pbtxt │ │ │ ├── api_def_ParameterizedTruncatedNormal.pbtxt │ │ │ ├── api_def_ParquetTabularDatasetV1.pbtxt │ │ │ ├── api_def_ParseExample.pbtxt │ │ │ ├── api_def_ParseExampleDataset.pbtxt │ │ │ ├── api_def_ParseSequenceExample.pbtxt │ │ │ ├── api_def_ParseSingleExample.pbtxt │ │ │ ├── api_def_ParseSingleSequenceExample.pbtxt │ │ │ ├── api_def_ParseTensor.pbtxt │ │ │ ├── api_def_PartitionedCall.pbtxt │ │ │ ├── api_def_Placeholder.pbtxt │ │ │ ├── api_def_PlaceholderV2.pbtxt │ │ │ ├── api_def_PlaceholderWithDefault.pbtxt │ │ │ ├── api_def_Polygamma.pbtxt │ │ │ ├── api_def_PopulationCount.pbtxt │ │ │ ├── api_def_Pow.pbtxt │ │ │ ├── api_def_PrefetchDataset.pbtxt │ │ │ ├── api_def_Prelinearize.pbtxt │ │ │ ├── api_def_PrelinearizeTuple.pbtxt │ │ │ ├── api_def_PreventGradient.pbtxt │ │ │ ├── api_def_Print.pbtxt │ │ │ ├── api_def_PrintV2.pbtxt │ │ │ ├── api_def_PriorityQueue.pbtxt │ │ │ ├── api_def_PriorityQueueV2.pbtxt │ │ │ ├── api_def_PrivateThreadPoolDataset.pbtxt │ │ │ ├── api_def_Prod.pbtxt │ │ │ ├── api_def_PyFunc.pbtxt │ │ │ ├── api_def_PyFuncStateless.pbtxt │ │ │ ├── api_def_Qr.pbtxt │ │ │ ├── api_def_QuantizeAndDequantize.pbtxt │ │ │ ├── api_def_QuantizeAndDequantizeV2.pbtxt │ │ │ ├── api_def_QuantizeAndDequantizeV3.pbtxt │ │ │ ├── api_def_QuantizeDownAndShrinkRange.pbtxt │ │ │ ├── api_def_QuantizeV2.pbtxt │ │ │ ├── api_def_QuantizedAdd.pbtxt │ │ │ ├── api_def_QuantizedAvgPool.pbtxt │ │ │ ├── api_def_QuantizedBatchNormWithGlobalNormalization.pbtxt │ │ │ ├── api_def_QuantizedBiasAdd.pbtxt │ │ │ ├── api_def_QuantizedConcat.pbtxt │ │ │ ├── api_def_QuantizedConv2D.pbtxt │ │ │ ├── api_def_QuantizedConv2DAndRelu.pbtxt │ │ │ ├── api_def_QuantizedConv2DAndReluAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedConv2DAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedConv2DPerChannel.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBias.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasAndRelu.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasAndReluAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasReluAndSum.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasReluAndSumAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasSumAndRelu.pbtxt │ │ │ ├── api_def_QuantizedConv2DWithBiasSumAndReluAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedDepthwiseConv2D.pbtxt │ │ │ ├── api_def_QuantizedDepthwiseConv2DWithBias.pbtxt │ │ │ ├── api_def_QuantizedDepthwiseConv2DWithBiasAndRelu.pbtxt │ │ │ ├── api_def_QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedInstanceNorm.pbtxt │ │ │ ├── api_def_QuantizedMatMul.pbtxt │ │ │ ├── api_def_QuantizedMatMulWithBias.pbtxt │ │ │ ├── api_def_QuantizedMatMulWithBiasAndDequantize.pbtxt │ │ │ ├── api_def_QuantizedMatMulWithBiasAndRelu.pbtxt │ │ │ ├── api_def_QuantizedMatMulWithBiasAndReluAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedMatMulWithBiasAndRequantize.pbtxt │ │ │ ├── api_def_QuantizedMaxPool.pbtxt │ │ │ ├── api_def_QuantizedMul.pbtxt │ │ │ ├── api_def_QuantizedRelu.pbtxt │ │ │ ├── api_def_QuantizedRelu6.pbtxt │ │ │ ├── api_def_QuantizedReluX.pbtxt │ │ │ ├── api_def_QuantizedReshape.pbtxt │ │ │ ├── api_def_QuantizedResizeBilinear.pbtxt │ │ │ ├── api_def_QueueClose.pbtxt │ │ │ ├── api_def_QueueCloseV2.pbtxt │ │ │ ├── api_def_QueueDequeue.pbtxt │ │ │ ├── api_def_QueueDequeueMany.pbtxt │ │ │ ├── api_def_QueueDequeueManyV2.pbtxt │ │ │ ├── api_def_QueueDequeueUpTo.pbtxt │ │ │ ├── api_def_QueueDequeueUpToV2.pbtxt │ │ │ ├── api_def_QueueDequeueV2.pbtxt │ │ │ ├── api_def_QueueEnqueue.pbtxt │ │ │ ├── api_def_QueueEnqueueMany.pbtxt │ │ │ ├── api_def_QueueEnqueueManyV2.pbtxt │ │ │ ├── api_def_QueueEnqueueV2.pbtxt │ │ │ ├── api_def_QueueIsClosed.pbtxt │ │ │ ├── api_def_QueueIsClosedV2.pbtxt │ │ │ ├── api_def_QueueSize.pbtxt │ │ │ ├── api_def_QueueSizeV2.pbtxt │ │ │ ├── api_def_RFFT.pbtxt │ │ │ ├── api_def_RFFT2D.pbtxt │ │ │ ├── api_def_RFFT3D.pbtxt │ │ │ ├── api_def_RGBToHSV.pbtxt │ │ │ ├── api_def_RaggedGather.pbtxt │ │ │ ├── api_def_RaggedRange.pbtxt │ │ │ ├── api_def_RaggedTensorFromVariant.pbtxt │ │ │ ├── api_def_RaggedTensorToSparse.pbtxt │ │ │ ├── api_def_RaggedTensorToTensor.pbtxt │ │ │ ├── api_def_RaggedTensorToVariant.pbtxt │ │ │ ├── api_def_RandomCrop.pbtxt │ │ │ ├── api_def_RandomDataset.pbtxt │ │ │ ├── api_def_RandomGamma.pbtxt │ │ │ ├── api_def_RandomGammaGrad.pbtxt │ │ │ ├── api_def_RandomPoisson.pbtxt │ │ │ ├── api_def_RandomPoissonV2.pbtxt │ │ │ ├── api_def_RandomShuffle.pbtxt │ │ │ ├── api_def_RandomShuffleQueue.pbtxt │ │ │ ├── api_def_RandomShuffleQueueV2.pbtxt │ │ │ ├── api_def_RandomStandardNormal.pbtxt │ │ │ ├── api_def_RandomUniform.pbtxt │ │ │ ├── api_def_RandomUniformInt.pbtxt │ │ │ ├── api_def_Range.pbtxt │ │ │ ├── api_def_RangeDataset.pbtxt │ │ │ ├── api_def_Rank.pbtxt │ │ │ ├── api_def_ReadFile.pbtxt │ │ │ ├── api_def_ReadOnlyHashTableAdmitStrategyOp.pbtxt │ │ │ ├── api_def_ReadVariableOp.pbtxt │ │ │ ├── api_def_ReaderNumRecordsProduced.pbtxt │ │ │ ├── api_def_ReaderNumRecordsProducedV2.pbtxt │ │ │ ├── api_def_ReaderNumWorkUnitsCompleted.pbtxt │ │ │ ├── api_def_ReaderNumWorkUnitsCompletedV2.pbtxt │ │ │ ├── api_def_ReaderRead.pbtxt │ │ │ ├── api_def_ReaderReadUpTo.pbtxt │ │ │ ├── api_def_ReaderReadUpToV2.pbtxt │ │ │ ├── api_def_ReaderReadV2.pbtxt │ │ │ ├── api_def_ReaderReset.pbtxt │ │ │ ├── api_def_ReaderResetV2.pbtxt │ │ │ ├── api_def_ReaderRestoreState.pbtxt │ │ │ ├── api_def_ReaderRestoreStateV2.pbtxt │ │ │ ├── api_def_ReaderSerializeState.pbtxt │ │ │ ├── api_def_ReaderSerializeStateV2.pbtxt │ │ │ ├── api_def_Real.pbtxt │ │ │ ├── api_def_RealDiv.pbtxt │ │ │ ├── api_def_RebatchDataset.pbtxt │ │ │ ├── api_def_Reciprocal.pbtxt │ │ │ ├── api_def_ReciprocalGrad.pbtxt │ │ │ ├── api_def_RecordInput.pbtxt │ │ │ ├── api_def_RecordSparseIndices.pbtxt │ │ │ ├── api_def_RecvTPUEmbeddingActivations.pbtxt │ │ │ ├── api_def_ReduceDataset.pbtxt │ │ │ ├── api_def_ReduceJoin.pbtxt │ │ │ ├── api_def_RefEnter.pbtxt │ │ │ ├── api_def_RefExit.pbtxt │ │ │ ├── api_def_RefIdentity.pbtxt │ │ │ ├── api_def_RefMerge.pbtxt │ │ │ ├── api_def_RefNextIteration.pbtxt │ │ │ ├── api_def_RefSelect.pbtxt │ │ │ ├── api_def_RefSwitch.pbtxt │ │ │ ├── api_def_RegexFullMatch.pbtxt │ │ │ ├── api_def_RegexReplace.pbtxt │ │ │ ├── api_def_Relu.pbtxt │ │ │ ├── api_def_Relu6.pbtxt │ │ │ ├── api_def_Relu6Grad.pbtxt │ │ │ ├── api_def_ReluGrad.pbtxt │ │ │ ├── api_def_RemoteCall.pbtxt │ │ │ ├── api_def_RemoteFusedGraphExecute.pbtxt │ │ │ ├── api_def_RepeatDataset.pbtxt │ │ │ ├── api_def_RequantizationRange.pbtxt │ │ │ ├── api_def_RequantizationRangePerChannel.pbtxt │ │ │ ├── api_def_Requantize.pbtxt │ │ │ ├── api_def_RequantizePerChannel.pbtxt │ │ │ ├── api_def_Reshape.pbtxt │ │ │ ├── api_def_ResizeArea.pbtxt │ │ │ ├── api_def_ResizeBicubic.pbtxt │ │ │ ├── api_def_ResizeBicubicGrad.pbtxt │ │ │ ├── api_def_ResizeBilinear.pbtxt │ │ │ ├── api_def_ResizeBilinearGrad.pbtxt │ │ │ ├── api_def_ResizeNearestNeighbor.pbtxt │ │ │ ├── api_def_ResizeNearestNeighborGrad.pbtxt │ │ │ ├── api_def_ResourceAccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_ResourceAccumulatorNumAccumulated.pbtxt │ │ │ ├── api_def_ResourceAccumulatorSetGlobalStep.pbtxt │ │ │ ├── api_def_ResourceAccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_ResourceApplyAdaMax.pbtxt │ │ │ ├── api_def_ResourceApplyAdadelta.pbtxt │ │ │ ├── api_def_ResourceApplyAdagrad.pbtxt │ │ │ ├── api_def_ResourceApplyAdagradDA.pbtxt │ │ │ ├── api_def_ResourceApplyAdagradV2.pbtxt │ │ │ ├── api_def_ResourceApplyAdam.pbtxt │ │ │ ├── api_def_ResourceApplyAdamWithAmsgrad.pbtxt │ │ │ ├── api_def_ResourceApplyAddSign.pbtxt │ │ │ ├── api_def_ResourceApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ResourceApplyFtrl.pbtxt │ │ │ ├── api_def_ResourceApplyFtrlV2.pbtxt │ │ │ ├── api_def_ResourceApplyGradientDescent.pbtxt │ │ │ ├── api_def_ResourceApplyKerasMomentum.pbtxt │ │ │ ├── api_def_ResourceApplyMomentum.pbtxt │ │ │ ├── api_def_ResourceApplyPowerSign.pbtxt │ │ │ ├── api_def_ResourceApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ResourceApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ResourceApplyRMSProp.pbtxt │ │ │ ├── api_def_ResourceConditionalAccumulator.pbtxt │ │ │ ├── api_def_ResourceCountUpTo.pbtxt │ │ │ ├── api_def_ResourceGather.pbtxt │ │ │ ├── api_def_ResourceGatherNd.pbtxt │ │ │ ├── api_def_ResourceScatterAdd.pbtxt │ │ │ ├── api_def_ResourceScatterDiv.pbtxt │ │ │ ├── api_def_ResourceScatterMax.pbtxt │ │ │ ├── api_def_ResourceScatterMin.pbtxt │ │ │ ├── api_def_ResourceScatterMul.pbtxt │ │ │ ├── api_def_ResourceScatterNdAdd.pbtxt │ │ │ ├── api_def_ResourceScatterNdSub.pbtxt │ │ │ ├── api_def_ResourceScatterNdUpdate.pbtxt │ │ │ ├── api_def_ResourceScatterSub.pbtxt │ │ │ ├── api_def_ResourceScatterUpdate.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdadelta.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagrad.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagradDA.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagradV2.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdam.pbtxt │ │ │ ├── api_def_ResourceSparseApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ResourceSparseApplyFtrl.pbtxt │ │ │ ├── api_def_ResourceSparseApplyFtrlV2.pbtxt │ │ │ ├── api_def_ResourceSparseApplyKerasMomentum.pbtxt │ │ │ ├── api_def_ResourceSparseApplyMomentum.pbtxt │ │ │ ├── api_def_ResourceSparseApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ResourceSparseApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ResourceSparseApplyRMSProp.pbtxt │ │ │ ├── api_def_ResourceStridedSliceAssign.pbtxt │ │ │ ├── api_def_Restore.pbtxt │ │ │ ├── api_def_RestoreBloomFilter.pbtxt │ │ │ ├── api_def_RestoreHashTable.pbtxt │ │ │ ├── api_def_RestoreSlice.pbtxt │ │ │ ├── api_def_RestoreV2.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingADAMParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingADAMParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingAdadeltaParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingAdadeltaParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingAdagradParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingAdagradParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingCenteredRMSPropParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingFTRLParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingFTRLParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingMDLAdagradLightParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingMomentumParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingMomentumParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingProximalAdagradParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingProximalAdagradParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingRMSPropParameters.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingRMSPropParametersGradAccumDebug.pbtxt │ │ │ ├── api_def_RetrieveTPUEmbeddingStochasticGradientDescentParameters.pbtxt │ │ │ ├── api_def_Reverse.pbtxt │ │ │ ├── api_def_ReverseSequence.pbtxt │ │ │ ├── api_def_ReverseV2.pbtxt │ │ │ ├── api_def_RightShift.pbtxt │ │ │ ├── api_def_Rint.pbtxt │ │ │ ├── api_def_RngSkip.pbtxt │ │ │ ├── api_def_Roll.pbtxt │ │ │ ├── api_def_Round.pbtxt │ │ │ ├── api_def_Rpc.pbtxt │ │ │ ├── api_def_Rsqrt.pbtxt │ │ │ ├── api_def_RsqrtGrad.pbtxt │ │ │ ├── api_def_RunGraph.pbtxt │ │ │ ├── api_def_SampleDistortedBoundingBox.pbtxt │ │ │ ├── api_def_SampleDistortedBoundingBoxV2.pbtxt │ │ │ ├── api_def_SamplingDataset.pbtxt │ │ │ ├── api_def_Save.pbtxt │ │ │ ├── api_def_SaveSlices.pbtxt │ │ │ ├── api_def_SaveV2.pbtxt │ │ │ ├── api_def_SaveV3.pbtxt │ │ │ ├── api_def_ScalarSummary.pbtxt │ │ │ ├── api_def_ScaleAndTranslate.pbtxt │ │ │ ├── api_def_ScaleAndTranslateGrad.pbtxt │ │ │ ├── api_def_ScanDataset.pbtxt │ │ │ ├── api_def_ScatterAdd.pbtxt │ │ │ ├── api_def_ScatterDiv.pbtxt │ │ │ ├── api_def_ScatterMax.pbtxt │ │ │ ├── api_def_ScatterMin.pbtxt │ │ │ ├── api_def_ScatterMul.pbtxt │ │ │ ├── api_def_ScatterNd.pbtxt │ │ │ ├── api_def_ScatterNdAdd.pbtxt │ │ │ ├── api_def_ScatterNdNonAliasingAdd.pbtxt │ │ │ ├── api_def_ScatterNdSub.pbtxt │ │ │ ├── api_def_ScatterNdUpdate.pbtxt │ │ │ ├── api_def_ScatterSub.pbtxt │ │ │ ├── api_def_ScatterUpdate.pbtxt │ │ │ ├── api_def_SdcaFprint.pbtxt │ │ │ ├── api_def_SdcaOptimizer.pbtxt │ │ │ ├── api_def_SdcaOptimizerV2.pbtxt │ │ │ ├── api_def_SdcaShrinkL1.pbtxt │ │ │ ├── api_def_SegmentMax.pbtxt │ │ │ ├── api_def_SegmentMean.pbtxt │ │ │ ├── api_def_SegmentMin.pbtxt │ │ │ ├── api_def_SegmentProd.pbtxt │ │ │ ├── api_def_SegmentSum.pbtxt │ │ │ ├── api_def_Select.pbtxt │ │ │ ├── api_def_SelectV2.pbtxt │ │ │ ├── api_def_SelfAdjointEig.pbtxt │ │ │ ├── api_def_SelfAdjointEigV2.pbtxt │ │ │ ├── api_def_Selu.pbtxt │ │ │ ├── api_def_SeluGrad.pbtxt │ │ │ ├── api_def_SendTPUEmbeddingGradients.pbtxt │ │ │ ├── api_def_SerializeIterator.pbtxt │ │ │ ├── api_def_SerializeManySparse.pbtxt │ │ │ ├── api_def_SerializeSparse.pbtxt │ │ │ ├── api_def_SerializeTensor.pbtxt │ │ │ ├── api_def_SetSize.pbtxt │ │ │ ├── api_def_SetStatsAggregatorDataset.pbtxt │ │ │ ├── api_def_Shape.pbtxt │ │ │ ├── api_def_ShapeN.pbtxt │ │ │ ├── api_def_ShardDataset.pbtxt │ │ │ ├── api_def_ShardedFilename.pbtxt │ │ │ ├── api_def_ShardedFilespec.pbtxt │ │ │ ├── api_def_ShuffleAndRepeatDataset.pbtxt │ │ │ ├── api_def_ShuffleDataset.pbtxt │ │ │ ├── api_def_ShuffleDatasetV2.pbtxt │ │ │ ├── api_def_ShutdownDistributedTPU.pbtxt │ │ │ ├── api_def_Sigmoid.pbtxt │ │ │ ├── api_def_SigmoidGrad.pbtxt │ │ │ ├── api_def_Sign.pbtxt │ │ │ ├── api_def_Sin.pbtxt │ │ │ ├── api_def_Sinh.pbtxt │ │ │ ├── api_def_Size.pbtxt │ │ │ ├── api_def_SkipDataset.pbtxt │ │ │ ├── api_def_Skipgram.pbtxt │ │ │ ├── api_def_SleepDataset.pbtxt │ │ │ ├── api_def_Slice.pbtxt │ │ │ ├── api_def_SlidingWindowDataset.pbtxt │ │ │ ├── api_def_Snapshot.pbtxt │ │ │ ├── api_def_SnapshotDataset.pbtxt │ │ │ ├── api_def_Softmax.pbtxt │ │ │ ├── api_def_SoftmaxCrossEntropyWithLogits.pbtxt │ │ │ ├── api_def_Softplus.pbtxt │ │ │ ├── api_def_SoftplusGrad.pbtxt │ │ │ ├── api_def_Softsign.pbtxt │ │ │ ├── api_def_SoftsignGrad.pbtxt │ │ │ ├── api_def_SpaceToBatch.pbtxt │ │ │ ├── api_def_SpaceToBatchND.pbtxt │ │ │ ├── api_def_SpaceToDepth.pbtxt │ │ │ ├── api_def_SparseAccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_SparseAccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_SparseAdd.pbtxt │ │ │ ├── api_def_SparseAddGrad.pbtxt │ │ │ ├── api_def_SparseApplyAdadelta.pbtxt │ │ │ ├── api_def_SparseApplyAdagrad.pbtxt │ │ │ ├── api_def_SparseApplyAdagradDA.pbtxt │ │ │ ├── api_def_SparseApplyAdagradV2.pbtxt │ │ │ ├── api_def_SparseApplyAdam.pbtxt │ │ │ ├── api_def_SparseApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_SparseApplyFtrl.pbtxt │ │ │ ├── api_def_SparseApplyFtrlV2.pbtxt │ │ │ ├── api_def_SparseApplyMomentum.pbtxt │ │ │ ├── api_def_SparseApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_SparseApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_SparseApplyRMSProp.pbtxt │ │ │ ├── api_def_SparseConcat.pbtxt │ │ │ ├── api_def_SparseConditionalAccumulator.pbtxt │ │ │ ├── api_def_SparseConditionalAccumulatorMultiMap.pbtxt │ │ │ ├── api_def_SparseCross.pbtxt │ │ │ ├── api_def_SparseDecode.pbtxt │ │ │ ├── api_def_SparseDenseCwiseAdd.pbtxt │ │ │ ├── api_def_SparseDenseCwiseDiv.pbtxt │ │ │ ├── api_def_SparseDenseCwiseMul.pbtxt │ │ │ ├── api_def_SparseFillEmptyRows.pbtxt │ │ │ ├── api_def_SparseFillEmptyRowsGrad.pbtxt │ │ │ ├── api_def_SparseInnerFlatten.pbtxt │ │ │ ├── api_def_SparseMatMul.pbtxt │ │ │ ├── api_def_SparseReduceMax.pbtxt │ │ │ ├── api_def_SparseReduceMaxSparse.pbtxt │ │ │ ├── api_def_SparseReduceSum.pbtxt │ │ │ ├── api_def_SparseReduceSumSparse.pbtxt │ │ │ ├── api_def_SparseReorder.pbtxt │ │ │ ├── api_def_SparseReshape.pbtxt │ │ │ ├── api_def_SparseReverse.pbtxt │ │ │ ├── api_def_SparseSegmentMean.pbtxt │ │ │ ├── api_def_SparseSegmentMeanGrad.pbtxt │ │ │ ├── api_def_SparseSegmentMeanWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtN.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtNGrad.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtNWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSegmentSum.pbtxt │ │ │ ├── api_def_SparseSegmentSumWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSlice.pbtxt │ │ │ ├── api_def_SparseSliceGrad.pbtxt │ │ │ ├── api_def_SparseSoftmax.pbtxt │ │ │ ├── api_def_SparseSoftmaxCrossEntropyWithLogits.pbtxt │ │ │ ├── api_def_SparseSparseMaximum.pbtxt │ │ │ ├── api_def_SparseSparseMinimum.pbtxt │ │ │ ├── api_def_SparseSplit.pbtxt │ │ │ ├── api_def_SparseTensorDenseAdd.pbtxt │ │ │ ├── api_def_SparseTensorDenseMatMul.pbtxt │ │ │ ├── api_def_SparseTensorSliceDataset.pbtxt │ │ │ ├── api_def_SparseToDense.pbtxt │ │ │ ├── api_def_SparseToSparseSetOperation.pbtxt │ │ │ ├── api_def_SparseValidCutoff.pbtxt │ │ │ ├── api_def_Split.pbtxt │ │ │ ├── api_def_SplitV.pbtxt │ │ │ ├── api_def_SqlDataset.pbtxt │ │ │ ├── api_def_Sqrt.pbtxt │ │ │ ├── api_def_SqrtGrad.pbtxt │ │ │ ├── api_def_Square.pbtxt │ │ │ ├── api_def_SquaredDifference.pbtxt │ │ │ ├── api_def_Squeeze.pbtxt │ │ │ ├── api_def_Stack.pbtxt │ │ │ ├── api_def_StackClose.pbtxt │ │ │ ├── api_def_StackCloseV2.pbtxt │ │ │ ├── api_def_StackPop.pbtxt │ │ │ ├── api_def_StackPopV2.pbtxt │ │ │ ├── api_def_StackPush.pbtxt │ │ │ ├── api_def_StackPushV2.pbtxt │ │ │ ├── api_def_StackV2.pbtxt │ │ │ ├── api_def_Stage.pbtxt │ │ │ ├── api_def_StageClear.pbtxt │ │ │ ├── api_def_StagePeek.pbtxt │ │ │ ├── api_def_StageSize.pbtxt │ │ │ ├── api_def_StarRunGraph.pbtxt │ │ │ ├── api_def_StatefulPartitionedCall.pbtxt │ │ │ ├── api_def_StatefulRandomBinomial.pbtxt │ │ │ ├── api_def_StatefulStandardNormal.pbtxt │ │ │ ├── api_def_StatefulStandardNormalV2.pbtxt │ │ │ ├── api_def_StatefulTruncatedNormal.pbtxt │ │ │ ├── api_def_StatefulUniform.pbtxt │ │ │ ├── api_def_StatefulUniformFullInt.pbtxt │ │ │ ├── api_def_StatefulUniformInt.pbtxt │ │ │ ├── api_def_StatelessIf.pbtxt │ │ │ ├── api_def_StatelessMultinomial.pbtxt │ │ │ ├── api_def_StatelessRandomNormal.pbtxt │ │ │ ├── api_def_StatelessRandomUniform.pbtxt │ │ │ ├── api_def_StatelessRandomUniformInt.pbtxt │ │ │ ├── api_def_StatelessTruncatedNormal.pbtxt │ │ │ ├── api_def_StatelessWhile.pbtxt │ │ │ ├── api_def_StaticRegexFullMatch.pbtxt │ │ │ ├── api_def_StaticRegexReplace.pbtxt │ │ │ ├── api_def_StatsAggregatorHandle.pbtxt │ │ │ ├── api_def_StatsAggregatorHandleV2.pbtxt │ │ │ ├── api_def_StatsAggregatorSetSummaryWriter.pbtxt │ │ │ ├── api_def_StatsAggregatorSummary.pbtxt │ │ │ ├── api_def_StopGradient.pbtxt │ │ │ ├── api_def_StridedSlice.pbtxt │ │ │ ├── api_def_StridedSliceAssign.pbtxt │ │ │ ├── api_def_StridedSliceGrad.pbtxt │ │ │ ├── api_def_StringFormat.pbtxt │ │ │ ├── api_def_StringJoin.pbtxt │ │ │ ├── api_def_StringLength.pbtxt │ │ │ ├── api_def_StringLower.pbtxt │ │ │ ├── api_def_StringNGrams.pbtxt │ │ │ ├── api_def_StringSplit.pbtxt │ │ │ ├── api_def_StringSplitAndPad.pbtxt │ │ │ ├── api_def_StringSplitV2.pbtxt │ │ │ ├── api_def_StringStrip.pbtxt │ │ │ ├── api_def_StringToHash.pbtxt │ │ │ ├── api_def_StringToHash64.pbtxt │ │ │ ├── api_def_StringToHashBucket.pbtxt │ │ │ ├── api_def_StringToHashBucketFast.pbtxt │ │ │ ├── api_def_StringToHashBucketStrong.pbtxt │ │ │ ├── api_def_StringToNumber.pbtxt │ │ │ ├── api_def_StringUpper.pbtxt │ │ │ ├── api_def_Sub.pbtxt │ │ │ ├── api_def_Substr.pbtxt │ │ │ ├── api_def_Sum.pbtxt │ │ │ ├── api_def_SummaryWriter.pbtxt │ │ │ ├── api_def_Svd.pbtxt │ │ │ ├── api_def_Switch.pbtxt │ │ │ ├── api_def_SymbolicGradient.pbtxt │ │ │ ├── api_def_TFRecordDataset.pbtxt │ │ │ ├── api_def_TFRecordReader.pbtxt │ │ │ ├── api_def_TFRecordReaderV2.pbtxt │ │ │ ├── api_def_TPUCompilationResult.pbtxt │ │ │ ├── api_def_TPUEmbeddingActivations.pbtxt │ │ │ ├── api_def_TPUOrdinalSelector.pbtxt │ │ │ ├── api_def_TPUPartitionedCall.pbtxt │ │ │ ├── api_def_TPUReplicateMetadata.pbtxt │ │ │ ├── api_def_TPUReplicatedInput.pbtxt │ │ │ ├── api_def_TPUReplicatedOutput.pbtxt │ │ │ ├── api_def_TakeDataset.pbtxt │ │ │ ├── api_def_TakeManySparseFromTensorsMap.pbtxt │ │ │ ├── api_def_TakeWhileDataset.pbtxt │ │ │ ├── api_def_Tan.pbtxt │ │ │ ├── api_def_Tanh.pbtxt │ │ │ ├── api_def_TanhGrad.pbtxt │ │ │ ├── api_def_TemporaryVariable.pbtxt │ │ │ ├── api_def_TensibleVariableApplyAdadelta.pbtxt │ │ │ ├── api_def_TensibleVariableApplyAdagrad.pbtxt │ │ │ ├── api_def_TensibleVariableApplyAdagradDA.pbtxt │ │ │ ├── api_def_TensibleVariableApplyAdam.pbtxt │ │ │ ├── api_def_TensibleVariableApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_TensibleVariableApplyFtrl.pbtxt │ │ │ ├── api_def_TensibleVariableApplyFtrlV2.pbtxt │ │ │ ├── api_def_TensibleVariableApplyGradientDescent.pbtxt │ │ │ ├── api_def_TensibleVariableApplyMomentum.pbtxt │ │ │ ├── api_def_TensibleVariableApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_TensibleVariableApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_TensibleVariableApplyRMSProp.pbtxt │ │ │ ├── api_def_TensibleVariableDirectRestoreOp.pbtxt │ │ │ ├── api_def_TensibleVariableGather.pbtxt │ │ │ ├── api_def_TensibleVariableInitializeOp.pbtxt │ │ │ ├── api_def_TensibleVariableIsInitializedOp.pbtxt │ │ │ ├── api_def_TensibleVariableOp.pbtxt │ │ │ ├── api_def_TensibleVariableScatterAdd.pbtxt │ │ │ ├── api_def_TensibleVariableScatterDiv.pbtxt │ │ │ ├── api_def_TensibleVariableScatterMul.pbtxt │ │ │ ├── api_def_TensibleVariableScatterSub.pbtxt │ │ │ ├── api_def_TensibleVariableScatterUpdate.pbtxt │ │ │ ├── api_def_TensorArray.pbtxt │ │ │ ├── api_def_TensorArrayClose.pbtxt │ │ │ ├── api_def_TensorArrayCloseV2.pbtxt │ │ │ ├── api_def_TensorArrayCloseV3.pbtxt │ │ │ ├── api_def_TensorArrayConcat.pbtxt │ │ │ ├── api_def_TensorArrayConcatV2.pbtxt │ │ │ ├── api_def_TensorArrayConcatV3.pbtxt │ │ │ ├── api_def_TensorArrayGather.pbtxt │ │ │ ├── api_def_TensorArrayGatherV2.pbtxt │ │ │ ├── api_def_TensorArrayGatherV3.pbtxt │ │ │ ├── api_def_TensorArrayGrad.pbtxt │ │ │ ├── api_def_TensorArrayGradV2.pbtxt │ │ │ ├── api_def_TensorArrayGradV3.pbtxt │ │ │ ├── api_def_TensorArrayGradWithShape.pbtxt │ │ │ ├── api_def_TensorArrayPack.pbtxt │ │ │ ├── api_def_TensorArrayRead.pbtxt │ │ │ ├── api_def_TensorArrayReadV2.pbtxt │ │ │ ├── api_def_TensorArrayReadV3.pbtxt │ │ │ ├── api_def_TensorArrayScatter.pbtxt │ │ │ ├── api_def_TensorArrayScatterV2.pbtxt │ │ │ ├── api_def_TensorArrayScatterV3.pbtxt │ │ │ ├── api_def_TensorArraySize.pbtxt │ │ │ ├── api_def_TensorArraySizeV2.pbtxt │ │ │ ├── api_def_TensorArraySizeV3.pbtxt │ │ │ ├── api_def_TensorArraySplit.pbtxt │ │ │ ├── api_def_TensorArraySplitV2.pbtxt │ │ │ ├── api_def_TensorArraySplitV3.pbtxt │ │ │ ├── api_def_TensorArrayUnpack.pbtxt │ │ │ ├── api_def_TensorArrayV2.pbtxt │ │ │ ├── api_def_TensorArrayV3.pbtxt │ │ │ ├── api_def_TensorArrayWrite.pbtxt │ │ │ ├── api_def_TensorArrayWriteV2.pbtxt │ │ │ ├── api_def_TensorArrayWriteV3.pbtxt │ │ │ ├── api_def_TensorDataset.pbtxt │ │ │ ├── api_def_TensorForestCreateTreeVariable.pbtxt │ │ │ ├── api_def_TensorForestTreeDeserialize.pbtxt │ │ │ ├── api_def_TensorForestTreeIsInitializedOp.pbtxt │ │ │ ├── api_def_TensorForestTreePredict.pbtxt │ │ │ ├── api_def_TensorForestTreeResourceHandleOp.pbtxt │ │ │ ├── api_def_TensorForestTreeSerialize.pbtxt │ │ │ ├── api_def_TensorForestTreeSize.pbtxt │ │ │ ├── api_def_TensorGetItem.pbtxt │ │ │ ├── api_def_TensorListConcat.pbtxt │ │ │ ├── api_def_TensorListConcatLists.pbtxt │ │ │ ├── api_def_TensorListConcatV2.pbtxt │ │ │ ├── api_def_TensorListElementShape.pbtxt │ │ │ ├── api_def_TensorListFromTensor.pbtxt │ │ │ ├── api_def_TensorListGather.pbtxt │ │ │ ├── api_def_TensorListGetItem.pbtxt │ │ │ ├── api_def_TensorListLength.pbtxt │ │ │ ├── api_def_TensorListPopBack.pbtxt │ │ │ ├── api_def_TensorListPushBack.pbtxt │ │ │ ├── api_def_TensorListPushBackBatch.pbtxt │ │ │ ├── api_def_TensorListReserve.pbtxt │ │ │ ├── api_def_TensorListResize.pbtxt │ │ │ ├── api_def_TensorListScatter.pbtxt │ │ │ ├── api_def_TensorListScatterIntoExistingList.pbtxt │ │ │ ├── api_def_TensorListScatterV2.pbtxt │ │ │ ├── api_def_TensorListSetItem.pbtxt │ │ │ ├── api_def_TensorListSplit.pbtxt │ │ │ ├── api_def_TensorListStack.pbtxt │ │ │ ├── api_def_TensorScatterAdd.pbtxt │ │ │ ├── api_def_TensorScatterSub.pbtxt │ │ │ ├── api_def_TensorScatterUpdate.pbtxt │ │ │ ├── api_def_TensorSetItem.pbtxt │ │ │ ├── api_def_TensorSliceDataset.pbtxt │ │ │ ├── api_def_TensorStridedSliceUpdate.pbtxt │ │ │ ├── api_def_TensorSummary.pbtxt │ │ │ ├── api_def_TensorSummaryV2.pbtxt │ │ │ ├── api_def_TextLineDataset.pbtxt │ │ │ ├── api_def_TextLineReader.pbtxt │ │ │ ├── api_def_TextLineReaderV2.pbtxt │ │ │ ├── api_def_ThreadPoolDataset.pbtxt │ │ │ ├── api_def_ThreadPoolHandle.pbtxt │ │ │ ├── api_def_ThreadUnsafeUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_Tile.pbtxt │ │ │ ├── api_def_TileGrad.pbtxt │ │ │ ├── api_def_Timestamp.pbtxt │ │ │ ├── api_def_TopK.pbtxt │ │ │ ├── api_def_TopKV2.pbtxt │ │ │ ├── api_def_TransCsvID2Dense.pbtxt │ │ │ ├── api_def_TransCsvID2Sparse.pbtxt │ │ │ ├── api_def_TransCsvKV2Dense.pbtxt │ │ │ ├── api_def_TransCsvKV2Sparse.pbtxt │ │ │ ├── api_def_TransCsvToDense.pbtxt │ │ │ ├── api_def_Transpose.pbtxt │ │ │ ├── api_def_TridiagonalMatMul.pbtxt │ │ │ ├── api_def_TridiagonalSolve.pbtxt │ │ │ ├── api_def_TruncateDiv.pbtxt │ │ │ ├── api_def_TruncateMod.pbtxt │ │ │ ├── api_def_TruncatedNormal.pbtxt │ │ │ ├── api_def_TryRpc.pbtxt │ │ │ ├── api_def_Unbatch.pbtxt │ │ │ ├── api_def_UnbatchDataset.pbtxt │ │ │ ├── api_def_UnbatchGrad.pbtxt │ │ │ ├── api_def_UnicodeDecode.pbtxt │ │ │ ├── api_def_UnicodeDecodeWithOffsets.pbtxt │ │ │ ├── api_def_UnicodeEncode.pbtxt │ │ │ ├── api_def_UnicodeScript.pbtxt │ │ │ ├── api_def_UnicodeTranscode.pbtxt │ │ │ ├── api_def_UniformCandidateSampler.pbtxt │ │ │ ├── api_def_Unique.pbtxt │ │ │ ├── api_def_UniqueDataset.pbtxt │ │ │ ├── api_def_UniqueV2.pbtxt │ │ │ ├── api_def_UniqueWithCounts.pbtxt │ │ │ ├── api_def_UniqueWithCountsV2.pbtxt │ │ │ ├── api_def_UniqueWithExtraCounts.pbtxt │ │ │ ├── api_def_Unpack.pbtxt │ │ │ ├── api_def_UnravelIndex.pbtxt │ │ │ ├── api_def_UnsortedSegmentJoin.pbtxt │ │ │ ├── api_def_UnsortedSegmentMax.pbtxt │ │ │ ├── api_def_UnsortedSegmentMin.pbtxt │ │ │ ├── api_def_UnsortedSegmentProd.pbtxt │ │ │ ├── api_def_UnsortedSegmentSum.pbtxt │ │ │ ├── api_def_Unstage.pbtxt │ │ │ ├── api_def_UnwrapDatasetVariant.pbtxt │ │ │ ├── api_def_UpperBound.pbtxt │ │ │ ├── api_def_VarHandleOp.pbtxt │ │ │ ├── api_def_VarIsInitializedOp.pbtxt │ │ │ ├── api_def_Variable.pbtxt │ │ │ ├── api_def_VariableShape.pbtxt │ │ │ ├── api_def_VariableV2.pbtxt │ │ │ ├── api_def_Where.pbtxt │ │ │ ├── api_def_While.pbtxt │ │ │ ├── api_def_WholeFileReader.pbtxt │ │ │ ├── api_def_WholeFileReaderV2.pbtxt │ │ │ ├── api_def_WindowDataset.pbtxt │ │ │ ├── api_def_WorkerHeartbeat.pbtxt │ │ │ ├── api_def_WrapDatasetVariant.pbtxt │ │ │ ├── api_def_WriteAudioSummary.pbtxt │ │ │ ├── api_def_WriteFile.pbtxt │ │ │ ├── api_def_WriteGraphSummary.pbtxt │ │ │ ├── api_def_WriteHistogramSummary.pbtxt │ │ │ ├── api_def_WriteImageSummary.pbtxt │ │ │ ├── api_def_WriteRawProtoSummary.pbtxt │ │ │ ├── api_def_WriteScalarSummary.pbtxt │ │ │ ├── api_def_WriteSummary.pbtxt │ │ │ ├── api_def_Xdivy.pbtxt │ │ │ ├── api_def_Xlogy.pbtxt │ │ │ ├── api_def_ZerosLike.pbtxt │ │ │ ├── api_def_Zeta.pbtxt │ │ │ └── api_def_ZipDataset.pbtxt │ │ ├── excluded_ops.cc │ │ ├── excluded_ops.h │ │ ├── java_api │ │ │ ├── api_def_Abort.pbtxt │ │ │ ├── api_def_Abs.pbtxt │ │ │ ├── api_def_AccumulateNV2.pbtxt │ │ │ ├── api_def_AccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_AccumulatorNumAccumulated.pbtxt │ │ │ ├── api_def_AccumulatorSetGlobalStep.pbtxt │ │ │ ├── api_def_AccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_Acos.pbtxt │ │ │ ├── api_def_Acosh.pbtxt │ │ │ ├── api_def_Add.pbtxt │ │ │ ├── api_def_AddManySparseToTensorsMap.pbtxt │ │ │ ├── api_def_AddN.pbtxt │ │ │ ├── api_def_AddSparseToTensorsMap.pbtxt │ │ │ ├── api_def_AddV2.pbtxt │ │ │ ├── api_def_AdjustContrast.pbtxt │ │ │ ├── api_def_AdjustContrastv2.pbtxt │ │ │ ├── api_def_AdjustHue.pbtxt │ │ │ ├── api_def_AdjustSaturation.pbtxt │ │ │ ├── api_def_All.pbtxt │ │ │ ├── api_def_AllCandidateSampler.pbtxt │ │ │ ├── api_def_Angle.pbtxt │ │ │ ├── api_def_AnonymousIterator.pbtxt │ │ │ ├── api_def_Any.pbtxt │ │ │ ├── api_def_ApplyAdaMax.pbtxt │ │ │ ├── api_def_ApplyAdadelta.pbtxt │ │ │ ├── api_def_ApplyAdagrad.pbtxt │ │ │ ├── api_def_ApplyAdagradDA.pbtxt │ │ │ ├── api_def_ApplyAdam.pbtxt │ │ │ ├── api_def_ApplyAddSign.pbtxt │ │ │ ├── api_def_ApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ApplyFtrl.pbtxt │ │ │ ├── api_def_ApplyFtrlV2.pbtxt │ │ │ ├── api_def_ApplyGradientDescent.pbtxt │ │ │ ├── api_def_ApplyMomentum.pbtxt │ │ │ ├── api_def_ApplyPowerSign.pbtxt │ │ │ ├── api_def_ApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ApplyRMSProp.pbtxt │ │ │ ├── api_def_ApproximateEqual.pbtxt │ │ │ ├── api_def_ArgMax.pbtxt │ │ │ ├── api_def_ArgMin.pbtxt │ │ │ ├── api_def_AsString.pbtxt │ │ │ ├── api_def_Asin.pbtxt │ │ │ ├── api_def_Asinh.pbtxt │ │ │ ├── api_def_Assert.pbtxt │ │ │ ├── api_def_Assign.pbtxt │ │ │ ├── api_def_AssignAdd.pbtxt │ │ │ ├── api_def_AssignAddVariableOp.pbtxt │ │ │ ├── api_def_AssignSub.pbtxt │ │ │ ├── api_def_AssignSubVariableOp.pbtxt │ │ │ ├── api_def_AssignVariableOp.pbtxt │ │ │ ├── api_def_Atan.pbtxt │ │ │ ├── api_def_Atan2.pbtxt │ │ │ ├── api_def_Atanh.pbtxt │ │ │ ├── api_def_AudioSpectrogram.pbtxt │ │ │ ├── api_def_AudioSummary.pbtxt │ │ │ ├── api_def_AudioSummaryV2.pbtxt │ │ │ ├── api_def_AvgPool.pbtxt │ │ │ ├── api_def_AvgPool3D.pbtxt │ │ │ ├── api_def_AvgPool3DGrad.pbtxt │ │ │ ├── api_def_AvgPoolGrad.pbtxt │ │ │ ├── api_def_Barrier.pbtxt │ │ │ ├── api_def_BarrierClose.pbtxt │ │ │ ├── api_def_BarrierIncompleteSize.pbtxt │ │ │ ├── api_def_BarrierInsertMany.pbtxt │ │ │ ├── api_def_BarrierReadySize.pbtxt │ │ │ ├── api_def_BarrierTakeMany.pbtxt │ │ │ ├── api_def_Batch.pbtxt │ │ │ ├── api_def_BatchCholesky.pbtxt │ │ │ ├── api_def_BatchCholeskyGrad.pbtxt │ │ │ ├── api_def_BatchDataset.pbtxt │ │ │ ├── api_def_BatchDatasetV2.pbtxt │ │ │ ├── api_def_BatchFFT.pbtxt │ │ │ ├── api_def_BatchFFT2D.pbtxt │ │ │ ├── api_def_BatchFFT3D.pbtxt │ │ │ ├── api_def_BatchFunction.pbtxt │ │ │ ├── api_def_BatchIFFT.pbtxt │ │ │ ├── api_def_BatchIFFT2D.pbtxt │ │ │ ├── api_def_BatchIFFT3D.pbtxt │ │ │ ├── api_def_BatchMatMul.pbtxt │ │ │ ├── api_def_BatchMatrixBandPart.pbtxt │ │ │ ├── api_def_BatchMatrixDeterminant.pbtxt │ │ │ ├── api_def_BatchMatrixDiag.pbtxt │ │ │ ├── api_def_BatchMatrixDiagPart.pbtxt │ │ │ ├── api_def_BatchMatrixInverse.pbtxt │ │ │ ├── api_def_BatchMatrixSetDiag.pbtxt │ │ │ ├── api_def_BatchMatrixSolve.pbtxt │ │ │ ├── api_def_BatchMatrixSolveLs.pbtxt │ │ │ ├── api_def_BatchMatrixTriangularSolve.pbtxt │ │ │ ├── api_def_BatchNormWithGlobalNormalization.pbtxt │ │ │ ├── api_def_BatchNormWithGlobalNormalizationGrad.pbtxt │ │ │ ├── api_def_BatchSelfAdjointEig.pbtxt │ │ │ ├── api_def_BatchSelfAdjointEigV2.pbtxt │ │ │ ├── api_def_BatchSvd.pbtxt │ │ │ ├── api_def_BatchToSpace.pbtxt │ │ │ ├── api_def_BatchToSpaceND.pbtxt │ │ │ ├── api_def_BesselI0e.pbtxt │ │ │ ├── api_def_BesselI1e.pbtxt │ │ │ ├── api_def_Betainc.pbtxt │ │ │ ├── api_def_BiasAdd.pbtxt │ │ │ ├── api_def_BiasAddGrad.pbtxt │ │ │ ├── api_def_BiasAddV1.pbtxt │ │ │ ├── api_def_BigQueryReader.pbtxt │ │ │ ├── api_def_Bincount.pbtxt │ │ │ ├── api_def_Bitcast.pbtxt │ │ │ ├── api_def_BitwiseAnd.pbtxt │ │ │ ├── api_def_BitwiseOr.pbtxt │ │ │ ├── api_def_BitwiseXor.pbtxt │ │ │ ├── api_def_BoostedTreesBucketize.pbtxt │ │ │ ├── api_def_BoostedTreesCalculateBestGainsPerFeature.pbtxt │ │ │ ├── api_def_BoostedTreesCenterBias.pbtxt │ │ │ ├── api_def_BoostedTreesCreateEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesCreateQuantileStreamResource.pbtxt │ │ │ ├── api_def_BoostedTreesDeserializeEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesEnsembleResourceHandleOp.pbtxt │ │ │ ├── api_def_BoostedTreesExampleDebugOutputs.pbtxt │ │ │ ├── api_def_BoostedTreesGetEnsembleStates.pbtxt │ │ │ ├── api_def_BoostedTreesMakeQuantileSummaries.pbtxt │ │ │ ├── api_def_BoostedTreesMakeStatsSummary.pbtxt │ │ │ ├── api_def_BoostedTreesPredict.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceAddSummaries.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceDeserialize.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceFlush.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceGetBucketBoundaries.pbtxt │ │ │ ├── api_def_BoostedTreesQuantileStreamResourceHandleOp.pbtxt │ │ │ ├── api_def_BoostedTreesSerializeEnsemble.pbtxt │ │ │ ├── api_def_BoostedTreesTrainingPredict.pbtxt │ │ │ ├── api_def_BoostedTreesUpdateEnsemble.pbtxt │ │ │ ├── api_def_BroadcastArgs.pbtxt │ │ │ ├── api_def_BroadcastGradientArgs.pbtxt │ │ │ ├── api_def_BroadcastTo.pbtxt │ │ │ ├── api_def_Bucketize.pbtxt │ │ │ ├── api_def_BytesProducedStatsDataset.pbtxt │ │ │ ├── api_def_CTCBeamSearchDecoder.pbtxt │ │ │ ├── api_def_CTCGreedyDecoder.pbtxt │ │ │ ├── api_def_CTCLoss.pbtxt │ │ │ ├── api_def_CacheDataset.pbtxt │ │ │ ├── api_def_Cast.pbtxt │ │ │ ├── api_def_Ceil.pbtxt │ │ │ ├── api_def_CheckNumerics.pbtxt │ │ │ ├── api_def_Cholesky.pbtxt │ │ │ ├── api_def_CholeskyGrad.pbtxt │ │ │ ├── api_def_ClipByValue.pbtxt │ │ │ ├── api_def_CloseSummaryWriter.pbtxt │ │ │ ├── api_def_CollectiveBcastRecv.pbtxt │ │ │ ├── api_def_CollectiveBcastSend.pbtxt │ │ │ ├── api_def_CollectiveReduce.pbtxt │ │ │ ├── api_def_CompareAndBitpack.pbtxt │ │ │ ├── api_def_Complex.pbtxt │ │ │ ├── api_def_ComplexAbs.pbtxt │ │ │ ├── api_def_ComputeAccidentalHits.pbtxt │ │ │ ├── api_def_Concat.pbtxt │ │ │ ├── api_def_ConcatOffset.pbtxt │ │ │ ├── api_def_ConcatV2.pbtxt │ │ │ ├── api_def_ConcatenateDataset.pbtxt │ │ │ ├── api_def_ConditionalAccumulator.pbtxt │ │ │ ├── api_def_Conj.pbtxt │ │ │ ├── api_def_ConjugateTranspose.pbtxt │ │ │ ├── api_def_Const.pbtxt │ │ │ ├── api_def_ConsumeMutexLock.pbtxt │ │ │ ├── api_def_ControlTrigger.pbtxt │ │ │ ├── api_def_Conv2D.pbtxt │ │ │ ├── api_def_Conv2DBackpropFilter.pbtxt │ │ │ ├── api_def_Conv2DBackpropInput.pbtxt │ │ │ ├── api_def_Conv3D.pbtxt │ │ │ ├── api_def_Conv3DBackpropFilter.pbtxt │ │ │ ├── api_def_Conv3DBackpropFilterV2.pbtxt │ │ │ ├── api_def_Conv3DBackpropInput.pbtxt │ │ │ ├── api_def_Conv3DBackpropInputV2.pbtxt │ │ │ ├── api_def_Cos.pbtxt │ │ │ ├── api_def_Cosh.pbtxt │ │ │ ├── api_def_CountUpTo.pbtxt │ │ │ ├── api_def_CreateSummaryDbWriter.pbtxt │ │ │ ├── api_def_CreateSummaryFileWriter.pbtxt │ │ │ ├── api_def_CropAndResize.pbtxt │ │ │ ├── api_def_CropAndResizeGradBoxes.pbtxt │ │ │ ├── api_def_CropAndResizeGradImage.pbtxt │ │ │ ├── api_def_Cross.pbtxt │ │ │ ├── api_def_CudnnRNN.pbtxt │ │ │ ├── api_def_CudnnRNNBackprop.pbtxt │ │ │ ├── api_def_CudnnRNNBackpropV2.pbtxt │ │ │ ├── api_def_CudnnRNNCanonicalToParams.pbtxt │ │ │ ├── api_def_CudnnRNNParamsSize.pbtxt │ │ │ ├── api_def_CudnnRNNParamsToCanonical.pbtxt │ │ │ ├── api_def_CudnnRNNV2.pbtxt │ │ │ ├── api_def_Cumprod.pbtxt │ │ │ ├── api_def_Cumsum.pbtxt │ │ │ ├── api_def_DataFormatDimMap.pbtxt │ │ │ ├── api_def_DataFormatVecPermute.pbtxt │ │ │ ├── api_def_DatasetToGraph.pbtxt │ │ │ ├── api_def_DatasetToSingleElement.pbtxt │ │ │ ├── api_def_DatasetToTFRecord.pbtxt │ │ │ ├── api_def_DebugGradientIdentity.pbtxt │ │ │ ├── api_def_DebugGradientRefIdentity.pbtxt │ │ │ ├── api_def_DecodeAndCropJpeg.pbtxt │ │ │ ├── api_def_DecodeBase64.pbtxt │ │ │ ├── api_def_DecodeBmp.pbtxt │ │ │ ├── api_def_DecodeCSV.pbtxt │ │ │ ├── api_def_DecodeCompressed.pbtxt │ │ │ ├── api_def_DecodeGif.pbtxt │ │ │ ├── api_def_DecodeJSONExample.pbtxt │ │ │ ├── api_def_DecodeJpeg.pbtxt │ │ │ ├── api_def_DecodePng.pbtxt │ │ │ ├── api_def_DecodeProtoV2.pbtxt │ │ │ ├── api_def_DecodeRaw.pbtxt │ │ │ ├── api_def_DecodeWav.pbtxt │ │ │ ├── api_def_DeepCopy.pbtxt │ │ │ ├── api_def_DeleteSessionTensor.pbtxt │ │ │ ├── api_def_DenseToDenseSetOperation.pbtxt │ │ │ ├── api_def_DenseToSparseBatchDataset.pbtxt │ │ │ ├── api_def_DenseToSparseSetOperation.pbtxt │ │ │ ├── api_def_DepthToSpace.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNative.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNativeBackpropFilter.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNativeBackpropInput.pbtxt │ │ │ ├── api_def_Dequantize.pbtxt │ │ │ ├── api_def_DeserializeIterator.pbtxt │ │ │ ├── api_def_DeserializeManySparse.pbtxt │ │ │ ├── api_def_DeserializeSparse.pbtxt │ │ │ ├── api_def_DestroyResourceOp.pbtxt │ │ │ ├── api_def_DestroyTemporaryVariable.pbtxt │ │ │ ├── api_def_Diag.pbtxt │ │ │ ├── api_def_DiagPart.pbtxt │ │ │ ├── api_def_Digamma.pbtxt │ │ │ ├── api_def_Dilation2D.pbtxt │ │ │ ├── api_def_Dilation2DBackpropFilter.pbtxt │ │ │ ├── api_def_Dilation2DBackpropInput.pbtxt │ │ │ ├── api_def_Div.pbtxt │ │ │ ├── api_def_DivNoNan.pbtxt │ │ │ ├── api_def_DrawBoundingBoxes.pbtxt │ │ │ ├── api_def_DynamicPartition.pbtxt │ │ │ ├── api_def_DynamicStitch.pbtxt │ │ │ ├── api_def_EagerPyFunc.pbtxt │ │ │ ├── api_def_EditDistance.pbtxt │ │ │ ├── api_def_Elu.pbtxt │ │ │ ├── api_def_EluGrad.pbtxt │ │ │ ├── api_def_Empty.pbtxt │ │ │ ├── api_def_EmptyTensorList.pbtxt │ │ │ ├── api_def_EncodeBase64.pbtxt │ │ │ ├── api_def_EncodeJpeg.pbtxt │ │ │ ├── api_def_EncodeJpegVariableQuality.pbtxt │ │ │ ├── api_def_EncodePng.pbtxt │ │ │ ├── api_def_EncodeProto.pbtxt │ │ │ ├── api_def_EncodeWav.pbtxt │ │ │ ├── api_def_EnqueueInQueueDataset.pbtxt │ │ │ ├── api_def_EnsureShape.pbtxt │ │ │ ├── api_def_Enter.pbtxt │ │ │ ├── api_def_Equal.pbtxt │ │ │ ├── api_def_Erf.pbtxt │ │ │ ├── api_def_Erfc.pbtxt │ │ │ ├── api_def_Exit.pbtxt │ │ │ ├── api_def_Exp.pbtxt │ │ │ ├── api_def_ExpandDims.pbtxt │ │ │ ├── api_def_ExperimentalAssertNextDataset.pbtxt │ │ │ ├── api_def_ExperimentalCSVDataset.pbtxt │ │ │ ├── api_def_ExperimentalDirectedInterleaveDataset.pbtxt │ │ │ ├── api_def_ExperimentalFunctionBufferingResource.pbtxt │ │ │ ├── api_def_ExperimentalFunctionBufferingResourceGetNext.pbtxt │ │ │ ├── api_def_ExperimentalFunctionBufferingResourceReset.pbtxt │ │ │ ├── api_def_ExperimentalIgnoreErrorsDataset.pbtxt │ │ │ ├── api_def_ExperimentalIteratorGetDevice.pbtxt │ │ │ ├── api_def_ExperimentalLMDBDataset.pbtxt │ │ │ ├── api_def_ExperimentalMapDataset.pbtxt │ │ │ ├── api_def_ExperimentalNonSerializableDataset.pbtxt │ │ │ ├── api_def_ExperimentalSleepDataset.pbtxt │ │ │ ├── api_def_ExperimentalThreadPoolDataset.pbtxt │ │ │ ├── api_def_ExperimentalThreadPoolHandle.pbtxt │ │ │ ├── api_def_ExperimentalUniqueDataset.pbtxt │ │ │ ├── api_def_Expm1.pbtxt │ │ │ ├── api_def_ExtractGlimpse.pbtxt │ │ │ ├── api_def_ExtractImagePatches.pbtxt │ │ │ ├── api_def_ExtractJpegShape.pbtxt │ │ │ ├── api_def_ExtractVolumePatches.pbtxt │ │ │ ├── api_def_FFT.pbtxt │ │ │ ├── api_def_FFT2D.pbtxt │ │ │ ├── api_def_FFT3D.pbtxt │ │ │ ├── api_def_FIFOQueue.pbtxt │ │ │ ├── api_def_FIFOQueueV2.pbtxt │ │ │ ├── api_def_Fact.pbtxt │ │ │ ├── api_def_FakeParam.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxArgs.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxArgsGradient.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVars.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsGradient.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsPerChannel.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsPerChannelGradient.pbtxt │ │ │ ├── api_def_FakeQueue.pbtxt │ │ │ ├── api_def_Fill.pbtxt │ │ │ ├── api_def_FilterByLastComponentDataset.pbtxt │ │ │ ├── api_def_FilterDataset.pbtxt │ │ │ ├── api_def_FixedLengthRecordDataset.pbtxt │ │ │ ├── api_def_FixedLengthRecordDatasetV2.pbtxt │ │ │ ├── api_def_FixedLengthRecordReader.pbtxt │ │ │ ├── api_def_FixedLengthRecordReaderV2.pbtxt │ │ │ ├── api_def_FixedUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_FlatMapDataset.pbtxt │ │ │ ├── api_def_Floor.pbtxt │ │ │ ├── api_def_FloorDiv.pbtxt │ │ │ ├── api_def_FloorMod.pbtxt │ │ │ ├── api_def_FlushSummaryWriter.pbtxt │ │ │ ├── api_def_For.pbtxt │ │ │ ├── api_def_FractionalAvgPool.pbtxt │ │ │ ├── api_def_FractionalAvgPoolGrad.pbtxt │ │ │ ├── api_def_FractionalMaxPool.pbtxt │ │ │ ├── api_def_FractionalMaxPoolGrad.pbtxt │ │ │ ├── api_def_FusedBatchNorm.pbtxt │ │ │ ├── api_def_FusedBatchNormGrad.pbtxt │ │ │ ├── api_def_FusedBatchNormGradV2.pbtxt │ │ │ ├── api_def_FusedBatchNormV2.pbtxt │ │ │ ├── api_def_FusedPadConv2D.pbtxt │ │ │ ├── api_def_FusedResizeAndPadConv2D.pbtxt │ │ │ ├── api_def_Gather.pbtxt │ │ │ ├── api_def_GatherNd.pbtxt │ │ │ ├── api_def_GatherV2.pbtxt │ │ │ ├── api_def_GcsConfigureBlockCache.pbtxt │ │ │ ├── api_def_GcsConfigureCredentials.pbtxt │ │ │ ├── api_def_GenerateBigQueryReaderPartitions.pbtxt │ │ │ ├── api_def_GenerateVocabRemapping.pbtxt │ │ │ ├── api_def_GeneratorDataset.pbtxt │ │ │ ├── api_def_GetSessionHandle.pbtxt │ │ │ ├── api_def_GetSessionHandleV2.pbtxt │ │ │ ├── api_def_GetSessionTensor.pbtxt │ │ │ ├── api_def_Greater.pbtxt │ │ │ ├── api_def_GreaterEqual.pbtxt │ │ │ ├── api_def_GroupByReducerDataset.pbtxt │ │ │ ├── api_def_GroupByWindowDataset.pbtxt │ │ │ ├── api_def_GuaranteeConst.pbtxt │ │ │ ├── api_def_HSVToRGB.pbtxt │ │ │ ├── api_def_HashTable.pbtxt │ │ │ ├── api_def_HashTableV2.pbtxt │ │ │ ├── api_def_HistogramFixedWidth.pbtxt │ │ │ ├── api_def_HistogramSummary.pbtxt │ │ │ ├── api_def_HostConst.pbtxt │ │ │ ├── api_def_IFFT.pbtxt │ │ │ ├── api_def_IFFT2D.pbtxt │ │ │ ├── api_def_IFFT3D.pbtxt │ │ │ ├── api_def_IRFFT.pbtxt │ │ │ ├── api_def_IRFFT2D.pbtxt │ │ │ ├── api_def_IRFFT3D.pbtxt │ │ │ ├── api_def_Identity.pbtxt │ │ │ ├── api_def_IdentityN.pbtxt │ │ │ ├── api_def_IdentityReader.pbtxt │ │ │ ├── api_def_IdentityReaderV2.pbtxt │ │ │ ├── api_def_If.pbtxt │ │ │ ├── api_def_Igamma.pbtxt │ │ │ ├── api_def_IgammaGradA.pbtxt │ │ │ ├── api_def_Igammac.pbtxt │ │ │ ├── api_def_Imag.pbtxt │ │ │ ├── api_def_ImageSummary.pbtxt │ │ │ ├── api_def_ImmutableConst.pbtxt │ │ │ ├── api_def_ImportEvent.pbtxt │ │ │ ├── api_def_InTopK.pbtxt │ │ │ ├── api_def_InTopKV2.pbtxt │ │ │ ├── api_def_InitializeTable.pbtxt │ │ │ ├── api_def_InitializeTableFromTextFile.pbtxt │ │ │ ├── api_def_InitializeTableFromTextFileV2.pbtxt │ │ │ ├── api_def_InitializeTableV2.pbtxt │ │ │ ├── api_def_InplaceAdd.pbtxt │ │ │ ├── api_def_InplaceSub.pbtxt │ │ │ ├── api_def_InplaceUpdate.pbtxt │ │ │ ├── api_def_InterleaveDataset.pbtxt │ │ │ ├── api_def_Inv.pbtxt │ │ │ ├── api_def_InvGrad.pbtxt │ │ │ ├── api_def_Invert.pbtxt │ │ │ ├── api_def_InvertPermutation.pbtxt │ │ │ ├── api_def_IsBoostedTreesEnsembleInitialized.pbtxt │ │ │ ├── api_def_IsBoostedTreesQuantileStreamResourceInitialized.pbtxt │ │ │ ├── api_def_IsFinite.pbtxt │ │ │ ├── api_def_IsInf.pbtxt │ │ │ ├── api_def_IsNan.pbtxt │ │ │ ├── api_def_IsVariableInitialized.pbtxt │ │ │ ├── api_def_Iterator.pbtxt │ │ │ ├── api_def_IteratorFromStringHandle.pbtxt │ │ │ ├── api_def_IteratorFromStringHandleV2.pbtxt │ │ │ ├── api_def_IteratorGetNext.pbtxt │ │ │ ├── api_def_IteratorGetNextAsOptional.pbtxt │ │ │ ├── api_def_IteratorGetNextSync.pbtxt │ │ │ ├── api_def_IteratorToStringHandle.pbtxt │ │ │ ├── api_def_IteratorV2.pbtxt │ │ │ ├── api_def_L2Loss.pbtxt │ │ │ ├── api_def_LMDBReader.pbtxt │ │ │ ├── api_def_LRN.pbtxt │ │ │ ├── api_def_LRNGrad.pbtxt │ │ │ ├── api_def_LatencyStatsDataset.pbtxt │ │ │ ├── api_def_LeakyRelu.pbtxt │ │ │ ├── api_def_LeakyReluGrad.pbtxt │ │ │ ├── api_def_LearnedUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_LeftShift.pbtxt │ │ │ ├── api_def_Less.pbtxt │ │ │ ├── api_def_LessEqual.pbtxt │ │ │ ├── api_def_Lgamma.pbtxt │ │ │ ├── api_def_LinSpace.pbtxt │ │ │ ├── api_def_ListDiff.pbtxt │ │ │ ├── api_def_LoadAndRemapMatrix.pbtxt │ │ │ ├── api_def_Log.pbtxt │ │ │ ├── api_def_Log1p.pbtxt │ │ │ ├── api_def_LogMatrixDeterminant.pbtxt │ │ │ ├── api_def_LogSoftmax.pbtxt │ │ │ ├── api_def_LogUniformCandidateSampler.pbtxt │ │ │ ├── api_def_LogicalAnd.pbtxt │ │ │ ├── api_def_LogicalNot.pbtxt │ │ │ ├── api_def_LogicalOr.pbtxt │ │ │ ├── api_def_LookupTableExport.pbtxt │ │ │ ├── api_def_LookupTableExportV2.pbtxt │ │ │ ├── api_def_LookupTableFind.pbtxt │ │ │ ├── api_def_LookupTableFindV2.pbtxt │ │ │ ├── api_def_LookupTableImport.pbtxt │ │ │ ├── api_def_LookupTableImportV2.pbtxt │ │ │ ├── api_def_LookupTableInsert.pbtxt │ │ │ ├── api_def_LookupTableInsertV2.pbtxt │ │ │ ├── api_def_LookupTableRemoveV2.pbtxt │ │ │ ├── api_def_LookupTableSize.pbtxt │ │ │ ├── api_def_LookupTableSizeV2.pbtxt │ │ │ ├── api_def_LoopCond.pbtxt │ │ │ ├── api_def_LowerBound.pbtxt │ │ │ ├── api_def_MakeIterator.pbtxt │ │ │ ├── api_def_MapAndBatchDataset.pbtxt │ │ │ ├── api_def_MapAndBatchDatasetV2.pbtxt │ │ │ ├── api_def_MapClear.pbtxt │ │ │ ├── api_def_MapDataset.pbtxt │ │ │ ├── api_def_MapDefun.pbtxt │ │ │ ├── api_def_MapIncompleteSize.pbtxt │ │ │ ├── api_def_MapPeek.pbtxt │ │ │ ├── api_def_MapSize.pbtxt │ │ │ ├── api_def_MapStage.pbtxt │ │ │ ├── api_def_MapUnstage.pbtxt │ │ │ ├── api_def_MapUnstageNoKey.pbtxt │ │ │ ├── api_def_MatMul.pbtxt │ │ │ ├── api_def_MatchingFiles.pbtxt │ │ │ ├── api_def_MatchingFilesDataset.pbtxt │ │ │ ├── api_def_MatrixBandPart.pbtxt │ │ │ ├── api_def_MatrixDeterminant.pbtxt │ │ │ ├── api_def_MatrixDiag.pbtxt │ │ │ ├── api_def_MatrixDiagPart.pbtxt │ │ │ ├── api_def_MatrixExponential.pbtxt │ │ │ ├── api_def_MatrixInverse.pbtxt │ │ │ ├── api_def_MatrixLogarithm.pbtxt │ │ │ ├── api_def_MatrixSetDiag.pbtxt │ │ │ ├── api_def_MatrixSolve.pbtxt │ │ │ ├── api_def_MatrixSolveLs.pbtxt │ │ │ ├── api_def_MatrixSquareRoot.pbtxt │ │ │ ├── api_def_MatrixTriangularSolve.pbtxt │ │ │ ├── api_def_Max.pbtxt │ │ │ ├── api_def_MaxPool.pbtxt │ │ │ ├── api_def_MaxPool3D.pbtxt │ │ │ ├── api_def_MaxPool3DGrad.pbtxt │ │ │ ├── api_def_MaxPool3DGradGrad.pbtxt │ │ │ ├── api_def_MaxPoolGrad.pbtxt │ │ │ ├── api_def_MaxPoolGradGrad.pbtxt │ │ │ ├── api_def_MaxPoolGradGradV2.pbtxt │ │ │ ├── api_def_MaxPoolGradGradWithArgmax.pbtxt │ │ │ ├── api_def_MaxPoolGradV2.pbtxt │ │ │ ├── api_def_MaxPoolGradWithArgmax.pbtxt │ │ │ ├── api_def_MaxPoolV2.pbtxt │ │ │ ├── api_def_MaxPoolWithArgmax.pbtxt │ │ │ ├── api_def_Maximum.pbtxt │ │ │ ├── api_def_Mean.pbtxt │ │ │ ├── api_def_Merge.pbtxt │ │ │ ├── api_def_MergeSummary.pbtxt │ │ │ ├── api_def_MergeV2Checkpoints.pbtxt │ │ │ ├── api_def_Mfcc.pbtxt │ │ │ ├── api_def_Min.pbtxt │ │ │ ├── api_def_Minimum.pbtxt │ │ │ ├── api_def_MirrorPad.pbtxt │ │ │ ├── api_def_MirrorPadGrad.pbtxt │ │ │ ├── api_def_Mod.pbtxt │ │ │ ├── api_def_ModelDataset.pbtxt │ │ │ ├── api_def_Mul.pbtxt │ │ │ ├── api_def_MultiDeviceIterator.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorFromStringHandle.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorGetNextFromShard.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorInit.pbtxt │ │ │ ├── api_def_MultiDeviceIteratorToStringHandle.pbtxt │ │ │ ├── api_def_Multinomial.pbtxt │ │ │ ├── api_def_MutableDenseHashTable.pbtxt │ │ │ ├── api_def_MutableDenseHashTableV2.pbtxt │ │ │ ├── api_def_MutableHashTable.pbtxt │ │ │ ├── api_def_MutableHashTableOfTensors.pbtxt │ │ │ ├── api_def_MutableHashTableOfTensorsV2.pbtxt │ │ │ ├── api_def_MutableHashTableV2.pbtxt │ │ │ ├── api_def_MutexLock.pbtxt │ │ │ ├── api_def_MutexV2.pbtxt │ │ │ ├── api_def_NcclAllReduce.pbtxt │ │ │ ├── api_def_NcclBroadcast.pbtxt │ │ │ ├── api_def_NcclReduce.pbtxt │ │ │ ├── api_def_Neg.pbtxt │ │ │ ├── api_def_NegTrain.pbtxt │ │ │ ├── api_def_NextIteration.pbtxt │ │ │ ├── api_def_NoOp.pbtxt │ │ │ ├── api_def_NonMaxSuppression.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV2.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV3.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV4.pbtxt │ │ │ ├── api_def_NonMaxSuppressionWithOverlaps.pbtxt │ │ │ ├── api_def_NotEqual.pbtxt │ │ │ ├── api_def_NthElement.pbtxt │ │ │ ├── api_def_OneHot.pbtxt │ │ │ ├── api_def_OneShotIterator.pbtxt │ │ │ ├── api_def_OnesLike.pbtxt │ │ │ ├── api_def_OptimizeDataset.pbtxt │ │ │ ├── api_def_OptionalFromValue.pbtxt │ │ │ ├── api_def_OptionalGetValue.pbtxt │ │ │ ├── api_def_OptionalHasValue.pbtxt │ │ │ ├── api_def_OptionalNone.pbtxt │ │ │ ├── api_def_OrderedMapClear.pbtxt │ │ │ ├── api_def_OrderedMapIncompleteSize.pbtxt │ │ │ ├── api_def_OrderedMapPeek.pbtxt │ │ │ ├── api_def_OrderedMapSize.pbtxt │ │ │ ├── api_def_OrderedMapStage.pbtxt │ │ │ ├── api_def_OrderedMapUnstage.pbtxt │ │ │ ├── api_def_OrderedMapUnstageNoKey.pbtxt │ │ │ ├── api_def_Pack.pbtxt │ │ │ ├── api_def_Pad.pbtxt │ │ │ ├── api_def_PadV2.pbtxt │ │ │ ├── api_def_PaddedBatchDataset.pbtxt │ │ │ ├── api_def_PaddedBatchDatasetV2.pbtxt │ │ │ ├── api_def_PaddingFIFOQueue.pbtxt │ │ │ ├── api_def_PaddingFIFOQueueV2.pbtxt │ │ │ ├── api_def_ParallelConcat.pbtxt │ │ │ ├── api_def_ParallelDynamicStitch.pbtxt │ │ │ ├── api_def_ParallelInterleaveDataset.pbtxt │ │ │ ├── api_def_ParallelInterleaveDatasetV2.pbtxt │ │ │ ├── api_def_ParallelMapDataset.pbtxt │ │ │ ├── api_def_ParameterizedTruncatedNormal.pbtxt │ │ │ ├── api_def_ParseExample.pbtxt │ │ │ ├── api_def_ParseExampleDataset.pbtxt │ │ │ ├── api_def_ParseSequenceExample.pbtxt │ │ │ ├── api_def_ParseSingleExample.pbtxt │ │ │ ├── api_def_ParseSingleSequenceExample.pbtxt │ │ │ ├── api_def_ParseTensor.pbtxt │ │ │ ├── api_def_PartitionedCall.pbtxt │ │ │ ├── api_def_Placeholder.pbtxt │ │ │ ├── api_def_PlaceholderV2.pbtxt │ │ │ ├── api_def_PlaceholderWithDefault.pbtxt │ │ │ ├── api_def_Polygamma.pbtxt │ │ │ ├── api_def_PopulationCount.pbtxt │ │ │ ├── api_def_Pow.pbtxt │ │ │ ├── api_def_PrefetchDataset.pbtxt │ │ │ ├── api_def_PrependFromQueueAndPaddedBatchDataset.pbtxt │ │ │ ├── api_def_PreventGradient.pbtxt │ │ │ ├── api_def_Print.pbtxt │ │ │ ├── api_def_PrintV2.pbtxt │ │ │ ├── api_def_PriorityQueue.pbtxt │ │ │ ├── api_def_PriorityQueueV2.pbtxt │ │ │ ├── api_def_Prod.pbtxt │ │ │ ├── api_def_PyFunc.pbtxt │ │ │ ├── api_def_PyFuncStateless.pbtxt │ │ │ ├── api_def_Qr.pbtxt │ │ │ ├── api_def_QuantizeAndDequantize.pbtxt │ │ │ ├── api_def_QuantizeAndDequantizeV2.pbtxt │ │ │ ├── api_def_QuantizeAndDequantizeV3.pbtxt │ │ │ ├── api_def_QuantizeDownAndShrinkRange.pbtxt │ │ │ ├── api_def_QuantizeV2.pbtxt │ │ │ ├── api_def_QuantizedAdd.pbtxt │ │ │ ├── api_def_QuantizedAvgPool.pbtxt │ │ │ ├── api_def_QuantizedBatchNormWithGlobalNormalization.pbtxt │ │ │ ├── api_def_QuantizedBiasAdd.pbtxt │ │ │ ├── api_def_QuantizedConcat.pbtxt │ │ │ ├── api_def_QuantizedConv2D.pbtxt │ │ │ ├── api_def_QuantizedInstanceNorm.pbtxt │ │ │ ├── api_def_QuantizedMatMul.pbtxt │ │ │ ├── api_def_QuantizedMaxPool.pbtxt │ │ │ ├── api_def_QuantizedMul.pbtxt │ │ │ ├── api_def_QuantizedRelu.pbtxt │ │ │ ├── api_def_QuantizedRelu6.pbtxt │ │ │ ├── api_def_QuantizedReluX.pbtxt │ │ │ ├── api_def_QuantizedReshape.pbtxt │ │ │ ├── api_def_QuantizedResizeBilinear.pbtxt │ │ │ ├── api_def_QueueClose.pbtxt │ │ │ ├── api_def_QueueCloseV2.pbtxt │ │ │ ├── api_def_QueueDequeue.pbtxt │ │ │ ├── api_def_QueueDequeueMany.pbtxt │ │ │ ├── api_def_QueueDequeueManyV2.pbtxt │ │ │ ├── api_def_QueueDequeueUpTo.pbtxt │ │ │ ├── api_def_QueueDequeueUpToV2.pbtxt │ │ │ ├── api_def_QueueDequeueV2.pbtxt │ │ │ ├── api_def_QueueEnqueue.pbtxt │ │ │ ├── api_def_QueueEnqueueMany.pbtxt │ │ │ ├── api_def_QueueEnqueueManyV2.pbtxt │ │ │ ├── api_def_QueueEnqueueV2.pbtxt │ │ │ ├── api_def_QueueIsClosed.pbtxt │ │ │ ├── api_def_QueueIsClosedV2.pbtxt │ │ │ ├── api_def_QueueSize.pbtxt │ │ │ ├── api_def_QueueSizeV2.pbtxt │ │ │ ├── api_def_RFFT.pbtxt │ │ │ ├── api_def_RFFT2D.pbtxt │ │ │ ├── api_def_RFFT3D.pbtxt │ │ │ ├── api_def_RGBToHSV.pbtxt │ │ │ ├── api_def_RaggedGather.pbtxt │ │ │ ├── api_def_RaggedRange.pbtxt │ │ │ ├── api_def_RaggedTensorToSparse.pbtxt │ │ │ ├── api_def_RandomCrop.pbtxt │ │ │ ├── api_def_RandomDataset.pbtxt │ │ │ ├── api_def_RandomGamma.pbtxt │ │ │ ├── api_def_RandomGammaGrad.pbtxt │ │ │ ├── api_def_RandomPoisson.pbtxt │ │ │ ├── api_def_RandomPoissonV2.pbtxt │ │ │ ├── api_def_RandomShuffle.pbtxt │ │ │ ├── api_def_RandomShuffleQueue.pbtxt │ │ │ ├── api_def_RandomShuffleQueueV2.pbtxt │ │ │ ├── api_def_RandomStandardNormal.pbtxt │ │ │ ├── api_def_RandomUniform.pbtxt │ │ │ ├── api_def_RandomUniformInt.pbtxt │ │ │ ├── api_def_Range.pbtxt │ │ │ ├── api_def_RangeDataset.pbtxt │ │ │ ├── api_def_Rank.pbtxt │ │ │ ├── api_def_ReadFile.pbtxt │ │ │ ├── api_def_ReadVariableOp.pbtxt │ │ │ ├── api_def_ReaderNumRecordsProduced.pbtxt │ │ │ ├── api_def_ReaderNumRecordsProducedV2.pbtxt │ │ │ ├── api_def_ReaderNumWorkUnitsCompleted.pbtxt │ │ │ ├── api_def_ReaderNumWorkUnitsCompletedV2.pbtxt │ │ │ ├── api_def_ReaderRead.pbtxt │ │ │ ├── api_def_ReaderReadUpTo.pbtxt │ │ │ ├── api_def_ReaderReadUpToV2.pbtxt │ │ │ ├── api_def_ReaderReadV2.pbtxt │ │ │ ├── api_def_ReaderReset.pbtxt │ │ │ ├── api_def_ReaderResetV2.pbtxt │ │ │ ├── api_def_ReaderRestoreState.pbtxt │ │ │ ├── api_def_ReaderRestoreStateV2.pbtxt │ │ │ ├── api_def_ReaderSerializeState.pbtxt │ │ │ ├── api_def_ReaderSerializeStateV2.pbtxt │ │ │ ├── api_def_Real.pbtxt │ │ │ ├── api_def_RealDiv.pbtxt │ │ │ ├── api_def_Reciprocal.pbtxt │ │ │ ├── api_def_ReciprocalGrad.pbtxt │ │ │ ├── api_def_RecordInput.pbtxt │ │ │ ├── api_def_ReduceDataset.pbtxt │ │ │ ├── api_def_ReduceJoin.pbtxt │ │ │ ├── api_def_RefEnter.pbtxt │ │ │ ├── api_def_RefExit.pbtxt │ │ │ ├── api_def_RefIdentity.pbtxt │ │ │ ├── api_def_RefMerge.pbtxt │ │ │ ├── api_def_RefNextIteration.pbtxt │ │ │ ├── api_def_RefSelect.pbtxt │ │ │ ├── api_def_RefSwitch.pbtxt │ │ │ ├── api_def_RegexFullMatch.pbtxt │ │ │ ├── api_def_RegexReplace.pbtxt │ │ │ ├── api_def_Relu.pbtxt │ │ │ ├── api_def_Relu6.pbtxt │ │ │ ├── api_def_Relu6Grad.pbtxt │ │ │ ├── api_def_ReluGrad.pbtxt │ │ │ ├── api_def_RemoteCall.pbtxt │ │ │ ├── api_def_RemoteFusedGraphExecute.pbtxt │ │ │ ├── api_def_RepeatDataset.pbtxt │ │ │ ├── api_def_RequantizationRange.pbtxt │ │ │ ├── api_def_Requantize.pbtxt │ │ │ ├── api_def_Reshape.pbtxt │ │ │ ├── api_def_ResizeArea.pbtxt │ │ │ ├── api_def_ResizeBicubic.pbtxt │ │ │ ├── api_def_ResizeBicubicGrad.pbtxt │ │ │ ├── api_def_ResizeBilinear.pbtxt │ │ │ ├── api_def_ResizeBilinearGrad.pbtxt │ │ │ ├── api_def_ResizeNearestNeighbor.pbtxt │ │ │ ├── api_def_ResizeNearestNeighborGrad.pbtxt │ │ │ ├── api_def_ResourceApplyAdaMax.pbtxt │ │ │ ├── api_def_ResourceApplyAdadelta.pbtxt │ │ │ ├── api_def_ResourceApplyAdagrad.pbtxt │ │ │ ├── api_def_ResourceApplyAdagradDA.pbtxt │ │ │ ├── api_def_ResourceApplyAdam.pbtxt │ │ │ ├── api_def_ResourceApplyAddSign.pbtxt │ │ │ ├── api_def_ResourceApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ResourceApplyFtrl.pbtxt │ │ │ ├── api_def_ResourceApplyFtrlV2.pbtxt │ │ │ ├── api_def_ResourceApplyGradientDescent.pbtxt │ │ │ ├── api_def_ResourceApplyMomentum.pbtxt │ │ │ ├── api_def_ResourceApplyPowerSign.pbtxt │ │ │ ├── api_def_ResourceApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ResourceApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ResourceApplyRMSProp.pbtxt │ │ │ ├── api_def_ResourceCountUpTo.pbtxt │ │ │ ├── api_def_ResourceGather.pbtxt │ │ │ ├── api_def_ResourceScatterAdd.pbtxt │ │ │ ├── api_def_ResourceScatterDiv.pbtxt │ │ │ ├── api_def_ResourceScatterMax.pbtxt │ │ │ ├── api_def_ResourceScatterMin.pbtxt │ │ │ ├── api_def_ResourceScatterMul.pbtxt │ │ │ ├── api_def_ResourceScatterNdAdd.pbtxt │ │ │ ├── api_def_ResourceScatterNdUpdate.pbtxt │ │ │ ├── api_def_ResourceScatterSub.pbtxt │ │ │ ├── api_def_ResourceScatterUpdate.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdadelta.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagrad.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagradDA.pbtxt │ │ │ ├── api_def_ResourceSparseApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ResourceSparseApplyFtrl.pbtxt │ │ │ ├── api_def_ResourceSparseApplyFtrlV2.pbtxt │ │ │ ├── api_def_ResourceSparseApplyMomentum.pbtxt │ │ │ ├── api_def_ResourceSparseApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ResourceSparseApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ResourceSparseApplyRMSProp.pbtxt │ │ │ ├── api_def_ResourceStridedSliceAssign.pbtxt │ │ │ ├── api_def_Restore.pbtxt │ │ │ ├── api_def_RestoreSlice.pbtxt │ │ │ ├── api_def_RestoreV2.pbtxt │ │ │ ├── api_def_Reverse.pbtxt │ │ │ ├── api_def_ReverseSequence.pbtxt │ │ │ ├── api_def_ReverseV2.pbtxt │ │ │ ├── api_def_RightShift.pbtxt │ │ │ ├── api_def_Rint.pbtxt │ │ │ ├── api_def_Roll.pbtxt │ │ │ ├── api_def_Round.pbtxt │ │ │ ├── api_def_Rpc.pbtxt │ │ │ ├── api_def_Rsqrt.pbtxt │ │ │ ├── api_def_RsqrtGrad.pbtxt │ │ │ ├── api_def_SampleDistortedBoundingBox.pbtxt │ │ │ ├── api_def_SampleDistortedBoundingBoxV2.pbtxt │ │ │ ├── api_def_Save.pbtxt │ │ │ ├── api_def_SaveSlices.pbtxt │ │ │ ├── api_def_SaveV2.pbtxt │ │ │ ├── api_def_ScalarSummary.pbtxt │ │ │ ├── api_def_ScanDataset.pbtxt │ │ │ ├── api_def_ScatterAdd.pbtxt │ │ │ ├── api_def_ScatterDiv.pbtxt │ │ │ ├── api_def_ScatterMax.pbtxt │ │ │ ├── api_def_ScatterMin.pbtxt │ │ │ ├── api_def_ScatterMul.pbtxt │ │ │ ├── api_def_ScatterNd.pbtxt │ │ │ ├── api_def_ScatterNdAdd.pbtxt │ │ │ ├── api_def_ScatterNdNonAliasingAdd.pbtxt │ │ │ ├── api_def_ScatterNdSub.pbtxt │ │ │ ├── api_def_ScatterNdUpdate.pbtxt │ │ │ ├── api_def_ScatterSub.pbtxt │ │ │ ├── api_def_ScatterUpdate.pbtxt │ │ │ ├── api_def_SdcaFprint.pbtxt │ │ │ ├── api_def_SdcaOptimizer.pbtxt │ │ │ ├── api_def_SdcaOptimizerV2.pbtxt │ │ │ ├── api_def_SdcaShrinkL1.pbtxt │ │ │ ├── api_def_SegmentMax.pbtxt │ │ │ ├── api_def_SegmentMean.pbtxt │ │ │ ├── api_def_SegmentMin.pbtxt │ │ │ ├── api_def_SegmentProd.pbtxt │ │ │ ├── api_def_SegmentSum.pbtxt │ │ │ ├── api_def_Select.pbtxt │ │ │ ├── api_def_SelfAdjointEig.pbtxt │ │ │ ├── api_def_SelfAdjointEigV2.pbtxt │ │ │ ├── api_def_Selu.pbtxt │ │ │ ├── api_def_SeluGrad.pbtxt │ │ │ ├── api_def_SerializeIterator.pbtxt │ │ │ ├── api_def_SerializeManySparse.pbtxt │ │ │ ├── api_def_SerializeSparse.pbtxt │ │ │ ├── api_def_SerializeTensor.pbtxt │ │ │ ├── api_def_SetSize.pbtxt │ │ │ ├── api_def_SetStatsAggregatorDataset.pbtxt │ │ │ ├── api_def_Shape.pbtxt │ │ │ ├── api_def_ShapeN.pbtxt │ │ │ ├── api_def_ShardedFilename.pbtxt │ │ │ ├── api_def_ShardedFilespec.pbtxt │ │ │ ├── api_def_ShuffleAndRepeatDataset.pbtxt │ │ │ ├── api_def_ShuffleDataset.pbtxt │ │ │ ├── api_def_Sigmoid.pbtxt │ │ │ ├── api_def_SigmoidGrad.pbtxt │ │ │ ├── api_def_Sign.pbtxt │ │ │ ├── api_def_Sin.pbtxt │ │ │ ├── api_def_Sinh.pbtxt │ │ │ ├── api_def_Size.pbtxt │ │ │ ├── api_def_SkipDataset.pbtxt │ │ │ ├── api_def_Skipgram.pbtxt │ │ │ ├── api_def_Slice.pbtxt │ │ │ ├── api_def_SlideDataset.pbtxt │ │ │ ├── api_def_Snapshot.pbtxt │ │ │ ├── api_def_Softmax.pbtxt │ │ │ ├── api_def_SoftmaxCrossEntropyWithLogits.pbtxt │ │ │ ├── api_def_Softplus.pbtxt │ │ │ ├── api_def_SoftplusGrad.pbtxt │ │ │ ├── api_def_Softsign.pbtxt │ │ │ ├── api_def_SoftsignGrad.pbtxt │ │ │ ├── api_def_SpaceToBatch.pbtxt │ │ │ ├── api_def_SpaceToBatchND.pbtxt │ │ │ ├── api_def_SpaceToDepth.pbtxt │ │ │ ├── api_def_SparseAccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_SparseAccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_SparseAdd.pbtxt │ │ │ ├── api_def_SparseAddGrad.pbtxt │ │ │ ├── api_def_SparseApplyAdadelta.pbtxt │ │ │ ├── api_def_SparseApplyAdagrad.pbtxt │ │ │ ├── api_def_SparseApplyAdagradDA.pbtxt │ │ │ ├── api_def_SparseApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_SparseApplyFtrl.pbtxt │ │ │ ├── api_def_SparseApplyFtrlV2.pbtxt │ │ │ ├── api_def_SparseApplyMomentum.pbtxt │ │ │ ├── api_def_SparseApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_SparseApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_SparseApplyRMSProp.pbtxt │ │ │ ├── api_def_SparseConcat.pbtxt │ │ │ ├── api_def_SparseConditionalAccumulator.pbtxt │ │ │ ├── api_def_SparseCross.pbtxt │ │ │ ├── api_def_SparseDenseCwiseAdd.pbtxt │ │ │ ├── api_def_SparseDenseCwiseDiv.pbtxt │ │ │ ├── api_def_SparseDenseCwiseMul.pbtxt │ │ │ ├── api_def_SparseFillEmptyRows.pbtxt │ │ │ ├── api_def_SparseFillEmptyRowsGrad.pbtxt │ │ │ ├── api_def_SparseMatMul.pbtxt │ │ │ ├── api_def_SparseReduceMax.pbtxt │ │ │ ├── api_def_SparseReduceMaxSparse.pbtxt │ │ │ ├── api_def_SparseReduceSum.pbtxt │ │ │ ├── api_def_SparseReduceSumSparse.pbtxt │ │ │ ├── api_def_SparseReorder.pbtxt │ │ │ ├── api_def_SparseReshape.pbtxt │ │ │ ├── api_def_SparseSegmentMean.pbtxt │ │ │ ├── api_def_SparseSegmentMeanGrad.pbtxt │ │ │ ├── api_def_SparseSegmentMeanWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtN.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtNGrad.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtNWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSegmentSum.pbtxt │ │ │ ├── api_def_SparseSegmentSumWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSlice.pbtxt │ │ │ ├── api_def_SparseSliceGrad.pbtxt │ │ │ ├── api_def_SparseSoftmax.pbtxt │ │ │ ├── api_def_SparseSoftmaxCrossEntropyWithLogits.pbtxt │ │ │ ├── api_def_SparseSparseMaximum.pbtxt │ │ │ ├── api_def_SparseSparseMinimum.pbtxt │ │ │ ├── api_def_SparseSplit.pbtxt │ │ │ ├── api_def_SparseTensorDenseAdd.pbtxt │ │ │ ├── api_def_SparseTensorDenseMatMul.pbtxt │ │ │ ├── api_def_SparseTensorSliceDataset.pbtxt │ │ │ ├── api_def_SparseToDense.pbtxt │ │ │ ├── api_def_SparseToSparseSetOperation.pbtxt │ │ │ ├── api_def_Split.pbtxt │ │ │ ├── api_def_SplitV.pbtxt │ │ │ ├── api_def_SqlDataset.pbtxt │ │ │ ├── api_def_Sqrt.pbtxt │ │ │ ├── api_def_SqrtGrad.pbtxt │ │ │ ├── api_def_Square.pbtxt │ │ │ ├── api_def_SquaredDifference.pbtxt │ │ │ ├── api_def_Squeeze.pbtxt │ │ │ ├── api_def_Stack.pbtxt │ │ │ ├── api_def_StackClose.pbtxt │ │ │ ├── api_def_StackCloseV2.pbtxt │ │ │ ├── api_def_StackPop.pbtxt │ │ │ ├── api_def_StackPopV2.pbtxt │ │ │ ├── api_def_StackPush.pbtxt │ │ │ ├── api_def_StackPushV2.pbtxt │ │ │ ├── api_def_StackV2.pbtxt │ │ │ ├── api_def_Stage.pbtxt │ │ │ ├── api_def_StageClear.pbtxt │ │ │ ├── api_def_StagePeek.pbtxt │ │ │ ├── api_def_StageSize.pbtxt │ │ │ ├── api_def_StatefulPartitionedCall.pbtxt │ │ │ ├── api_def_StatelessIf.pbtxt │ │ │ ├── api_def_StatelessMultinomial.pbtxt │ │ │ ├── api_def_StatelessRandomNormal.pbtxt │ │ │ ├── api_def_StatelessRandomUniform.pbtxt │ │ │ ├── api_def_StatelessRandomUniformInt.pbtxt │ │ │ ├── api_def_StatelessTruncatedNormal.pbtxt │ │ │ ├── api_def_StatelessWhile.pbtxt │ │ │ ├── api_def_StaticRegexFullMatch.pbtxt │ │ │ ├── api_def_StaticRegexReplace.pbtxt │ │ │ ├── api_def_StatsAggregatorHandle.pbtxt │ │ │ ├── api_def_StatsAggregatorSummary.pbtxt │ │ │ ├── api_def_StopGradient.pbtxt │ │ │ ├── api_def_StridedSlice.pbtxt │ │ │ ├── api_def_StridedSliceAssign.pbtxt │ │ │ ├── api_def_StridedSliceGrad.pbtxt │ │ │ ├── api_def_StringFormat.pbtxt │ │ │ ├── api_def_StringJoin.pbtxt │ │ │ ├── api_def_StringLength.pbtxt │ │ │ ├── api_def_StringSplit.pbtxt │ │ │ ├── api_def_StringSplitV2.pbtxt │ │ │ ├── api_def_StringStrip.pbtxt │ │ │ ├── api_def_StringToHashBucket.pbtxt │ │ │ ├── api_def_StringToHashBucketFast.pbtxt │ │ │ ├── api_def_StringToHashBucketStrong.pbtxt │ │ │ ├── api_def_StringToNumber.pbtxt │ │ │ ├── api_def_Sub.pbtxt │ │ │ ├── api_def_Substr.pbtxt │ │ │ ├── api_def_Sum.pbtxt │ │ │ ├── api_def_SummaryWriter.pbtxt │ │ │ ├── api_def_Svd.pbtxt │ │ │ ├── api_def_Switch.pbtxt │ │ │ ├── api_def_SymbolicGradient.pbtxt │ │ │ ├── api_def_TFRecordDataset.pbtxt │ │ │ ├── api_def_TFRecordReader.pbtxt │ │ │ ├── api_def_TFRecordReaderV2.pbtxt │ │ │ ├── api_def_TakeDataset.pbtxt │ │ │ ├── api_def_TakeManySparseFromTensorsMap.pbtxt │ │ │ ├── api_def_Tan.pbtxt │ │ │ ├── api_def_Tanh.pbtxt │ │ │ ├── api_def_TanhGrad.pbtxt │ │ │ ├── api_def_TemporaryVariable.pbtxt │ │ │ ├── api_def_TensorArray.pbtxt │ │ │ ├── api_def_TensorArrayClose.pbtxt │ │ │ ├── api_def_TensorArrayCloseV2.pbtxt │ │ │ ├── api_def_TensorArrayCloseV3.pbtxt │ │ │ ├── api_def_TensorArrayConcat.pbtxt │ │ │ ├── api_def_TensorArrayConcatV2.pbtxt │ │ │ ├── api_def_TensorArrayConcatV3.pbtxt │ │ │ ├── api_def_TensorArrayGather.pbtxt │ │ │ ├── api_def_TensorArrayGatherV2.pbtxt │ │ │ ├── api_def_TensorArrayGatherV3.pbtxt │ │ │ ├── api_def_TensorArrayGrad.pbtxt │ │ │ ├── api_def_TensorArrayGradV2.pbtxt │ │ │ ├── api_def_TensorArrayGradV3.pbtxt │ │ │ ├── api_def_TensorArrayGradWithShape.pbtxt │ │ │ ├── api_def_TensorArrayPack.pbtxt │ │ │ ├── api_def_TensorArrayRead.pbtxt │ │ │ ├── api_def_TensorArrayReadV2.pbtxt │ │ │ ├── api_def_TensorArrayReadV3.pbtxt │ │ │ ├── api_def_TensorArrayScatter.pbtxt │ │ │ ├── api_def_TensorArrayScatterV2.pbtxt │ │ │ ├── api_def_TensorArrayScatterV3.pbtxt │ │ │ ├── api_def_TensorArraySize.pbtxt │ │ │ ├── api_def_TensorArraySizeV2.pbtxt │ │ │ ├── api_def_TensorArraySizeV3.pbtxt │ │ │ ├── api_def_TensorArraySplit.pbtxt │ │ │ ├── api_def_TensorArraySplitV2.pbtxt │ │ │ ├── api_def_TensorArraySplitV3.pbtxt │ │ │ ├── api_def_TensorArrayUnpack.pbtxt │ │ │ ├── api_def_TensorArrayV2.pbtxt │ │ │ ├── api_def_TensorArrayV3.pbtxt │ │ │ ├── api_def_TensorArrayWrite.pbtxt │ │ │ ├── api_def_TensorArrayWriteV2.pbtxt │ │ │ ├── api_def_TensorArrayWriteV3.pbtxt │ │ │ ├── api_def_TensorDataset.pbtxt │ │ │ ├── api_def_TensorForestCreateTreeVariable.pbtxt │ │ │ ├── api_def_TensorForestTreeDeserialize.pbtxt │ │ │ ├── api_def_TensorForestTreeIsInitializedOp.pbtxt │ │ │ ├── api_def_TensorForestTreePredict.pbtxt │ │ │ ├── api_def_TensorForestTreeResourceHandleOp.pbtxt │ │ │ ├── api_def_TensorForestTreeSerialize.pbtxt │ │ │ ├── api_def_TensorForestTreeSize.pbtxt │ │ │ ├── api_def_TensorListConcatLists.pbtxt │ │ │ ├── api_def_TensorListElementShape.pbtxt │ │ │ ├── api_def_TensorListFromTensor.pbtxt │ │ │ ├── api_def_TensorListGather.pbtxt │ │ │ ├── api_def_TensorListGetItem.pbtxt │ │ │ ├── api_def_TensorListLength.pbtxt │ │ │ ├── api_def_TensorListPopBack.pbtxt │ │ │ ├── api_def_TensorListPushBack.pbtxt │ │ │ ├── api_def_TensorListPushBackBatch.pbtxt │ │ │ ├── api_def_TensorListReserve.pbtxt │ │ │ ├── api_def_TensorListScatter.pbtxt │ │ │ ├── api_def_TensorListSetItem.pbtxt │ │ │ ├── api_def_TensorListStack.pbtxt │ │ │ ├── api_def_TensorSliceDataset.pbtxt │ │ │ ├── api_def_TensorSummary.pbtxt │ │ │ ├── api_def_TensorSummaryV2.pbtxt │ │ │ ├── api_def_TextLineDataset.pbtxt │ │ │ ├── api_def_TextLineReader.pbtxt │ │ │ ├── api_def_TextLineReaderV2.pbtxt │ │ │ ├── api_def_ThreadUnsafeUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_Tile.pbtxt │ │ │ ├── api_def_TileGrad.pbtxt │ │ │ ├── api_def_Timestamp.pbtxt │ │ │ ├── api_def_TopK.pbtxt │ │ │ ├── api_def_TopKV2.pbtxt │ │ │ ├── api_def_Transpose.pbtxt │ │ │ ├── api_def_TruncateDiv.pbtxt │ │ │ ├── api_def_TruncateMod.pbtxt │ │ │ ├── api_def_TruncatedNormal.pbtxt │ │ │ ├── api_def_TryRpc.pbtxt │ │ │ ├── api_def_Unbatch.pbtxt │ │ │ ├── api_def_UnbatchDataset.pbtxt │ │ │ ├── api_def_UnbatchGrad.pbtxt │ │ │ ├── api_def_UnicodeDecodeWithOffsets.pbtxt │ │ │ ├── api_def_UnicodeScript.pbtxt │ │ │ ├── api_def_UnicodeTranscode.pbtxt │ │ │ ├── api_def_UniformCandidateSampler.pbtxt │ │ │ ├── api_def_Unique.pbtxt │ │ │ ├── api_def_UniqueV2.pbtxt │ │ │ ├── api_def_UniqueWithCounts.pbtxt │ │ │ ├── api_def_UniqueWithCountsV2.pbtxt │ │ │ ├── api_def_UniqueWithExtraCounts.pbtxt │ │ │ ├── api_def_Unpack.pbtxt │ │ │ ├── api_def_UnravelIndex.pbtxt │ │ │ ├── api_def_UnsortedSegmentMax.pbtxt │ │ │ ├── api_def_UnsortedSegmentMin.pbtxt │ │ │ ├── api_def_UnsortedSegmentProd.pbtxt │ │ │ ├── api_def_UnsortedSegmentSum.pbtxt │ │ │ ├── api_def_Unstage.pbtxt │ │ │ ├── api_def_UpperBound.pbtxt │ │ │ ├── api_def_VarHandleOp.pbtxt │ │ │ ├── api_def_VarIsInitializedOp.pbtxt │ │ │ ├── api_def_Variable.pbtxt │ │ │ ├── api_def_VariableShape.pbtxt │ │ │ ├── api_def_VariableV2.pbtxt │ │ │ ├── api_def_Where.pbtxt │ │ │ ├── api_def_While.pbtxt │ │ │ ├── api_def_WholeFileReader.pbtxt │ │ │ ├── api_def_WholeFileReaderV2.pbtxt │ │ │ ├── api_def_WindowDataset.pbtxt │ │ │ ├── api_def_WriteAudioSummary.pbtxt │ │ │ ├── api_def_WriteFile.pbtxt │ │ │ ├── api_def_WriteGraphSummary.pbtxt │ │ │ ├── api_def_WriteHistogramSummary.pbtxt │ │ │ ├── api_def_WriteImageSummary.pbtxt │ │ │ ├── api_def_WriteScalarSummary.pbtxt │ │ │ ├── api_def_WriteSummary.pbtxt │ │ │ ├── api_def_Xdivy.pbtxt │ │ │ ├── api_def_Xlogy.pbtxt │ │ │ ├── api_def_ZerosLike.pbtxt │ │ │ ├── api_def_Zeta.pbtxt │ │ │ └── api_def_ZipDataset.pbtxt │ │ ├── python_api │ │ │ ├── api_def_Abort.pbtxt │ │ │ ├── api_def_Abs.pbtxt │ │ │ ├── api_def_AccumulateNV2.pbtxt │ │ │ ├── api_def_AccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_AccumulatorNumAccumulated.pbtxt │ │ │ ├── api_def_AccumulatorSetGlobalStep.pbtxt │ │ │ ├── api_def_AccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_Acos.pbtxt │ │ │ ├── api_def_Acosh.pbtxt │ │ │ ├── api_def_Add.pbtxt │ │ │ ├── api_def_AddManySparseToTensorsMap.pbtxt │ │ │ ├── api_def_AddN.pbtxt │ │ │ ├── api_def_AddSparseToTensorsMap.pbtxt │ │ │ ├── api_def_AddV2.pbtxt │ │ │ ├── api_def_AdjustContrast.pbtxt │ │ │ ├── api_def_AdjustContrastv2.pbtxt │ │ │ ├── api_def_AdjustHue.pbtxt │ │ │ ├── api_def_AdjustSaturation.pbtxt │ │ │ ├── api_def_All.pbtxt │ │ │ ├── api_def_AllCandidateSampler.pbtxt │ │ │ ├── api_def_Angle.pbtxt │ │ │ ├── api_def_AnonymousIterator.pbtxt │ │ │ ├── api_def_Any.pbtxt │ │ │ ├── api_def_ApplyAdaMax.pbtxt │ │ │ ├── api_def_ApplyAdadelta.pbtxt │ │ │ ├── api_def_ApplyAdagrad.pbtxt │ │ │ ├── api_def_ApplyAdagradDA.pbtxt │ │ │ ├── api_def_ApplyAdam.pbtxt │ │ │ ├── api_def_ApplyAddSign.pbtxt │ │ │ ├── api_def_ApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ApplyFtrl.pbtxt │ │ │ ├── api_def_ApplyFtrlV2.pbtxt │ │ │ ├── api_def_ApplyGradientDescent.pbtxt │ │ │ ├── api_def_ApplyMomentum.pbtxt │ │ │ ├── api_def_ApplyPowerSign.pbtxt │ │ │ ├── api_def_ApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ApplyRMSProp.pbtxt │ │ │ ├── api_def_ApproximateEqual.pbtxt │ │ │ ├── api_def_ArgMax.pbtxt │ │ │ ├── api_def_ArgMin.pbtxt │ │ │ ├── api_def_AsString.pbtxt │ │ │ ├── api_def_Asin.pbtxt │ │ │ ├── api_def_Asinh.pbtxt │ │ │ ├── api_def_Assert.pbtxt │ │ │ ├── api_def_Assign.pbtxt │ │ │ ├── api_def_AssignAdd.pbtxt │ │ │ ├── api_def_AssignAddVariableOp.pbtxt │ │ │ ├── api_def_AssignSub.pbtxt │ │ │ ├── api_def_AssignSubVariableOp.pbtxt │ │ │ ├── api_def_AssignVariableOp.pbtxt │ │ │ ├── api_def_Atan.pbtxt │ │ │ ├── api_def_Atan2.pbtxt │ │ │ ├── api_def_Atanh.pbtxt │ │ │ ├── api_def_AudioSpectrogram.pbtxt │ │ │ ├── api_def_AudioSummary.pbtxt │ │ │ ├── api_def_AudioSummaryV2.pbtxt │ │ │ ├── api_def_AvgPool.pbtxt │ │ │ ├── api_def_AvgPool3D.pbtxt │ │ │ ├── api_def_AvgPool3DGrad.pbtxt │ │ │ ├── api_def_Barrier.pbtxt │ │ │ ├── api_def_BarrierClose.pbtxt │ │ │ ├── api_def_BarrierIncompleteSize.pbtxt │ │ │ ├── api_def_BarrierInsertMany.pbtxt │ │ │ ├── api_def_BarrierReadySize.pbtxt │ │ │ ├── api_def_BarrierTakeMany.pbtxt │ │ │ ├── api_def_Batch.pbtxt │ │ │ ├── api_def_BatchCholesky.pbtxt │ │ │ ├── api_def_BatchCholeskyGrad.pbtxt │ │ │ ├── api_def_BatchFFT.pbtxt │ │ │ ├── api_def_BatchFFT2D.pbtxt │ │ │ ├── api_def_BatchFFT3D.pbtxt │ │ │ ├── api_def_BatchFunction.pbtxt │ │ │ ├── api_def_BatchIFFT.pbtxt │ │ │ ├── api_def_BatchIFFT2D.pbtxt │ │ │ ├── api_def_BatchIFFT3D.pbtxt │ │ │ ├── api_def_BatchMatMul.pbtxt │ │ │ ├── api_def_BatchMatMulV2.pbtxt │ │ │ ├── api_def_BatchMatrixBandPart.pbtxt │ │ │ ├── api_def_BatchMatrixDeterminant.pbtxt │ │ │ ├── api_def_BatchMatrixDiag.pbtxt │ │ │ ├── api_def_BatchMatrixDiagPart.pbtxt │ │ │ ├── api_def_BatchMatrixInverse.pbtxt │ │ │ ├── api_def_BatchMatrixSetDiag.pbtxt │ │ │ ├── api_def_BatchMatrixSolve.pbtxt │ │ │ ├── api_def_BatchMatrixSolveLs.pbtxt │ │ │ ├── api_def_BatchMatrixTriangularSolve.pbtxt │ │ │ ├── api_def_BatchNormWithGlobalNormalization.pbtxt │ │ │ ├── api_def_BatchNormWithGlobalNormalizationGrad.pbtxt │ │ │ ├── api_def_BatchSelfAdjointEig.pbtxt │ │ │ ├── api_def_BatchSelfAdjointEigV2.pbtxt │ │ │ ├── api_def_BatchSvd.pbtxt │ │ │ ├── api_def_BatchToSpace.pbtxt │ │ │ ├── api_def_BatchToSpaceND.pbtxt │ │ │ ├── api_def_BesselI0e.pbtxt │ │ │ ├── api_def_BesselI1e.pbtxt │ │ │ ├── api_def_Betainc.pbtxt │ │ │ ├── api_def_BiasAdd.pbtxt │ │ │ ├── api_def_BiasAddGrad.pbtxt │ │ │ ├── api_def_BiasAddV1.pbtxt │ │ │ ├── api_def_Bincount.pbtxt │ │ │ ├── api_def_BitwiseAnd.pbtxt │ │ │ ├── api_def_BitwiseOr.pbtxt │ │ │ ├── api_def_BitwiseXor.pbtxt │ │ │ ├── api_def_BroadcastArgs.pbtxt │ │ │ ├── api_def_Bucketize.pbtxt │ │ │ ├── api_def_CTCBeamSearchDecoder.pbtxt │ │ │ ├── api_def_CTCGreedyDecoder.pbtxt │ │ │ ├── api_def_CTCLoss.pbtxt │ │ │ ├── api_def_Case.pbtxt │ │ │ ├── api_def_Cast.pbtxt │ │ │ ├── api_def_Ceil.pbtxt │ │ │ ├── api_def_CheckNumerics.pbtxt │ │ │ ├── api_def_Cholesky.pbtxt │ │ │ ├── api_def_CholeskyGrad.pbtxt │ │ │ ├── api_def_ClipByValue.pbtxt │ │ │ ├── api_def_CloseSummaryWriter.pbtxt │ │ │ ├── api_def_CollectiveBcastRecv.pbtxt │ │ │ ├── api_def_CollectiveBcastSend.pbtxt │ │ │ ├── api_def_CollectiveReduce.pbtxt │ │ │ ├── api_def_CombinedNonMaxSuppression.pbtxt │ │ │ ├── api_def_CompareAndBitpack.pbtxt │ │ │ ├── api_def_Complex.pbtxt │ │ │ ├── api_def_ComplexAbs.pbtxt │ │ │ ├── api_def_ComputeAccidentalHits.pbtxt │ │ │ ├── api_def_Concat.pbtxt │ │ │ ├── api_def_ConcatOffset.pbtxt │ │ │ ├── api_def_ConcatV2.pbtxt │ │ │ ├── api_def_ConditionalAccumulator.pbtxt │ │ │ ├── api_def_Conj.pbtxt │ │ │ ├── api_def_ConjugateTranspose.pbtxt │ │ │ ├── api_def_Const.pbtxt │ │ │ ├── api_def_ConsumeMutexLock.pbtxt │ │ │ ├── api_def_ControlTrigger.pbtxt │ │ │ ├── api_def_Conv2D.pbtxt │ │ │ ├── api_def_Conv2DBackpropFilter.pbtxt │ │ │ ├── api_def_Conv2DBackpropInput.pbtxt │ │ │ ├── api_def_Conv3D.pbtxt │ │ │ ├── api_def_Conv3DBackpropFilter.pbtxt │ │ │ ├── api_def_Conv3DBackpropFilterV2.pbtxt │ │ │ ├── api_def_Conv3DBackpropInput.pbtxt │ │ │ ├── api_def_Conv3DBackpropInputV2.pbtxt │ │ │ ├── api_def_Cos.pbtxt │ │ │ ├── api_def_Cosh.pbtxt │ │ │ ├── api_def_CountUpTo.pbtxt │ │ │ ├── api_def_CreateSummaryDbWriter.pbtxt │ │ │ ├── api_def_CreateSummaryFileWriter.pbtxt │ │ │ ├── api_def_CropAndResize.pbtxt │ │ │ ├── api_def_CropAndResizeGradBoxes.pbtxt │ │ │ ├── api_def_CropAndResizeGradImage.pbtxt │ │ │ ├── api_def_Cross.pbtxt │ │ │ ├── api_def_CudnnRNN.pbtxt │ │ │ ├── api_def_CudnnRNNBackprop.pbtxt │ │ │ ├── api_def_CudnnRNNCanonicalToParams.pbtxt │ │ │ ├── api_def_CudnnRNNCanonicalToParamsV2.pbtxt │ │ │ ├── api_def_CudnnRNNParamsSize.pbtxt │ │ │ ├── api_def_CudnnRNNParamsToCanonical.pbtxt │ │ │ ├── api_def_CudnnRNNParamsToCanonicalV2.pbtxt │ │ │ ├── api_def_Cumprod.pbtxt │ │ │ ├── api_def_Cumsum.pbtxt │ │ │ ├── api_def_DataFormatDimMap.pbtxt │ │ │ ├── api_def_DataFormatVecPermute.pbtxt │ │ │ ├── api_def_DebugGradientIdentity.pbtxt │ │ │ ├── api_def_DebugGradientRefIdentity.pbtxt │ │ │ ├── api_def_DecodeAndCropJpeg.pbtxt │ │ │ ├── api_def_DecodeBase64.pbtxt │ │ │ ├── api_def_DecodeBmp.pbtxt │ │ │ ├── api_def_DecodeCSV.pbtxt │ │ │ ├── api_def_DecodeCompressed.pbtxt │ │ │ ├── api_def_DecodeGif.pbtxt │ │ │ ├── api_def_DecodeJSONExample.pbtxt │ │ │ ├── api_def_DecodeJpeg.pbtxt │ │ │ ├── api_def_DecodePaddedRaw.pbtxt │ │ │ ├── api_def_DecodePng.pbtxt │ │ │ ├── api_def_DecodeRaw.pbtxt │ │ │ ├── api_def_DecodeWav.pbtxt │ │ │ ├── api_def_DeepCopy.pbtxt │ │ │ ├── api_def_DeleteSessionTensor.pbtxt │ │ │ ├── api_def_DenseDecode.pbtxt │ │ │ ├── api_def_DenseToDenseSetOperation.pbtxt │ │ │ ├── api_def_DenseToSparseSetOperation.pbtxt │ │ │ ├── api_def_DepthToSpace.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNative.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNativeBackpropFilter.pbtxt │ │ │ ├── api_def_DepthwiseConv2dNativeBackpropInput.pbtxt │ │ │ ├── api_def_Dequantize.pbtxt │ │ │ ├── api_def_DeserializeIterator.pbtxt │ │ │ ├── api_def_DeserializeManySparse.pbtxt │ │ │ ├── api_def_DeserializeSparse.pbtxt │ │ │ ├── api_def_DestroyResourceOp.pbtxt │ │ │ ├── api_def_DestroyTemporaryVariable.pbtxt │ │ │ ├── api_def_Diag.pbtxt │ │ │ ├── api_def_DiagPart.pbtxt │ │ │ ├── api_def_Digamma.pbtxt │ │ │ ├── api_def_Dilation2D.pbtxt │ │ │ ├── api_def_Dilation2DBackpropFilter.pbtxt │ │ │ ├── api_def_Dilation2DBackpropInput.pbtxt │ │ │ ├── api_def_Div.pbtxt │ │ │ ├── api_def_DivNoNan.pbtxt │ │ │ ├── api_def_DrawBoundingBoxes.pbtxt │ │ │ ├── api_def_DrawBoundingBoxesV2.pbtxt │ │ │ ├── api_def_EagerPyFunc.pbtxt │ │ │ ├── api_def_EditDistance.pbtxt │ │ │ ├── api_def_Einsum.pbtxt │ │ │ ├── api_def_Elu.pbtxt │ │ │ ├── api_def_Empty.pbtxt │ │ │ ├── api_def_EmptyTensorList.pbtxt │ │ │ ├── api_def_EncodeBase64.pbtxt │ │ │ ├── api_def_EncodeJpeg.pbtxt │ │ │ ├── api_def_EncodeJpegVariableQuality.pbtxt │ │ │ ├── api_def_EncodePng.pbtxt │ │ │ ├── api_def_EncodeWav.pbtxt │ │ │ ├── api_def_EnsureShape.pbtxt │ │ │ ├── api_def_Equal.pbtxt │ │ │ ├── api_def_Erf.pbtxt │ │ │ ├── api_def_Erfc.pbtxt │ │ │ ├── api_def_EuclideanNorm.pbtxt │ │ │ ├── api_def_Exp.pbtxt │ │ │ ├── api_def_ExpandDims.pbtxt │ │ │ ├── api_def_Expm1.pbtxt │ │ │ ├── api_def_ExtractGlimpse.pbtxt │ │ │ ├── api_def_ExtractImagePatches.pbtxt │ │ │ ├── api_def_ExtractJpegShape.pbtxt │ │ │ ├── api_def_FFT.pbtxt │ │ │ ├── api_def_FFT2D.pbtxt │ │ │ ├── api_def_FFT3D.pbtxt │ │ │ ├── api_def_FIFOQueue.pbtxt │ │ │ ├── api_def_FIFOQueueV2.pbtxt │ │ │ ├── api_def_Fact.pbtxt │ │ │ ├── api_def_FakeParam.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxArgs.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxArgsGradient.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVars.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsGradient.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsPerChannel.pbtxt │ │ │ ├── api_def_FakeQuantWithMinMaxVarsPerChannelGradient.pbtxt │ │ │ ├── api_def_FakeQueue.pbtxt │ │ │ ├── api_def_Fill.pbtxt │ │ │ ├── api_def_Fingerprint.pbtxt │ │ │ ├── api_def_FixedLengthRecordReader.pbtxt │ │ │ ├── api_def_FixedLengthRecordReaderV2.pbtxt │ │ │ ├── api_def_FixedUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_Floor.pbtxt │ │ │ ├── api_def_FloorDiv.pbtxt │ │ │ ├── api_def_FloorMod.pbtxt │ │ │ ├── api_def_FlushSummaryWriter.pbtxt │ │ │ ├── api_def_For.pbtxt │ │ │ ├── api_def_FractionalAvgPool.pbtxt │ │ │ ├── api_def_FractionalMaxPool.pbtxt │ │ │ ├── api_def_FusedBatchNorm.pbtxt │ │ │ ├── api_def_FusedBatchNormGrad.pbtxt │ │ │ ├── api_def_FusedBatchNormGradV2.pbtxt │ │ │ ├── api_def_FusedBatchNormGradV3.pbtxt │ │ │ ├── api_def_FusedBatchNormV2.pbtxt │ │ │ ├── api_def_FusedBatchNormV3.pbtxt │ │ │ ├── api_def_FusedPadConv2D.pbtxt │ │ │ ├── api_def_FusedResizeAndPadConv2D.pbtxt │ │ │ ├── api_def_Gather.pbtxt │ │ │ ├── api_def_GatherNd.pbtxt │ │ │ ├── api_def_GatherV2.pbtxt │ │ │ ├── api_def_GenerateVocabRemapping.pbtxt │ │ │ ├── api_def_GetSessionHandle.pbtxt │ │ │ ├── api_def_GetSessionHandleV2.pbtxt │ │ │ ├── api_def_GetSessionTensor.pbtxt │ │ │ ├── api_def_Greater.pbtxt │ │ │ ├── api_def_GreaterEqual.pbtxt │ │ │ ├── api_def_HSVToRGB.pbtxt │ │ │ ├── api_def_HashTable.pbtxt │ │ │ ├── api_def_HashTableV2.pbtxt │ │ │ ├── api_def_HistogramFixedWidth.pbtxt │ │ │ ├── api_def_HistogramSummary.pbtxt │ │ │ ├── api_def_IFFT.pbtxt │ │ │ ├── api_def_IFFT2D.pbtxt │ │ │ ├── api_def_IFFT3D.pbtxt │ │ │ ├── api_def_IRFFT.pbtxt │ │ │ ├── api_def_IRFFT2D.pbtxt │ │ │ ├── api_def_IRFFT3D.pbtxt │ │ │ ├── api_def_Identity.pbtxt │ │ │ ├── api_def_IdentityReader.pbtxt │ │ │ ├── api_def_IdentityReaderV2.pbtxt │ │ │ ├── api_def_If.pbtxt │ │ │ ├── api_def_Igamma.pbtxt │ │ │ ├── api_def_Igammac.pbtxt │ │ │ ├── api_def_Imag.pbtxt │ │ │ ├── api_def_ImageSummary.pbtxt │ │ │ ├── api_def_ImmutableConst.pbtxt │ │ │ ├── api_def_ImportEvent.pbtxt │ │ │ ├── api_def_InTopK.pbtxt │ │ │ ├── api_def_InTopKV2.pbtxt │ │ │ ├── api_def_InitializeTable.pbtxt │ │ │ ├── api_def_InitializeTableFromTextFile.pbtxt │ │ │ ├── api_def_InitializeTableFromTextFileV2.pbtxt │ │ │ ├── api_def_InitializeTableV2.pbtxt │ │ │ ├── api_def_InplaceAdd.pbtxt │ │ │ ├── api_def_InplaceSub.pbtxt │ │ │ ├── api_def_InplaceUpdate.pbtxt │ │ │ ├── api_def_Inv.pbtxt │ │ │ ├── api_def_Invert.pbtxt │ │ │ ├── api_def_InvertPermutation.pbtxt │ │ │ ├── api_def_IsFinite.pbtxt │ │ │ ├── api_def_IsInf.pbtxt │ │ │ ├── api_def_IsNan.pbtxt │ │ │ ├── api_def_IsVariableInitialized.pbtxt │ │ │ ├── api_def_Iterator.pbtxt │ │ │ ├── api_def_IteratorFromStringHandle.pbtxt │ │ │ ├── api_def_IteratorGetNext.pbtxt │ │ │ ├── api_def_IteratorGetNextAsOptional.pbtxt │ │ │ ├── api_def_IteratorGetNextSync.pbtxt │ │ │ ├── api_def_IteratorToStringHandle.pbtxt │ │ │ ├── api_def_KMC2ChainInitialization.pbtxt │ │ │ ├── api_def_KV2DenseDecode.pbtxt │ │ │ ├── api_def_KV2SparseDecode.pbtxt │ │ │ ├── api_def_KmeansPlusPlusInitialization.pbtxt │ │ │ ├── api_def_L2Loss.pbtxt │ │ │ ├── api_def_LMDBReader.pbtxt │ │ │ ├── api_def_LRN.pbtxt │ │ │ ├── api_def_LearnedUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_LeftShift.pbtxt │ │ │ ├── api_def_Less.pbtxt │ │ │ ├── api_def_LessEqual.pbtxt │ │ │ ├── api_def_Lgamma.pbtxt │ │ │ ├── api_def_LinSpace.pbtxt │ │ │ ├── api_def_ListDiff.pbtxt │ │ │ ├── api_def_LoadAndRemapMatrix.pbtxt │ │ │ ├── api_def_Log.pbtxt │ │ │ ├── api_def_Log1p.pbtxt │ │ │ ├── api_def_LogMatrixDeterminant.pbtxt │ │ │ ├── api_def_LogSoftmax.pbtxt │ │ │ ├── api_def_LogUniformCandidateSampler.pbtxt │ │ │ ├── api_def_LogicalAnd.pbtxt │ │ │ ├── api_def_LogicalNot.pbtxt │ │ │ ├── api_def_LogicalOr.pbtxt │ │ │ ├── api_def_LookupTableExport.pbtxt │ │ │ ├── api_def_LookupTableExportV2.pbtxt │ │ │ ├── api_def_LookupTableFind.pbtxt │ │ │ ├── api_def_LookupTableFindV2.pbtxt │ │ │ ├── api_def_LookupTableImport.pbtxt │ │ │ ├── api_def_LookupTableImportV2.pbtxt │ │ │ ├── api_def_LookupTableInsert.pbtxt │ │ │ ├── api_def_LookupTableInsertV2.pbtxt │ │ │ ├── api_def_LookupTableSize.pbtxt │ │ │ ├── api_def_LookupTableSizeV2.pbtxt │ │ │ ├── api_def_LoopCond.pbtxt │ │ │ ├── api_def_Lu.pbtxt │ │ │ ├── api_def_MakeIterator.pbtxt │ │ │ ├── api_def_MapClear.pbtxt │ │ │ ├── api_def_MapIncompleteSize.pbtxt │ │ │ ├── api_def_MapPeek.pbtxt │ │ │ ├── api_def_MapSize.pbtxt │ │ │ ├── api_def_MapStage.pbtxt │ │ │ ├── api_def_MapUnstage.pbtxt │ │ │ ├── api_def_MapUnstageNoKey.pbtxt │ │ │ ├── api_def_MatMul.pbtxt │ │ │ ├── api_def_MatchingFiles.pbtxt │ │ │ ├── api_def_MatrixBandPart.pbtxt │ │ │ ├── api_def_MatrixDeterminant.pbtxt │ │ │ ├── api_def_MatrixDiag.pbtxt │ │ │ ├── api_def_MatrixDiagPart.pbtxt │ │ │ ├── api_def_MatrixDiagPartV2.pbtxt │ │ │ ├── api_def_MatrixDiagV2.pbtxt │ │ │ ├── api_def_MatrixExponential.pbtxt │ │ │ ├── api_def_MatrixInverse.pbtxt │ │ │ ├── api_def_MatrixSetDiag.pbtxt │ │ │ ├── api_def_MatrixSetDiagV2.pbtxt │ │ │ ├── api_def_MatrixSolve.pbtxt │ │ │ ├── api_def_MatrixSolveLs.pbtxt │ │ │ ├── api_def_MatrixSquareRoot.pbtxt │ │ │ ├── api_def_MatrixTriangularSolve.pbtxt │ │ │ ├── api_def_Max.pbtxt │ │ │ ├── api_def_MaxPool.pbtxt │ │ │ ├── api_def_MaxPool3D.pbtxt │ │ │ ├── api_def_MaxPool3DGrad.pbtxt │ │ │ ├── api_def_MaxPool3DGradGrad.pbtxt │ │ │ ├── api_def_MaxPoolGradGrad.pbtxt │ │ │ ├── api_def_MaxPoolGradGradV2.pbtxt │ │ │ ├── api_def_MaxPoolGradGradWithArgmax.pbtxt │ │ │ ├── api_def_MaxPoolGradV2.pbtxt │ │ │ ├── api_def_MaxPoolV2.pbtxt │ │ │ ├── api_def_MaxPoolWithArgmax.pbtxt │ │ │ ├── api_def_Maximum.pbtxt │ │ │ ├── api_def_Mean.pbtxt │ │ │ ├── api_def_Merge.pbtxt │ │ │ ├── api_def_MergeSummary.pbtxt │ │ │ ├── api_def_MergeV2Checkpoints.pbtxt │ │ │ ├── api_def_Mfcc.pbtxt │ │ │ ├── api_def_Min.pbtxt │ │ │ ├── api_def_Minimum.pbtxt │ │ │ ├── api_def_MirrorPad.pbtxt │ │ │ ├── api_def_Mod.pbtxt │ │ │ ├── api_def_Mul.pbtxt │ │ │ ├── api_def_MulNoNan.pbtxt │ │ │ ├── api_def_Multinomial.pbtxt │ │ │ ├── api_def_MutableDenseHashTable.pbtxt │ │ │ ├── api_def_MutableDenseHashTableV2.pbtxt │ │ │ ├── api_def_MutableHashTable.pbtxt │ │ │ ├── api_def_MutableHashTableOfTensors.pbtxt │ │ │ ├── api_def_MutableHashTableOfTensorsV2.pbtxt │ │ │ ├── api_def_MutableHashTableV2.pbtxt │ │ │ ├── api_def_MutexLock.pbtxt │ │ │ ├── api_def_MutexV2.pbtxt │ │ │ ├── api_def_NearestNeighbors.pbtxt │ │ │ ├── api_def_Neg.pbtxt │ │ │ ├── api_def_NegTrain.pbtxt │ │ │ ├── api_def_NextAfter.pbtxt │ │ │ ├── api_def_NextIteration.pbtxt │ │ │ ├── api_def_NonMaxSuppression.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV2.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV3.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV4.pbtxt │ │ │ ├── api_def_NonMaxSuppressionV5.pbtxt │ │ │ ├── api_def_NonMaxSuppressionWithOverlaps.pbtxt │ │ │ ├── api_def_NotEqual.pbtxt │ │ │ ├── api_def_NthElement.pbtxt │ │ │ ├── api_def_OneHot.pbtxt │ │ │ ├── api_def_OneShotIterator.pbtxt │ │ │ ├── api_def_OnesLike.pbtxt │ │ │ ├── api_def_OptionalFromValue.pbtxt │ │ │ ├── api_def_OptionalGetValue.pbtxt │ │ │ ├── api_def_OptionalHasValue.pbtxt │ │ │ ├── api_def_OptionalNone.pbtxt │ │ │ ├── api_def_OrderedMapClear.pbtxt │ │ │ ├── api_def_OrderedMapIncompleteSize.pbtxt │ │ │ ├── api_def_OrderedMapPeek.pbtxt │ │ │ ├── api_def_OrderedMapSize.pbtxt │ │ │ ├── api_def_OrderedMapStage.pbtxt │ │ │ ├── api_def_OrderedMapUnstage.pbtxt │ │ │ ├── api_def_OrderedMapUnstageNoKey.pbtxt │ │ │ ├── api_def_Pack.pbtxt │ │ │ ├── api_def_Pad.pbtxt │ │ │ ├── api_def_PadV2.pbtxt │ │ │ ├── api_def_PaddingFIFOQueue.pbtxt │ │ │ ├── api_def_PaddingFIFOQueueV2.pbtxt │ │ │ ├── api_def_ParallelConcat.pbtxt │ │ │ ├── api_def_ParallelDynamicStitch.pbtxt │ │ │ ├── api_def_ParameterizedTruncatedNormal.pbtxt │ │ │ ├── api_def_ParseExample.pbtxt │ │ │ ├── api_def_ParseSequenceExample.pbtxt │ │ │ ├── api_def_ParseSingleExample.pbtxt │ │ │ ├── api_def_ParseSingleSequenceExample.pbtxt │ │ │ ├── api_def_ParseTensor.pbtxt │ │ │ ├── api_def_PartitionedCall.pbtxt │ │ │ ├── api_def_Placeholder.pbtxt │ │ │ ├── api_def_PlaceholderV2.pbtxt │ │ │ ├── api_def_PlaceholderWithDefault.pbtxt │ │ │ ├── api_def_Polygamma.pbtxt │ │ │ ├── api_def_PopulationCount.pbtxt │ │ │ ├── api_def_Pow.pbtxt │ │ │ ├── api_def_PreventGradient.pbtxt │ │ │ ├── api_def_Print.pbtxt │ │ │ ├── api_def_PrintV2.pbtxt │ │ │ ├── api_def_PriorityQueue.pbtxt │ │ │ ├── api_def_PriorityQueueV2.pbtxt │ │ │ ├── api_def_Prod.pbtxt │ │ │ ├── api_def_PyFunc.pbtxt │ │ │ ├── api_def_PyFuncStateless.pbtxt │ │ │ ├── api_def_Qr.pbtxt │ │ │ ├── api_def_QuantizeAndDequantize.pbtxt │ │ │ ├── api_def_QuantizeAndDequantizeV2.pbtxt │ │ │ ├── api_def_QuantizeAndDequantizeV3.pbtxt │ │ │ ├── api_def_QuantizeDownAndShrinkRange.pbtxt │ │ │ ├── api_def_QuantizeV2.pbtxt │ │ │ ├── api_def_QuantizedAdd.pbtxt │ │ │ ├── api_def_QuantizedAvgPool.pbtxt │ │ │ ├── api_def_QuantizedBatchNormWithGlobalNormalization.pbtxt │ │ │ ├── api_def_QuantizedBiasAdd.pbtxt │ │ │ ├── api_def_QuantizedConcat.pbtxt │ │ │ ├── api_def_QuantizedConv2D.pbtxt │ │ │ ├── api_def_QuantizedInstanceNorm.pbtxt │ │ │ ├── api_def_QuantizedMatMul.pbtxt │ │ │ ├── api_def_QuantizedMaxPool.pbtxt │ │ │ ├── api_def_QuantizedMul.pbtxt │ │ │ ├── api_def_QuantizedRelu.pbtxt │ │ │ ├── api_def_QuantizedRelu6.pbtxt │ │ │ ├── api_def_QuantizedReluX.pbtxt │ │ │ ├── api_def_QuantizedReshape.pbtxt │ │ │ ├── api_def_QuantizedResizeBilinear.pbtxt │ │ │ ├── api_def_QueueClose.pbtxt │ │ │ ├── api_def_QueueCloseV2.pbtxt │ │ │ ├── api_def_QueueDequeue.pbtxt │ │ │ ├── api_def_QueueDequeueMany.pbtxt │ │ │ ├── api_def_QueueDequeueManyV2.pbtxt │ │ │ ├── api_def_QueueDequeueUpTo.pbtxt │ │ │ ├── api_def_QueueDequeueUpToV2.pbtxt │ │ │ ├── api_def_QueueDequeueV2.pbtxt │ │ │ ├── api_def_QueueEnqueue.pbtxt │ │ │ ├── api_def_QueueEnqueueMany.pbtxt │ │ │ ├── api_def_QueueEnqueueManyV2.pbtxt │ │ │ ├── api_def_QueueEnqueueV2.pbtxt │ │ │ ├── api_def_QueueIsClosed.pbtxt │ │ │ ├── api_def_QueueIsClosedV2.pbtxt │ │ │ ├── api_def_QueueSize.pbtxt │ │ │ ├── api_def_QueueSizeV2.pbtxt │ │ │ ├── api_def_RFFT.pbtxt │ │ │ ├── api_def_RFFT2D.pbtxt │ │ │ ├── api_def_RFFT3D.pbtxt │ │ │ ├── api_def_RGBToHSV.pbtxt │ │ │ ├── api_def_RandomCrop.pbtxt │ │ │ ├── api_def_RandomGamma.pbtxt │ │ │ ├── api_def_RandomPoisson.pbtxt │ │ │ ├── api_def_RandomPoissonV2.pbtxt │ │ │ ├── api_def_RandomShuffle.pbtxt │ │ │ ├── api_def_RandomShuffleQueue.pbtxt │ │ │ ├── api_def_RandomShuffleQueueV2.pbtxt │ │ │ ├── api_def_RandomStandardNormal.pbtxt │ │ │ ├── api_def_RandomUniform.pbtxt │ │ │ ├── api_def_RandomUniformInt.pbtxt │ │ │ ├── api_def_Range.pbtxt │ │ │ ├── api_def_Rank.pbtxt │ │ │ ├── api_def_ReadFile.pbtxt │ │ │ ├── api_def_ReadVariableOp.pbtxt │ │ │ ├── api_def_ReaderNumRecordsProduced.pbtxt │ │ │ ├── api_def_ReaderNumRecordsProducedV2.pbtxt │ │ │ ├── api_def_ReaderNumWorkUnitsCompleted.pbtxt │ │ │ ├── api_def_ReaderNumWorkUnitsCompletedV2.pbtxt │ │ │ ├── api_def_ReaderRead.pbtxt │ │ │ ├── api_def_ReaderReadUpTo.pbtxt │ │ │ ├── api_def_ReaderReadUpToV2.pbtxt │ │ │ ├── api_def_ReaderReadV2.pbtxt │ │ │ ├── api_def_ReaderReset.pbtxt │ │ │ ├── api_def_ReaderResetV2.pbtxt │ │ │ ├── api_def_ReaderRestoreState.pbtxt │ │ │ ├── api_def_ReaderRestoreStateV2.pbtxt │ │ │ ├── api_def_ReaderSerializeState.pbtxt │ │ │ ├── api_def_ReaderSerializeStateV2.pbtxt │ │ │ ├── api_def_Real.pbtxt │ │ │ ├── api_def_RealDiv.pbtxt │ │ │ ├── api_def_Reciprocal.pbtxt │ │ │ ├── api_def_RecordInput.pbtxt │ │ │ ├── api_def_ReduceJoin.pbtxt │ │ │ ├── api_def_RefNextIteration.pbtxt │ │ │ ├── api_def_RefSelect.pbtxt │ │ │ ├── api_def_RefSwitch.pbtxt │ │ │ ├── api_def_RegexFullMatch.pbtxt │ │ │ ├── api_def_RegexReplace.pbtxt │ │ │ ├── api_def_Relu.pbtxt │ │ │ ├── api_def_Relu6.pbtxt │ │ │ ├── api_def_RemoteCall.pbtxt │ │ │ ├── api_def_RequantizationRange.pbtxt │ │ │ ├── api_def_Requantize.pbtxt │ │ │ ├── api_def_Reshape.pbtxt │ │ │ ├── api_def_ResizeArea.pbtxt │ │ │ ├── api_def_ResizeBicubic.pbtxt │ │ │ ├── api_def_ResizeBilinear.pbtxt │ │ │ ├── api_def_ResizeNearestNeighbor.pbtxt │ │ │ ├── api_def_ResourceApplyAdaMax.pbtxt │ │ │ ├── api_def_ResourceApplyAdadelta.pbtxt │ │ │ ├── api_def_ResourceApplyAdagrad.pbtxt │ │ │ ├── api_def_ResourceApplyAdagradDA.pbtxt │ │ │ ├── api_def_ResourceApplyAdam.pbtxt │ │ │ ├── api_def_ResourceApplyAdamWithAmsgrad.pbtxt │ │ │ ├── api_def_ResourceApplyAddSign.pbtxt │ │ │ ├── api_def_ResourceApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ResourceApplyFtrl.pbtxt │ │ │ ├── api_def_ResourceApplyFtrlV2.pbtxt │ │ │ ├── api_def_ResourceApplyGradientDescent.pbtxt │ │ │ ├── api_def_ResourceApplyKerasMomentum.pbtxt │ │ │ ├── api_def_ResourceApplyMomentum.pbtxt │ │ │ ├── api_def_ResourceApplyPowerSign.pbtxt │ │ │ ├── api_def_ResourceApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ResourceApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ResourceApplyRMSProp.pbtxt │ │ │ ├── api_def_ResourceCountUpTo.pbtxt │ │ │ ├── api_def_ResourceGather.pbtxt │ │ │ ├── api_def_ResourceScatterAdd.pbtxt │ │ │ ├── api_def_ResourceScatterDiv.pbtxt │ │ │ ├── api_def_ResourceScatterMax.pbtxt │ │ │ ├── api_def_ResourceScatterMin.pbtxt │ │ │ ├── api_def_ResourceScatterMul.pbtxt │ │ │ ├── api_def_ResourceScatterNdAdd.pbtxt │ │ │ ├── api_def_ResourceScatterNdSub.pbtxt │ │ │ ├── api_def_ResourceScatterNdUpdate.pbtxt │ │ │ ├── api_def_ResourceScatterSub.pbtxt │ │ │ ├── api_def_ResourceScatterUpdate.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdadelta.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagrad.pbtxt │ │ │ ├── api_def_ResourceSparseApplyAdagradDA.pbtxt │ │ │ ├── api_def_ResourceSparseApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_ResourceSparseApplyFtrl.pbtxt │ │ │ ├── api_def_ResourceSparseApplyFtrlV2.pbtxt │ │ │ ├── api_def_ResourceSparseApplyKerasMomentum.pbtxt │ │ │ ├── api_def_ResourceSparseApplyMomentum.pbtxt │ │ │ ├── api_def_ResourceSparseApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_ResourceSparseApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_ResourceSparseApplyRMSProp.pbtxt │ │ │ ├── api_def_ResourceStridedSliceAssign.pbtxt │ │ │ ├── api_def_ResrouceGatherNd.pbtxt │ │ │ ├── api_def_Restore.pbtxt │ │ │ ├── api_def_RestoreSlice.pbtxt │ │ │ ├── api_def_RestoreV2.pbtxt │ │ │ ├── api_def_Reverse.pbtxt │ │ │ ├── api_def_ReverseSequence.pbtxt │ │ │ ├── api_def_ReverseV2.pbtxt │ │ │ ├── api_def_RightShift.pbtxt │ │ │ ├── api_def_Rint.pbtxt │ │ │ ├── api_def_Roll.pbtxt │ │ │ ├── api_def_Round.pbtxt │ │ │ ├── api_def_Rsqrt.pbtxt │ │ │ ├── api_def_SampleDistortedBoundingBox.pbtxt │ │ │ ├── api_def_SampleDistortedBoundingBoxV2.pbtxt │ │ │ ├── api_def_Save.pbtxt │ │ │ ├── api_def_SaveSlices.pbtxt │ │ │ ├── api_def_SaveV2.pbtxt │ │ │ ├── api_def_ScalarSummary.pbtxt │ │ │ ├── api_def_ScaleAndTranslate.pbtxt │ │ │ ├── api_def_ScatterAdd.pbtxt │ │ │ ├── api_def_ScatterDiv.pbtxt │ │ │ ├── api_def_ScatterMax.pbtxt │ │ │ ├── api_def_ScatterMin.pbtxt │ │ │ ├── api_def_ScatterMul.pbtxt │ │ │ ├── api_def_ScatterNd.pbtxt │ │ │ ├── api_def_ScatterNdAdd.pbtxt │ │ │ ├── api_def_ScatterNdNonAliasingAdd.pbtxt │ │ │ ├── api_def_ScatterNdSub.pbtxt │ │ │ ├── api_def_ScatterNdUpdate.pbtxt │ │ │ ├── api_def_ScatterSub.pbtxt │ │ │ ├── api_def_ScatterUpdate.pbtxt │ │ │ ├── api_def_SdcaFprint.pbtxt │ │ │ ├── api_def_SdcaOptimizer.pbtxt │ │ │ ├── api_def_SdcaShrinkL1.pbtxt │ │ │ ├── api_def_SegmentMax.pbtxt │ │ │ ├── api_def_SegmentMean.pbtxt │ │ │ ├── api_def_SegmentMin.pbtxt │ │ │ ├── api_def_SegmentProd.pbtxt │ │ │ ├── api_def_SegmentSum.pbtxt │ │ │ ├── api_def_Select.pbtxt │ │ │ ├── api_def_SelectV2.pbtxt │ │ │ ├── api_def_SelfAdjointEig.pbtxt │ │ │ ├── api_def_SelfAdjointEigV2.pbtxt │ │ │ ├── api_def_Selu.pbtxt │ │ │ ├── api_def_SerializeIterator.pbtxt │ │ │ ├── api_def_SerializeManySparse.pbtxt │ │ │ ├── api_def_SerializeSparse.pbtxt │ │ │ ├── api_def_SerializeTensor.pbtxt │ │ │ ├── api_def_SetSize.pbtxt │ │ │ ├── api_def_Shape.pbtxt │ │ │ ├── api_def_ShapeN.pbtxt │ │ │ ├── api_def_ShardedFilename.pbtxt │ │ │ ├── api_def_ShardedFilespec.pbtxt │ │ │ ├── api_def_Sigmoid.pbtxt │ │ │ ├── api_def_Sign.pbtxt │ │ │ ├── api_def_Sin.pbtxt │ │ │ ├── api_def_Sinh.pbtxt │ │ │ ├── api_def_Size.pbtxt │ │ │ ├── api_def_Skipgram.pbtxt │ │ │ ├── api_def_Slice.pbtxt │ │ │ ├── api_def_Snapshot.pbtxt │ │ │ ├── api_def_Softmax.pbtxt │ │ │ ├── api_def_SoftmaxCrossEntropyWithLogits.pbtxt │ │ │ ├── api_def_Softplus.pbtxt │ │ │ ├── api_def_Softsign.pbtxt │ │ │ ├── api_def_SpaceToBatch.pbtxt │ │ │ ├── api_def_SpaceToBatchND.pbtxt │ │ │ ├── api_def_SpaceToDepth.pbtxt │ │ │ ├── api_def_SparseAccumulatorApplyGradient.pbtxt │ │ │ ├── api_def_SparseAccumulatorTakeGradient.pbtxt │ │ │ ├── api_def_SparseAdd.pbtxt │ │ │ ├── api_def_SparseAddGrad.pbtxt │ │ │ ├── api_def_SparseApplyAdadelta.pbtxt │ │ │ ├── api_def_SparseApplyAdagrad.pbtxt │ │ │ ├── api_def_SparseApplyAdagradDA.pbtxt │ │ │ ├── api_def_SparseApplyCenteredRMSProp.pbtxt │ │ │ ├── api_def_SparseApplyFtrl.pbtxt │ │ │ ├── api_def_SparseApplyFtrlV2.pbtxt │ │ │ ├── api_def_SparseApplyMomentum.pbtxt │ │ │ ├── api_def_SparseApplyProximalAdagrad.pbtxt │ │ │ ├── api_def_SparseApplyProximalGradientDescent.pbtxt │ │ │ ├── api_def_SparseApplyRMSProp.pbtxt │ │ │ ├── api_def_SparseConcat.pbtxt │ │ │ ├── api_def_SparseConditionalAccumulator.pbtxt │ │ │ ├── api_def_SparseCross.pbtxt │ │ │ ├── api_def_SparseDecode.pbtxt │ │ │ ├── api_def_SparseDenseCwiseAdd.pbtxt │ │ │ ├── api_def_SparseDenseCwiseDiv.pbtxt │ │ │ ├── api_def_SparseDenseCwiseMul.pbtxt │ │ │ ├── api_def_SparseFillEmptyRows.pbtxt │ │ │ ├── api_def_SparseFillEmptyRowsGrad.pbtxt │ │ │ ├── api_def_SparseMatMul.pbtxt │ │ │ ├── api_def_SparseReduceMax.pbtxt │ │ │ ├── api_def_SparseReduceMaxSparse.pbtxt │ │ │ ├── api_def_SparseReduceSum.pbtxt │ │ │ ├── api_def_SparseReduceSumSparse.pbtxt │ │ │ ├── api_def_SparseReorder.pbtxt │ │ │ ├── api_def_SparseReshape.pbtxt │ │ │ ├── api_def_SparseSegmentMean.pbtxt │ │ │ ├── api_def_SparseSegmentMeanGrad.pbtxt │ │ │ ├── api_def_SparseSegmentMeanWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtN.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtNGrad.pbtxt │ │ │ ├── api_def_SparseSegmentSqrtNWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSegmentSum.pbtxt │ │ │ ├── api_def_SparseSegmentSumWithNumSegments.pbtxt │ │ │ ├── api_def_SparseSlice.pbtxt │ │ │ ├── api_def_SparseSliceGrad.pbtxt │ │ │ ├── api_def_SparseSoftmax.pbtxt │ │ │ ├── api_def_SparseSoftmaxCrossEntropyWithLogits.pbtxt │ │ │ ├── api_def_SparseSparseMaximum.pbtxt │ │ │ ├── api_def_SparseSparseMinimum.pbtxt │ │ │ ├── api_def_SparseSplit.pbtxt │ │ │ ├── api_def_SparseTensorDenseAdd.pbtxt │ │ │ ├── api_def_SparseTensorDenseMatMul.pbtxt │ │ │ ├── api_def_SparseToDense.pbtxt │ │ │ ├── api_def_SparseToSparseSetOperation.pbtxt │ │ │ ├── api_def_Split.pbtxt │ │ │ ├── api_def_SplitV.pbtxt │ │ │ ├── api_def_Sqrt.pbtxt │ │ │ ├── api_def_Square.pbtxt │ │ │ ├── api_def_SquaredDifference.pbtxt │ │ │ ├── api_def_Squeeze.pbtxt │ │ │ ├── api_def_Stack.pbtxt │ │ │ ├── api_def_StackClose.pbtxt │ │ │ ├── api_def_StackCloseV2.pbtxt │ │ │ ├── api_def_StackPop.pbtxt │ │ │ ├── api_def_StackPopV2.pbtxt │ │ │ ├── api_def_StackPush.pbtxt │ │ │ ├── api_def_StackPushV2.pbtxt │ │ │ ├── api_def_StackV2.pbtxt │ │ │ ├── api_def_Stage.pbtxt │ │ │ ├── api_def_StageClear.pbtxt │ │ │ ├── api_def_StagePeek.pbtxt │ │ │ ├── api_def_StageSize.pbtxt │ │ │ ├── api_def_StatefulPartitionedCall.pbtxt │ │ │ ├── api_def_StatefulRandomBinomial.pbtxt │ │ │ ├── api_def_StatefulStandardNormal.pbtxt │ │ │ ├── api_def_StatefulStandardNormalV2.pbtxt │ │ │ ├── api_def_StatelessIf.pbtxt │ │ │ ├── api_def_StatelessMultinomial.pbtxt │ │ │ ├── api_def_StatelessRandomNormal.pbtxt │ │ │ ├── api_def_StatelessRandomUniform.pbtxt │ │ │ ├── api_def_StatelessTruncatedNormal.pbtxt │ │ │ ├── api_def_StatelessWhile.pbtxt │ │ │ ├── api_def_StridedSlice.pbtxt │ │ │ ├── api_def_StridedSliceAssign.pbtxt │ │ │ ├── api_def_StridedSliceGrad.pbtxt │ │ │ ├── api_def_StringFormat.pbtxt │ │ │ ├── api_def_StringJoin.pbtxt │ │ │ ├── api_def_StringLength.pbtxt │ │ │ ├── api_def_StringLower.pbtxt │ │ │ ├── api_def_StringNGrams.pbtxt │ │ │ ├── api_def_StringSplit.pbtxt │ │ │ ├── api_def_StringSplitAndPad.pbtxt │ │ │ ├── api_def_StringSplitV2.pbtxt │ │ │ ├── api_def_StringStrip.pbtxt │ │ │ ├── api_def_StringToHashBucket.pbtxt │ │ │ ├── api_def_StringToHashBucketFast.pbtxt │ │ │ ├── api_def_StringToHashBucketStrong.pbtxt │ │ │ ├── api_def_StringToNumber.pbtxt │ │ │ ├── api_def_StringUpper.pbtxt │ │ │ ├── api_def_Sub.pbtxt │ │ │ ├── api_def_Substr.pbtxt │ │ │ ├── api_def_Sum.pbtxt │ │ │ ├── api_def_SummaryWriter.pbtxt │ │ │ ├── api_def_Svd.pbtxt │ │ │ ├── api_def_Switch.pbtxt │ │ │ ├── api_def_SymbolicGradient.pbtxt │ │ │ ├── api_def_TFRecordReader.pbtxt │ │ │ ├── api_def_TFRecordReaderV2.pbtxt │ │ │ ├── api_def_TakeManySparseFromTensorsMap.pbtxt │ │ │ ├── api_def_Tan.pbtxt │ │ │ ├── api_def_Tanh.pbtxt │ │ │ ├── api_def_TemporaryVariable.pbtxt │ │ │ ├── api_def_TensorArray.pbtxt │ │ │ ├── api_def_TensorArrayClose.pbtxt │ │ │ ├── api_def_TensorArrayCloseV2.pbtxt │ │ │ ├── api_def_TensorArrayCloseV3.pbtxt │ │ │ ├── api_def_TensorArrayConcat.pbtxt │ │ │ ├── api_def_TensorArrayConcatV2.pbtxt │ │ │ ├── api_def_TensorArrayConcatV3.pbtxt │ │ │ ├── api_def_TensorArrayGather.pbtxt │ │ │ ├── api_def_TensorArrayGatherV2.pbtxt │ │ │ ├── api_def_TensorArrayGatherV3.pbtxt │ │ │ ├── api_def_TensorArrayGrad.pbtxt │ │ │ ├── api_def_TensorArrayGradV2.pbtxt │ │ │ ├── api_def_TensorArrayGradV3.pbtxt │ │ │ ├── api_def_TensorArrayGradWithShape.pbtxt │ │ │ ├── api_def_TensorArrayPack.pbtxt │ │ │ ├── api_def_TensorArrayRead.pbtxt │ │ │ ├── api_def_TensorArrayReadV2.pbtxt │ │ │ ├── api_def_TensorArrayReadV3.pbtxt │ │ │ ├── api_def_TensorArrayScatter.pbtxt │ │ │ ├── api_def_TensorArrayScatterV2.pbtxt │ │ │ ├── api_def_TensorArrayScatterV3.pbtxt │ │ │ ├── api_def_TensorArraySize.pbtxt │ │ │ ├── api_def_TensorArraySizeV2.pbtxt │ │ │ ├── api_def_TensorArraySizeV3.pbtxt │ │ │ ├── api_def_TensorArraySplit.pbtxt │ │ │ ├── api_def_TensorArraySplitV2.pbtxt │ │ │ ├── api_def_TensorArraySplitV3.pbtxt │ │ │ ├── api_def_TensorArrayUnpack.pbtxt │ │ │ ├── api_def_TensorArrayV2.pbtxt │ │ │ ├── api_def_TensorArrayV3.pbtxt │ │ │ ├── api_def_TensorArrayWrite.pbtxt │ │ │ ├── api_def_TensorArrayWriteV2.pbtxt │ │ │ ├── api_def_TensorArrayWriteV3.pbtxt │ │ │ ├── api_def_TensorListConcat.pbtxt │ │ │ ├── api_def_TensorListConcatLists.pbtxt │ │ │ ├── api_def_TensorListConcatV2.pbtxt │ │ │ ├── api_def_TensorListElementShape.pbtxt │ │ │ ├── api_def_TensorListFromTensor.pbtxt │ │ │ ├── api_def_TensorListGather.pbtxt │ │ │ ├── api_def_TensorListGetItem.pbtxt │ │ │ ├── api_def_TensorListLength.pbtxt │ │ │ ├── api_def_TensorListPopBack.pbtxt │ │ │ ├── api_def_TensorListPushBack.pbtxt │ │ │ ├── api_def_TensorListPushBackBatch.pbtxt │ │ │ ├── api_def_TensorListReserve.pbtxt │ │ │ ├── api_def_TensorListResize.pbtxt │ │ │ ├── api_def_TensorListScatter.pbtxt │ │ │ ├── api_def_TensorListScatterIntoExistingList.pbtxt │ │ │ ├── api_def_TensorListScatterV2.pbtxt │ │ │ ├── api_def_TensorListSetItem.pbtxt │ │ │ ├── api_def_TensorListSplit.pbtxt │ │ │ ├── api_def_TensorListStack.pbtxt │ │ │ ├── api_def_TensorScatterAdd.pbtxt │ │ │ ├── api_def_TensorScatterSub.pbtxt │ │ │ ├── api_def_TensorScatterUpdate.pbtxt │ │ │ ├── api_def_TensorStridedSliceUpdate.pbtxt │ │ │ ├── api_def_TensorSummary.pbtxt │ │ │ ├── api_def_TensorSummaryV2.pbtxt │ │ │ ├── api_def_TextLineReader.pbtxt │ │ │ ├── api_def_TextLineReaderV2.pbtxt │ │ │ ├── api_def_ThreadUnsafeUnigramCandidateSampler.pbtxt │ │ │ ├── api_def_Tile.pbtxt │ │ │ ├── api_def_TileGrad.pbtxt │ │ │ ├── api_def_TopK.pbtxt │ │ │ ├── api_def_TopKV2.pbtxt │ │ │ ├── api_def_TransCsvID2Dense.pbtxt │ │ │ ├── api_def_TransCsvID2Sparse.pbtxt │ │ │ ├── api_def_TransCsvKV2Dense.pbtxt │ │ │ ├── api_def_TransCsvKV2Sparse.pbtxt │ │ │ ├── api_def_TransCsvToDense.pbtxt │ │ │ ├── api_def_Transpose.pbtxt │ │ │ ├── api_def_TruncateDiv.pbtxt │ │ │ ├── api_def_TruncateMod.pbtxt │ │ │ ├── api_def_TruncatedNormal.pbtxt │ │ │ ├── api_def_Unbatch.pbtxt │ │ │ ├── api_def_UnbatchGrad.pbtxt │ │ │ ├── api_def_UnicodeScript.pbtxt │ │ │ ├── api_def_UnicodeTranscode.pbtxt │ │ │ ├── api_def_UniformCandidateSampler.pbtxt │ │ │ ├── api_def_Unique.pbtxt │ │ │ ├── api_def_UniqueV2.pbtxt │ │ │ ├── api_def_UniqueWithCounts.pbtxt │ │ │ ├── api_def_UniqueWithCountsV2.pbtxt │ │ │ ├── api_def_UniqueWithExtraCounts.pbtxt │ │ │ ├── api_def_Unpack.pbtxt │ │ │ ├── api_def_UnsortedSegmentJoin.pbtxt │ │ │ ├── api_def_UnsortedSegmentMax.pbtxt │ │ │ ├── api_def_UnsortedSegmentMin.pbtxt │ │ │ ├── api_def_UnsortedSegmentProd.pbtxt │ │ │ ├── api_def_UnsortedSegmentSum.pbtxt │ │ │ ├── api_def_Unstage.pbtxt │ │ │ ├── api_def_VarHandleOp.pbtxt │ │ │ ├── api_def_VarIsInitializedOp.pbtxt │ │ │ ├── api_def_Variable.pbtxt │ │ │ ├── api_def_VariableShape.pbtxt │ │ │ ├── api_def_VariableV2.pbtxt │ │ │ ├── api_def_Where.pbtxt │ │ │ ├── api_def_While.pbtxt │ │ │ ├── api_def_WholeFileReader.pbtxt │ │ │ ├── api_def_WholeFileReaderV2.pbtxt │ │ │ ├── api_def_WriteAudioSummary.pbtxt │ │ │ ├── api_def_WriteFile.pbtxt │ │ │ ├── api_def_WriteGraphSummary.pbtxt │ │ │ ├── api_def_WriteHistogramSummary.pbtxt │ │ │ ├── api_def_WriteImageSummary.pbtxt │ │ │ ├── api_def_WriteScalarSummary.pbtxt │ │ │ ├── api_def_WriteSummary.pbtxt │ │ │ ├── api_def_Xdivy.pbtxt │ │ │ ├── api_def_Xlogy.pbtxt │ │ │ ├── api_def_ZerosLike.pbtxt │ │ │ └── api_def_Zeta.pbtxt │ │ ├── update_api_def.cc │ │ ├── update_api_def.h │ │ ├── update_api_def.sh │ │ ├── update_api_def_main.cc │ │ └── update_api_def_test.cc │ ├── common_runtime │ │ ├── accumulate_n_optimizer.cc │ │ ├── allocator_retry.cc │ │ ├── allocator_retry.h │ │ ├── base_collective_executor.cc │ │ ├── base_collective_executor.h │ │ ├── bfc_allocator.cc │ │ ├── bfc_allocator.h │ │ ├── buf_rendezvous.cc │ │ ├── buf_rendezvous.h │ │ ├── buf_rendezvous_test.cc │ │ ├── build_graph_options.cc │ │ ├── build_graph_options.h │ │ ├── collective_executor_mgr.cc │ │ ├── collective_executor_mgr.h │ │ ├── collective_executor_mgr_test.cc │ │ ├── collective_param_resolver_local.cc │ │ ├── collective_param_resolver_local.h │ │ ├── collective_param_resolver_local_test.cc │ │ ├── collective_rma_local.cc │ │ ├── collective_rma_local.h │ │ ├── collective_rma_local_test.cc │ │ ├── collective_util.cc │ │ ├── collective_util.h │ │ ├── colocation_graph.cc │ │ ├── colocation_graph.h │ │ ├── constant_folding.cc │ │ ├── constant_folding.h │ │ ├── constant_folding_test.cc │ │ ├── copy_tensor.cc │ │ ├── copy_tensor.h │ │ ├── costmodel.h │ │ ├── costmodel_manager.cc │ │ ├── costmodel_manager.h │ │ ├── custom_thread_pool.h │ │ ├── data │ │ │ ├── BUILD │ │ │ ├── standalone.cc │ │ │ ├── standalone.h │ │ │ └── standalone_test.cc │ │ ├── debugger_state_interface.cc │ │ ├── debugger_state_interface.h │ │ ├── device.cc │ │ ├── device.h │ │ ├── device_factory.cc │ │ ├── device_factory.h │ │ ├── device_mgr.cc │ │ ├── device_mgr.h │ │ ├── device_resolver_local.cc │ │ ├── device_resolver_local.h │ │ ├── device_resolver_local_test.cc │ │ ├── device_set.cc │ │ ├── device_set.h │ │ ├── device_set_test.cc │ │ ├── direct_session.cc │ │ ├── direct_session.h │ │ ├── direct_session_group.cc │ │ ├── direct_session_group.h │ │ ├── direct_session_group_test.cc │ │ ├── direct_session_test.cc │ │ ├── direct_session_with_tracking_alloc_test.cc │ │ ├── dma_helper.h │ │ ├── eager │ │ │ ├── BUILD │ │ │ ├── attr_builder.cc │ │ │ ├── attr_builder.h │ │ │ ├── attr_builder_test.cc │ │ │ ├── context.cc │ │ │ ├── context.h │ │ │ ├── copy_to_device_node.h │ │ │ ├── eager_executor.cc │ │ │ ├── eager_executor.h │ │ │ ├── eager_op_rewrite_registry.cc │ │ │ ├── eager_op_rewrite_registry.h │ │ │ ├── eager_op_rewrite_registry_test.cc │ │ │ ├── eager_operation.cc │ │ │ ├── eager_operation.h │ │ │ ├── execute.cc │ │ │ ├── execute.h │ │ │ ├── execute_node.h │ │ │ ├── kernel_and_device.cc │ │ │ ├── kernel_and_device.h │ │ │ ├── kernel_and_device_test.cc │ │ │ ├── mkl_eager_op_rewrite.cc │ │ │ ├── mkl_eager_op_rewrite_test.cc │ │ │ ├── tensor_handle.cc │ │ │ ├── tensor_handle.h │ │ │ ├── tensor_handle_data.cc │ │ │ └── tensor_handle_data.h │ │ ├── entry.h │ │ ├── eval_const_tensor.cc │ │ ├── eval_const_tensor.h │ │ ├── executor.cc │ │ ├── executor.h │ │ ├── executor_factory.cc │ │ ├── executor_factory.h │ │ ├── executor_test.cc │ │ ├── function.cc │ │ ├── function.h │ │ ├── function_test.cc │ │ ├── function_testlib.cc │ │ ├── function_testlib.h │ │ ├── function_threadpool_test.cc │ │ ├── gpu │ │ │ ├── gpu_adjustable_allocator.cc │ │ │ ├── gpu_adjustable_allocator.h │ │ │ ├── gpu_adjustable_allocator_test.cc │ │ │ ├── gpu_allocator_retry_test.cc │ │ │ ├── gpu_bfc_allocator.cc │ │ │ ├── gpu_bfc_allocator.h │ │ │ ├── gpu_bfc_allocator_test.cc │ │ │ ├── gpu_cuda_graph_bfc_allocator.cc │ │ │ ├── gpu_cuda_graph_bfc_allocator.h │ │ │ ├── gpu_cuda_graph_mode_context.cc │ │ │ ├── gpu_cuda_graph_mode_context.h │ │ │ ├── gpu_cuda_graph_mode_mem.cc │ │ │ ├── gpu_cuda_graph_mode_mem.h │ │ │ ├── gpu_cuda_graph_mode_session.cc │ │ │ ├── gpu_cuda_graph_mode_session.h │ │ │ ├── gpu_cuda_graph_mode_session_test.cc │ │ │ ├── gpu_cuda_graph_mode_validate_pass.cc │ │ │ ├── gpu_cudamalloc_allocator.cc │ │ │ ├── gpu_cudamalloc_allocator.h │ │ │ ├── gpu_cudamallocasync_allocator.cc │ │ │ ├── gpu_cudamallocasync_allocator.h │ │ │ ├── gpu_debug_allocator.cc │ │ │ ├── gpu_debug_allocator.h │ │ │ ├── gpu_debug_allocator_test.cc │ │ │ ├── gpu_device.cc │ │ │ ├── gpu_device.h │ │ │ ├── gpu_device_factory.cc │ │ │ ├── gpu_device_on_non_gpu_machine_test.cc │ │ │ ├── gpu_device_placement_pass.cc │ │ │ ├── gpu_device_test.cc │ │ │ ├── gpu_event_mgr.cc │ │ │ ├── gpu_event_mgr.h │ │ │ ├── gpu_event_mgr_test.cc │ │ │ ├── gpu_host_allocator.h │ │ │ ├── gpu_id.h │ │ │ ├── gpu_id_manager.cc │ │ │ ├── gpu_id_manager.h │ │ │ ├── gpu_id_manager_test.cc │ │ │ ├── gpu_id_utils.h │ │ │ ├── gpu_init.cc │ │ │ ├── gpu_init.h │ │ │ ├── gpu_managed_allocator.cc │ │ │ ├── gpu_managed_allocator.h │ │ │ ├── gpu_mem_allocator.h │ │ │ ├── gpu_process_state.cc │ │ │ ├── gpu_process_state.h │ │ │ ├── gpu_stage_multi_stream_pass.cc │ │ │ ├── gpu_stage_pack_trans_pass.cc │ │ │ ├── gpu_stage_subgraph_on_cpu_pass.cc │ │ │ ├── gpu_stream_util.cc │ │ │ ├── gpu_stream_util.h │ │ │ ├── gpu_stream_util_test.cc │ │ │ ├── gpu_util.cc │ │ │ ├── gpu_util.h │ │ │ ├── gpu_util_platform_specific.cc │ │ │ ├── gpu_vmem_allocator.cc │ │ │ ├── gpu_vmem_allocator.h │ │ │ ├── gpu_vmem_allocator_test.cc │ │ │ └── pool_allocator_test.cc │ │ ├── gpu_device_context.h │ │ ├── gpu_memory_planner.cc │ │ ├── gpu_memory_planner.h │ │ ├── gpu_tensorpool_allocator.cc │ │ ├── gpu_tensorpool_allocator.h │ │ ├── gpu_tensorpool_allocator_test.cc │ │ ├── graph_execution_state.cc │ │ ├── graph_execution_state.h │ │ ├── graph_optimizer.cc │ │ ├── graph_optimizer.h │ │ ├── graph_runner.cc │ │ ├── graph_runner.h │ │ ├── graph_runner_test.cc │ │ ├── graph_view.cc │ │ ├── graph_view.h │ │ ├── hierarchical_tree_broadcaster.cc │ │ ├── hierarchical_tree_broadcaster.h │ │ ├── hierarchical_tree_broadcaster_test.cc │ │ ├── immutable_executor_state.cc │ │ ├── immutable_executor_state.h │ │ ├── input_colocation_exemption_registry.cc │ │ ├── input_colocation_exemption_registry.h │ │ ├── input_colocation_exemption_registry_test.cc │ │ ├── inspecting_placer.cc │ │ ├── inspecting_placer.h │ │ ├── isolate_placer_inspection_required_ops_pass.cc │ │ ├── isolate_placer_inspection_required_ops_pass.h │ │ ├── isolate_placer_inspection_required_ops_pass_test.cc │ │ ├── kernel_benchmark_testlib.cc │ │ ├── kernel_benchmark_testlib.h │ │ ├── kernel_stat.h │ │ ├── local_device.cc │ │ ├── local_device.h │ │ ├── lower_case_op.cc │ │ ├── lower_case_op.h │ │ ├── lower_case_op_test.cc │ │ ├── lower_function_call_op.cc │ │ ├── lower_function_call_op.h │ │ ├── lower_function_call_op_test.cc │ │ ├── lower_functional_ops.cc │ │ ├── lower_functional_ops.h │ │ ├── lower_functional_ops_test.cc │ │ ├── lower_if_op.cc │ │ ├── lower_if_op.h │ │ ├── lower_if_op_test.cc │ │ ├── lower_while_op.cc │ │ ├── lower_while_op.h │ │ ├── lower_while_op_test.cc │ │ ├── memory_planner.cc │ │ ├── memory_planner.h │ │ ├── memory_types.cc │ │ ├── memory_types.h │ │ ├── memory_types_test.cc │ │ ├── metrics.cc │ │ ├── metrics.h │ │ ├── mkl_cpu_allocator.cc │ │ ├── mkl_cpu_allocator.h │ │ ├── mkl_cpu_allocator_test.cc │ │ ├── mkl_threadpool_device_test.cc │ │ ├── optimization_registry.cc │ │ ├── optimization_registry.h │ │ ├── optimization_registry_test.cc │ │ ├── parallel_concat_optimizer.cc │ │ ├── partitioning_utils.cc │ │ ├── partitioning_utils.h │ │ ├── partitioning_utils_test.cc │ │ ├── pending_counts.h │ │ ├── pending_counts_test.cc │ │ ├── placer.cc │ │ ├── placer.h │ │ ├── placer_inspection_required_ops_utils.cc │ │ ├── placer_inspection_required_ops_utils.h │ │ ├── placer_inspection_required_ops_utils_test.cc │ │ ├── placer_test.cc │ │ ├── pool_allocator.cc │ │ ├── pool_allocator.h │ │ ├── process_function_library_runtime.cc │ │ ├── process_function_library_runtime.h │ │ ├── process_function_library_runtime_test.cc │ │ ├── process_state.cc │ │ ├── process_state.h │ │ ├── process_util.cc │ │ ├── process_util.h │ │ ├── process_util_test.cc │ │ ├── profile_handler.h │ │ ├── propagator_debug_utils.cc │ │ ├── propagator_debug_utils.h │ │ ├── propagator_state.cc │ │ ├── propagator_state.h │ │ ├── renamed_device.cc │ │ ├── renamed_device.h │ │ ├── rendezvous_mgr.cc │ │ ├── rendezvous_mgr.h │ │ ├── rendezvous_util.cc │ │ ├── rendezvous_util.h │ │ ├── rendezvous_util_test.cc │ │ ├── ring_alg.cc │ │ ├── ring_alg.h │ │ ├── ring_gatherer.cc │ │ ├── ring_gatherer.h │ │ ├── ring_gatherer_test.cc │ │ ├── ring_reducer.cc │ │ ├── ring_reducer.h │ │ ├── ring_reducer_test.cc │ │ ├── scoped_allocator.cc │ │ ├── scoped_allocator.h │ │ ├── scoped_allocator_mgr.cc │ │ ├── scoped_allocator_mgr.h │ │ ├── scoped_allocator_mgr_test.cc │ │ ├── session.cc │ │ ├── session_factory.cc │ │ ├── session_factory.h │ │ ├── session_options.cc │ │ ├── session_state.cc │ │ ├── session_test.cc │ │ ├── shape_refiner.cc │ │ ├── shape_refiner.h │ │ ├── shape_refiner_test.cc │ │ ├── shared_counter.h │ │ ├── simple_propagator_state.cc │ │ ├── simple_propagator_state.h │ │ ├── single_threaded_cpu_device.cc │ │ ├── single_threaded_cpu_device.h │ │ ├── size_class.h │ │ ├── stats_publisher_interface.cc │ │ ├── stats_publisher_interface.h │ │ ├── step_stats_collector.cc │ │ ├── step_stats_collector.h │ │ ├── sycl │ │ │ ├── sycl_allocator.cc │ │ │ ├── sycl_allocator.h │ │ │ ├── sycl_device.cc │ │ │ ├── sycl_device.h │ │ │ ├── sycl_device_context.cc │ │ │ ├── sycl_device_context.h │ │ │ ├── sycl_device_factory.cc │ │ │ └── sycl_util.h │ │ ├── tensorpool_allocator.cc │ │ ├── tensorpool_allocator.h │ │ ├── tensorpool_allocator_test.cc │ │ ├── test_collective_executor_mgr.h │ │ ├── testlib_ops.cc │ │ ├── threadpool_device.cc │ │ ├── threadpool_device.h │ │ ├── threadpool_device_factory.cc │ │ ├── threadpool_device_test.cc │ │ ├── virtual_threadpool.cc │ │ └── virtual_threadpool.h │ ├── debug │ │ ├── BUILD │ │ ├── debug.cc │ │ ├── debug_callback_registry.cc │ │ ├── debug_callback_registry.h │ │ ├── debug_graph_utils.cc │ │ ├── debug_graph_utils.h │ │ ├── debug_graph_utils_test.cc │ │ ├── debug_grpc_io_utils_test.cc │ │ ├── debug_grpc_testlib.cc │ │ ├── debug_grpc_testlib.h │ │ ├── debug_io_utils.cc │ │ ├── debug_io_utils.h │ │ ├── debug_io_utils_test.cc │ │ ├── debug_node_key.cc │ │ ├── debug_node_key.h │ │ ├── debug_service.proto │ │ ├── debugger_event_metadata.proto │ │ ├── debugger_state_impl.cc │ │ ├── debugger_state_impl.h │ │ └── grpc_session_debug_test.cc │ ├── distributed_runtime │ │ ├── BUILD │ │ ├── README.md │ │ ├── base_rendezvous_mgr.cc │ │ ├── base_rendezvous_mgr.h │ │ ├── call_options.cc │ │ ├── call_options.h │ │ ├── call_options_test.cc │ │ ├── cancellable_call.h │ │ ├── cluster_function_library_runtime.cc │ │ ├── cluster_function_library_runtime.h │ │ ├── cluster_function_library_runtime_test.cc │ │ ├── collective_param_resolver_distributed.cc │ │ ├── collective_param_resolver_distributed.h │ │ ├── collective_param_resolver_distributed_test.cc │ │ ├── collective_rma_distributed.cc │ │ ├── collective_rma_distributed.h │ │ ├── collective_rma_distributed_test.cc │ │ ├── device_resolver_distributed.cc │ │ ├── device_resolver_distributed.h │ │ ├── device_resolver_distributed_test.cc │ │ ├── eager │ │ │ ├── BUILD │ │ │ ├── destroy_tensor_handle_node.h │ │ │ ├── eager_client.h │ │ │ ├── eager_service_impl.cc │ │ │ ├── eager_service_impl.h │ │ │ ├── eager_service_impl_test.cc │ │ │ ├── remote_copy_node.cc │ │ │ ├── remote_copy_node.h │ │ │ ├── remote_execute_node.cc │ │ │ ├── remote_execute_node.h │ │ │ ├── remote_mgr.cc │ │ │ ├── remote_mgr.h │ │ │ ├── remote_mgr_test.cc │ │ │ ├── remote_tensor_handle.h │ │ │ ├── remote_tensor_handle_data.cc │ │ │ └── remote_tensor_handle_data.h │ │ ├── graph_mgr.cc │ │ ├── graph_mgr.h │ │ ├── local_master.cc │ │ ├── local_master.h │ │ ├── master.cc │ │ ├── master.h │ │ ├── master_env.h │ │ ├── master_interface.h │ │ ├── master_session.cc │ │ ├── master_session.h │ │ ├── master_test.cc │ │ ├── message_wrappers.cc │ │ ├── message_wrappers.h │ │ ├── message_wrappers_test.cc │ │ ├── partial_run_mgr.cc │ │ ├── partial_run_mgr.h │ │ ├── partial_run_mgr_test.cc │ │ ├── recent_request_ids.cc │ │ ├── recent_request_ids.h │ │ ├── recent_request_ids_test.cc │ │ ├── remote_device.cc │ │ ├── remote_device.h │ │ ├── remote_device_test.cc │ │ ├── rendezvous_mgr_interface.h │ │ ├── request_id.cc │ │ ├── request_id.h │ │ ├── request_id_test.cc │ │ ├── rpc │ │ │ ├── BUILD │ │ │ ├── async_service_interface.h │ │ │ ├── eager │ │ │ │ ├── BUILD │ │ │ │ ├── grpc_eager_client.cc │ │ │ │ ├── grpc_eager_client.h │ │ │ │ ├── grpc_eager_service.h │ │ │ │ ├── grpc_eager_service_impl.cc │ │ │ │ └── grpc_eager_service_impl.h │ │ │ ├── grpc_call.h │ │ │ ├── grpc_channel.cc │ │ │ ├── grpc_channel.h │ │ │ ├── grpc_channel_test.cc │ │ │ ├── grpc_client_cq_tag.h │ │ │ ├── grpc_master_service.cc │ │ │ ├── grpc_master_service.h │ │ │ ├── grpc_master_service_impl.cc │ │ │ ├── grpc_master_service_impl.h │ │ │ ├── grpc_remote_master.cc │ │ │ ├── grpc_remote_master.h │ │ │ ├── grpc_remote_worker.cc │ │ │ ├── grpc_remote_worker.h │ │ │ ├── grpc_response_cache.cc │ │ │ ├── grpc_response_cache.h │ │ │ ├── grpc_rpc_factory.cc │ │ │ ├── grpc_rpc_factory.h │ │ │ ├── grpc_rpc_factory_registration.cc │ │ │ ├── grpc_server_lib.cc │ │ │ ├── grpc_server_lib.h │ │ │ ├── grpc_session.cc │ │ │ ├── grpc_session.h │ │ │ ├── grpc_session_test.cc │ │ │ ├── grpc_state.cc │ │ │ ├── grpc_state.h │ │ │ ├── grpc_tensor_coding.cc │ │ │ ├── grpc_tensor_coding.h │ │ │ ├── grpc_tensor_coding_test.cc │ │ │ ├── grpc_tensorflow_server.cc │ │ │ ├── grpc_testlib.cc │ │ │ ├── grpc_testlib.h │ │ │ ├── grpc_testlib_server.cc │ │ │ ├── grpc_util.cc │ │ │ ├── grpc_util.h │ │ │ ├── grpc_util_test.cc │ │ │ ├── grpc_worker_cache.cc │ │ │ ├── grpc_worker_cache.h │ │ │ ├── grpc_worker_interface.h │ │ │ ├── grpc_worker_service.cc │ │ │ ├── grpc_worker_service.h │ │ │ ├── grpc_worker_service_impl.cc │ │ │ ├── grpc_worker_service_impl.h │ │ │ ├── rpc_rendezvous_mgr.cc │ │ │ ├── rpc_rendezvous_mgr.h │ │ │ └── rpc_rendezvous_mgr_test.cc │ │ ├── rpc_collective_executor_mgr.cc │ │ ├── rpc_collective_executor_mgr.h │ │ ├── rpc_collective_executor_mgr_test.cc │ │ ├── rpcbench_test.cc │ │ ├── scheduler.cc │ │ ├── scheduler.h │ │ ├── server_lib.cc │ │ ├── server_lib.h │ │ ├── server_lib_test.cc │ │ ├── session_mgr.cc │ │ ├── session_mgr.h │ │ ├── session_mgr_test.cc │ │ ├── tensor_coding.cc │ │ ├── tensor_coding.h │ │ ├── tensor_coding_test.cc │ │ ├── test_utils.h │ │ ├── worker.cc │ │ ├── worker.h │ │ ├── worker_cache.h │ │ ├── worker_cache_logger.cc │ │ ├── worker_cache_logger.h │ │ ├── worker_cache_partial.cc │ │ ├── worker_cache_partial.h │ │ ├── worker_cache_wrapper.h │ │ ├── worker_env.h │ │ ├── worker_interface.h │ │ ├── worker_resource.h │ │ ├── worker_session.cc │ │ └── worker_session.h │ ├── example │ │ ├── example.proto │ │ ├── example_parser_configuration.cc │ │ ├── example_parser_configuration.h │ │ ├── example_parser_configuration.proto │ │ ├── example_parser_configuration_test.cc │ │ ├── feature.proto │ │ ├── feature_util.cc │ │ ├── feature_util.h │ │ ├── feature_util_test.cc │ │ └── testdata │ │ │ └── parse_example_graph_def.pbtxt │ ├── framework │ │ ├── allocation_description.proto │ │ ├── allocator.cc │ │ ├── allocator.h │ │ ├── allocator_registry.cc │ │ ├── allocator_registry.h │ │ ├── allocator_test.cc │ │ ├── api_def.proto │ │ ├── attr_value.proto │ │ ├── attr_value_util.cc │ │ ├── attr_value_util.h │ │ ├── attr_value_util_test.cc │ │ ├── bfloat16.cc │ │ ├── bfloat16.h │ │ ├── bfloat16_test.cc │ │ ├── bounds_check.h │ │ ├── cancellation.cc │ │ ├── cancellation.h │ │ ├── cancellation_test.cc │ │ ├── collective.cc │ │ ├── collective.h │ │ ├── common_shape_fns.cc │ │ ├── common_shape_fns.h │ │ ├── common_shape_fns_test.cc │ │ ├── control_flow.h │ │ ├── cost_graph.proto │ │ ├── cpu_allocator_impl.cc │ │ ├── dataset.cc │ │ ├── dataset.h │ │ ├── dataset_stateful_op_whitelist.h │ │ ├── device_attributes.proto │ │ ├── device_base.cc │ │ ├── device_base.h │ │ ├── device_base_test.cc │ │ ├── embedding │ │ │ ├── batch.cu.cc │ │ │ ├── batch.h │ │ │ ├── bloom_filter_policy.h │ │ │ ├── cache.h │ │ │ ├── cache_factory.h │ │ │ ├── cache_thread_pool_creator.h │ │ │ ├── config.proto │ │ │ ├── counter_filter_descriptor_impl.h │ │ │ ├── counter_filter_policy.h │ │ │ ├── cpu_hash_map_kv.h │ │ │ ├── dense_hash_map_kv.h │ │ │ ├── dram_leveldb_storage.h │ │ │ ├── dram_pmem_storage.h │ │ │ ├── dram_ssd_storage.h │ │ │ ├── dynamic_dim_feature_descriptor_impl.h │ │ │ ├── emb_file.h │ │ │ ├── emb_file_creator.h │ │ │ ├── embedding_config.h │ │ │ ├── embedding_memory_pool.h │ │ │ ├── embedding_var.cu.cc │ │ │ ├── embedding_var.h │ │ │ ├── embedding_var_ckpt_data.cc │ │ │ ├── embedding_var_ckpt_data.h │ │ │ ├── embedding_var_context.h │ │ │ ├── embedding_var_dump_iterator.h │ │ │ ├── embedding_var_restore.cc │ │ │ ├── embedding_var_restore.h │ │ │ ├── eviction_manager.h │ │ │ ├── feature_descriptor.h │ │ │ ├── feature_descriptor_impl.h │ │ │ ├── filter_factory.h │ │ │ ├── filter_policy.h │ │ │ ├── globalstep_shrink_policy.h │ │ │ ├── gpu_hash_map_kv.h │ │ │ ├── gpu_hash_table.cu.cc │ │ │ ├── gpu_hash_table.h │ │ │ ├── hbm_dram_ssd_storage.h │ │ │ ├── hbm_dram_storage.h │ │ │ ├── hbm_multi_tier_feature_descriptor.h │ │ │ ├── hbm_storage_iterator.h │ │ │ ├── intra_thread_copy_id_allocator.h │ │ │ ├── kv_interface.h │ │ │ ├── l2weight_shrink_policy.h │ │ │ ├── leveldb_kv.h │ │ │ ├── multi_tier_storage.cu.cc │ │ │ ├── multi_tier_storage.h │ │ │ ├── normal_feature_descriptor.h │ │ │ ├── nullable_filter_policy.h │ │ │ ├── shrink_policy.h │ │ │ ├── single_tier_storage.h │ │ │ ├── ssd_hash_kv.h │ │ │ ├── ssd_record_descriptor.cc │ │ │ ├── ssd_record_descriptor.h │ │ │ ├── storage.h │ │ │ ├── storage_config.h │ │ │ └── storage_factory.h │ │ ├── ev_allocator.cc │ │ ├── ev_allocator.h │ │ ├── ev_allocator_gpu.cu.cc │ │ ├── ev_allocator_test.cc │ │ ├── experimental_pmem_allocator.cc │ │ ├── experimental_pmem_allocator.h │ │ ├── experimental_pmem_allocator_utils.cc │ │ ├── experimental_pmem_allocator_utils.h │ │ ├── fake_input.cc │ │ ├── fake_input.h │ │ ├── function.cc │ │ ├── function.h │ │ ├── function.proto │ │ ├── function_handle_cache.cc │ │ ├── function_handle_cache.h │ │ ├── function_test.cc │ │ ├── function_testlib.cc │ │ ├── function_testlib.h │ │ ├── graph.proto │ │ ├── graph_def_util.cc │ │ ├── graph_def_util.h │ │ ├── graph_def_util_test.cc │ │ ├── graph_to_functiondef.cc │ │ ├── graph_to_functiondef.h │ │ ├── graph_to_functiondef_test.cc │ │ ├── graph_transfer_info.proto │ │ ├── hash_table │ │ │ ├── bloom_filter_strategy.cc │ │ │ ├── bloom_filter_strategy.h │ │ │ ├── bloom_filter_strategy_test.cc │ │ │ ├── hash_table.cc │ │ │ ├── hash_table.h │ │ │ ├── hash_table_test.cc │ │ │ ├── status_collector.h │ │ │ ├── tensible_variable.cc │ │ │ ├── tensible_variable.h │ │ │ ├── tensible_variable_test.cc │ │ │ ├── tensor_generator.cc │ │ │ ├── tensor_generator.h │ │ │ └── tensor_generator_test.cc │ │ ├── kernel_def.proto │ │ ├── kernel_def_builder.cc │ │ ├── kernel_def_builder.h │ │ ├── kernel_def_builder_test.cc │ │ ├── kernel_def_util.cc │ │ ├── kernel_def_util.h │ │ ├── kernel_def_util_test.cc │ │ ├── load_library.cc │ │ ├── log_memory.cc │ │ ├── log_memory.h │ │ ├── log_memory.proto │ │ ├── logging.cc │ │ ├── logging.h │ │ ├── lookup_interface.cc │ │ ├── lookup_interface.h │ │ ├── memory_types.cc │ │ ├── memory_types.h │ │ ├── memory_types_test.cc │ │ ├── model.cc │ │ ├── model.h │ │ ├── model_test.cc │ │ ├── node_def.proto │ │ ├── node_def_builder.cc │ │ ├── node_def_builder.h │ │ ├── node_def_builder_test.cc │ │ ├── node_def_util.cc │ │ ├── node_def_util.h │ │ ├── node_def_util_test.cc │ │ ├── numeric_op.h │ │ ├── numeric_types.h │ │ ├── op.cc │ │ ├── op.h │ │ ├── op_compatibility_test.cc │ │ ├── op_def.proto │ │ ├── op_def_builder.cc │ │ ├── op_def_builder.h │ │ ├── op_def_builder_test.cc │ │ ├── op_def_util.cc │ │ ├── op_def_util.h │ │ ├── op_def_util_test.cc │ │ ├── op_gen_lib.cc │ │ ├── op_gen_lib.h │ │ ├── op_gen_lib_test.cc │ │ ├── op_kernel.cc │ │ ├── op_kernel.h │ │ ├── op_kernel_test.cc │ │ ├── op_registration_test.cc │ │ ├── op_segment.cc │ │ ├── op_segment.h │ │ ├── op_segment_test.cc │ │ ├── ops_util.cc │ │ ├── ops_util.h │ │ ├── partial_tensor_shape.h │ │ ├── partial_tensor_shape_test.cc │ │ ├── pmem_allocator.cc │ │ ├── queue_interface.h │ │ ├── reader_base.cc │ │ ├── reader_base.h │ │ ├── reader_base.proto │ │ ├── reader_interface.h │ │ ├── reader_op_kernel.h │ │ ├── register_types.h │ │ ├── register_types_traits.h │ │ ├── remote_fused_graph_execute_info.proto │ │ ├── rendezvous.cc │ │ ├── rendezvous.h │ │ ├── rendezvous_test.cc │ │ ├── resource_handle.cc │ │ ├── resource_handle.h │ │ ├── resource_handle.proto │ │ ├── resource_mgr.cc │ │ ├── resource_mgr.h │ │ ├── resource_mgr_test.cc │ │ ├── resource_op_kernel.h │ │ ├── resource_op_kernel_test.cc │ │ ├── resource_var.h │ │ ├── run_handler.cc │ │ ├── run_handler.h │ │ ├── run_handler_test.cc │ │ ├── run_handler_util.cc │ │ ├── run_handler_util.h │ │ ├── run_handler_util_test.cc │ │ ├── selective_registration.h │ │ ├── session_state.h │ │ ├── shape_inference.cc │ │ ├── shape_inference.h │ │ ├── shape_inference_test.cc │ │ ├── shape_inference_testutil.cc │ │ ├── shape_inference_testutil.h │ │ ├── shape_inference_testutil_test.cc │ │ ├── stats_aggregator.h │ │ ├── step_stats.proto │ │ ├── summary.proto │ │ ├── tensor.cc │ │ ├── tensor.h │ │ ├── tensor.proto │ │ ├── tensor_description.proto │ │ ├── tensor_reference.cc │ │ ├── tensor_reference.h │ │ ├── tensor_shape.cc │ │ ├── tensor_shape.h │ │ ├── tensor_shape.proto │ │ ├── tensor_shape_test.cc │ │ ├── tensor_slice.cc │ │ ├── tensor_slice.h │ │ ├── tensor_slice.proto │ │ ├── tensor_slice_test.cc │ │ ├── tensor_test.cc │ │ ├── tensor_testutil.cc │ │ ├── tensor_testutil.h │ │ ├── tensor_testutil_test.cc │ │ ├── tensor_types.h │ │ ├── tensor_util.cc │ │ ├── tensor_util.h │ │ ├── tensor_util_test.cc │ │ ├── thread_factory.h │ │ ├── tracking_allocator.cc │ │ ├── tracking_allocator.h │ │ ├── tracking_allocator_test.cc │ │ ├── type_index.h │ │ ├── type_traits.h │ │ ├── typed_allocator.cc │ │ ├── typed_allocator.h │ │ ├── types.cc │ │ ├── types.h │ │ ├── types.proto │ │ ├── types_test.cc │ │ ├── unique_tensor_references.cc │ │ ├── unique_tensor_references.h │ │ ├── unique_tensor_references_test.cc │ │ ├── variable.proto │ │ ├── variant.cc │ │ ├── variant.h │ │ ├── variant_encode_decode.h │ │ ├── variant_op_copy_test.cc │ │ ├── variant_op_registry.cc │ │ ├── variant_op_registry.h │ │ ├── variant_op_registry_test.cc │ │ ├── variant_tensor_data.cc │ │ ├── variant_tensor_data.h │ │ ├── variant_test.cc │ │ ├── versions.cc │ │ ├── versions.h │ │ └── versions.proto │ ├── graph │ │ ├── algorithm.cc │ │ ├── algorithm.h │ │ ├── algorithm_test.cc │ │ ├── benchmark_testlib.h │ │ ├── collective_order.cc │ │ ├── collective_order.h │ │ ├── collective_order_test.cc │ │ ├── colors.cc │ │ ├── colors.h │ │ ├── control_flow.cc │ │ ├── control_flow.h │ │ ├── control_flow_test.cc │ │ ├── costmodel.cc │ │ ├── costmodel.h │ │ ├── default_device.h │ │ ├── edgeset.cc │ │ ├── edgeset.h │ │ ├── edgeset_test.cc │ │ ├── embedding_pass.cc │ │ ├── gradients.cc │ │ ├── gradients.h │ │ ├── graph.cc │ │ ├── graph.h │ │ ├── graph_constructor.cc │ │ ├── graph_constructor.h │ │ ├── graph_constructor_test.cc │ │ ├── graph_def_builder.cc │ │ ├── graph_def_builder.h │ │ ├── graph_def_builder_test.cc │ │ ├── graph_def_builder_util.cc │ │ ├── graph_def_builder_util.h │ │ ├── graph_partition.cc │ │ ├── graph_partition.h │ │ ├── graph_partition_test.cc │ │ ├── graph_test.cc │ │ ├── graph_util.cc │ │ ├── graph_util.h │ │ ├── mkl_graph_util.h │ │ ├── mkl_layout_pass.cc │ │ ├── mkl_layout_pass.h │ │ ├── mkl_layout_pass_lists.h │ │ ├── mkl_layout_pass_test.cc │ │ ├── mkl_tfconversion_pass.cc │ │ ├── mkl_tfconversion_pass.h │ │ ├── mkl_tfconversion_pass_test.cc │ │ ├── node_builder.cc │ │ ├── node_builder.h │ │ ├── node_builder_test.cc │ │ ├── optimizer_cse.cc │ │ ├── optimizer_cse.h │ │ ├── optimizer_cse_test.cc │ │ ├── optimizer_fusion_engine.cc │ │ ├── optimizer_fusion_engine.h │ │ ├── optimizer_fusion_engine_impl.cc │ │ ├── optimizer_fusion_engine_impl.h │ │ ├── optimizer_fusion_engine_test.cc │ │ ├── quantize_training.cc │ │ ├── quantize_training.h │ │ ├── quantize_training_test.cc │ │ ├── smart_stage_pass.cc │ │ ├── star_server_graph_partition.cc │ │ ├── star_server_graph_partition.h │ │ ├── star_server_graph_partition_test.cc │ │ ├── stream_subgraph.cc │ │ ├── stream_subgraph.h │ │ ├── subgraph.cc │ │ ├── subgraph.h │ │ ├── subgraph_test.cc │ │ ├── template_base.h │ │ ├── template_logicsum_base.h │ │ ├── template_select_base.h │ │ ├── template_select_else_scalar.h │ │ ├── template_select_else_scalar_in_grad.h │ │ ├── template_select_pruning_base.h │ │ ├── template_select_pruning_else_const.h │ │ ├── template_select_pruning_then_const.h │ │ ├── template_select_then_scalar.h │ │ ├── template_select_then_scalar_in_grad.h │ │ ├── template_sparse_inner_flatten.h │ │ ├── tensor_id.cc │ │ ├── tensor_id.h │ │ ├── tensor_id_test.cc │ │ ├── testlib.cc │ │ ├── testlib.h │ │ ├── types.h │ │ ├── validate.cc │ │ ├── validate.h │ │ ├── validate_test.cc │ │ ├── while_context.cc │ │ └── while_context.h │ ├── grappler │ │ ├── BUILD │ │ ├── clusters │ │ │ ├── BUILD │ │ │ ├── cluster.cc │ │ │ ├── cluster.h │ │ │ ├── single_machine.cc │ │ │ ├── single_machine.h │ │ │ ├── single_machine_test.cc │ │ │ ├── utils.cc │ │ │ ├── utils.h │ │ │ ├── utils_test.cc │ │ │ ├── virtual_cluster.cc │ │ │ ├── virtual_cluster.h │ │ │ └── virtual_cluster_test.cc │ │ ├── costs │ │ │ ├── BUILD │ │ │ ├── analytical_cost_estimator.cc │ │ │ ├── analytical_cost_estimator.h │ │ │ ├── analytical_cost_estimator_test.cc │ │ │ ├── cost_estimator.cc │ │ │ ├── cost_estimator.h │ │ │ ├── cost_estimator_test.cc │ │ │ ├── graph_memory.cc │ │ │ ├── graph_memory.h │ │ │ ├── graph_memory_test.cc │ │ │ ├── graph_properties.cc │ │ │ ├── graph_properties.h │ │ │ ├── graph_properties_test.cc │ │ │ ├── graph_properties_testdata │ │ │ │ ├── function_error.pbtxt │ │ │ │ ├── function_functional_while.pbtxt │ │ │ │ ├── function_switch.pbtxt │ │ │ │ ├── function_switch_2.pbtxt │ │ │ │ ├── function_switch_shapes.pbtxt │ │ │ │ ├── large_function_graph.pbtxt │ │ │ │ ├── large_graph.pbtxt.html │ │ │ │ ├── loops_and_queues.pbtxt │ │ │ │ ├── loops_and_resource_vars.pbtxt │ │ │ │ ├── merge_without_loops.pbtxt │ │ │ │ ├── nested_loop.pbtxt │ │ │ │ ├── queues_and_loops.pbtxt │ │ │ │ ├── simple_function.pbtxt │ │ │ │ ├── while_loop.pbtxt │ │ │ │ └── while_loop_var_handle_op.pbtxt │ │ │ ├── measuring_cost_estimator.cc │ │ │ ├── measuring_cost_estimator.h │ │ │ ├── op_context.h │ │ │ ├── op_level_cost_estimator.cc │ │ │ ├── op_level_cost_estimator.h │ │ │ ├── op_level_cost_estimator_test.cc │ │ │ ├── op_performance_data.proto │ │ │ ├── robust_stats.cc │ │ │ ├── robust_stats.h │ │ │ ├── robust_stats_test.cc │ │ │ ├── utils.cc │ │ │ ├── utils.h │ │ │ ├── utils_test.cc │ │ │ ├── virtual_placer.cc │ │ │ ├── virtual_placer.h │ │ │ ├── virtual_placer_test.cc │ │ │ ├── virtual_scheduler.cc │ │ │ ├── virtual_scheduler.h │ │ │ └── virtual_scheduler_test.cc │ │ ├── devices.cc │ │ ├── devices.h │ │ ├── graph_analyzer │ │ │ ├── BUILD │ │ │ ├── gen_node.cc │ │ │ ├── gen_node.h │ │ │ ├── gen_node_test.cc │ │ │ ├── graph_analyzer.cc │ │ │ ├── graph_analyzer.h │ │ │ ├── graph_analyzer_test.cc │ │ │ ├── graph_analyzer_tool.cc │ │ │ ├── graph_analyzer_tool.h │ │ │ ├── hash_tools.h │ │ │ ├── hash_tools_test.cc │ │ │ ├── map_tools.h │ │ │ ├── sig_node.cc │ │ │ ├── sig_node.h │ │ │ ├── sig_node_test.cc │ │ │ ├── subgraph.cc │ │ │ ├── subgraph.h │ │ │ ├── subgraph_test.cc │ │ │ ├── test_tools.cc │ │ │ └── test_tools.h │ │ ├── graph_topology_view.cc │ │ ├── graph_topology_view.h │ │ ├── graph_topology_view_test.cc │ │ ├── graph_view.cc │ │ ├── graph_view.h │ │ ├── graph_view_test.cc │ │ ├── grappler_item.cc │ │ ├── grappler_item.h │ │ ├── grappler_item_builder.cc │ │ ├── grappler_item_builder.h │ │ ├── grappler_item_builder_test.cc │ │ ├── grappler_item_test.cc │ │ ├── inputs │ │ │ ├── BUILD │ │ │ ├── file_input_yielder.cc │ │ │ ├── file_input_yielder.h │ │ │ ├── input_yielder.h │ │ │ ├── testdata │ │ │ │ └── test_file.txt │ │ │ ├── trivial_test_graph_input_yielder.cc │ │ │ ├── trivial_test_graph_input_yielder.h │ │ │ ├── utils.cc │ │ │ ├── utils.h │ │ │ └── utils_test.cc │ │ ├── mutable_graph_view.cc │ │ ├── mutable_graph_view.h │ │ ├── mutable_graph_view_test.cc │ │ ├── op_types.cc │ │ ├── op_types.h │ │ ├── optimizers │ │ │ ├── BUILD │ │ │ ├── arithmetic_optimizer.cc │ │ │ ├── arithmetic_optimizer.h │ │ │ ├── arithmetic_optimizer_test.cc │ │ │ ├── arithmetic_optimizer_test_utils.h │ │ │ ├── auto_mixed_precision.cc │ │ │ ├── auto_mixed_precision.h │ │ │ ├── auto_mixed_precision_lists.h │ │ │ ├── auto_mixed_precision_test.cc │ │ │ ├── auto_parallel.cc │ │ │ ├── auto_parallel.h │ │ │ ├── auto_parallel_test.cc │ │ │ ├── concat_cast_fusing.cc │ │ │ ├── concat_cast_fusing.h │ │ │ ├── concat_cast_fusing_test.cc │ │ │ ├── constant_folding.cc │ │ │ ├── constant_folding.h │ │ │ ├── constant_folding_test.cc │ │ │ ├── custom_graph_optimizer.h │ │ │ ├── custom_graph_optimizer_registry.cc │ │ │ ├── custom_graph_optimizer_registry.h │ │ │ ├── custom_graph_optimizer_registry_test.cc │ │ │ ├── data │ │ │ │ ├── BUILD │ │ │ │ ├── auto_shard.cc │ │ │ │ ├── auto_shard.h │ │ │ │ ├── filter_fusion.cc │ │ │ │ ├── filter_fusion.h │ │ │ │ ├── filter_fusion_test.cc │ │ │ │ ├── filter_with_random_uniform_fusion.cc │ │ │ │ ├── filter_with_random_uniform_fusion.h │ │ │ │ ├── filter_with_random_uniform_fusion_test.cc │ │ │ │ ├── function_utils.cc │ │ │ │ ├── function_utils.h │ │ │ │ ├── function_utils_test.cc │ │ │ │ ├── fusion_utils.cc │ │ │ │ ├── fusion_utils.h │ │ │ │ ├── fusion_utils_test.cc │ │ │ │ ├── graph_test_utils.cc │ │ │ │ ├── graph_test_utils.h │ │ │ │ ├── graph_utils.cc │ │ │ │ ├── graph_utils.h │ │ │ │ ├── graph_utils_test.cc │ │ │ │ ├── hoist_random_uniform.cc │ │ │ │ ├── hoist_random_uniform.h │ │ │ │ ├── hoist_random_uniform_test.cc │ │ │ │ ├── inject_prefetch.cc │ │ │ │ ├── inject_prefetch.h │ │ │ │ ├── inject_prefetch_test.cc │ │ │ │ ├── latency_all_edges.cc │ │ │ │ ├── latency_all_edges.h │ │ │ │ ├── latency_all_edges_test.cc │ │ │ │ ├── make_sloppy.cc │ │ │ │ ├── make_sloppy.h │ │ │ │ ├── make_sloppy_test.cc │ │ │ │ ├── make_stateless.cc │ │ │ │ ├── make_stateless.h │ │ │ │ ├── make_stateless_test.cc │ │ │ │ ├── map_and_batch_fusion.cc │ │ │ │ ├── map_and_batch_fusion.h │ │ │ │ ├── map_and_batch_fusion_test.cc │ │ │ │ ├── map_and_filter_fusion.cc │ │ │ │ ├── map_and_filter_fusion.h │ │ │ │ ├── map_and_filter_fusion_test.cc │ │ │ │ ├── map_fusion.cc │ │ │ │ ├── map_fusion.h │ │ │ │ ├── map_fusion_test.cc │ │ │ │ ├── map_parallelization.cc │ │ │ │ ├── map_parallelization.h │ │ │ │ ├── map_parallelization_test.cc │ │ │ │ ├── map_vectorization.cc │ │ │ │ ├── map_vectorization.h │ │ │ │ ├── map_vectorization_test.cc │ │ │ │ ├── meta_optimizer.cc │ │ │ │ ├── meta_optimizer.h │ │ │ │ ├── noop_elimination.cc │ │ │ │ ├── noop_elimination.h │ │ │ │ ├── noop_elimination_test.cc │ │ │ │ ├── optimizer_base.cc │ │ │ │ ├── optimizer_base.h │ │ │ │ ├── parallel_batch.cc │ │ │ │ ├── parallel_batch.h │ │ │ │ ├── parallel_batch_test.cc │ │ │ │ ├── rebatch.cc │ │ │ │ ├── rebatch.h │ │ │ │ ├── shuffle_and_repeat_fusion.cc │ │ │ │ ├── shuffle_and_repeat_fusion.h │ │ │ │ ├── shuffle_and_repeat_fusion_test.cc │ │ │ │ ├── slack.cc │ │ │ │ ├── slack.h │ │ │ │ ├── slack_test.cc │ │ │ │ ├── vectorization │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── cwise_op_vectorizer.cc │ │ │ │ │ ├── decode_csv_vectorizer.cc │ │ │ │ │ ├── parse_single_example_vectorizer.cc │ │ │ │ │ ├── reshape_vectorizer.cc │ │ │ │ │ ├── transpose_vectorizer.cc │ │ │ │ │ ├── unpack_vectorizer.cc │ │ │ │ │ ├── vectorizer.h │ │ │ │ │ ├── vectorizer_registry.cc │ │ │ │ │ ├── vectorizer_registry.h │ │ │ │ │ ├── vectorizer_registry_test.cc │ │ │ │ │ └── wrapped_tensor.h │ │ │ │ ├── vectorization_utils.cc │ │ │ │ ├── vectorization_utils.h │ │ │ │ └── vectorization_utils_test.cc │ │ │ ├── debug_stripper.cc │ │ │ ├── debug_stripper.h │ │ │ ├── debug_stripper_test.cc │ │ │ ├── dependency_optimizer.cc │ │ │ ├── dependency_optimizer.h │ │ │ ├── dependency_optimizer_test.cc │ │ │ ├── dice_fusion.cc │ │ │ ├── dice_fusion.h │ │ │ ├── dice_fusion_test.cc │ │ │ ├── evaluation_utils.cc │ │ │ ├── evaluation_utils.h │ │ │ ├── evaluation_utils_test.cc │ │ │ ├── function_api_info.cc │ │ │ ├── function_api_info.h │ │ │ ├── function_api_info_test.cc │ │ │ ├── function_optimizer.cc │ │ │ ├── function_optimizer.h │ │ │ ├── function_optimizer_test.cc │ │ │ ├── generic_layout_optimizer.cc │ │ │ ├── generic_layout_optimizer.h │ │ │ ├── generic_layout_optimizer_test.cc │ │ │ ├── generic_layout_optimizer_transposer.cc │ │ │ ├── generic_layout_optimizer_transposer.h │ │ │ ├── generic_layout_optimizer_transposer_factory.cc │ │ │ ├── generic_layout_optimizer_transposer_factory.h │ │ │ ├── generic_layout_optimizer_transposer_factory_test.cc │ │ │ ├── generic_layout_optimizer_transposer_test.cc │ │ │ ├── gpu_swapping_kernels.cc │ │ │ ├── gpu_swapping_ops.cc │ │ │ ├── graph_optimizer.h │ │ │ ├── graph_optimizer_stage.cc │ │ │ ├── graph_optimizer_stage.h │ │ │ ├── graph_optimizer_stage_test.cc │ │ │ ├── implementation_selector.cc │ │ │ ├── implementation_selector.h │ │ │ ├── implementation_selector_test.cc │ │ │ ├── layout_optimizer.cc │ │ │ ├── layout_optimizer.h │ │ │ ├── layout_optimizer_test.cc │ │ │ ├── loop_optimizer.cc │ │ │ ├── loop_optimizer.h │ │ │ ├── loop_optimizer_test.cc │ │ │ ├── memory_optimizer.cc │ │ │ ├── memory_optimizer.h │ │ │ ├── memory_optimizer_test.cc │ │ │ ├── meta_optimizer.cc │ │ │ ├── meta_optimizer.h │ │ │ ├── meta_optimizer_test.cc │ │ │ ├── mkl_remapper_test.cc │ │ │ ├── model_pruner.cc │ │ │ ├── model_pruner.h │ │ │ ├── model_pruner_test.cc │ │ │ ├── multi_stream_optimizer.cc │ │ │ ├── multi_stream_optimizer.h │ │ │ ├── pin_to_host_optimizer.cc │ │ │ ├── pin_to_host_optimizer.h │ │ │ ├── pin_to_host_optimizer_test.cc │ │ │ ├── remapper.cc │ │ │ ├── remapper.h │ │ │ ├── remapper_test.cc │ │ │ ├── scoped_allocator_optimizer.cc │ │ │ ├── scoped_allocator_optimizer.h │ │ │ ├── scoped_allocator_optimizer_test.cc │ │ │ ├── shape_optimizer.cc │ │ │ ├── shape_optimizer.h │ │ │ ├── shape_optimizer_test.cc │ │ │ ├── static_schedule.cc │ │ │ ├── static_schedule.h │ │ │ └── static_schedule_test.cc │ │ ├── utils.cc │ │ ├── utils.h │ │ ├── utils │ │ │ ├── BUILD │ │ │ ├── canonicalizer.cc │ │ │ ├── canonicalizer.h │ │ │ ├── canonicalizer_test.cc │ │ │ ├── colocation.cc │ │ │ ├── colocation.h │ │ │ ├── colocation_test.cc │ │ │ ├── frame.cc │ │ │ ├── frame.h │ │ │ ├── frame_test.cc │ │ │ ├── functions.cc │ │ │ ├── functions.h │ │ │ ├── functions_test.cc │ │ │ ├── graph_view.cc │ │ │ ├── graph_view.h │ │ │ ├── graph_view_internal.h │ │ │ ├── graph_view_internal_test.cc │ │ │ ├── graph_view_test.cc │ │ │ ├── grappler_test.cc │ │ │ ├── grappler_test.h │ │ │ ├── grappler_test_test.cc │ │ │ ├── pattern_utils.cc │ │ │ ├── pattern_utils.h │ │ │ ├── pattern_utils_test.cc │ │ │ ├── scc.cc │ │ │ ├── scc.h │ │ │ ├── scc_test.cc │ │ │ ├── symbolic_shapes.cc │ │ │ ├── symbolic_shapes.h │ │ │ ├── symbolic_shapes_test.cc │ │ │ ├── topological_sort.cc │ │ │ ├── topological_sort.h │ │ │ ├── topological_sort_test.cc │ │ │ ├── tpu.cc │ │ │ ├── tpu.h │ │ │ ├── tpu_test.cc │ │ │ ├── traversal.cc │ │ │ ├── traversal.h │ │ │ └── traversal_test.cc │ │ ├── utils_test.cc │ │ └── verifiers │ │ │ ├── BUILD │ │ │ ├── graph_verifier.h │ │ │ ├── structure_verifier.cc │ │ │ ├── structure_verifier.h │ │ │ └── structure_verifier_test.cc │ ├── kernels │ │ ├── BUILD │ │ ├── adjust_contrast_op.cc │ │ ├── adjust_contrast_op.h │ │ ├── adjust_contrast_op_benchmark_test.cc │ │ ├── adjust_contrast_op_gpu.cu.cc │ │ ├── adjust_contrast_op_test.cc │ │ ├── adjust_hsv_gpu.cu.h │ │ ├── adjust_hue_op.cc │ │ ├── adjust_hue_op.h │ │ ├── adjust_hue_op_gpu.cu.cc │ │ ├── adjust_saturation_op.cc │ │ ├── adjust_saturation_op.h │ │ ├── adjust_saturation_op_gpu.cu.cc │ │ ├── aggregate_ops.cc │ │ ├── aggregate_ops.h │ │ ├── aggregate_ops_cpu.h │ │ ├── aggregate_ops_gpu.cu.cc │ │ ├── argmax_op.cc │ │ ├── argmax_op.h │ │ ├── argmax_op_gpu.cu.cc │ │ ├── as_string_op.cc │ │ ├── as_string_op_test.cc │ │ ├── assign_op.h │ │ ├── attention_ops.cc │ │ ├── avgpooling_op.cc │ │ ├── avgpooling_op.h │ │ ├── avgpooling_op_gpu.cu.cc │ │ ├── barrier_ops.cc │ │ ├── base64_ops.cc │ │ ├── basic_ops_benchmark_test.cc │ │ ├── batch_kernels.cc │ │ ├── batch_norm_op.cc │ │ ├── batch_norm_op.h │ │ ├── batch_norm_op_gpu.cu.cc │ │ ├── batch_norm_op_test.cc │ │ ├── batch_util.h │ │ ├── batched_non_max_suppression_op.cu.cc │ │ ├── batched_non_max_suppression_op.h │ │ ├── batched_non_max_suppression_op_gpu_test.cc │ │ ├── batching_util │ │ │ ├── BUILD │ │ │ ├── adaptive_shared_batch_scheduler.h │ │ │ ├── adaptive_shared_batch_scheduler_test.cc │ │ │ ├── basic_batch_scheduler.h │ │ │ ├── basic_batch_scheduler_benchmark_test.cc │ │ │ ├── basic_batch_scheduler_test.cc │ │ │ ├── batch_scheduler.h │ │ │ ├── batch_scheduler_test.cc │ │ │ ├── fake_clock_env.cc │ │ │ ├── fake_clock_env.h │ │ │ ├── periodic_function.cc │ │ │ ├── periodic_function.h │ │ │ ├── periodic_function_test.cc │ │ │ ├── serial_device_batch_scheduler.h │ │ │ ├── serial_device_batch_scheduler_test.cc │ │ │ ├── shared_batch_scheduler.h │ │ │ └── shared_batch_scheduler_test.cc │ │ ├── batchtospace_op.cc │ │ ├── bcast_ops.cc │ │ ├── betainc_op.cc │ │ ├── betainc_op.h │ │ ├── betainc_op_gpu.cu.cc │ │ ├── bias_grad_ali_op.cc │ │ ├── bias_grad_ali_op_cpu.h │ │ ├── bias_grad_ali_op_test.cc │ │ ├── bias_op.cc │ │ ├── bias_op.h │ │ ├── bias_op_gpu.cu.cc │ │ ├── bias_op_gpu.h │ │ ├── bias_op_test.cc │ │ ├── bincount_op.cc │ │ ├── bincount_op.h │ │ ├── bincount_op_gpu.cu.cc │ │ ├── bincount_op_test.cc │ │ ├── boosted_trees │ │ │ ├── BUILD │ │ │ ├── boosted_trees.proto │ │ │ ├── prediction_ops.cc │ │ │ ├── quantile_ops.cc │ │ │ ├── quantiles │ │ │ │ ├── BUILD │ │ │ │ ├── quantile_stream_resource.h │ │ │ │ ├── weighted_quantiles_buffer.h │ │ │ │ ├── weighted_quantiles_buffer_test.cc │ │ │ │ ├── weighted_quantiles_stream.h │ │ │ │ ├── weighted_quantiles_stream_test.cc │ │ │ │ ├── weighted_quantiles_summary.h │ │ │ │ └── weighted_quantiles_summary_test.cc │ │ │ ├── resource_ops.cc │ │ │ ├── resources.cc │ │ │ ├── resources.h │ │ │ ├── stats_ops.cc │ │ │ ├── training_ops.cc │ │ │ ├── tree_helper.h │ │ │ └── tree_helper_test.cc │ │ ├── broadcast_to_op.cc │ │ ├── broadcast_to_op.h │ │ ├── broadcast_to_op_gpu.cu.cc │ │ ├── bucketize_op.cc │ │ ├── bucketize_op.h │ │ ├── bucketize_op_gpu.cu.cc │ │ ├── candidate_sampler_ops.cc │ │ ├── cast_op.cc │ │ ├── cast_op.h │ │ ├── cast_op_gpu.cu.cc │ │ ├── cast_op_impl.h │ │ ├── cast_op_impl_bfloat.cc │ │ ├── cast_op_impl_bool.cc │ │ ├── cast_op_impl_complex128.cc │ │ ├── cast_op_impl_complex64.cc │ │ ├── cast_op_impl_double.cc │ │ ├── cast_op_impl_float.cc │ │ ├── cast_op_impl_half.cc │ │ ├── cast_op_impl_int16.cc │ │ ├── cast_op_impl_int32.cc │ │ ├── cast_op_impl_int64.cc │ │ ├── cast_op_impl_int8.cc │ │ ├── cast_op_impl_uint16.cc │ │ ├── cast_op_impl_uint32.cc │ │ ├── cast_op_impl_uint64.cc │ │ ├── cast_op_impl_uint8.cc │ │ ├── cast_op_test.cc │ │ ├── check_numerics_op.cc │ │ ├── check_numerics_op_gpu.cu.cc │ │ ├── cholesky_grad.cc │ │ ├── cholesky_op.cc │ │ ├── clustering_ops.cc │ │ ├── clustering_ops_test.cc │ │ ├── collective_nccl.cc │ │ ├── collective_nccl.h │ │ ├── collective_nccl_broadcaster.cc │ │ ├── collective_nccl_broadcaster.h │ │ ├── collective_nccl_gatherer.cc │ │ ├── collective_nccl_gatherer.h │ │ ├── collective_nccl_reducer.cc │ │ ├── collective_nccl_reducer.h │ │ ├── collective_nccl_test.cc │ │ ├── collective_ops.cc │ │ ├── colorspace_op.cc │ │ ├── colorspace_op.h │ │ ├── colorspace_op_gpu.cu.cc │ │ ├── colorspace_op_test.cc │ │ ├── compare_and_bitpack_op.cc │ │ ├── compare_and_bitpack_op.h │ │ ├── compare_and_bitpack_op_gpu.cu.cc │ │ ├── concat_lib.h │ │ ├── concat_lib_cpu.cc │ │ ├── concat_lib_cpu.h │ │ ├── concat_lib_gpu.cc │ │ ├── concat_lib_gpu.h │ │ ├── concat_lib_gpu_impl.cu.cc │ │ ├── concat_op.cc │ │ ├── concat_op_test.cc │ │ ├── conditional_accumulator.h │ │ ├── conditional_accumulator_base.cc │ │ ├── conditional_accumulator_base.h │ │ ├── conditional_accumulator_base_op.cc │ │ ├── conditional_accumulator_base_op.h │ │ ├── conditional_accumulator_op.cc │ │ ├── constant_op.cc │ │ ├── constant_op.h │ │ ├── constant_op_gpu.cu.cc │ │ ├── constant_op_test.cc │ │ ├── control_flow_ops.cc │ │ ├── control_flow_ops.h │ │ ├── control_flow_ops_test.cc │ │ ├── conv_2d.h │ │ ├── conv_2d_gpu.h │ │ ├── conv_2d_gpu_double.cu.cc │ │ ├── conv_2d_gpu_float.cu.cc │ │ ├── conv_2d_gpu_half.cu.cc │ │ ├── conv_2d_gpu_int.cu.cc │ │ ├── conv_2d_gpu_uint16.cu.cc │ │ ├── conv_2d_gpu_uint32.cu.cc │ │ ├── conv_2d_gpu_uint64.cu.cc │ │ ├── conv_2d_gpu_uint8.cu.cc │ │ ├── conv_3d.h │ │ ├── conv_grad_filter_ops.cc │ │ ├── conv_grad_filter_ops_benchmark_test.cc │ │ ├── conv_grad_input_ops.cc │ │ ├── conv_grad_input_ops_benchmark_test.cc │ │ ├── conv_grad_ops.cc │ │ ├── conv_grad_ops.h │ │ ├── conv_grad_ops_3d.cc │ │ ├── conv_ops.cc │ │ ├── conv_ops.h │ │ ├── conv_ops_3d.cc │ │ ├── conv_ops_benchmark_test.cc │ │ ├── conv_ops_fused_double.cc │ │ ├── conv_ops_fused_float.cc │ │ ├── conv_ops_fused_half.cc │ │ ├── conv_ops_fused_image_transform.cc │ │ ├── conv_ops_fused_impl.h │ │ ├── conv_ops_gpu.h │ │ ├── conv_ops_gpu_2.cu.cc │ │ ├── conv_ops_test.cc │ │ ├── conv_ops_using_gemm.cc │ │ ├── count_up_to_op.cc │ │ ├── crop_and_resize_op.cc │ │ ├── crop_and_resize_op.h │ │ ├── crop_and_resize_op_benchmark_test.cc │ │ ├── crop_and_resize_op_gpu.cu.cc │ │ ├── crop_and_resize_op_test.cc │ │ ├── crop_resize_bilinear_core.h │ │ ├── cross_op.cc │ │ ├── cross_op.h │ │ ├── cross_op_gpu.cu.cc │ │ ├── cross_op_test.cc │ │ ├── ctc_decoder_ops.cc │ │ ├── ctc_loss_op.cc │ │ ├── cuda_solvers.cc │ │ ├── cuda_solvers.h │ │ ├── cuda_sparse.cc │ │ ├── cuda_sparse.h │ │ ├── cudnn_pooling_gpu.cc │ │ ├── cudnn_pooling_gpu.h │ │ ├── cudnn_rnn_ops.cc │ │ ├── cwise_op_abs.cc │ │ ├── cwise_op_acos.cc │ │ ├── cwise_op_acosh.cc │ │ ├── cwise_op_add_1.cc │ │ ├── cwise_op_add_2.cc │ │ ├── cwise_op_arg.cc │ │ ├── cwise_op_asin.cc │ │ ├── cwise_op_asinh.cc │ │ ├── cwise_op_atan.cc │ │ ├── cwise_op_atan2.cc │ │ ├── cwise_op_atanh.cc │ │ ├── cwise_op_bessel.cc │ │ ├── cwise_op_bessel.cu.cc │ │ ├── cwise_op_bitwise_and.cc │ │ ├── cwise_op_bitwise_or.cc │ │ ├── cwise_op_bitwise_xor.cc │ │ ├── cwise_op_ceil.cc │ │ ├── cwise_op_clip.cc │ │ ├── cwise_op_clip.h │ │ ├── cwise_op_clip_gpu.cu.cc │ │ ├── cwise_op_complex.cc │ │ ├── cwise_op_conj.cc │ │ ├── cwise_op_cos.cc │ │ ├── cwise_op_cosh.cc │ │ ├── cwise_op_digamma.cc │ │ ├── cwise_op_div.cc │ │ ├── cwise_op_equal_to_1.cc │ │ ├── cwise_op_equal_to_2.cc │ │ ├── cwise_op_erf.cc │ │ ├── cwise_op_erfc.cc │ │ ├── cwise_op_exp.cc │ │ ├── cwise_op_expm1.cc │ │ ├── cwise_op_floor.cc │ │ ├── cwise_op_floor_div.cc │ │ ├── cwise_op_floor_mod.cc │ │ ├── cwise_op_gpu_abs.cu.cc │ │ ├── cwise_op_gpu_acos.cu.cc │ │ ├── cwise_op_gpu_acosh.cu.cc │ │ ├── cwise_op_gpu_add.cu.cc │ │ ├── cwise_op_gpu_arg.cu.cc │ │ ├── cwise_op_gpu_asin.cu.cc │ │ ├── cwise_op_gpu_asinh.cu.cc │ │ ├── cwise_op_gpu_atan.cu.cc │ │ ├── cwise_op_gpu_atan2.cu.cc │ │ ├── cwise_op_gpu_atanh.cu.cc │ │ ├── cwise_op_gpu_bitwise_and.cu.cc │ │ ├── cwise_op_gpu_bitwise_or.cu.cc │ │ ├── cwise_op_gpu_bitwise_xor.cu.cc │ │ ├── cwise_op_gpu_ceil.cu.cc │ │ ├── cwise_op_gpu_complex.cu.cc │ │ ├── cwise_op_gpu_conj.cu.cc │ │ ├── cwise_op_gpu_cos.cu.cc │ │ ├── cwise_op_gpu_cosh.cu.cc │ │ ├── cwise_op_gpu_digamma.cu.cc │ │ ├── cwise_op_gpu_div.cu.cc │ │ ├── cwise_op_gpu_div_int.cu.cc │ │ ├── cwise_op_gpu_div_no_nan.cu.cc │ │ ├── cwise_op_gpu_equal_to.cu.cc │ │ ├── cwise_op_gpu_erf.cu.cc │ │ ├── cwise_op_gpu_erfc.cu.cc │ │ ├── cwise_op_gpu_exp.cu.cc │ │ ├── cwise_op_gpu_expm1.cu.cc │ │ ├── cwise_op_gpu_floor.cu.cc │ │ ├── cwise_op_gpu_floor_div.cu.cc │ │ ├── cwise_op_gpu_floor_mod.cu.cc │ │ ├── cwise_op_gpu_greater.cu.cc │ │ ├── cwise_op_gpu_greater_equal.cu.cc │ │ ├── cwise_op_gpu_igammas_double.cu.cc │ │ ├── cwise_op_gpu_igammas_float.cu.cc │ │ ├── cwise_op_gpu_imag.cu.cc │ │ ├── cwise_op_gpu_inverse.cu.cc │ │ ├── cwise_op_gpu_invert.cu.cc │ │ ├── cwise_op_gpu_isfinite.cu.cc │ │ ├── cwise_op_gpu_isinf.cu.cc │ │ ├── cwise_op_gpu_isnan.cu.cc │ │ ├── cwise_op_gpu_left_shift.cu.cc │ │ ├── cwise_op_gpu_less.cu.cc │ │ ├── cwise_op_gpu_less_equal.cu.cc │ │ ├── cwise_op_gpu_lgamma.cu.cc │ │ ├── cwise_op_gpu_log.cu.cc │ │ ├── cwise_op_gpu_log1p.cu.cc │ │ ├── cwise_op_gpu_logical_and.cu.cc │ │ ├── cwise_op_gpu_logical_not.cu.cc │ │ ├── cwise_op_gpu_logical_or.cu.cc │ │ ├── cwise_op_gpu_maximum.cu.cc │ │ ├── cwise_op_gpu_minimum.cu.cc │ │ ├── cwise_op_gpu_mod.cu.cc │ │ ├── cwise_op_gpu_mul.cu.cc │ │ ├── cwise_op_gpu_mul_int.cu.cc │ │ ├── cwise_op_gpu_mul_no_nan.cu.cc │ │ ├── cwise_op_gpu_neg.cu.cc │ │ ├── cwise_op_gpu_not_equal_to.cu.cc │ │ ├── cwise_op_gpu_pow.cu.cc │ │ ├── cwise_op_gpu_random_grad.cu.cc │ │ ├── cwise_op_gpu_real.cu.cc │ │ ├── cwise_op_gpu_right_shift.cu.cc │ │ ├── cwise_op_gpu_rint.cu.cc │ │ ├── cwise_op_gpu_round.cu.cc │ │ ├── cwise_op_gpu_rsqrt.cu.cc │ │ ├── cwise_op_gpu_select.cu.cc │ │ ├── cwise_op_gpu_sigmoid.cu.cc │ │ ├── cwise_op_gpu_sign.cu.cc │ │ ├── cwise_op_gpu_sin.cu.cc │ │ ├── cwise_op_gpu_sinh.cu.cc │ │ ├── cwise_op_gpu_sqrt.cu.cc │ │ ├── cwise_op_gpu_square.cu.cc │ │ ├── cwise_op_gpu_squared_difference.cu.cc │ │ ├── cwise_op_gpu_sub.cu.cc │ │ ├── cwise_op_gpu_tan.cu.cc │ │ ├── cwise_op_gpu_tanh.cu.cc │ │ ├── cwise_op_gpu_xdivy.cu.cc │ │ ├── cwise_op_gpu_xlogy.cu.cc │ │ ├── cwise_op_gpu_zeta.cu.cc │ │ ├── cwise_op_greater.cc │ │ ├── cwise_op_greater_equal.cc │ │ ├── cwise_op_igammas.cc │ │ ├── cwise_op_imag.cc │ │ ├── cwise_op_invert.cc │ │ ├── cwise_op_isfinite.cc │ │ ├── cwise_op_isinf.cc │ │ ├── cwise_op_isnan.cc │ │ ├── cwise_op_left_shift.cc │ │ ├── cwise_op_less.cc │ │ ├── cwise_op_less_equal.cc │ │ ├── cwise_op_lgamma.cc │ │ ├── cwise_op_log.cc │ │ ├── cwise_op_log1p.cc │ │ ├── cwise_op_logical_and.cc │ │ ├── cwise_op_logical_not.cc │ │ ├── cwise_op_logical_or.cc │ │ ├── cwise_op_maximum.cc │ │ ├── cwise_op_minimum.cc │ │ ├── cwise_op_mod.cc │ │ ├── cwise_op_mul_1.cc │ │ ├── cwise_op_mul_2.cc │ │ ├── cwise_op_neg.cc │ │ ├── cwise_op_not_equal_to_1.cc │ │ ├── cwise_op_not_equal_to_2.cc │ │ ├── cwise_op_pow.cc │ │ ├── cwise_op_random_grad.cc │ │ ├── cwise_op_real.cc │ │ ├── cwise_op_reciprocal.cc │ │ ├── cwise_op_right_shift.cc │ │ ├── cwise_op_rint.cc │ │ ├── cwise_op_round.cc │ │ ├── cwise_op_rsqrt.cc │ │ ├── cwise_op_select.cc │ │ ├── cwise_op_sigmoid.cc │ │ ├── cwise_op_sign.cc │ │ ├── cwise_op_sin.cc │ │ ├── cwise_op_sinh.cc │ │ ├── cwise_op_sqrt.cc │ │ ├── cwise_op_square.cc │ │ ├── cwise_op_squared_difference.cc │ │ ├── cwise_op_sub.cc │ │ ├── cwise_op_tan.cc │ │ ├── cwise_op_tanh.cc │ │ ├── cwise_op_xdivy.cc │ │ ├── cwise_op_xlogy.cc │ │ ├── cwise_op_zeta.cc │ │ ├── cwise_ops.h │ │ ├── cwise_ops_common.cc │ │ ├── cwise_ops_common.h │ │ ├── cwise_ops_gpu_common.cu.h │ │ ├── cwise_ops_gpu_gradients.cu.h │ │ ├── cwise_ops_gradients.h │ │ ├── cwise_ops_sycl_common.h │ │ ├── cwise_ops_test.cc │ │ ├── data │ │ │ ├── BUILD │ │ │ ├── arrow_util.cc │ │ │ ├── arrow_util.h │ │ │ ├── batch_dataset_op.cc │ │ │ ├── batch_dataset_op.h │ │ │ ├── batch_dataset_op_test.cc │ │ │ ├── cache_dataset_ops.cc │ │ │ ├── cache_dataset_ops.h │ │ │ ├── cache_dataset_ops_test.cc │ │ │ ├── cache_ops.cc │ │ │ ├── cache_ops.h │ │ │ ├── captured_function.cc │ │ │ ├── captured_function.h │ │ │ ├── concatenate_dataset_op.cc │ │ │ ├── concatenate_dataset_op.h │ │ │ ├── concatenate_dataset_op_test.cc │ │ │ ├── dataset.h │ │ │ ├── dataset_ops.cc │ │ │ ├── dataset_ops.h │ │ │ ├── dataset_test_base.cc │ │ │ ├── dataset_test_base.h │ │ │ ├── dataset_utils.cc │ │ │ ├── dataset_utils.h │ │ │ ├── dataset_utils_test.cc │ │ │ ├── eigen.h │ │ │ ├── experimental │ │ │ │ ├── BUILD │ │ │ │ ├── assert_next_dataset_op.cc │ │ │ │ ├── assert_next_dataset_op.h │ │ │ │ ├── assert_next_dataset_op_test.cc │ │ │ │ ├── auto_shard_dataset_op.cc │ │ │ │ ├── auto_shard_dataset_op.h │ │ │ │ ├── auto_shard_dataset_op_test.cc │ │ │ │ ├── choose_fastest_branch_dataset_op.cc │ │ │ │ ├── choose_fastest_dataset_op.cc │ │ │ │ ├── csv_dataset_op.cc │ │ │ │ ├── dense_to_sparse_batch_dataset_op.cc │ │ │ │ ├── directed_interleave_dataset_op.cc │ │ │ │ ├── group_by_reducer_dataset_op.cc │ │ │ │ ├── group_by_window_dataset_op.cc │ │ │ │ ├── ignore_errors_dataset_op.cc │ │ │ │ ├── lmdb_dataset_op.cc │ │ │ │ ├── map_and_batch_dataset_op.cc │ │ │ │ ├── matching_files_dataset_op.cc │ │ │ │ ├── non_serializable_dataset_op.cc │ │ │ │ ├── parallel_interleave_dataset_op.cc │ │ │ │ ├── parallel_interleave_dataset_op.h │ │ │ │ ├── parallel_interleave_dataset_op_test.cc │ │ │ │ ├── parse_example_dataset_op.cc │ │ │ │ ├── prefetching_kernels.cc │ │ │ │ ├── random_dataset_op.cc │ │ │ │ ├── rebatch_dataset_op.cc │ │ │ │ ├── sampling_dataset_op.cc │ │ │ │ ├── scan_dataset_op.cc │ │ │ │ ├── set_stats_aggregator_dataset_op.cc │ │ │ │ ├── sleep_dataset_op.cc │ │ │ │ ├── sliding_window_dataset_op.cc │ │ │ │ ├── snapshot_dataset_op.cc │ │ │ │ ├── sql │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── driver_manager.cc │ │ │ │ │ ├── driver_manager.h │ │ │ │ │ ├── query_connection.h │ │ │ │ │ ├── sqlite_query_connection.cc │ │ │ │ │ └── sqlite_query_connection.h │ │ │ │ ├── sql_dataset_op.cc │ │ │ │ ├── stats_aggregator_ops.cc │ │ │ │ ├── stats_dataset_ops.cc │ │ │ │ ├── take_while_dataset_op.cc │ │ │ │ ├── threadpool_dataset_op.cc │ │ │ │ ├── to_tf_record_op.cc │ │ │ │ ├── unbatch_dataset_op.cc │ │ │ │ └── unique_dataset_op.cc │ │ │ ├── filter_dataset_op.cc │ │ │ ├── filter_dataset_op.h │ │ │ ├── filter_dataset_op_test.cc │ │ │ ├── fixed_length_record_dataset_op.cc │ │ │ ├── fixed_length_record_dataset_op.h │ │ │ ├── fixed_length_record_dataset_op_test.cc │ │ │ ├── flat_map_dataset_op.cc │ │ │ ├── flat_map_dataset_op.h │ │ │ ├── flat_map_dataset_op_test.cc │ │ │ ├── generator_dataset_op.cc │ │ │ ├── generator_dataset_op.h │ │ │ ├── interleave_dataset_op.cc │ │ │ ├── interleave_dataset_op.h │ │ │ ├── interleave_dataset_op_test.cc │ │ │ ├── iterator_ops.cc │ │ │ ├── iterator_ops.h │ │ │ ├── kafka_dataset_op.cc │ │ │ ├── map_dataset_op.cc │ │ │ ├── map_dataset_op.h │ │ │ ├── map_dataset_op_test.cc │ │ │ ├── map_defun_op.cc │ │ │ ├── map_defun_op.h │ │ │ ├── map_defun_op_test.cc │ │ │ ├── model_dataset_op.cc │ │ │ ├── multi_device_iterator_ops.cc │ │ │ ├── name_utils.cc │ │ │ ├── name_utils.h │ │ │ ├── name_utils_test.cc │ │ │ ├── optimize_dataset_op.cc │ │ │ ├── optimize_dataset_op.h │ │ │ ├── optimize_dataset_op_test.cc │ │ │ ├── optional_ops.cc │ │ │ ├── optional_ops.cu.cc │ │ │ ├── optional_ops.h │ │ │ ├── padded_batch_dataset_op.cc │ │ │ ├── padded_batch_dataset_op.h │ │ │ ├── padded_batch_dataset_op_test.cc │ │ │ ├── parallel_interleave_dataset_op.cc │ │ │ ├── parallel_interleave_dataset_op.h │ │ │ ├── parallel_interleave_dataset_op_test.cc │ │ │ ├── parallel_map_dataset_op.cc │ │ │ ├── parallel_map_dataset_op.h │ │ │ ├── parallel_map_dataset_op_test.cc │ │ │ ├── parallel_map_iterator.cc │ │ │ ├── parquet_batch_reader.cc │ │ │ ├── parquet_batch_reader.h │ │ │ ├── parquet_dataset_ops.cc │ │ │ ├── parquet_dataset_ops.h │ │ │ ├── parquet_pybind.cc │ │ │ ├── prefetch_autotuner.cc │ │ │ ├── prefetch_autotuner.h │ │ │ ├── prefetch_autotuner_test.cc │ │ │ ├── prefetch_dataset_op.cc │ │ │ ├── prefetch_dataset_op.h │ │ │ ├── prefetch_dataset_op_test.cc │ │ │ ├── random_seed_ops.cc │ │ │ ├── random_seed_ops.h │ │ │ ├── range_dataset_op.cc │ │ │ ├── range_dataset_op.h │ │ │ ├── range_dataset_op_test.cc │ │ │ ├── reduce_dataset_op_test.cc │ │ │ ├── repeat_dataset_op.cc │ │ │ ├── repeat_dataset_op.h │ │ │ ├── repeat_dataset_op_test.cc │ │ │ ├── shard_dataset_op.cc │ │ │ ├── shard_dataset_op.h │ │ │ ├── shard_dataset_op_test.cc │ │ │ ├── shuffle_dataset_op.cc │ │ │ ├── shuffle_dataset_op.h │ │ │ ├── shuffle_dataset_op_test.cc │ │ │ ├── single_threaded_executor.cc │ │ │ ├── single_threaded_executor.h │ │ │ ├── single_threaded_executor_test.cc │ │ │ ├── skip_dataset_op.cc │ │ │ ├── skip_dataset_op.h │ │ │ ├── skip_dataset_op_test.cc │ │ │ ├── sparse_tensor_slice_dataset_op.cc │ │ │ ├── sparse_tensor_slice_dataset_op_test.cc │ │ │ ├── stats_utils.cc │ │ │ ├── stats_utils.h │ │ │ ├── take_dataset_op.cc │ │ │ ├── take_dataset_op.h │ │ │ ├── take_dataset_op_test.cc │ │ │ ├── tensor_dataset_op.cc │ │ │ ├── tensor_dataset_op.h │ │ │ ├── tensor_dataset_op_test.cc │ │ │ ├── tensor_slice_dataset_op.cc │ │ │ ├── tensor_slice_dataset_op.h │ │ │ ├── tensor_slice_dataset_op_test.cc │ │ │ ├── text_line_dataset_op.cc │ │ │ ├── text_line_dataset_op.h │ │ │ ├── text_line_dataset_op_test.cc │ │ │ ├── tf_record_dataset_op.cc │ │ │ ├── tf_record_dataset_op.h │ │ │ ├── tf_record_dataset_op_test.cc │ │ │ ├── unbounded_thread_pool.cc │ │ │ ├── unbounded_thread_pool.h │ │ │ ├── unbounded_thread_pool_test.cc │ │ │ ├── window_dataset.cc │ │ │ ├── window_dataset.h │ │ │ ├── window_dataset_op.cc │ │ │ ├── window_dataset_op.h │ │ │ ├── window_dataset_op_test.cc │ │ │ ├── zip_dataset_op.cc │ │ │ ├── zip_dataset_op.h │ │ │ └── zip_dataset_op_test.cc │ │ ├── data_format_ops.cc │ │ ├── data_format_ops.h │ │ ├── data_format_ops_gpu.cu.cc │ │ ├── debug_ops.cc │ │ ├── debug_ops.h │ │ ├── debug_ops_test.cc │ │ ├── decode_bmp_op.cc │ │ ├── decode_compressed_op.cc │ │ ├── decode_csv_op.cc │ │ ├── decode_image_op.cc │ │ ├── decode_padded_raw_op.cc │ │ ├── decode_proto_op.cc │ │ ├── decode_raw_op.cc │ │ ├── decode_wav_op.cc │ │ ├── decode_wav_op_test.cc │ │ ├── deep_conv2d.cc │ │ ├── deep_conv2d.h │ │ ├── deep_conv2d_test.cc │ │ ├── dense_update_functor.cc │ │ ├── dense_update_functor.h │ │ ├── dense_update_functor_gpu.cu.cc │ │ ├── dense_update_ops.cc │ │ ├── depthtospace_op.cc │ │ ├── depthtospace_op.h │ │ ├── depthtospace_op_gpu.cu.cc │ │ ├── depthwise_conv_grad_op.cc │ │ ├── depthwise_conv_op.cc │ │ ├── depthwise_conv_op.h │ │ ├── depthwise_conv_op_gpu.h │ │ ├── depthwise_conv_op_gpu_double.cu.cc │ │ ├── depthwise_conv_op_gpu_float.cu.cc │ │ ├── depthwise_conv_op_gpu_half.cu.cc │ │ ├── depthwise_conv_ops_test.cc │ │ ├── dequantize_op.cc │ │ ├── dequantize_op_test.cc │ │ ├── deserialize_sparse_string_op.cc │ │ ├── deserialize_sparse_variant_op.cc │ │ ├── determinant_op.cc │ │ ├── determinant_op.h │ │ ├── determinant_op_gpu.cu.cc │ │ ├── diag_op.cc │ │ ├── diag_op.h │ │ ├── diag_op_gpu.cu.cc │ │ ├── diag_op_test.cc │ │ ├── dice │ │ │ ├── compile_util.h │ │ │ ├── dice_op.cc │ │ │ └── dice_op_test.cc │ │ ├── dilation_ops.cc │ │ ├── dilation_ops.h │ │ ├── dilation_ops_gpu.cu.cc │ │ ├── draw_bounding_box_op.cc │ │ ├── dynamic_partition_op.cc │ │ ├── dynamic_partition_op_gpu.cu.cc │ │ ├── dynamic_partition_op_test.cc │ │ ├── dynamic_stitch_op.cc │ │ ├── dynamic_stitch_op_gpu.cu.cc │ │ ├── dynamic_stitch_op_test.cc │ │ ├── edit_distance_op.cc │ │ ├── eigen_activations.h │ │ ├── eigen_activations_test.cc │ │ ├── eigen_attention.h │ │ ├── eigen_attention_test.cc │ │ ├── eigen_backward_cuboid_convolutions.h │ │ ├── eigen_backward_spatial_convolutions.h │ │ ├── eigen_backward_spatial_convolutions_test.cc │ │ ├── eigen_benchmark.h │ │ ├── eigen_benchmark_cpu_test.cc │ │ ├── eigen_contraction_kernel.cc │ │ ├── eigen_contraction_kernel.h │ │ ├── eigen_convolution_helpers.h │ │ ├── eigen_cuboid_convolution.h │ │ ├── eigen_dnnl_contraction_kernel_test.cc │ │ ├── eigen_pooling.h │ │ ├── eigen_pooling_test.cc │ │ ├── eigen_spatial_convolutions-inl.h │ │ ├── eigen_spatial_convolutions.h │ │ ├── eigen_spatial_convolutions_test.cc │ │ ├── eigen_volume_patch.h │ │ ├── einsum_op.cc │ │ ├── einsum_op.h │ │ ├── einsum_op_gpu.cu.cc │ │ ├── embedding_variable_memory_test.cc │ │ ├── embedding_variable_ops_test.cc │ │ ├── embedding_variable_performance_test.cc │ │ ├── embedding_variable_test.h │ │ ├── encode_jpeg_op.cc │ │ ├── encode_png_op.cc │ │ ├── encode_proto_op.cc │ │ ├── encode_wav_op.cc │ │ ├── encode_wav_op_test.cc │ │ ├── example_parsing_ops.cc │ │ ├── example_parsing_ops_test.cc │ │ ├── extract_image_patches_op.cc │ │ ├── extract_image_patches_op.h │ │ ├── extract_image_patches_op_gpu.cu.cc │ │ ├── extract_jpeg_shape_op.cc │ │ ├── extract_volume_patches_op.cc │ │ ├── extract_volume_patches_op.h │ │ ├── extract_volume_patches_op_gpu.cu.cc │ │ ├── eye_functor.h │ │ ├── eye_functor_gpu.cu.cc │ │ ├── fact_op.cc │ │ ├── fake_quant_ops.cc │ │ ├── fake_quant_ops_functor.h │ │ ├── fake_quant_ops_gpu.cu.cc │ │ ├── fake_quant_ops_test.cc │ │ ├── feature_column_ops.cc │ │ ├── fft_ops.cc │ │ ├── fifo_queue.cc │ │ ├── fifo_queue.h │ │ ├── fifo_queue_op.cc │ │ ├── file_slice_sendrecv_ops.cc │ │ ├── file_slice_sendrecv_ops.h │ │ ├── file_slice_sendrecv_ops_test.cc │ │ ├── fill_functor.cc │ │ ├── fill_functor.cu.cc │ │ ├── fill_functor.h │ │ ├── fingerprint_op.cc │ │ ├── fingerprint_op_test.cc │ │ ├── fixed_length_record_reader_op.cc │ │ ├── fractional_avg_pool_op.cc │ │ ├── fractional_max_pool_op.cc │ │ ├── fractional_pool_common.cc │ │ ├── fractional_pool_common.h │ │ ├── function_ops.cc │ │ ├── function_ops.h │ │ ├── functional_ops.cc │ │ ├── fused_batch_norm_ex_op_test.cc │ │ ├── fused_batch_norm_op.cc │ │ ├── fused_batch_norm_op.cu.cc │ │ ├── fused_batch_norm_op.h │ │ ├── fused_batch_norm_op_test.cc │ │ ├── fused_eigen_output_kernels.cc │ │ ├── fused_eigen_output_kernels.h │ │ ├── fused_embedding │ │ │ ├── embedding_lookup_sparse_local_op.cc │ │ │ ├── embedding_lookup_sparse_local_op_test.cc │ │ │ ├── embedding_lookup_sparse_op.h │ │ │ ├── embedding_lookup_sparse_post_grad_op_test.cc │ │ │ ├── embedding_lookup_sparse_post_op.cc │ │ │ ├── embedding_lookup_sparse_post_op_test.cc │ │ │ ├── embedding_lookup_sparse_pre_op.cc │ │ │ ├── embedding_lookup_sparse_pre_op_test.cc │ │ │ ├── fused_embedding_common.cu.h │ │ │ ├── fused_embedding_local_ops_gpu.cu.cc │ │ │ ├── fused_embedding_local_ops_test.cc │ │ │ ├── fused_embedding_post_grad_ops_test.cc │ │ │ ├── fused_embedding_post_ops_gpus.cu.cc │ │ │ ├── fused_embedding_post_ops_test.cc │ │ │ ├── fused_embedding_pre_ops_gpus.cu.cc │ │ │ └── fused_embedding_pre_ops_test.cc │ │ ├── fused_l2_normalize │ │ │ ├── compile_util.h │ │ │ ├── fused_l2_normalize_grad_op_test.cc │ │ │ ├── fused_l2_normalize_op.cc │ │ │ └── fused_l2_normalize_op_test.cc │ │ ├── fused_layer_norm │ │ │ ├── compile_util.h │ │ │ ├── fused_layer_normalize_ops.cc │ │ │ └── fused_layer_normalize_ops_test.cc │ │ ├── fuserecv_ops.cc │ │ ├── fuserecv_ops.h │ │ ├── fuzzing │ │ │ ├── BUILD │ │ │ ├── check_numerics_fuzz.cc │ │ │ ├── corpus │ │ │ │ ├── decode_bmp │ │ │ │ │ ├── 012e3ad384a4a1165f8498b5c94ba0d32a73e187 │ │ │ │ │ ├── 055d77f7810048caa28323f6eb552a53d156040b │ │ │ │ │ ├── 131e251bfb82c681cb075d32b99f18fceaca115d │ │ │ │ │ ├── 1399ab0bd9f2c91d270cb43251bdc5729bef3526 │ │ │ │ │ ├── 16a6ce88f66d2e9686c8354cad8ba915cf0c11de │ │ │ │ │ ├── 185097ed0588195164619ea930ddd8274a5f32ad │ │ │ │ │ ├── 27711a87e06a50c81571c27c3aa403a6ad5dc55c │ │ │ │ │ ├── 298c3787ad1722b22569cbc405c464d2 │ │ │ │ │ ├── 2b95ba6d8141ce0d29ff279770903922 │ │ │ │ │ ├── 321fb3d758b86e37fc340ae2b09b8ed9fa73a4cb │ │ │ │ │ ├── 331a98b4e4c87840efea69223766ebd0e1736542 │ │ │ │ │ ├── 352d73f841223ecb630b5836585d2ba7b0f9d883 │ │ │ │ │ ├── 3a84f409d4c117edfdebc508cd23e8fc │ │ │ │ │ ├── 3ef5cc982c0b45f69a26fd0f7d376415fdebabd1 │ │ │ │ │ ├── 401c7de8e122018a0e17f57c93db7ee49ab0e906 │ │ │ │ │ ├── 52fee71bb8c9c79068e1fe580677ad739a2d0415 │ │ │ │ │ ├── 57b11507813d5727b7789354d888eda83d5f3d86 │ │ │ │ │ ├── 57dff0fa53ee0ef24a43cca6ab0523bfdc1f720d │ │ │ │ │ ├── 5c42d3df0dc400a7a4175b8d4eec6cc8ee2437b2 │ │ │ │ │ ├── 5cca20637ae75fddad9370ee930837baef8aeb43 │ │ │ │ │ ├── 5d34bc9cef0c844b9c5ebe948145c4ca11b5ca09 │ │ │ │ │ ├── 5e162fe883bd12fb1c4131d4e0c979a12bd15eac │ │ │ │ │ ├── 5e83f8faab9c1a51a33d5e29edbb9dcec23c6092 │ │ │ │ │ ├── 61b29dc2fcef7b6fbe3e0cc88769a7ef │ │ │ │ │ ├── 6361eca190157ece389665ee523ccc3aefcd957f │ │ │ │ │ ├── 65150515ab3b11d657519b22bb887d74e94b2d7f │ │ │ │ │ ├── 656f38ef6dcd58c6a909d61db11f777def69c394 │ │ │ │ │ ├── 66e0d2cafd592bf9d61ad900fade8ee530d5f3d7 │ │ │ │ │ ├── 6b5b42cb105a2c4c5fd6034e9885cbe457f1b50c │ │ │ │ │ ├── 722ed0197cb92ecbf9745edb38275e7a9aaf322f │ │ │ │ │ ├── 77bdd2efdf328366cbbf3c5688768dc0a88d02b1 │ │ │ │ │ ├── 7841bfa002c05c61d5a5d9241f214cc17a336166 │ │ │ │ │ ├── 7899e22fc83f6be28e9130c4a1c91a48 │ │ │ │ │ ├── 7dddccaebd16ae0c26daeffc42df50f529891119 │ │ │ │ │ ├── 8157442eee4bbfdd9716e264b11085d61a9955b7 │ │ │ │ │ ├── 81ff28ed63d5435ddc4c8771dd5d40aa658cbbe0 │ │ │ │ │ ├── 820c8c0d33c18f6c4d9edd314e91289186931ad0 │ │ │ │ │ ├── 849e9d7cee1c52105242327086997296e452b981 │ │ │ │ │ ├── 84ddb92c63e0fad7018f6069daf8779ce11501e2 │ │ │ │ │ ├── 86bc3d5dbb9313137502080e58551edd2e649c70 │ │ │ │ │ ├── 87d94d88fe29d277c76e1a52042b02c092d5ae14 │ │ │ │ │ ├── 8c4646f3357945c4e19a59ff79fffe3c874dbf16 │ │ │ │ │ ├── 90632bc6dee4eb836f3d7db1d16446a9c8510080 │ │ │ │ │ ├── 94d06016aa949e8e7203217e4cc6625ded7f4244 │ │ │ │ │ ├── 9875819b9e5783e7489c29a81cc9d4279209956a │ │ │ │ │ ├── 9c1cc734114b29aac6c51782d5c17e9dbe1faca2 │ │ │ │ │ ├── 9d2961871eeb201ef8a6f5503d8a8b62 │ │ │ │ │ ├── 9f39e11cdd88344a4894b678e5a04a810880064d │ │ │ │ │ ├── a350588a6dabe4376a066aed44ef8786d8e752e7 │ │ │ │ │ ├── a6101a79919d444e1fc50aefab5837c39e3f4a19 │ │ │ │ │ ├── a9c8793f8fb063bec839ee1280406fe5396545e5 │ │ │ │ │ ├── ad4e9d2234e8599bdf12607c6b8cab4edae82c4e │ │ │ │ │ ├── b90b6830917919e94186d312f06481bd │ │ │ │ │ ├── b98fd4cb1d7031240414301c19b03097c0035c6b │ │ │ │ │ ├── ba976fcdb4daf092ef17ce43bf2b78d9d8bc2aeb │ │ │ │ │ ├── bc112b571eafee0f5a031f3c9cce6244216d128d │ │ │ │ │ ├── c42b981c28a1715c375050f6fcf53f1d │ │ │ │ │ ├── c6049874b33eadb016fccf0c5fa66e556ae069b9 │ │ │ │ │ ├── c8697bf2369f6ab85f501376c4d93bb8a56974a3 │ │ │ │ │ ├── c8daf283e0aef2fd7b630c0430e05dc28f24ecf6 │ │ │ │ │ ├── cacff56e1af4b8fde912822da06b10fb8c545a19 │ │ │ │ │ ├── ce4dcc22b1d595c49a25121c0b580104 │ │ │ │ │ ├── d0cd71dbf039fd64cf42eff30da92a71a919226a │ │ │ │ │ ├── d5ce626ac3264bed6af5580e341a89406857cbb9 │ │ │ │ │ ├── d77ada02e9bc8c24b2711eca6a8f52ae356bfc21 │ │ │ │ │ ├── d7eb9c5a0f9803df4c00390793b8ab57bd7c9484 │ │ │ │ │ ├── dc1efccdeec17e151a1ec8228c09ab61c3040b33 │ │ │ │ │ ├── dcea22c66c60088165a2f1772036473f │ │ │ │ │ ├── de539ae7442fa05dafcfe1a021f0186ef74a2b0e │ │ │ │ │ ├── e2306b1d6b88d0ccc4e2c3a9edb07462a5a32215 │ │ │ │ │ ├── e2778da0240fdd15ef5844905d81c4e05f34a8bd │ │ │ │ │ ├── e6642e9266875f9d908942e534bf898103a2c794 │ │ │ │ │ ├── ec6cdb929c08d8daf2bd7fc185fbf4d787b45120 │ │ │ │ │ ├── ed8636357f79439b6a03eb14469b686cc401a1c9 │ │ │ │ │ ├── ee313e9acecb5c688ce8c9bb10e70e136fbb9c6d │ │ │ │ │ ├── ef689af320e7d9e22231109faae2e8149cb86e1c │ │ │ │ │ ├── fda6b9a9f6ffdf4765c00465619c7ceb3f7db2e4 │ │ │ │ │ └── ffe829bb0adac20d9c0756f68a22d1255e4fdb54 │ │ │ │ ├── decode_json_example │ │ │ │ │ ├── 013a29ea098a178f8a36741c9fd91144 │ │ │ │ │ ├── 0875575fb76d630ccb19c5da8aab66b2 │ │ │ │ │ ├── 7e7f58fc443a11a0a2c5d9b643b7e99b │ │ │ │ │ ├── 849a23936269a261c0370b5e9abe2416 │ │ │ │ │ ├── 85282c1696d98b9843ce3e8bd1cd899f │ │ │ │ │ ├── 90388b9c8093d8adedad0644b618da87 │ │ │ │ │ ├── 9fa2f86ea6d3ade36e961247c3026f8d │ │ │ │ │ ├── c4f18ca60a84e9869a28faf6f65dc758 │ │ │ │ │ ├── d456ee029700adef5d28438593010223 │ │ │ │ │ └── e9f0ff6ee8d691ae69d2ecb4710030a2 │ │ │ │ ├── decode_png │ │ │ │ │ ├── 010dc3d4b05288fcc40de2721052b3dc699f1cb3 │ │ │ │ │ ├── 0555cd5e9d99629819cc985285f80da0f00be1e9 │ │ │ │ │ ├── 0a0352aa168803ff65455792d9f6ee555c3e7c3f │ │ │ │ │ ├── 0ed54162df93ef8d00f993ce6b59ba422903d381 │ │ │ │ │ ├── 1547b448171c700613c3946d730de496c9b9863f │ │ │ │ │ ├── 17859046cbe4ac598a645173d679ce2a52c6afba │ │ │ │ │ ├── 1b0384bc2d5ac42b7425ac51c374f60c │ │ │ │ │ ├── 1df76c07817fbc3653a26f34d97658e9973627c2 │ │ │ │ │ ├── 1f0717f8856d7782e3ab7992d3a72d783a018443 │ │ │ │ │ ├── 23b911e4ce936def88bc9a46b8b433c0e83fba2a │ │ │ │ │ ├── 25592201c3edff0578dbdac6b0e4f2be109ce151 │ │ │ │ │ ├── 27f178cf415b4ff8671131ddf1d042dafac2fb3e │ │ │ │ │ ├── 2a0bdc4d9cc5ea5bb21dd256d6ac96075376a94f │ │ │ │ │ ├── 2e5d25add6adc68e0457b358c7a34abf3d41c938 │ │ │ │ │ ├── 2e6c5b6a766dd5e9bd41eacfd0a36572bd2f7544 │ │ │ │ │ ├── 2e9c935cf82f6ca640e9a9abc3c30a578ad46176 │ │ │ │ │ ├── 2fcf1ed4477f7eaee028f5b3f9edeb5f1a737826 │ │ │ │ │ ├── 3480713774f590908ca5dba16d121cdfb8fba62b │ │ │ │ │ ├── 38bd2bd767d0c4ddd531b3893080b952 │ │ │ │ │ ├── 39289afcec60d98802b333e0fbb1da4d7aed4ce5 │ │ │ │ │ ├── 3adc488e21d4aca7bed9422f0241a42d0f93e7d9 │ │ │ │ │ ├── 3cbf274da522483dc991fad9df43a22ac4fb3173 │ │ │ │ │ ├── 3d840cdff7f5ad16fe8bcb985ed4946c03459432 │ │ │ │ │ ├── 3f1e6753c1fca958e859189857449746592158ea │ │ │ │ │ ├── 3fa4075993cb0f9bfa8eea785174a2038a69aa1b │ │ │ │ │ ├── 4023a373e977be58413e55350380310c5dd1fd6a │ │ │ │ │ ├── 40caba69dce1cfc48e0e43184d2bfbc6daa4399a │ │ │ │ │ ├── 41438a3c1c77c64a2f0840a2427f8834 │ │ │ │ │ ├── 41841e9561d8135945c1c1e55ab9e9a1e933653b │ │ │ │ │ ├── 41d40f2d66fa43e34537385594ee9911e65deadf │ │ │ │ │ ├── 421bd39810b50309a71adb2dadc3b19f01a52312 │ │ │ │ │ ├── 446c305b2c0665736f94fb2b62dbdef445eff0cf │ │ │ │ │ ├── 449cee952bb645f6f4241a6665d3c6028c073c7a │ │ │ │ │ ├── 45520b07609978c5aa3516d803527438b93fbadb │ │ │ │ │ ├── 4da74a34bcede234b0415f77fbd87d70bf9a777e │ │ │ │ │ ├── 51db5d31d2c5300d34831d9f23bcdd0aff9a998b │ │ │ │ │ ├── 5cde2a9167798cb77f10abbfb2640a5c357f99fc │ │ │ │ │ ├── 5e352fc10ac476cfbe1d755f092e069820223249 │ │ │ │ │ ├── 63661677dd1306cec4b5a565190e65adf2446e52 │ │ │ │ │ ├── 65887ed3db382aab1d9485c500f4401318d303b9 │ │ │ │ │ ├── 67b5181f8f0644597e9bde539e8f083b5cacd0e7 │ │ │ │ │ ├── 74c9dcf7afee2a6cb1ab3a2c0de744d1b03c1466 │ │ │ │ │ ├── 792181ca19e6ded261434e588bb7fc2a4816d4ce │ │ │ │ │ ├── 79f0e2a475487f8fa69e68c1cc947c5851bda741 │ │ │ │ │ ├── 7e5fcdfeb557ce379ed96925c68505eaac0112db │ │ │ │ │ ├── 7eec7530acf34b3a96fa9189783453999f7b6838 │ │ │ │ │ ├── 80114bf9781bffc9db411413d83541d8deaaf7c1 │ │ │ │ │ ├── 80425fb92bb86627e854892f23823fa804e5fdc3 │ │ │ │ │ ├── 821cdd6eeb919a8dd7f35289abbd583828dd4945 │ │ │ │ │ ├── 83e1a31785285338b0ddb3334b0ed098e63dedde │ │ │ │ │ ├── 8a4c8100dedd0fb5f2a8b468c678f7ad8269deeb │ │ │ │ │ ├── 8ae8268c24dc866c1edb3826b93a1c75dbf74ff4 │ │ │ │ │ ├── 90f72038cc627f34f074ea72eadbba87a5e3e288 │ │ │ │ │ ├── 92b67faee4a49df2cdbed785e27b4a1cddcfffa3 │ │ │ │ │ ├── 9463810467aacdc9923b2b20a2236116b760d75b │ │ │ │ │ ├── 94d7c96aea32ad41ce643d35b951a6d8990b81d6 │ │ │ │ │ ├── 98cc7e9fe87df914d89a0aef008930f27b3c26f5 │ │ │ │ │ ├── 99172dfdb4f59aaced29c7681ac6e6ce8356e814 │ │ │ │ │ ├── 9ae3b647d895af97fe872c0b1442df7b5b767160 │ │ │ │ │ ├── 9d2b1d2121b0508a4fa8d1508adb9d05633fdac3 │ │ │ │ │ ├── a335af37917ccf0c8b11bb884a3a74f3f1d2a7c6 │ │ │ │ │ ├── a738609112d3a6772c50a71e2c3504ebc515b709 │ │ │ │ │ ├── a8cecab5d917da5a4729632a7a18c564d7e1607d │ │ │ │ │ ├── ade919ab2b4a458e806575c941dfe50ae3fd3621 │ │ │ │ │ ├── b1251621a5eb5e7fda9cac9baead1c993a285c36 │ │ │ │ │ ├── b1516b78c3dfe77eeb554985fd7344c0478fbbcb │ │ │ │ │ ├── b41241740f5f8ad2c1d408f7bb6a313bd863c158 │ │ │ │ │ ├── b799c8596523a7ebeb8e11ada08818c10f7eabfc │ │ │ │ │ ├── ba48d0521a111222dc95a3a997c7c92dea5f4443 │ │ │ │ │ ├── c01457c6889fb1b597d308363a36412c0b7f90e7 │ │ │ │ │ ├── c82ebc0d6688d104af04fd20d6d3da591dc391f7 │ │ │ │ │ ├── c9a03eb758dd84e954e3d70916e2311e8fd21f3c │ │ │ │ │ ├── cf892756b33578a54ab20044514e573328d2f1d7 │ │ │ │ │ ├── d3bc3f158a63f1d50b474addd3f7b3d17f23e8e9 │ │ │ │ │ ├── d4906950aa9d60ad09dc0f5413c3d88080c3bc37 │ │ │ │ │ ├── da31578a8068bad65e1c7a3d06e8f543a2a0bc65 │ │ │ │ │ ├── dd4a9b5d0740679c249fc884efc499433b29436b │ │ │ │ │ ├── deea4ecc6f0b2a6d89fd25ff76762299f21602fb │ │ │ │ │ ├── e1040c7ffcb39915e0f539018c81f9798924cba6 │ │ │ │ │ ├── e381dc85682cc33ad99f622b89d145b47f7d6392 │ │ │ │ │ ├── ea24498fc7a144fccc6f1665ebf7020df803dd1a │ │ │ │ │ ├── eaa5d677e797c07bac98c3c7051abad91852e7c6 │ │ │ │ │ ├── ed7871269315725535d8bffec7836c45a3fc5c26 │ │ │ │ │ ├── ee8460f4077064c5a2137075b48eba7d3db5c570 │ │ │ │ │ ├── ef09f26e0ee61329f84a9f589629a865ae9ee0a6 │ │ │ │ │ ├── f477da4d7d8ff2066041e1dd5ee4e833b7111a1a │ │ │ │ │ ├── f8a379b2498a4eb452a85791a49adf065dab59ae │ │ │ │ │ ├── fe67bccb06f2174523943cc684518fcf1f7f8046 │ │ │ │ │ └── ff1e67d17c1c27ef0d97900d0ea276b563a64628 │ │ │ │ ├── decode_wav │ │ │ │ │ ├── 02cc44cdfec1d9d0d0c66c5a5f40d3d20e4c4c3a │ │ │ │ │ ├── 087e1d7fae1c1ddcbaa3b5f822a171ad15498186 │ │ │ │ │ ├── 0f61c33027394a0f14d29dcd22f405cad943b7cf │ │ │ │ │ ├── 10cdebea1659c21a0248f88654ae41f62786abf1 │ │ │ │ │ ├── 126e68def9fd973a100e0f66cadf09448a716b57 │ │ │ │ │ ├── 1275d41ebf8788ce3a949352e4bc654b04012da3 │ │ │ │ │ ├── 1a7f1c407fb3864ddb559f88f373a21d1be51584 │ │ │ │ │ ├── 1c3e1c91f187f6bcea86f172ff5bbbd955a9654d │ │ │ │ │ ├── 300fe1e0a47543037cbf0243b6756c9aa48799c4 │ │ │ │ │ ├── 31ec5b0134bedcfe283f4978e6e65b7d35d5d4ad │ │ │ │ │ ├── 4e7cbb27667bcfca92838aa8020749990013a9b1 │ │ │ │ │ ├── 585e469231d202812bfba8285fb30c8e31c857b9 │ │ │ │ │ ├── 58eab6bc2386e2ef43fe4f55cb6ad3611399d5de │ │ │ │ │ ├── 63448c6a9feb8c72b3e82af4d735ec2e62ddd328 │ │ │ │ │ ├── 6874d5b1c7a64b596c61f24877d422e89bebe58b │ │ │ │ │ ├── 7501f79cb067da108020579ed654349c7933d22f │ │ │ │ │ ├── 782051f8120182b860c7fe1b265179cfa2fe03fd │ │ │ │ │ ├── 793feab2deb35e284a975f6527d76a8be5540fe6 │ │ │ │ │ ├── 7f41ec3a9805c6b8f3656c4f9f6d0ff7dbf8a329 │ │ │ │ │ ├── 8210dc595a2652f2f812093b01e239e7918ea065 │ │ │ │ │ ├── 8dffe4c5c26d891b578fd2ea4b9adfc0c96ad5f7 │ │ │ │ │ ├── 91d787a9298ddc015efa783a92c4bdba8af0d7de │ │ │ │ │ ├── 92c065286f956f086e977556358f6b54b12bcacc │ │ │ │ │ ├── a35c9bb71792b60a13dea23a41b41847ad4b93d6 │ │ │ │ │ ├── a6ea960c7b4d42772888280277b26e645ceee904 │ │ │ │ │ ├── aa526aa853333f0bb11804b5243df411452cecd2 │ │ │ │ │ ├── ca533cd26c7ca6bf69e62351b265ded496fdf1d9 │ │ │ │ │ ├── f38c61da15f2cb7a39ff02e69f0b00e99f37ec86 │ │ │ │ │ ├── f88f1012473e6cfcc9b39b2552f682b2f73eff8c │ │ │ │ │ ├── fa79819c5de04bc06c69bec3fa7f2e982826ea2f │ │ │ │ │ └── fce08de222896ac3a20657a3b4f42d5b6c54a96a │ │ │ │ ├── scatter_nd │ │ │ │ │ ├── 5b0e5f8d2990c3cac80fa792ba141c43 │ │ │ │ │ ├── 5b61fa3a30dd267828f12d9ea2b2a191 │ │ │ │ │ ├── 8bc8b7d8beb3483c48158739791e56b0 │ │ │ │ │ ├── d2ef31d47578e9de8323bb0e4806f1be │ │ │ │ │ └── e2791edcf2c8d9f4af3678a75d43a3e4 │ │ │ │ ├── string_split │ │ │ │ │ ├── 4c01a1504da9de2216894743ecc44424 │ │ │ │ │ ├── 5bf16424630b5afbcffe711fb9834440 │ │ │ │ │ ├── a7185605aef0a8fd682fcb4656e4a736 │ │ │ │ │ ├── d5606def44fdbb9385dd764612069db0 │ │ │ │ │ ├── dbac766f3160de65894bf5153f478146 │ │ │ │ │ └── e85ff62f6d457666f54a37a19a115a24 │ │ │ │ ├── string_split_v2 │ │ │ │ │ ├── 00fd47bf73afcb72e7ed51bffd5f5fec │ │ │ │ │ ├── 14908973e6720513a5f37676cb9fcc29 │ │ │ │ │ ├── 2779ba7c4d23eee9f79efa3660084c5d │ │ │ │ │ ├── 5bf16424630b5afbcffe711fb9834440 │ │ │ │ │ ├── 89734a96b93275e495a9498b806fafe1 │ │ │ │ │ └── d5606def44fdbb9385dd764612069db0 │ │ │ │ └── string_to_number │ │ │ │ │ ├── 2db83ea58639b6d7d585fa12e3947a82 │ │ │ │ │ ├── 36b4a931886b941dc41180050d12ca94 │ │ │ │ │ ├── 50a2fabfdd276f573ff97ace8b11c5f4 │ │ │ │ │ ├── 62edb2a1eee34b001652cd86584becf2 │ │ │ │ │ ├── 90013d1ec28c46a5c00574e60c70b6fc │ │ │ │ │ ├── 94f3e3cee6957ce5815326d6788c85f4 │ │ │ │ │ ├── 96f547bc04bb913da0bc08915238ebd8 │ │ │ │ │ ├── d3a903d18fc11e1f35c572ad4da690ed │ │ │ │ │ ├── e3b629c92af44260c189deb32d6f06f3 │ │ │ │ │ ├── f03eecf3bcfe4967a1888156a3115c8d │ │ │ │ │ └── fa54ca9186f77122ae2a82684a062e16 │ │ │ ├── decode_base64_fuzz.cc │ │ │ ├── decode_bmp_fuzz.cc │ │ │ ├── decode_compressed_fuzz.cc │ │ │ ├── decode_json_example_fuzz.cc │ │ │ ├── decode_png_fuzz.cc │ │ │ ├── decode_wav_fuzz.cc │ │ │ ├── dictionaries │ │ │ │ ├── decode_json_example.dict │ │ │ │ ├── decode_png.dict │ │ │ │ └── decode_wav.dict │ │ │ ├── encode_base64_fuzz.cc │ │ │ ├── encode_jpeg_fuzz.cc │ │ │ ├── example_proto_fast_parsing_fuzz.cc │ │ │ ├── fuzz_session.h │ │ │ ├── identity_fuzz.cc │ │ │ ├── one_hot_fuzz.cc │ │ │ ├── parse_tensor_op_fuzz.cc │ │ │ ├── scatter_nd_fuzz.cc │ │ │ ├── string_split_fuzz.cc │ │ │ ├── string_split_v2_fuzz.cc │ │ │ ├── string_to_number_fuzz.cc │ │ │ └── tf_ops_fuzz_target_lib.bzl │ │ ├── gather_functor.cc │ │ ├── gather_functor.h │ │ ├── gather_functor_batched.cc │ │ ├── gather_functor_batched.h │ │ ├── gather_functor_batched_gpu.cu.cc │ │ ├── gather_functor_batched_gpu.cu.h │ │ ├── gather_functor_gpu.cu.cc │ │ ├── gather_functor_gpu.cu.h │ │ ├── gather_nd_op.cc │ │ ├── gather_nd_op.h │ │ ├── gather_nd_op_cpu_impl.h │ │ ├── gather_nd_op_cpu_impl_0.cc │ │ ├── gather_nd_op_cpu_impl_1.cc │ │ ├── gather_nd_op_cpu_impl_2.cc │ │ ├── gather_nd_op_cpu_impl_3.cc │ │ ├── gather_nd_op_cpu_impl_4.cc │ │ ├── gather_nd_op_cpu_impl_5.cc │ │ ├── gather_nd_op_cpu_impl_6.cc │ │ ├── gather_nd_op_cpu_impl_7.cc │ │ ├── gather_nd_op_gpu.cu.cc │ │ ├── gather_nd_op_test.cc │ │ ├── gather_op.cc │ │ ├── gather_op_test.cc │ │ ├── gelu_op.cc │ │ ├── gelu_op.h │ │ ├── gelu_op_gpu.cu.cc │ │ ├── gemm_functors.h │ │ ├── generate_box_proposals_op.cu.cc │ │ ├── generate_vocab_remapping_op.cc │ │ ├── gpu_device_array.h │ │ ├── gpu_device_array_gpu.h │ │ ├── gpu_prim_helpers.h │ │ ├── gpu_prim_helpers_test.cu.cc │ │ ├── gpu_utils.cc │ │ ├── gpu_utils.h │ │ ├── group_embedding │ │ │ ├── group_embedding_lookup_ops.cc │ │ │ ├── group_embedding_lookup_ops_test.cc │ │ │ ├── group_embedding_lookup_sparse_backward_base_ops.cu.h │ │ │ ├── group_embedding_lookup_sparse_backward_ops.cc │ │ │ ├── group_embedding_lookup_sparse_backward_ops.cu.cc │ │ │ ├── group_embedding_lookup_sparse_forward_base_ops.cu.h │ │ │ ├── group_embedding_lookup_sparse_forward_base_ops.h │ │ │ ├── group_embedding_lookup_sparse_forward_ops.cc │ │ │ └── group_embedding_lookup_sparse_forward_ops.cu.cc │ │ ├── guarantee_const_op.cc │ │ ├── guarantee_const_op_test.cc │ │ ├── hash_ops │ │ │ ├── admit_strategy_op.h │ │ │ ├── admit_strategy_ops.cc │ │ │ ├── black_list_op.cc │ │ │ ├── copy_tensor_ops.cc │ │ │ ├── hash_slice.cc │ │ │ ├── hash_table_ops.cc │ │ │ ├── read_only_admit_strategy.cc │ │ │ ├── tensible_variable_ops.cc │ │ │ └── training_ops.cc │ │ ├── hexagon │ │ │ ├── BUILD │ │ │ ├── graph_transfer_utils.cc │ │ │ ├── graph_transfer_utils.h │ │ │ ├── graph_transferer.cc │ │ │ ├── graph_transferer.h │ │ │ ├── graph_transferer_test.cc │ │ │ ├── hexagon_control_wrapper.cc │ │ │ ├── hexagon_control_wrapper.h │ │ │ ├── hexagon_graph_execution_test.cc │ │ │ ├── hexagon_ops_definitions.cc │ │ │ ├── hexagon_ops_definitions.h │ │ │ ├── hexagon_remote_fused_graph_executor_build.cc │ │ │ ├── hexagon_remote_fused_graph_executor_build_test.cc │ │ │ ├── hexagon_rewriter_transform.cc │ │ │ ├── hexagon_rewriter_transform_test.cc │ │ │ ├── soc_interface.cc │ │ │ └── soc_interface.h │ │ ├── hinge-loss.h │ │ ├── histogram_op.cc │ │ ├── histogram_op.h │ │ ├── histogram_op_gpu.cu.cc │ │ ├── host_constant_op.cc │ │ ├── host_constant_op.h │ │ ├── i_remote_fused_graph_executor.h │ │ ├── i_remote_fused_graph_ops_definitions.cc │ │ ├── i_remote_fused_graph_ops_definitions.h │ │ ├── identity_n_op.cc │ │ ├── identity_n_op.h │ │ ├── identity_n_op_test.cc │ │ ├── identity_op.cc │ │ ├── identity_op.h │ │ ├── identity_op_test.cc │ │ ├── identity_reader_op.cc │ │ ├── image_resizer_state.h │ │ ├── immutable_constant_op.cc │ │ ├── immutable_constant_op.h │ │ ├── immutable_constant_op_test.cc │ │ ├── in_topk_op.cc │ │ ├── in_topk_op.h │ │ ├── in_topk_op_gpu.cu.cc │ │ ├── in_topk_op_test.cc │ │ ├── incr_save_restore_ops.cc │ │ ├── incr_save_restore_ops.h │ │ ├── incr_save_restore_ops_test.cc │ │ ├── initializable_lookup_table.cc │ │ ├── initializable_lookup_table.h │ │ ├── inplace_ops.cc │ │ ├── inplace_ops_functor.h │ │ ├── inplace_ops_functor_gpu.cu.cc │ │ ├── kernel_platform_strings.h │ │ ├── kv_variable_lookup_ops.cc │ │ ├── kv_variable_ops.cc │ │ ├── kv_variable_ops.h │ │ ├── kv_variable_restore_ops.cc │ │ ├── l2loss_op.cc │ │ ├── l2loss_op.h │ │ ├── l2loss_op_gpu.cu.cc │ │ ├── linalg_ops_common.cc │ │ ├── linalg_ops_common.h │ │ ├── list_kernels.cc │ │ ├── list_kernels.cu.cc │ │ ├── list_kernels.h │ │ ├── listdiff_op.cc │ │ ├── lmdb_reader_op.cc │ │ ├── load_and_remap_matrix_op.cc │ │ ├── logging_ops.cc │ │ ├── logging_ops.h │ │ ├── logging_ops_test.cc │ │ ├── logical_sum_op.cc │ │ ├── logistic-loss.h │ │ ├── lookup_table_init_op.cc │ │ ├── lookup_table_init_op.h │ │ ├── lookup_table_op.cc │ │ ├── lookup_table_op.h │ │ ├── lookup_util.cc │ │ ├── lookup_util.h │ │ ├── loss.h │ │ ├── loss_test.cc │ │ ├── lrn_op.cc │ │ ├── lrn_op_test.cc │ │ ├── lu_op.cc │ │ ├── lu_op_gpu.cu.cc │ │ ├── map_stage_op.cc │ │ ├── matching_files_op.cc │ │ ├── matmul_op.h │ │ ├── matmul_op_complex.cc │ │ ├── matmul_op_fused.cc │ │ ├── matmul_op_impl.h │ │ ├── matmul_op_real.cc │ │ ├── matmul_op_test.cc │ │ ├── matrix_band_part_op.cc │ │ ├── matrix_band_part_op.h │ │ ├── matrix_band_part_op_gpu.cu.cc │ │ ├── matrix_diag_op.cc │ │ ├── matrix_diag_op.h │ │ ├── matrix_diag_op_gpu.cu.cc │ │ ├── matrix_exponential_op.cc │ │ ├── matrix_inverse_op.cc │ │ ├── matrix_logarithm_op.cc │ │ ├── matrix_set_diag_op.cc │ │ ├── matrix_set_diag_op.h │ │ ├── matrix_set_diag_op_gpu.cu.cc │ │ ├── matrix_solve_ls_op_complex128.cc │ │ ├── matrix_solve_ls_op_complex64.cc │ │ ├── matrix_solve_ls_op_double.cc │ │ ├── matrix_solve_ls_op_float.cc │ │ ├── matrix_solve_ls_op_impl.h │ │ ├── matrix_solve_op.cc │ │ ├── matrix_square_root_op.cc │ │ ├── matrix_triangular_solve_op.cc │ │ ├── maxpooling_op.cc │ │ ├── maxpooling_op.h │ │ ├── maxpooling_op_gpu.cu.cc │ │ ├── maxpooling_op_gpu.h │ │ ├── merge_v2_checkpoints_op_test.cc │ │ ├── meta_support.cc │ │ ├── meta_support.h │ │ ├── mfcc.cc │ │ ├── mfcc.h │ │ ├── mfcc_dct.cc │ │ ├── mfcc_dct.h │ │ ├── mfcc_dct_test.cc │ │ ├── mfcc_mel_filterbank.cc │ │ ├── mfcc_mel_filterbank.h │ │ ├── mfcc_mel_filterbank_test.cc │ │ ├── mfcc_op.cc │ │ ├── mfcc_op_test.cc │ │ ├── mfcc_test.cc │ │ ├── mirror_pad_op.cc │ │ ├── mirror_pad_op.h │ │ ├── mirror_pad_op_benchmark_test.cc │ │ ├── mirror_pad_op_cpu_impl.h │ │ ├── mirror_pad_op_cpu_impl_1.cc │ │ ├── mirror_pad_op_cpu_impl_2.cc │ │ ├── mirror_pad_op_cpu_impl_3.cc │ │ ├── mirror_pad_op_cpu_impl_4.cc │ │ ├── mirror_pad_op_cpu_impl_5.cc │ │ ├── mirror_pad_op_gpu.cu.cc │ │ ├── mirror_pad_op_test.cc │ │ ├── mkl_aggregate_ops.cc │ │ ├── mkl_aggregate_ops_test.cc │ │ ├── mkl_avgpooling_op.cc │ │ ├── mkl_batch_matmul_op.cc │ │ ├── mkl_batch_matmul_op_test.cc │ │ ├── mkl_concat_op.cc │ │ ├── mkl_concat_op_test.cc │ │ ├── mkl_conv_grad_filter_ops.cc │ │ ├── mkl_conv_grad_input_ops.cc │ │ ├── mkl_conv_ops.cc │ │ ├── mkl_conv_ops.h │ │ ├── mkl_conv_ops_test.cc │ │ ├── mkl_cwise_ops_common.cc │ │ ├── mkl_cwise_ops_test.cc │ │ ├── mkl_dequantize_op.cc │ │ ├── mkl_fused_batch_norm_op.cc │ │ ├── mkl_fused_batch_norm_op_test.cc │ │ ├── mkl_fused_ops_test.cc │ │ ├── mkl_identity_op.cc │ │ ├── mkl_identity_op_test.cc │ │ ├── mkl_input_conversion_op.cc │ │ ├── mkl_lrn_op.cc │ │ ├── mkl_lrn_op_test.cc │ │ ├── mkl_matmul_op.cc │ │ ├── mkl_matmul_op_fused.cc │ │ ├── mkl_matmul_op_test.cc │ │ ├── mkl_matmul_ops_common.h │ │ ├── mkl_maxpooling_op.cc │ │ ├── mkl_pooling_ops_common.cc │ │ ├── mkl_pooling_ops_common.h │ │ ├── mkl_qmatmul_op.cc │ │ ├── mkl_qmatmul_op_test.cc │ │ ├── mkl_quantize_op.cc │ │ ├── mkl_quantize_op_test.cc │ │ ├── mkl_quantized_concat_op_test.cc │ │ ├── mkl_quantized_conv_ops.h │ │ ├── mkl_quantized_conv_ops_perchannel_test.cc │ │ ├── mkl_quantized_conv_ops_test.cc │ │ ├── mkl_quantized_pooling_ops_test.cc │ │ ├── mkl_relu_op.cc │ │ ├── mkl_relu_op_test.cc │ │ ├── mkl_requantization_range_per_channel_op.cc │ │ ├── mkl_requantize_ops_test.cc │ │ ├── mkl_requantize_per_channel_op.cc │ │ ├── mkl_reshape_op.cc │ │ ├── mkl_reshape_op_test.cc │ │ ├── mkl_slice_op.cc │ │ ├── mkl_slice_op_test.cc │ │ ├── mkl_softmax_op.cc │ │ ├── mkl_softmax_op_test.cc │ │ ├── mkl_tfconv_op.h │ │ ├── mkl_tmp_bf16_ops.cc │ │ ├── mkl_transpose_op.cc │ │ ├── mkl_transpose_op_test.cc │ │ ├── multinomial_op.cc │ │ ├── multinomial_op.h │ │ ├── multinomial_op_gpu.cu.cc │ │ ├── multinomial_op_test.cc │ │ ├── mutex_ops.cc │ │ ├── nccl_ops.cc │ │ ├── neon │ │ │ ├── BUILD │ │ │ ├── depthwiseconv_float.h │ │ │ ├── neon_depthwise_conv_op.cc │ │ │ └── types.h │ │ ├── nextafter_op.cc │ │ ├── nextafter_op.h │ │ ├── nextafter_op_gpu.cu.cc │ │ ├── nn_ops_test.cc │ │ ├── no_op.cc │ │ ├── no_op.h │ │ ├── non_max_suppression_op.cc │ │ ├── non_max_suppression_op.cu.cc │ │ ├── non_max_suppression_op.h │ │ ├── non_max_suppression_op_benchmark_test.cc │ │ ├── non_max_suppression_op_gpu_test.cc │ │ ├── non_max_suppression_op_test.cc │ │ ├── nth_element_op.cc │ │ ├── nth_element_op.h │ │ ├── one_hot_op.cc │ │ ├── one_hot_op.h │ │ ├── one_hot_op_gpu.cu.cc │ │ ├── ops_testutil.cc │ │ ├── ops_testutil.h │ │ ├── ops_testutil_test.cc │ │ ├── ops_util.h │ │ ├── ops_util_test.cc │ │ ├── pack_op.cc │ │ ├── pad_op.cc │ │ ├── pad_op.h │ │ ├── pad_op_gpu.cu.cc │ │ ├── pad_op_gpu_big.cu.cc │ │ ├── padding_fifo_queue.cc │ │ ├── padding_fifo_queue.h │ │ ├── padding_fifo_queue_op.cc │ │ ├── parameterized_truncated_normal_op.cc │ │ ├── parameterized_truncated_normal_op.h │ │ ├── parameterized_truncated_normal_op_gpu.cu.cc │ │ ├── parameterized_truncated_normal_op_test.cc │ │ ├── parse_tensor_op.cc │ │ ├── parse_tensor_test.cc │ │ ├── partitioned_function_ops.cc │ │ ├── partitioned_function_ops.h │ │ ├── poisson-loss.h │ │ ├── pooling_ops_3d.cc │ │ ├── pooling_ops_3d.h │ │ ├── pooling_ops_3d_gpu.cu.cc │ │ ├── pooling_ops_3d_gpu.h │ │ ├── pooling_ops_3d_sycl.h │ │ ├── pooling_ops_common.cc │ │ ├── pooling_ops_common.h │ │ ├── pooling_ops_common_gpu.h │ │ ├── population_count_op.cc │ │ ├── population_count_op.h │ │ ├── population_count_op_gpu.cu.cc │ │ ├── priority_queue.cc │ │ ├── priority_queue.h │ │ ├── priority_queue_op.cc │ │ ├── qr_op_complex128.cc │ │ ├── qr_op_complex64.cc │ │ ├── qr_op_double.cc │ │ ├── qr_op_float.cc │ │ ├── qr_op_impl.h │ │ ├── quantization_utils.cc │ │ ├── quantization_utils.h │ │ ├── quantization_utils_test.cc │ │ ├── quantize_and_dequantize_op.cc │ │ ├── quantize_and_dequantize_op.h │ │ ├── quantize_and_dequantize_op_gpu.cu.cc │ │ ├── quantize_and_dequantize_op_test.cc │ │ ├── quantize_down_and_shrink_range.cc │ │ ├── quantize_down_and_shrink_range_op_test.cc │ │ ├── quantize_op.cc │ │ ├── quantize_op_test.cc │ │ ├── quantized_activation_ops.cc │ │ ├── quantized_activation_ops_test.cc │ │ ├── quantized_add_op.cc │ │ ├── quantized_add_op_test.cc │ │ ├── quantized_batch_norm_op.cc │ │ ├── quantized_batch_norm_op_test.cc │ │ ├── quantized_bias_add_op.cc │ │ ├── quantized_bias_add_op_test.cc │ │ ├── quantized_concat_op.cc │ │ ├── quantized_concat_op_test.cc │ │ ├── quantized_conv_ops.cc │ │ ├── quantized_conv_ops_test.cc │ │ ├── quantized_instance_norm.cc │ │ ├── quantized_instance_norm_test.cc │ │ ├── quantized_matmul_op.cc │ │ ├── quantized_matmul_op_test.cc │ │ ├── quantized_mul_op.cc │ │ ├── quantized_mul_op_test.cc │ │ ├── quantized_pooling_ops.cc │ │ ├── quantized_pooling_ops_test.cc │ │ ├── quantized_reshape_op.cc │ │ ├── quantized_reshape_op_test.cc │ │ ├── quantized_resize_bilinear_op.cc │ │ ├── quantized_resize_bilinear_op_test.cc │ │ ├── queue_base.cc │ │ ├── queue_base.h │ │ ├── queue_op.cc │ │ ├── queue_op.h │ │ ├── queue_ops.cc │ │ ├── ragged_gather_op.cc │ │ ├── ragged_gather_op_test.cc │ │ ├── ragged_range_op.cc │ │ ├── ragged_range_op_test.cc │ │ ├── ragged_tensor_from_variant_op.cc │ │ ├── ragged_tensor_from_variant_op_test.cc │ │ ├── ragged_tensor_to_sparse_kernel.cc │ │ ├── ragged_tensor_to_sparse_kernel_test.cc │ │ ├── ragged_tensor_to_tensor_op.cc │ │ ├── ragged_tensor_to_tensor_op_test.cc │ │ ├── ragged_tensor_to_variant_op.cc │ │ ├── ragged_tensor_to_variant_op_test.cc │ │ ├── random_binomial_op.cc │ │ ├── random_binomial_op.h │ │ ├── random_binomial_op_test.cc │ │ ├── random_crop_op.cc │ │ ├── random_op.cc │ │ ├── random_op.h │ │ ├── random_op_cpu.h │ │ ├── random_op_gpu.cu.cc │ │ ├── random_op_gpu.h │ │ ├── random_op_test.cc │ │ ├── random_poisson_op.cc │ │ ├── random_poisson_op.h │ │ ├── random_poisson_op_test.cc │ │ ├── random_shuffle_op.cc │ │ ├── random_shuffle_queue_op.cc │ │ ├── range_sampler.cc │ │ ├── range_sampler.h │ │ ├── range_sampler_test.cc │ │ ├── reader_ops.cc │ │ ├── record_input_op.cc │ │ ├── record_yielder.cc │ │ ├── record_yielder.h │ │ ├── reduce_join_op.cc │ │ ├── reduction_gpu_kernels.cu.h │ │ ├── reduction_ops.h │ │ ├── reduction_ops_all.cc │ │ ├── reduction_ops_any.cc │ │ ├── reduction_ops_common.cc │ │ ├── reduction_ops_common.h │ │ ├── reduction_ops_common_gpu.h │ │ ├── reduction_ops_euclidean.cc │ │ ├── reduction_ops_gpu_bool.cu.cc │ │ ├── reduction_ops_gpu_complex128.cu.cc │ │ ├── reduction_ops_gpu_complex64.cu.cc │ │ ├── reduction_ops_gpu_double.cu.cc │ │ ├── reduction_ops_gpu_float.cu.cc │ │ ├── reduction_ops_gpu_int.cu.cc │ │ ├── reduction_ops_half_mean_sum.cu.cc │ │ ├── reduction_ops_half_prod_max_min.cu.cc │ │ ├── reduction_ops_max.cc │ │ ├── reduction_ops_mean.cc │ │ ├── reduction_ops_min.cc │ │ ├── reduction_ops_prod.cc │ │ ├── reduction_ops_sum.cc │ │ ├── reduction_ops_test.cc │ │ ├── redux_functor.h │ │ ├── reference_gemm.h │ │ ├── regex_full_match_op.cc │ │ ├── regex_replace_op.cc │ │ ├── regex_replace_op_test.cc │ │ ├── relu_op.cc │ │ ├── relu_op.h │ │ ├── relu_op_functor.h │ │ ├── relu_op_gpu.cu.cc │ │ ├── remote_fused_graph_execute_op.cc │ │ ├── remote_fused_graph_execute_op_test.cc │ │ ├── remote_fused_graph_execute_op_test_utils.cc │ │ ├── remote_fused_graph_execute_op_test_utils.h │ │ ├── remote_fused_graph_execute_utils.cc │ │ ├── remote_fused_graph_execute_utils.h │ │ ├── remote_fused_graph_execute_utils_test.cc │ │ ├── remote_fused_graph_rewriter_transform.cc │ │ ├── remote_fused_graph_rewriter_transform_test.cc │ │ ├── requantization_range_op.cc │ │ ├── requantization_range_op_test.cc │ │ ├── requantize.cc │ │ ├── requantize_op_test.cc │ │ ├── reshape_op.cc │ │ ├── reshape_op.h │ │ ├── reshape_util.cc │ │ ├── reshape_util.cu.cc │ │ ├── reshape_util.h │ │ ├── resize_area_op.cc │ │ ├── resize_area_op_test.cc │ │ ├── resize_bicubic_op.cc │ │ ├── resize_bicubic_op_test.cc │ │ ├── resize_bilinear_op.cc │ │ ├── resize_bilinear_op.h │ │ ├── resize_bilinear_op_gpu.cu.cc │ │ ├── resize_bilinear_op_test.cc │ │ ├── resize_nearest_neighbor_op.cc │ │ ├── resize_nearest_neighbor_op.h │ │ ├── resize_nearest_neighbor_op_gpu.cu.cc │ │ ├── resize_nearest_neighbor_op_test.cc │ │ ├── resize_op_benchmark_test.cc │ │ ├── resource_variable_ops.cc │ │ ├── resource_variable_ops.h │ │ ├── restore_op.cc │ │ ├── restore_op_test.cc │ │ ├── restore_v2_op_test.cc │ │ ├── reverse_op.cc │ │ ├── reverse_op.h │ │ ├── reverse_op_gpu.cu.cc │ │ ├── reverse_op_test.cc │ │ ├── reverse_sequence_op.cc │ │ ├── reverse_sequence_op.h │ │ ├── reverse_sequence_op_gpu.cu.cc │ │ ├── rnn │ │ │ ├── BUILD │ │ │ ├── blas_gemm.cc │ │ │ ├── blas_gemm.h │ │ │ ├── gru_ops.cc │ │ │ ├── gru_ops.h │ │ │ ├── gru_ops_gpu.cu.cc │ │ │ ├── lstm_ops.cc │ │ │ ├── lstm_ops.h │ │ │ └── lstm_ops_gpu.cu.cc │ │ ├── roll_op.cc │ │ ├── roll_op.h │ │ ├── roll_op_gpu.cu.cc │ │ ├── roll_op_test.cc │ │ ├── rpc_op.cc │ │ ├── run_graph_op.cc │ │ ├── sample_distorted_bounding_box_op.cc │ │ ├── sampling_kernels.cc │ │ ├── sampling_kernels.h │ │ ├── sampling_kernels_test.cc │ │ ├── save_op.cc │ │ ├── save_op_test.cc │ │ ├── save_restore_tensor.cc │ │ ├── save_restore_tensor.h │ │ ├── save_restore_v2_ops.cc │ │ ├── save_v2_op_test.cc │ │ ├── scale_and_translate_op.cc │ │ ├── scale_and_translate_op.h │ │ ├── scale_and_translate_op_test.cc │ │ ├── scan_ops.cc │ │ ├── scan_ops.h │ │ ├── scan_ops_gpu.h │ │ ├── scan_ops_gpu_double.cu.cc │ │ ├── scan_ops_gpu_float.cu.cc │ │ ├── scan_ops_gpu_half.cu.cc │ │ ├── scan_ops_gpu_int.cu.cc │ │ ├── scan_ops_test.cc │ │ ├── scatter_functor.cc │ │ ├── scatter_functor.h │ │ ├── scatter_functor_gpu.cu.cc │ │ ├── scatter_functor_gpu.cu.h │ │ ├── scatter_nd_op.cc │ │ ├── scatter_nd_op.h │ │ ├── scatter_nd_op_cpu_impl.h │ │ ├── scatter_nd_op_cpu_impl_0.cc │ │ ├── scatter_nd_op_cpu_impl_1.cc │ │ ├── scatter_nd_op_cpu_impl_2.cc │ │ ├── scatter_nd_op_cpu_impl_3.cc │ │ ├── scatter_nd_op_cpu_impl_4.cc │ │ ├── scatter_nd_op_cpu_impl_5.cc │ │ ├── scatter_nd_op_cpu_impl_6.cc │ │ ├── scatter_nd_op_cpu_impl_7.cc │ │ ├── scatter_nd_op_gpu.cu.cc │ │ ├── scatter_nd_op_test.cc │ │ ├── scatter_op.cc │ │ ├── scatter_op_gpu.cu.cc │ │ ├── scatter_op_test.cc │ │ ├── scoped_allocator_ops.cc │ │ ├── scoped_allocator_ops_test.cc │ │ ├── sdca_internal.cc │ │ ├── sdca_internal.h │ │ ├── sdca_ops.cc │ │ ├── sdca_ops_test.cc │ │ ├── searchsorted_op.cc │ │ ├── searchsorted_op.h │ │ ├── searchsorted_op_gpu.cu.cc │ │ ├── segment_reduction_ali_ops.cc │ │ ├── segment_reduction_ali_ops_test.cc │ │ ├── segment_reduction_ali_ops_util.h │ │ ├── segment_reduction_ops.cc │ │ ├── segment_reduction_ops.h │ │ ├── segment_reduction_ops_benchmark_test.cc │ │ ├── segment_reduction_ops_gpu.cu.cc │ │ ├── segment_reduction_ops_gpu.cu.h │ │ ├── segment_reduction_ops_test.cc │ │ ├── segment_reduction_ops_util.cc │ │ ├── segment_reduction_ops_util.h │ │ ├── self_adjoint_eig_op.cc │ │ ├── self_adjoint_eig_v2_op_complex128.cc │ │ ├── self_adjoint_eig_v2_op_complex64.cc │ │ ├── self_adjoint_eig_v2_op_double.cc │ │ ├── self_adjoint_eig_v2_op_float.cc │ │ ├── self_adjoint_eig_v2_op_gpu.cc │ │ ├── self_adjoint_eig_v2_op_impl.h │ │ ├── sendrecv_ops.cc │ │ ├── sendrecv_ops.h │ │ ├── sendrecv_ops_test.cc │ │ ├── sequence_ops.cc │ │ ├── sequence_ops_test.cc │ │ ├── serialize_sparse_op.cc │ │ ├── session_ops.cc │ │ ├── set_kernels.cc │ │ ├── shape_ops.cc │ │ ├── shape_ops.h │ │ ├── slice_op.cc │ │ ├── slice_op.h │ │ ├── slice_op_cpu_impl.h │ │ ├── slice_op_cpu_impl_1.cc │ │ ├── slice_op_cpu_impl_2.cc │ │ ├── slice_op_cpu_impl_3.cc │ │ ├── slice_op_cpu_impl_4.cc │ │ ├── slice_op_cpu_impl_5.cc │ │ ├── slice_op_cpu_impl_6.cc │ │ ├── slice_op_cpu_impl_7.cc │ │ ├── slice_op_gpu.cu.cc │ │ ├── slice_op_gpu_big.cu.cc │ │ ├── slice_op_test.cc │ │ ├── slice_sendrecv_ops.cc │ │ ├── slice_sendrecv_ops.h │ │ ├── slice_sendrecv_ops_test.cc │ │ ├── slice_sendrecv_utils.cc │ │ ├── slice_sendrecv_utils.h │ │ ├── smooth-hinge-loss.h │ │ ├── snapshot_op.cc │ │ ├── snapshot_op.h │ │ ├── snapshot_op_gpu.cu.cc │ │ ├── softmax_op.cc │ │ ├── softmax_op_functor.h │ │ ├── softmax_op_gpu.cu.cc │ │ ├── softplus_op.cc │ │ ├── softplus_op.h │ │ ├── softplus_op_gpu.cu.cc │ │ ├── softsign_op.cc │ │ ├── softsign_op.h │ │ ├── softsign_op_gpu.cu.cc │ │ ├── spacetobatch_benchmark_test.cc │ │ ├── spacetobatch_functor.cc │ │ ├── spacetobatch_functor.h │ │ ├── spacetobatch_functor_gpu.cu.cc │ │ ├── spacetobatch_op.cc │ │ ├── spacetodepth_op.cc │ │ ├── spacetodepth_op.h │ │ ├── spacetodepth_op_gpu.cu.cc │ │ ├── sparse_add_grad_op.cc │ │ ├── sparse_add_op.cc │ │ ├── sparse_add_op_test.cc │ │ ├── sparse_concat_ali_op.cc │ │ ├── sparse_concat_ali_op_test.cc │ │ ├── sparse_concat_op.cc │ │ ├── sparse_conditional_accumulator.h │ │ ├── sparse_conditional_accumulator_ali.h │ │ ├── sparse_conditional_accumulator_op.cc │ │ ├── sparse_cross_op.cc │ │ ├── sparse_decode_ali_ops.cc │ │ ├── sparse_dense_binary_op_shared.cc │ │ ├── sparse_dense_binary_op_shared_test.cc │ │ ├── sparse_fill_empty_rows_op.cc │ │ ├── sparse_fill_empty_rows_op_benchmark_test.cc │ │ ├── sparse_fill_empty_rows_op_util.cu.cc │ │ ├── sparse_fill_empty_rows_op_util.h │ │ ├── sparse_inner_flatten.cc │ │ ├── sparse_inner_flatten_util.cc │ │ ├── sparse_inner_flatten_util.h │ │ ├── sparse_matmul_op.cc │ │ ├── sparse_matmul_op.h │ │ ├── sparse_matmul_op_test.cc │ │ ├── sparse_reduce_op.cc │ │ ├── sparse_reduce_sum_op_test.cc │ │ ├── sparse_reorder_op.cc │ │ ├── sparse_reshape_op.cc │ │ ├── sparse_reshape_op_benchmark_test.cc │ │ ├── sparse_reverse_op.cc │ │ ├── sparse_slice_grad_op.cc │ │ ├── sparse_slice_op.cc │ │ ├── sparse_slice_op.h │ │ ├── sparse_slice_op_gpu.cu.cc │ │ ├── sparse_softmax_op.cc │ │ ├── sparse_sparse_binary_op_shared.cc │ │ ├── sparse_split_op.cc │ │ ├── sparse_tensor_dense_add_op.cc │ │ ├── sparse_tensor_dense_add_op.h │ │ ├── sparse_tensor_dense_matmul_op.cc │ │ ├── sparse_tensor_dense_matmul_op.h │ │ ├── sparse_tensor_dense_matmul_op_gpu.cu.cc │ │ ├── sparse_tensor_dense_matmul_op_test.cc │ │ ├── sparse_tensors_map_ops.cc │ │ ├── sparse_to_dense_op.cc │ │ ├── sparse_to_dense_op_gpu.cu.cc │ │ ├── sparse_to_dense_op_gpu.h │ │ ├── sparse_to_dense_op_test.cc │ │ ├── sparse_utils.cc │ │ ├── sparse_utils.h │ │ ├── sparse_utils_test.cc │ │ ├── sparse_valid_cutoff_op.cc │ │ ├── sparse_xent_op.cc │ │ ├── sparse_xent_op.h │ │ ├── sparse_xent_op_gpu.cu.cc │ │ ├── sparse_xent_op_test.cc │ │ ├── spectrogram.cc │ │ ├── spectrogram.h │ │ ├── spectrogram_convert_test_data.cc │ │ ├── spectrogram_op.cc │ │ ├── spectrogram_op_test.cc │ │ ├── spectrogram_test.cc │ │ ├── spectrogram_test_data │ │ │ ├── README │ │ │ ├── short_test_segment.wav │ │ │ ├── short_test_segment_spectrogram.csv.bin │ │ │ └── short_test_segment_spectrogram_400_200.csv.bin │ │ ├── spectrogram_test_utils.cc │ │ ├── spectrogram_test_utils.h │ │ ├── split_lib.h │ │ ├── split_lib_cpu.cc │ │ ├── split_lib_gpu.cu.cc │ │ ├── split_lib_gpu.h │ │ ├── split_op.cc │ │ ├── split_op_test.cc │ │ ├── split_v_op.cc │ │ ├── split_v_op_test.cc │ │ ├── squared-loss.h │ │ ├── stack.cc │ │ ├── stack.h │ │ ├── stack_ops.cc │ │ ├── stage_op.cc │ │ ├── star_run_graph_op.cc │ │ ├── stateful_random_ops.cc │ │ ├── stateful_random_ops.h │ │ ├── stateful_random_ops_cpu_gpu.h │ │ ├── stateful_random_ops_gpu.cu.cc │ │ ├── stateless_random_ops.cc │ │ ├── stateless_random_ops.h │ │ ├── strided_slice_op.cc │ │ ├── strided_slice_op.h │ │ ├── strided_slice_op_define_grad.cc │ │ ├── strided_slice_op_gpu_bool.cu.cc │ │ ├── strided_slice_op_gpu_complex.cu.cc │ │ ├── strided_slice_op_gpu_impl.h │ │ ├── strided_slice_op_gpu_int.cu.cc │ │ ├── strided_slice_op_gpu_number_types.cu.cc │ │ ├── strided_slice_op_impl.h │ │ ├── strided_slice_op_inst_0.cc │ │ ├── strided_slice_op_inst_1.cc │ │ ├── strided_slice_op_inst_2.cc │ │ ├── strided_slice_op_inst_3.cc │ │ ├── strided_slice_op_inst_4.cc │ │ ├── strided_slice_op_inst_5.cc │ │ ├── strided_slice_op_inst_6.cc │ │ ├── strided_slice_op_inst_7.cc │ │ ├── strided_slice_op_test.cc │ │ ├── string_format_op.cc │ │ ├── string_format_op_test.cc │ │ ├── string_join_op.cc │ │ ├── string_length_op.cc │ │ ├── string_lower_op.cc │ │ ├── string_ngrams_op.cc │ │ ├── string_ngrams_op_test.cc │ │ ├── string_split_and_pad_ali_op.cc │ │ ├── string_split_op.cc │ │ ├── string_split_op_test.cc │ │ ├── string_strip_op.cc │ │ ├── string_to_hash_bucket_ali_op.cc │ │ ├── string_to_hash_bucket_ali_op.h │ │ ├── string_to_hash_bucket_op.cc │ │ ├── string_to_hash_bucket_op.h │ │ ├── string_to_number_op.cc │ │ ├── string_upper_op.cc │ │ ├── string_util.cc │ │ ├── string_util.h │ │ ├── substr_op.cc │ │ ├── substr_op_test.cc │ │ ├── summary_audio_op.cc │ │ ├── summary_audio_op_test.cc │ │ ├── summary_image_op.cc │ │ ├── summary_image_op_test.cc │ │ ├── summary_interface.h │ │ ├── summary_kernels.cc │ │ ├── summary_op.cc │ │ ├── summary_op_test.cc │ │ ├── summary_tensor_op.cc │ │ ├── summary_tensor_op_test.cc │ │ ├── svd_op_complex128.cc │ │ ├── svd_op_complex64.cc │ │ ├── svd_op_double.cc │ │ ├── svd_op_float.cc │ │ ├── svd_op_gpu.cu.cc │ │ ├── svd_op_impl.h │ │ ├── task_runner.h │ │ ├── tensor_array.cc │ │ ├── tensor_array.h │ │ ├── tensor_array_ops.cc │ │ ├── tensor_buffer_ops.cc │ │ ├── tensor_buffer_ops.h │ │ ├── tensor_flag_utils.cc │ │ ├── tensor_flag_utils.h │ │ ├── tensor_flag_utils_test.cc │ │ ├── tensor_forest │ │ │ ├── BUILD │ │ │ ├── prediction_ops.cc │ │ │ ├── resource_ops.cc │ │ │ ├── resources.cc │ │ │ └── resources.h │ │ ├── tensor_pack_trans_ops.cc │ │ ├── text_line_reader_op.cc │ │ ├── tf_record_reader_op.cc │ │ ├── tile_functor.h │ │ ├── tile_functor_cpu.cc │ │ ├── tile_functor_gpu.h │ │ ├── tile_functor_gpu_bool.cu.cc │ │ ├── tile_functor_gpu_complex128.cu.cc │ │ ├── tile_functor_gpu_complex64.cu.cc │ │ ├── tile_functor_gpu_double.cu.cc │ │ ├── tile_functor_gpu_float.cu.cc │ │ ├── tile_functor_gpu_half.cu.cc │ │ ├── tile_functor_gpu_int16.cu.cc │ │ ├── tile_functor_gpu_int32.cu.cc │ │ ├── tile_functor_gpu_int64.cu.cc │ │ ├── tile_ops.cc │ │ ├── tile_ops_cpu_impl.h │ │ ├── tile_ops_cpu_impl_1.cc │ │ ├── tile_ops_cpu_impl_2.cc │ │ ├── tile_ops_cpu_impl_3.cc │ │ ├── tile_ops_cpu_impl_4.cc │ │ ├── tile_ops_cpu_impl_5.cc │ │ ├── tile_ops_cpu_impl_6.cc │ │ ├── tile_ops_cpu_impl_7.cc │ │ ├── tile_ops_gpu_impl.h │ │ ├── tile_ops_gpu_impl_1.cu.cc │ │ ├── tile_ops_gpu_impl_2.cu.cc │ │ ├── tile_ops_gpu_impl_3.cu.cc │ │ ├── tile_ops_gpu_impl_4.cu.cc │ │ ├── tile_ops_gpu_impl_5.cu.cc │ │ ├── tile_ops_gpu_impl_6.cu.cc │ │ ├── tile_ops_gpu_impl_7.cu.cc │ │ ├── tile_ops_gpu_impl_8.cu.cc │ │ ├── tile_ops_impl.h │ │ ├── topk_op.cc │ │ ├── topk_op.h │ │ ├── topk_op_gpu.h │ │ ├── topk_op_gpu_double.cu.cc │ │ ├── topk_op_gpu_float.cu.cc │ │ ├── topk_op_gpu_half.cu.cc │ │ ├── topk_op_gpu_int16.cu.cc │ │ ├── topk_op_gpu_int32.cu.cc │ │ ├── topk_op_gpu_int64.cu.cc │ │ ├── topk_op_gpu_int8.cu.cc │ │ ├── topk_op_gpu_uint16.cu.cc │ │ ├── topk_op_gpu_uint8.cu.cc │ │ ├── training_ali_op_helpers.h │ │ ├── training_ali_ops.cc │ │ ├── training_ali_ops.h │ │ ├── training_ali_ops_gpu.cu.cc │ │ ├── training_ali_ops_gpu.h │ │ ├── training_op_helpers.cc │ │ ├── training_op_helpers.h │ │ ├── training_ops.cc │ │ ├── training_ops.h │ │ ├── training_ops_gpu.cu.cc │ │ ├── training_ops_test.cc │ │ ├── trans_csv_ali_ops.cc │ │ ├── trans_csv_ali_ops_test.cc │ │ ├── transpose_functor.h │ │ ├── transpose_functor_cpu.cc │ │ ├── transpose_functor_gpu.cu.cc │ │ ├── transpose_op.cc │ │ ├── transpose_op.h │ │ ├── transpose_util_test.cc │ │ ├── tridiagonal_matmul_op.cc │ │ ├── tridiagonal_matmul_op_gpu.cu.cc │ │ ├── tridiagonal_solve_op.cc │ │ ├── tridiagonal_solve_op_gpu.cu.cc │ │ ├── typed_conditional_accumulator_base.h │ │ ├── typed_queue.h │ │ ├── unary_ops_composition.cc │ │ ├── unary_ops_composition_test.cc │ │ ├── unicode_ops.cc │ │ ├── unicode_script_op.cc │ │ ├── unique_ali_op.cc │ │ ├── unique_ali_op_gpu.cu.cc │ │ ├── unique_ali_op_util.h │ │ ├── unique_op.cc │ │ ├── unique_op_test.cc │ │ ├── unpack_op.cc │ │ ├── unravel_index_op.cc │ │ ├── unsorted_segment_join_op.cc │ │ ├── variable_ops.cc │ │ ├── variable_ops.h │ │ ├── variable_ops_test.cc │ │ ├── where_op.cc │ │ ├── where_op.h │ │ ├── where_op_gpu.cu.h │ │ ├── where_op_gpu_impl_1.cu.cc │ │ ├── where_op_gpu_impl_2.cu.cc │ │ ├── where_op_gpu_impl_3.cu.cc │ │ ├── where_op_gpu_impl_4.cu.cc │ │ ├── where_op_gpu_impl_5.cu.cc │ │ ├── where_op_gpu_impl_6.cu.cc │ │ ├── where_op_gpu_impl_7.cu.cc │ │ ├── where_op_gpu_impl_8.cu.cc │ │ ├── whole_file_read_ops.cc │ │ ├── winograd_transform.h │ │ ├── word2vec_kernels.cc │ │ ├── work_queue_ops.cc │ │ ├── xent_op.cc │ │ ├── xent_op.h │ │ ├── xent_op_gpu.cu.cc │ │ ├── xent_op_test.cc │ │ ├── xsmm_conv2d.cc │ │ ├── xsmm_conv2d.h │ │ └── xsmm_conv2d_test.cc │ ├── lib │ │ ├── bfloat16 │ │ │ ├── BUILD │ │ │ └── bfloat16.h │ │ ├── bmp │ │ │ └── testdata │ │ │ │ └── lena.bmp │ │ ├── core │ │ │ ├── arena.cc │ │ │ ├── arena.h │ │ │ ├── arena_test.cc │ │ │ ├── bitmap.cc │ │ │ ├── bitmap.h │ │ │ ├── bitmap_test.cc │ │ │ ├── bits.h │ │ │ ├── blocking_counter.h │ │ │ ├── blocking_counter_test.cc │ │ │ ├── coding.cc │ │ │ ├── coding.h │ │ │ ├── coding_test.cc │ │ │ ├── error_codes.proto │ │ │ ├── errors.h │ │ │ ├── notification.h │ │ │ ├── notification_test.cc │ │ │ ├── raw_coding.h │ │ │ ├── refcount.h │ │ │ ├── refcount_test.cc │ │ │ ├── spin_lock.h │ │ │ ├── spin_rw_lock.h │ │ │ ├── status.cc │ │ │ ├── status.h │ │ │ ├── status_test.cc │ │ │ ├── status_test_util.h │ │ │ ├── stringpiece.h │ │ │ ├── threadpool.cc │ │ │ ├── threadpool.h │ │ │ ├── threadpool_interface.h │ │ │ ├── threadpool_options.h │ │ │ └── threadpool_test.cc │ │ ├── db │ │ │ ├── BUILD │ │ │ ├── snapfn.cc │ │ │ ├── sqlite.cc │ │ │ ├── sqlite.h │ │ │ └── sqlite_test.cc │ │ ├── gif │ │ │ ├── gif_io.cc │ │ │ ├── gif_io.h │ │ │ └── testdata │ │ │ │ ├── lena.gif │ │ │ │ ├── optimized.gif │ │ │ │ └── scan.gif │ │ ├── gtl │ │ │ ├── BUILD │ │ │ ├── array_slice.h │ │ │ ├── cleanup.h │ │ │ ├── cleanup_test.cc │ │ │ ├── compactptrset.h │ │ │ ├── compactptrset_test.cc │ │ │ ├── edit_distance.h │ │ │ ├── edit_distance_test.cc │ │ │ ├── flatmap.h │ │ │ ├── flatmap_test.cc │ │ │ ├── flatrep.h │ │ │ ├── flatset.h │ │ │ ├── flatset_test.cc │ │ │ ├── inlined_vector.h │ │ │ ├── int_type.h │ │ │ ├── int_type_test.cc │ │ │ ├── iterator_range.h │ │ │ ├── iterator_range_test.cc │ │ │ ├── manual_constructor.h │ │ │ ├── manual_constructor_test.cc │ │ │ ├── map_util.h │ │ │ ├── map_util_test.cc │ │ │ ├── optional.h │ │ │ ├── priority_queue_util.h │ │ │ ├── stl_util.h │ │ │ ├── subtle │ │ │ │ └── map_traits.h │ │ │ ├── top_n.h │ │ │ └── top_n_test.cc │ │ ├── hash │ │ │ ├── crc32c.cc │ │ │ ├── crc32c.h │ │ │ ├── crc32c_accelerate.cc │ │ │ ├── crc32c_test.cc │ │ │ ├── hash.cc │ │ │ ├── hash.h │ │ │ └── hash_test.cc │ │ ├── histogram │ │ │ ├── histogram.cc │ │ │ ├── histogram.h │ │ │ └── histogram_test.cc │ │ ├── io │ │ │ ├── block.cc │ │ │ ├── block.h │ │ │ ├── block_builder.cc │ │ │ ├── block_builder.h │ │ │ ├── buffered_inputstream.cc │ │ │ ├── buffered_inputstream.h │ │ │ ├── buffered_inputstream_test.cc │ │ │ ├── compression.cc │ │ │ ├── compression.h │ │ │ ├── format.cc │ │ │ ├── format.h │ │ │ ├── inputbuffer.cc │ │ │ ├── inputbuffer.h │ │ │ ├── inputbuffer_test.cc │ │ │ ├── inputstream_interface.cc │ │ │ ├── inputstream_interface.h │ │ │ ├── inputstream_interface_test.cc │ │ │ ├── iterator.cc │ │ │ ├── iterator.h │ │ │ ├── path.cc │ │ │ ├── path.h │ │ │ ├── path_test.cc │ │ │ ├── proto_encode_helper.h │ │ │ ├── random_inputstream.cc │ │ │ ├── random_inputstream.h │ │ │ ├── random_inputstream_test.cc │ │ │ ├── record_reader.cc │ │ │ ├── record_reader.h │ │ │ ├── record_reader_writer_test.cc │ │ │ ├── record_writer.cc │ │ │ ├── record_writer.h │ │ │ ├── recordio_test.cc │ │ │ ├── snappy │ │ │ │ ├── snappy_buffers_test.cc │ │ │ │ ├── snappy_inputbuffer.cc │ │ │ │ ├── snappy_inputbuffer.h │ │ │ │ ├── snappy_outputbuffer.cc │ │ │ │ └── snappy_outputbuffer.h │ │ │ ├── table.cc │ │ │ ├── table.h │ │ │ ├── table_builder.cc │ │ │ ├── table_builder.h │ │ │ ├── table_format.txt │ │ │ ├── table_options.h │ │ │ ├── table_test.cc │ │ │ ├── two_level_iterator.cc │ │ │ ├── two_level_iterator.h │ │ │ ├── zlib_buffers_test.cc │ │ │ ├── zlib_compression_options.cc │ │ │ ├── zlib_compression_options.h │ │ │ ├── zlib_inputstream.cc │ │ │ ├── zlib_inputstream.h │ │ │ ├── zlib_outputbuffer.cc │ │ │ └── zlib_outputbuffer.h │ │ ├── jpeg │ │ │ ├── jpeg_handle.cc │ │ │ ├── jpeg_handle.h │ │ │ ├── jpeg_mem.cc │ │ │ ├── jpeg_mem.h │ │ │ ├── jpeg_mem_unittest.cc │ │ │ └── testdata │ │ │ │ ├── bad_huffman.jpg │ │ │ │ ├── corrupt.jpg │ │ │ │ ├── corrupt34_2.jpg │ │ │ │ ├── corrupt34_3.jpg │ │ │ │ ├── corrupt34_4.jpg │ │ │ │ ├── jpeg_merge_test1.jpg │ │ │ │ ├── jpeg_merge_test1_cmyk.jpg │ │ │ │ ├── medium.jpg │ │ │ │ └── small.jpg │ │ ├── lmdb │ │ │ └── testdata │ │ │ │ ├── data.mdb │ │ │ │ └── data_bigendian.mdb │ │ ├── math │ │ │ ├── BUILD │ │ │ ├── math_util.h │ │ │ └── math_util_test.cc │ │ ├── monitoring │ │ │ ├── collected_metrics.h │ │ │ ├── collection_registry.cc │ │ │ ├── collection_registry.h │ │ │ ├── collection_registry_test.cc │ │ │ ├── counter.h │ │ │ ├── counter_test.cc │ │ │ ├── gauge.h │ │ │ ├── gauge_test.cc │ │ │ ├── metric_def.h │ │ │ ├── metric_def_test.cc │ │ │ ├── mobile_counter.h │ │ │ ├── mobile_gauge.h │ │ │ ├── mobile_sampler.h │ │ │ ├── sampler.cc │ │ │ ├── sampler.h │ │ │ └── sampler_test.cc │ │ ├── png │ │ │ ├── png_io.cc │ │ │ ├── png_io.h │ │ │ └── testdata │ │ │ │ ├── lena_gray.png │ │ │ │ ├── lena_palette.png │ │ │ │ ├── lena_palette_trns.png │ │ │ │ └── lena_rgba.png │ │ ├── psnr │ │ │ └── testdata │ │ │ │ ├── cat_q20.jpg │ │ │ │ ├── cat_q72.jpg │ │ │ │ └── cat_q95.jpg │ │ ├── random │ │ │ ├── BUILD │ │ │ ├── distribution_sampler.cc │ │ │ ├── distribution_sampler.h │ │ │ ├── distribution_sampler_test.cc │ │ │ ├── exact_uniform_int.h │ │ │ ├── philox_random.h │ │ │ ├── philox_random_test.cc │ │ │ ├── philox_random_test_utils.h │ │ │ ├── random.cc │ │ │ ├── random.h │ │ │ ├── random_distributions.cc │ │ │ ├── random_distributions.h │ │ │ ├── random_distributions_test.cc │ │ │ ├── random_test.cc │ │ │ ├── simple_philox.cc │ │ │ ├── simple_philox.h │ │ │ ├── simple_philox_test.cc │ │ │ ├── weighted_picker.cc │ │ │ ├── weighted_picker.h │ │ │ └── weighted_picker_test.cc │ │ ├── ssim │ │ │ └── testdata │ │ │ │ ├── checkerboard1.png │ │ │ │ ├── checkerboard2.png │ │ │ │ └── checkerboard3.png │ │ ├── strings │ │ │ ├── BUILD │ │ │ ├── base64.cc │ │ │ ├── base64.h │ │ │ ├── base64_test.cc │ │ │ ├── numbers.cc │ │ │ ├── numbers.h │ │ │ ├── numbers_test.cc │ │ │ ├── ordered_code.cc │ │ │ ├── ordered_code.h │ │ │ ├── ordered_code_test.cc │ │ │ ├── proto_serialization.cc │ │ │ ├── proto_serialization.h │ │ │ ├── proto_serialization_test.cc │ │ │ ├── proto_text_util.cc │ │ │ ├── proto_text_util.h │ │ │ ├── scanner.cc │ │ │ ├── scanner.h │ │ │ ├── scanner_test.cc │ │ │ ├── str_util.h │ │ │ ├── strcat.cc │ │ │ ├── strcat.h │ │ │ ├── strcat_test.cc │ │ │ └── stringprintf.h │ │ └── wav │ │ │ ├── wav_io.cc │ │ │ ├── wav_io.h │ │ │ └── wav_io_test.cc │ ├── nccl │ │ ├── BUILD │ │ ├── nccl_manager.cc │ │ ├── nccl_manager.h │ │ ├── nccl_manager_test.cc │ │ └── nccl_rewrite.cc │ ├── ops │ │ ├── array_grad.cc │ │ ├── array_grad_test.cc │ │ ├── array_ops.cc │ │ ├── array_ops_test.cc │ │ ├── audio_ops.cc │ │ ├── batch_ops.cc │ │ ├── bitwise_ops.cc │ │ ├── boosted_trees_ops.cc │ │ ├── candidate_sampling_ops.cc │ │ ├── candidate_sampling_ops_test.cc │ │ ├── checkpoint_ops.cc │ │ ├── clustering_ops.cc │ │ ├── collective_ops.cc │ │ ├── compat │ │ │ ├── BUILD │ │ │ ├── backwards_compatibility_test.cc │ │ │ ├── op_compatibility_lib.cc │ │ │ ├── op_compatibility_lib.h │ │ │ ├── ops_history.v0.pbtxt │ │ │ ├── ops_history.v2.pbtxt │ │ │ ├── ops_history_v1 │ │ │ │ ├── Abort.pbtxt │ │ │ │ ├── Abs.pbtxt │ │ │ │ ├── AccumulateNV2.pbtxt │ │ │ │ ├── AccumulatorApplyGradient.pbtxt │ │ │ │ ├── AccumulatorNumAccumulated.pbtxt │ │ │ │ ├── AccumulatorSetGlobalStep.pbtxt │ │ │ │ ├── AccumulatorTakeGradient.pbtxt │ │ │ │ ├── Acos.pbtxt │ │ │ │ ├── Acosh.pbtxt │ │ │ │ ├── Add.pbtxt │ │ │ │ ├── AddManySparseToTensorsMap.pbtxt │ │ │ │ ├── AddN.pbtxt │ │ │ │ ├── AddSparseToTensorsMap.pbtxt │ │ │ │ ├── AddV2.pbtxt │ │ │ │ ├── AdjustContrast.pbtxt │ │ │ │ ├── AdjustContrastv2.pbtxt │ │ │ │ ├── AdjustHue.pbtxt │ │ │ │ ├── AdjustSaturation.pbtxt │ │ │ │ ├── All.pbtxt │ │ │ │ ├── AllCandidateSampler.pbtxt │ │ │ │ ├── AllToAll.pbtxt │ │ │ │ ├── Angle.pbtxt │ │ │ │ ├── AnonymousIterator.pbtxt │ │ │ │ ├── AnonymousIteratorV2.pbtxt │ │ │ │ ├── AnonymousMemoryCache.pbtxt │ │ │ │ ├── AnonymousMultiDeviceIterator.pbtxt │ │ │ │ ├── AnonymousRandomSeedGenerator.pbtxt │ │ │ │ ├── Any.pbtxt │ │ │ │ ├── ApplyAdaMax.pbtxt │ │ │ │ ├── ApplyAdadelta.pbtxt │ │ │ │ ├── ApplyAdagrad.pbtxt │ │ │ │ ├── ApplyAdagradDA.pbtxt │ │ │ │ ├── ApplyAdagradV2.pbtxt │ │ │ │ ├── ApplyAdam.pbtxt │ │ │ │ ├── ApplyAddSign.pbtxt │ │ │ │ ├── ApplyCenteredRMSProp.pbtxt │ │ │ │ ├── ApplyFtrl.pbtxt │ │ │ │ ├── ApplyFtrlV2.pbtxt │ │ │ │ ├── ApplyGradientDescent.pbtxt │ │ │ │ ├── ApplyMomentum.pbtxt │ │ │ │ ├── ApplyPowerSign.pbtxt │ │ │ │ ├── ApplyProximalAdagrad.pbtxt │ │ │ │ ├── ApplyProximalGradientDescent.pbtxt │ │ │ │ ├── ApplyRMSProp.pbtxt │ │ │ │ ├── ApproximateEqual.pbtxt │ │ │ │ ├── ArgMax.pbtxt │ │ │ │ ├── ArgMin.pbtxt │ │ │ │ ├── AsString.pbtxt │ │ │ │ ├── Asin.pbtxt │ │ │ │ ├── Asinh.pbtxt │ │ │ │ ├── Assert.pbtxt │ │ │ │ ├── AssertNextDataset.pbtxt │ │ │ │ ├── Assign.pbtxt │ │ │ │ ├── AssignAdd.pbtxt │ │ │ │ ├── AssignAddVariableOp.pbtxt │ │ │ │ ├── AssignSub.pbtxt │ │ │ │ ├── AssignSubVariableOp.pbtxt │ │ │ │ ├── AssignVariableOp.pbtxt │ │ │ │ ├── Atan.pbtxt │ │ │ │ ├── Atan2.pbtxt │ │ │ │ ├── Atanh.pbtxt │ │ │ │ ├── AudioSpectrogram.pbtxt │ │ │ │ ├── AudioSummary.pbtxt │ │ │ │ ├── AudioSummaryV2.pbtxt │ │ │ │ ├── AutoShardDataset.pbtxt │ │ │ │ ├── AvgPool.pbtxt │ │ │ │ ├── AvgPool3D.pbtxt │ │ │ │ ├── AvgPool3DGrad.pbtxt │ │ │ │ ├── AvgPoolGrad.pbtxt │ │ │ │ ├── Barrier.pbtxt │ │ │ │ ├── BarrierClose.pbtxt │ │ │ │ ├── BarrierIncompleteSize.pbtxt │ │ │ │ ├── BarrierInsertMany.pbtxt │ │ │ │ ├── BarrierReadySize.pbtxt │ │ │ │ ├── BarrierTakeMany.pbtxt │ │ │ │ ├── Batch.pbtxt │ │ │ │ ├── BatchCholesky.pbtxt │ │ │ │ ├── BatchCholeskyGrad.pbtxt │ │ │ │ ├── BatchDataset.pbtxt │ │ │ │ ├── BatchDatasetV2.pbtxt │ │ │ │ ├── BatchFFT.pbtxt │ │ │ │ ├── BatchFFT2D.pbtxt │ │ │ │ ├── BatchFFT3D.pbtxt │ │ │ │ ├── BatchFunction.pbtxt │ │ │ │ ├── BatchIFFT.pbtxt │ │ │ │ ├── BatchIFFT2D.pbtxt │ │ │ │ ├── BatchIFFT3D.pbtxt │ │ │ │ ├── BatchMatMul.pbtxt │ │ │ │ ├── BatchMatMulV2.pbtxt │ │ │ │ ├── BatchMatrixBandPart.pbtxt │ │ │ │ ├── BatchMatrixDeterminant.pbtxt │ │ │ │ ├── BatchMatrixDiag.pbtxt │ │ │ │ ├── BatchMatrixDiagPart.pbtxt │ │ │ │ ├── BatchMatrixInverse.pbtxt │ │ │ │ ├── BatchMatrixSetDiag.pbtxt │ │ │ │ ├── BatchMatrixSolve.pbtxt │ │ │ │ ├── BatchMatrixSolveLs.pbtxt │ │ │ │ ├── BatchMatrixTriangularSolve.pbtxt │ │ │ │ ├── BatchNormWithGlobalNormalization.pbtxt │ │ │ │ ├── BatchNormWithGlobalNormalizationGrad.pbtxt │ │ │ │ ├── BatchSelfAdjointEig.pbtxt │ │ │ │ ├── BatchSelfAdjointEigV2.pbtxt │ │ │ │ ├── BatchSvd.pbtxt │ │ │ │ ├── BatchToSpace.pbtxt │ │ │ │ ├── BatchToSpaceND.pbtxt │ │ │ │ ├── BesselI0e.pbtxt │ │ │ │ ├── BesselI1e.pbtxt │ │ │ │ ├── Betainc.pbtxt │ │ │ │ ├── BiasAdd.pbtxt │ │ │ │ ├── BiasAddGrad.pbtxt │ │ │ │ ├── BiasAddV1.pbtxt │ │ │ │ ├── Bincount.pbtxt │ │ │ │ ├── Bitcast.pbtxt │ │ │ │ ├── BitwiseAnd.pbtxt │ │ │ │ ├── BitwiseOr.pbtxt │ │ │ │ ├── BitwiseXor.pbtxt │ │ │ │ ├── BlockLSTM.pbtxt │ │ │ │ ├── BlockLSTMGrad.pbtxt │ │ │ │ ├── BlockLSTMGradV2.pbtxt │ │ │ │ ├── BlockLSTMV2.pbtxt │ │ │ │ ├── BoostedTreesAggregateStats.pbtxt │ │ │ │ ├── BoostedTreesBucketize.pbtxt │ │ │ │ ├── BoostedTreesCalculateBestFeatureSplit.pbtxt │ │ │ │ ├── BoostedTreesCalculateBestGainsPerFeature.pbtxt │ │ │ │ ├── BoostedTreesCenterBias.pbtxt │ │ │ │ ├── BoostedTreesCreateEnsemble.pbtxt │ │ │ │ ├── BoostedTreesCreateQuantileStreamResource.pbtxt │ │ │ │ ├── BoostedTreesDeserializeEnsemble.pbtxt │ │ │ │ ├── BoostedTreesEnsembleResourceHandleOp.pbtxt │ │ │ │ ├── BoostedTreesExampleDebugOutputs.pbtxt │ │ │ │ ├── BoostedTreesFlushQuantileSummaries.pbtxt │ │ │ │ ├── BoostedTreesGetEnsembleStates.pbtxt │ │ │ │ ├── BoostedTreesMakeQuantileSummaries.pbtxt │ │ │ │ ├── BoostedTreesMakeStatsSummary.pbtxt │ │ │ │ ├── BoostedTreesPredict.pbtxt │ │ │ │ ├── BoostedTreesQuantileStreamResourceAddSummaries.pbtxt │ │ │ │ ├── BoostedTreesQuantileStreamResourceDeserialize.pbtxt │ │ │ │ ├── BoostedTreesQuantileStreamResourceFlush.pbtxt │ │ │ │ ├── BoostedTreesQuantileStreamResourceGetBucketBoundaries.pbtxt │ │ │ │ ├── BoostedTreesQuantileStreamResourceHandleOp.pbtxt │ │ │ │ ├── BoostedTreesSerializeEnsemble.pbtxt │ │ │ │ ├── BoostedTreesSparseAggregateStats.pbtxt │ │ │ │ ├── BoostedTreesSparseCalculateBestFeatureSplit.pbtxt │ │ │ │ ├── BoostedTreesTrainingPredict.pbtxt │ │ │ │ ├── BoostedTreesUpdateEnsemble.pbtxt │ │ │ │ ├── BoostedTreesUpdateEnsembleV2.pbtxt │ │ │ │ ├── BroadcastArgs.pbtxt │ │ │ │ ├── BroadcastGradientArgs.pbtxt │ │ │ │ ├── BroadcastTo.pbtxt │ │ │ │ ├── Bucketize.pbtxt │ │ │ │ ├── BytesProducedStatsDataset.pbtxt │ │ │ │ ├── CSVDataset.pbtxt │ │ │ │ ├── CTCBeamSearchDecoder.pbtxt │ │ │ │ ├── CTCGreedyDecoder.pbtxt │ │ │ │ ├── CTCLoss.pbtxt │ │ │ │ ├── CacheDataset.pbtxt │ │ │ │ ├── CacheDatasetV2.pbtxt │ │ │ │ ├── Case.pbtxt │ │ │ │ ├── Cast.pbtxt │ │ │ │ ├── Ceil.pbtxt │ │ │ │ ├── CheckNumerics.pbtxt │ │ │ │ ├── Cholesky.pbtxt │ │ │ │ ├── CholeskyGrad.pbtxt │ │ │ │ ├── ChooseFastestBranchDataset.pbtxt │ │ │ │ ├── ChooseFastestDataset.pbtxt │ │ │ │ ├── ClipByValue.pbtxt │ │ │ │ ├── CloseSummaryWriter.pbtxt │ │ │ │ ├── CollectiveBcastRecv.pbtxt │ │ │ │ ├── CollectiveBcastSend.pbtxt │ │ │ │ ├── CollectiveGather.pbtxt │ │ │ │ ├── CollectivePermute.pbtxt │ │ │ │ ├── CollectiveReduce.pbtxt │ │ │ │ ├── CombinedNonMaxSuppression.pbtxt │ │ │ │ ├── CompareAndBitpack.pbtxt │ │ │ │ ├── Complex.pbtxt │ │ │ │ ├── ComplexAbs.pbtxt │ │ │ │ ├── ComputeAccidentalHits.pbtxt │ │ │ │ ├── Concat.pbtxt │ │ │ │ ├── ConcatOffset.pbtxt │ │ │ │ ├── ConcatV2.pbtxt │ │ │ │ ├── ConcatenateDataset.pbtxt │ │ │ │ ├── ConditionalAccumulator.pbtxt │ │ │ │ ├── ConfigureDistributedTPU.pbtxt │ │ │ │ ├── ConfigureTPUEmbedding.pbtxt │ │ │ │ ├── Conj.pbtxt │ │ │ │ ├── ConjugateTranspose.pbtxt │ │ │ │ ├── Const.pbtxt │ │ │ │ ├── ConsumeMutexLock.pbtxt │ │ │ │ ├── ControlTrigger.pbtxt │ │ │ │ ├── Conv2D.pbtxt │ │ │ │ ├── Conv2DBackpropFilter.pbtxt │ │ │ │ ├── Conv2DBackpropInput.pbtxt │ │ │ │ ├── Conv3D.pbtxt │ │ │ │ ├── Conv3DBackpropFilter.pbtxt │ │ │ │ ├── Conv3DBackpropFilterV2.pbtxt │ │ │ │ ├── Conv3DBackpropInput.pbtxt │ │ │ │ ├── Conv3DBackpropInputV2.pbtxt │ │ │ │ ├── Copy.pbtxt │ │ │ │ ├── CopyHost.pbtxt │ │ │ │ ├── Cos.pbtxt │ │ │ │ ├── Cosh.pbtxt │ │ │ │ ├── CountUpTo.pbtxt │ │ │ │ ├── CreateSummaryDbWriter.pbtxt │ │ │ │ ├── CreateSummaryFileWriter.pbtxt │ │ │ │ ├── CropAndResize.pbtxt │ │ │ │ ├── CropAndResizeGradBoxes.pbtxt │ │ │ │ ├── CropAndResizeGradImage.pbtxt │ │ │ │ ├── Cross.pbtxt │ │ │ │ ├── CrossReplicaSum.pbtxt │ │ │ │ ├── CudnnRNN.pbtxt │ │ │ │ ├── CudnnRNNBackprop.pbtxt │ │ │ │ ├── CudnnRNNBackpropV2.pbtxt │ │ │ │ ├── CudnnRNNBackpropV3.pbtxt │ │ │ │ ├── CudnnRNNCanonicalToParams.pbtxt │ │ │ │ ├── CudnnRNNCanonicalToParamsV2.pbtxt │ │ │ │ ├── CudnnRNNParamsSize.pbtxt │ │ │ │ ├── CudnnRNNParamsToCanonical.pbtxt │ │ │ │ ├── CudnnRNNParamsToCanonicalV2.pbtxt │ │ │ │ ├── CudnnRNNV2.pbtxt │ │ │ │ ├── CudnnRNNV3.pbtxt │ │ │ │ ├── Cumprod.pbtxt │ │ │ │ ├── Cumsum.pbtxt │ │ │ │ ├── CumulativeLogsumexp.pbtxt │ │ │ │ ├── DataFormatDimMap.pbtxt │ │ │ │ ├── DataFormatVecPermute.pbtxt │ │ │ │ ├── DatasetCardinality.pbtxt │ │ │ │ ├── DatasetFromGraph.pbtxt │ │ │ │ ├── DatasetToGraph.pbtxt │ │ │ │ ├── DatasetToSingleElement.pbtxt │ │ │ │ ├── DatasetToTFRecord.pbtxt │ │ │ │ ├── DebugGradientIdentity.pbtxt │ │ │ │ ├── DebugGradientRefIdentity.pbtxt │ │ │ │ ├── DebugIdentity.pbtxt │ │ │ │ ├── DebugNanCount.pbtxt │ │ │ │ ├── DebugNumericSummary.pbtxt │ │ │ │ ├── DecodeAndCropJpeg.pbtxt │ │ │ │ ├── DecodeBase64.pbtxt │ │ │ │ ├── DecodeBmp.pbtxt │ │ │ │ ├── DecodeCSV.pbtxt │ │ │ │ ├── DecodeCompressed.pbtxt │ │ │ │ ├── DecodeGif.pbtxt │ │ │ │ ├── DecodeJSONExample.pbtxt │ │ │ │ ├── DecodeJpeg.pbtxt │ │ │ │ ├── DecodePaddedRaw.pbtxt │ │ │ │ ├── DecodePng.pbtxt │ │ │ │ ├── DecodeProtoV2.pbtxt │ │ │ │ ├── DecodeRaw.pbtxt │ │ │ │ ├── DecodeWav.pbtxt │ │ │ │ ├── DeepCopy.pbtxt │ │ │ │ ├── DeleteIterator.pbtxt │ │ │ │ ├── DeleteMemoryCache.pbtxt │ │ │ │ ├── DeleteMultiDeviceIterator.pbtxt │ │ │ │ ├── DeleteRandomSeedGenerator.pbtxt │ │ │ │ ├── DeleteSessionTensor.pbtxt │ │ │ │ ├── DenseToDenseSetOperation.pbtxt │ │ │ │ ├── DenseToSparseBatchDataset.pbtxt │ │ │ │ ├── DenseToSparseSetOperation.pbtxt │ │ │ │ ├── DepthToSpace.pbtxt │ │ │ │ ├── DepthwiseConv2dNative.pbtxt │ │ │ │ ├── DepthwiseConv2dNativeBackpropFilter.pbtxt │ │ │ │ ├── DepthwiseConv2dNativeBackpropInput.pbtxt │ │ │ │ ├── Dequantize.pbtxt │ │ │ │ ├── DeserializeIterator.pbtxt │ │ │ │ ├── DeserializeManySparse.pbtxt │ │ │ │ ├── DeserializeSparse.pbtxt │ │ │ │ ├── DestroyResourceOp.pbtxt │ │ │ │ ├── DestroyTemporaryVariable.pbtxt │ │ │ │ ├── Diag.pbtxt │ │ │ │ ├── DiagPart.pbtxt │ │ │ │ ├── Digamma.pbtxt │ │ │ │ ├── Dilation2D.pbtxt │ │ │ │ ├── Dilation2DBackpropFilter.pbtxt │ │ │ │ ├── Dilation2DBackpropInput.pbtxt │ │ │ │ ├── DirectedInterleaveDataset.pbtxt │ │ │ │ ├── Div.pbtxt │ │ │ │ ├── DivNoNan.pbtxt │ │ │ │ ├── DrawBoundingBoxes.pbtxt │ │ │ │ ├── DrawBoundingBoxesV2.pbtxt │ │ │ │ ├── DynamicPartition.pbtxt │ │ │ │ ├── DynamicStitch.pbtxt │ │ │ │ ├── EagerPyFunc.pbtxt │ │ │ │ ├── EditDistance.pbtxt │ │ │ │ ├── Einsum.pbtxt │ │ │ │ ├── Elu.pbtxt │ │ │ │ ├── EluGrad.pbtxt │ │ │ │ ├── Empty.pbtxt │ │ │ │ ├── EmptyTensorList.pbtxt │ │ │ │ ├── EncodeBase64.pbtxt │ │ │ │ ├── EncodeJpeg.pbtxt │ │ │ │ ├── EncodeJpegVariableQuality.pbtxt │ │ │ │ ├── EncodePng.pbtxt │ │ │ │ ├── EncodeProto.pbtxt │ │ │ │ ├── EncodeWav.pbtxt │ │ │ │ ├── EnqueueTPUEmbeddingIntegerBatch.pbtxt │ │ │ │ ├── EnqueueTPUEmbeddingSparseBatch.pbtxt │ │ │ │ ├── EnqueueTPUEmbeddingSparseTensorBatch.pbtxt │ │ │ │ ├── EnsureShape.pbtxt │ │ │ │ ├── Enter.pbtxt │ │ │ │ ├── Equal.pbtxt │ │ │ │ ├── Erf.pbtxt │ │ │ │ ├── Erfc.pbtxt │ │ │ │ ├── EuclideanNorm.pbtxt │ │ │ │ ├── Exit.pbtxt │ │ │ │ ├── Exp.pbtxt │ │ │ │ ├── ExpandDims.pbtxt │ │ │ │ ├── ExperimentalAssertNextDataset.pbtxt │ │ │ │ ├── ExperimentalAutoShardDataset.pbtxt │ │ │ │ ├── ExperimentalBytesProducedStatsDataset.pbtxt │ │ │ │ ├── ExperimentalCSVDataset.pbtxt │ │ │ │ ├── ExperimentalChooseFastestDataset.pbtxt │ │ │ │ ├── ExperimentalDatasetCardinality.pbtxt │ │ │ │ ├── ExperimentalDatasetToTFRecord.pbtxt │ │ │ │ ├── ExperimentalDenseToSparseBatchDataset.pbtxt │ │ │ │ ├── ExperimentalDirectedInterleaveDataset.pbtxt │ │ │ │ ├── ExperimentalGroupByReducerDataset.pbtxt │ │ │ │ ├── ExperimentalGroupByWindowDataset.pbtxt │ │ │ │ ├── ExperimentalIgnoreErrorsDataset.pbtxt │ │ │ │ ├── ExperimentalIteratorGetDevice.pbtxt │ │ │ │ ├── ExperimentalLMDBDataset.pbtxt │ │ │ │ ├── ExperimentalLatencyStatsDataset.pbtxt │ │ │ │ ├── ExperimentalMapAndBatchDataset.pbtxt │ │ │ │ ├── ExperimentalMapDataset.pbtxt │ │ │ │ ├── ExperimentalMatchingFilesDataset.pbtxt │ │ │ │ ├── ExperimentalMaxIntraOpParallelismDataset.pbtxt │ │ │ │ ├── ExperimentalNonSerializableDataset.pbtxt │ │ │ │ ├── ExperimentalParallelInterleaveDataset.pbtxt │ │ │ │ ├── ExperimentalParseExampleDataset.pbtxt │ │ │ │ ├── ExperimentalPrivateThreadPoolDataset.pbtxt │ │ │ │ ├── ExperimentalRandomDataset.pbtxt │ │ │ │ ├── ExperimentalRebatchDataset.pbtxt │ │ │ │ ├── ExperimentalScanDataset.pbtxt │ │ │ │ ├── ExperimentalSetStatsAggregatorDataset.pbtxt │ │ │ │ ├── ExperimentalSleepDataset.pbtxt │ │ │ │ ├── ExperimentalSlidingWindowDataset.pbtxt │ │ │ │ ├── ExperimentalSqlDataset.pbtxt │ │ │ │ ├── ExperimentalStatsAggregatorHandle.pbtxt │ │ │ │ ├── ExperimentalStatsAggregatorSummary.pbtxt │ │ │ │ ├── ExperimentalTakeWhileDataset.pbtxt │ │ │ │ ├── ExperimentalThreadPoolDataset.pbtxt │ │ │ │ ├── ExperimentalThreadPoolHandle.pbtxt │ │ │ │ ├── ExperimentalUnbatchDataset.pbtxt │ │ │ │ ├── ExperimentalUniqueDataset.pbtxt │ │ │ │ ├── Expm1.pbtxt │ │ │ │ ├── ExtractGlimpse.pbtxt │ │ │ │ ├── ExtractImagePatches.pbtxt │ │ │ │ ├── ExtractJpegShape.pbtxt │ │ │ │ ├── ExtractVolumePatches.pbtxt │ │ │ │ ├── FFT.pbtxt │ │ │ │ ├── FFT2D.pbtxt │ │ │ │ ├── FFT3D.pbtxt │ │ │ │ ├── FIFOQueue.pbtxt │ │ │ │ ├── FIFOQueueV2.pbtxt │ │ │ │ ├── Fact.pbtxt │ │ │ │ ├── FakeParam.pbtxt │ │ │ │ ├── FakeQuantWithMinMaxArgs.pbtxt │ │ │ │ ├── FakeQuantWithMinMaxArgsGradient.pbtxt │ │ │ │ ├── FakeQuantWithMinMaxVars.pbtxt │ │ │ │ ├── FakeQuantWithMinMaxVarsGradient.pbtxt │ │ │ │ ├── FakeQuantWithMinMaxVarsPerChannel.pbtxt │ │ │ │ ├── FakeQuantWithMinMaxVarsPerChannelGradient.pbtxt │ │ │ │ ├── FakeQueue.pbtxt │ │ │ │ ├── Fill.pbtxt │ │ │ │ ├── FilterByLastComponentDataset.pbtxt │ │ │ │ ├── FilterDataset.pbtxt │ │ │ │ ├── Fingerprint.pbtxt │ │ │ │ ├── FixedLengthRecordDataset.pbtxt │ │ │ │ ├── FixedLengthRecordDatasetV2.pbtxt │ │ │ │ ├── FixedLengthRecordReader.pbtxt │ │ │ │ ├── FixedLengthRecordReaderV2.pbtxt │ │ │ │ ├── FixedUnigramCandidateSampler.pbtxt │ │ │ │ ├── FlatMapDataset.pbtxt │ │ │ │ ├── Floor.pbtxt │ │ │ │ ├── FloorDiv.pbtxt │ │ │ │ ├── FloorMod.pbtxt │ │ │ │ ├── FlushSummaryWriter.pbtxt │ │ │ │ ├── For.pbtxt │ │ │ │ ├── FractionalAvgPool.pbtxt │ │ │ │ ├── FractionalAvgPoolGrad.pbtxt │ │ │ │ ├── FractionalMaxPool.pbtxt │ │ │ │ ├── FractionalMaxPoolGrad.pbtxt │ │ │ │ ├── FusedBatchNorm.pbtxt │ │ │ │ ├── FusedBatchNormGrad.pbtxt │ │ │ │ ├── FusedBatchNormGradV2.pbtxt │ │ │ │ ├── FusedBatchNormGradV3.pbtxt │ │ │ │ ├── FusedBatchNormV2.pbtxt │ │ │ │ ├── FusedBatchNormV3.pbtxt │ │ │ │ ├── FusedPadConv2D.pbtxt │ │ │ │ ├── FusedResizeAndPadConv2D.pbtxt │ │ │ │ ├── GRUBlockCell.pbtxt │ │ │ │ ├── GRUBlockCellGrad.pbtxt │ │ │ │ ├── Gather.pbtxt │ │ │ │ ├── GatherNd.pbtxt │ │ │ │ ├── GatherV2.pbtxt │ │ │ │ ├── GenerateVocabRemapping.pbtxt │ │ │ │ ├── GeneratorDataset.pbtxt │ │ │ │ ├── GetSessionHandle.pbtxt │ │ │ │ ├── GetSessionHandleV2.pbtxt │ │ │ │ ├── GetSessionTensor.pbtxt │ │ │ │ ├── Greater.pbtxt │ │ │ │ ├── GreaterEqual.pbtxt │ │ │ │ ├── GroupByReducerDataset.pbtxt │ │ │ │ ├── GroupByWindowDataset.pbtxt │ │ │ │ ├── GuaranteeConst.pbtxt │ │ │ │ ├── HSVToRGB.pbtxt │ │ │ │ ├── HashTable.pbtxt │ │ │ │ ├── HashTableV2.pbtxt │ │ │ │ ├── HistogramFixedWidth.pbtxt │ │ │ │ ├── HistogramSummary.pbtxt │ │ │ │ ├── HostConst.pbtxt │ │ │ │ ├── IFFT.pbtxt │ │ │ │ ├── IFFT2D.pbtxt │ │ │ │ ├── IFFT3D.pbtxt │ │ │ │ ├── IRFFT.pbtxt │ │ │ │ ├── IRFFT2D.pbtxt │ │ │ │ ├── IRFFT3D.pbtxt │ │ │ │ ├── Identity.pbtxt │ │ │ │ ├── IdentityN.pbtxt │ │ │ │ ├── IdentityReader.pbtxt │ │ │ │ ├── IdentityReaderV2.pbtxt │ │ │ │ ├── If.pbtxt │ │ │ │ ├── Igamma.pbtxt │ │ │ │ ├── IgammaGradA.pbtxt │ │ │ │ ├── Igammac.pbtxt │ │ │ │ ├── IgnoreErrorsDataset.pbtxt │ │ │ │ ├── Imag.pbtxt │ │ │ │ ├── ImageSummary.pbtxt │ │ │ │ ├── ImmutableConst.pbtxt │ │ │ │ ├── ImportEvent.pbtxt │ │ │ │ ├── InTopK.pbtxt │ │ │ │ ├── InTopKV2.pbtxt │ │ │ │ ├── InfeedDequeue.pbtxt │ │ │ │ ├── InfeedDequeueTuple.pbtxt │ │ │ │ ├── InfeedEnqueue.pbtxt │ │ │ │ ├── InfeedEnqueuePrelinearizedBuffer.pbtxt │ │ │ │ ├── InfeedEnqueueTuple.pbtxt │ │ │ │ ├── InitializeTable.pbtxt │ │ │ │ ├── InitializeTableFromTextFile.pbtxt │ │ │ │ ├── InitializeTableFromTextFileV2.pbtxt │ │ │ │ ├── InitializeTableV2.pbtxt │ │ │ │ ├── InplaceAdd.pbtxt │ │ │ │ ├── InplaceSub.pbtxt │ │ │ │ ├── InplaceUpdate.pbtxt │ │ │ │ ├── InterleaveDataset.pbtxt │ │ │ │ ├── Inv.pbtxt │ │ │ │ ├── InvGrad.pbtxt │ │ │ │ ├── Invert.pbtxt │ │ │ │ ├── InvertPermutation.pbtxt │ │ │ │ ├── IsBoostedTreesEnsembleInitialized.pbtxt │ │ │ │ ├── IsBoostedTreesQuantileStreamResourceInitialized.pbtxt │ │ │ │ ├── IsFinite.pbtxt │ │ │ │ ├── IsInf.pbtxt │ │ │ │ ├── IsNan.pbtxt │ │ │ │ ├── IsVariableInitialized.pbtxt │ │ │ │ ├── Iterator.pbtxt │ │ │ │ ├── IteratorFromStringHandle.pbtxt │ │ │ │ ├── IteratorFromStringHandleV2.pbtxt │ │ │ │ ├── IteratorGetDevice.pbtxt │ │ │ │ ├── IteratorGetNext.pbtxt │ │ │ │ ├── IteratorGetNextAsOptional.pbtxt │ │ │ │ ├── IteratorGetNextSync.pbtxt │ │ │ │ ├── IteratorToStringHandle.pbtxt │ │ │ │ ├── IteratorV2.pbtxt │ │ │ │ ├── KMC2ChainInitialization.pbtxt │ │ │ │ ├── KmeansPlusPlusInitialization.pbtxt │ │ │ │ ├── L2Loss.pbtxt │ │ │ │ ├── LMDBDataset.pbtxt │ │ │ │ ├── LMDBReader.pbtxt │ │ │ │ ├── LRN.pbtxt │ │ │ │ ├── LRNGrad.pbtxt │ │ │ │ ├── LSTMBlockCell.pbtxt │ │ │ │ ├── LSTMBlockCellGrad.pbtxt │ │ │ │ ├── LatencyStatsDataset.pbtxt │ │ │ │ ├── LeakyRelu.pbtxt │ │ │ │ ├── LeakyReluGrad.pbtxt │ │ │ │ ├── LearnedUnigramCandidateSampler.pbtxt │ │ │ │ ├── LeftShift.pbtxt │ │ │ │ ├── Less.pbtxt │ │ │ │ ├── LessEqual.pbtxt │ │ │ │ ├── Lgamma.pbtxt │ │ │ │ ├── LinSpace.pbtxt │ │ │ │ ├── ListDiff.pbtxt │ │ │ │ ├── LoadAndRemapMatrix.pbtxt │ │ │ │ ├── LoadTPUEmbeddingADAMParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingADAMParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingAdadeltaParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingAdadeltaParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingAdagradParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingAdagradParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingCenteredRMSPropParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingFTRLParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingFTRLParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingMDLAdagradLightParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingMomentumParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingMomentumParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingProximalAdagradParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingProximalAdagradParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingRMSPropParameters.pbtxt │ │ │ │ ├── LoadTPUEmbeddingRMSPropParametersGradAccumDebug.pbtxt │ │ │ │ ├── LoadTPUEmbeddingStochasticGradientDescentParameters.pbtxt │ │ │ │ ├── Log.pbtxt │ │ │ │ ├── Log1p.pbtxt │ │ │ │ ├── LogMatrixDeterminant.pbtxt │ │ │ │ ├── LogSoftmax.pbtxt │ │ │ │ ├── LogUniformCandidateSampler.pbtxt │ │ │ │ ├── LogicalAnd.pbtxt │ │ │ │ ├── LogicalNot.pbtxt │ │ │ │ ├── LogicalOr.pbtxt │ │ │ │ ├── LookupTableExport.pbtxt │ │ │ │ ├── LookupTableExportV2.pbtxt │ │ │ │ ├── LookupTableFind.pbtxt │ │ │ │ ├── LookupTableFindV2.pbtxt │ │ │ │ ├── LookupTableImport.pbtxt │ │ │ │ ├── LookupTableImportV2.pbtxt │ │ │ │ ├── LookupTableInsert.pbtxt │ │ │ │ ├── LookupTableInsertV2.pbtxt │ │ │ │ ├── LookupTableRemoveV2.pbtxt │ │ │ │ ├── LookupTableSize.pbtxt │ │ │ │ ├── LookupTableSizeV2.pbtxt │ │ │ │ ├── LoopCond.pbtxt │ │ │ │ ├── LowerBound.pbtxt │ │ │ │ ├── Lu.pbtxt │ │ │ │ ├── MakeIterator.pbtxt │ │ │ │ ├── MapAndBatchDataset.pbtxt │ │ │ │ ├── MapClear.pbtxt │ │ │ │ ├── MapDataset.pbtxt │ │ │ │ ├── MapDefun.pbtxt │ │ │ │ ├── MapIncompleteSize.pbtxt │ │ │ │ ├── MapPeek.pbtxt │ │ │ │ ├── MapSize.pbtxt │ │ │ │ ├── MapStage.pbtxt │ │ │ │ ├── MapUnstage.pbtxt │ │ │ │ ├── MapUnstageNoKey.pbtxt │ │ │ │ ├── MatMul.pbtxt │ │ │ │ ├── MatchingFiles.pbtxt │ │ │ │ ├── MatchingFilesDataset.pbtxt │ │ │ │ ├── MatrixBandPart.pbtxt │ │ │ │ ├── MatrixDeterminant.pbtxt │ │ │ │ ├── MatrixDiag.pbtxt │ │ │ │ ├── MatrixDiagPart.pbtxt │ │ │ │ ├── MatrixDiagPartV2.pbtxt │ │ │ │ ├── MatrixDiagV2.pbtxt │ │ │ │ ├── MatrixExponential.pbtxt │ │ │ │ ├── MatrixInverse.pbtxt │ │ │ │ ├── MatrixLogarithm.pbtxt │ │ │ │ ├── MatrixSetDiag.pbtxt │ │ │ │ ├── MatrixSetDiagV2.pbtxt │ │ │ │ ├── MatrixSolve.pbtxt │ │ │ │ ├── MatrixSolveLs.pbtxt │ │ │ │ ├── MatrixSquareRoot.pbtxt │ │ │ │ ├── MatrixTriangularSolve.pbtxt │ │ │ │ ├── Max.pbtxt │ │ │ │ ├── MaxIntraOpParallelismDataset.pbtxt │ │ │ │ ├── MaxPool.pbtxt │ │ │ │ ├── MaxPool3D.pbtxt │ │ │ │ ├── MaxPool3DGrad.pbtxt │ │ │ │ ├── MaxPool3DGradGrad.pbtxt │ │ │ │ ├── MaxPoolGrad.pbtxt │ │ │ │ ├── MaxPoolGradGrad.pbtxt │ │ │ │ ├── MaxPoolGradGradV2.pbtxt │ │ │ │ ├── MaxPoolGradGradWithArgmax.pbtxt │ │ │ │ ├── MaxPoolGradV2.pbtxt │ │ │ │ ├── MaxPoolGradWithArgmax.pbtxt │ │ │ │ ├── MaxPoolV2.pbtxt │ │ │ │ ├── MaxPoolWithArgmax.pbtxt │ │ │ │ ├── Maximum.pbtxt │ │ │ │ ├── Mean.pbtxt │ │ │ │ ├── Merge.pbtxt │ │ │ │ ├── MergeSummary.pbtxt │ │ │ │ ├── MergeV2Checkpoints.pbtxt │ │ │ │ ├── Mfcc.pbtxt │ │ │ │ ├── Min.pbtxt │ │ │ │ ├── Minimum.pbtxt │ │ │ │ ├── MirrorPad.pbtxt │ │ │ │ ├── MirrorPadGrad.pbtxt │ │ │ │ ├── Mod.pbtxt │ │ │ │ ├── ModelDataset.pbtxt │ │ │ │ ├── Mul.pbtxt │ │ │ │ ├── MulNoNan.pbtxt │ │ │ │ ├── MultiDeviceIterator.pbtxt │ │ │ │ ├── MultiDeviceIteratorFromStringHandle.pbtxt │ │ │ │ ├── MultiDeviceIteratorGetNextFromShard.pbtxt │ │ │ │ ├── MultiDeviceIteratorInit.pbtxt │ │ │ │ ├── MultiDeviceIteratorToStringHandle.pbtxt │ │ │ │ ├── Multinomial.pbtxt │ │ │ │ ├── MutableDenseHashTable.pbtxt │ │ │ │ ├── MutableDenseHashTableV2.pbtxt │ │ │ │ ├── MutableHashTable.pbtxt │ │ │ │ ├── MutableHashTableOfTensors.pbtxt │ │ │ │ ├── MutableHashTableOfTensorsV2.pbtxt │ │ │ │ ├── MutableHashTableV2.pbtxt │ │ │ │ ├── MutexLock.pbtxt │ │ │ │ ├── MutexV2.pbtxt │ │ │ │ ├── NcclAllReduce.pbtxt │ │ │ │ ├── NcclBroadcast.pbtxt │ │ │ │ ├── NcclReduce.pbtxt │ │ │ │ ├── NearestNeighbors.pbtxt │ │ │ │ ├── Neg.pbtxt │ │ │ │ ├── NegTrain.pbtxt │ │ │ │ ├── NextAfter.pbtxt │ │ │ │ ├── NextIteration.pbtxt │ │ │ │ ├── NoOp.pbtxt │ │ │ │ ├── NonDeterministicInts.pbtxt │ │ │ │ ├── NonMaxSuppression.pbtxt │ │ │ │ ├── NonMaxSuppressionV2.pbtxt │ │ │ │ ├── NonMaxSuppressionV3.pbtxt │ │ │ │ ├── NonMaxSuppressionV4.pbtxt │ │ │ │ ├── NonMaxSuppressionV5.pbtxt │ │ │ │ ├── NonMaxSuppressionWithOverlaps.pbtxt │ │ │ │ ├── NonSerializableDataset.pbtxt │ │ │ │ ├── NotEqual.pbtxt │ │ │ │ ├── NthElement.pbtxt │ │ │ │ ├── OneHot.pbtxt │ │ │ │ ├── OneShotIterator.pbtxt │ │ │ │ ├── OnesLike.pbtxt │ │ │ │ ├── OptimizeDataset.pbtxt │ │ │ │ ├── OptionalFromValue.pbtxt │ │ │ │ ├── OptionalGetValue.pbtxt │ │ │ │ ├── OptionalHasValue.pbtxt │ │ │ │ ├── OptionalNone.pbtxt │ │ │ │ ├── OrderedMapClear.pbtxt │ │ │ │ ├── OrderedMapIncompleteSize.pbtxt │ │ │ │ ├── OrderedMapPeek.pbtxt │ │ │ │ ├── OrderedMapSize.pbtxt │ │ │ │ ├── OrderedMapStage.pbtxt │ │ │ │ ├── OrderedMapUnstage.pbtxt │ │ │ │ ├── OrderedMapUnstageNoKey.pbtxt │ │ │ │ ├── OutfeedDequeue.pbtxt │ │ │ │ ├── OutfeedDequeueTuple.pbtxt │ │ │ │ ├── OutfeedEnqueue.pbtxt │ │ │ │ ├── OutfeedEnqueueTuple.pbtxt │ │ │ │ ├── Pack.pbtxt │ │ │ │ ├── Pad.pbtxt │ │ │ │ ├── PadV2.pbtxt │ │ │ │ ├── PaddedBatchDataset.pbtxt │ │ │ │ ├── PaddedBatchDatasetV2.pbtxt │ │ │ │ ├── PaddingFIFOQueue.pbtxt │ │ │ │ ├── PaddingFIFOQueueV2.pbtxt │ │ │ │ ├── ParallelConcat.pbtxt │ │ │ │ ├── ParallelDynamicStitch.pbtxt │ │ │ │ ├── ParallelInterleaveDataset.pbtxt │ │ │ │ ├── ParallelInterleaveDatasetV2.pbtxt │ │ │ │ ├── ParallelMapDataset.pbtxt │ │ │ │ ├── ParameterizedTruncatedNormal.pbtxt │ │ │ │ ├── ParseExample.pbtxt │ │ │ │ ├── ParseExampleDataset.pbtxt │ │ │ │ ├── ParseSequenceExample.pbtxt │ │ │ │ ├── ParseSingleExample.pbtxt │ │ │ │ ├── ParseSingleSequenceExample.pbtxt │ │ │ │ ├── ParseTensor.pbtxt │ │ │ │ ├── PartitionedCall.pbtxt │ │ │ │ ├── Placeholder.pbtxt │ │ │ │ ├── PlaceholderV2.pbtxt │ │ │ │ ├── PlaceholderWithDefault.pbtxt │ │ │ │ ├── Polygamma.pbtxt │ │ │ │ ├── PopulationCount.pbtxt │ │ │ │ ├── Pow.pbtxt │ │ │ │ ├── PrefetchDataset.pbtxt │ │ │ │ ├── Prelinearize.pbtxt │ │ │ │ ├── PrelinearizeTuple.pbtxt │ │ │ │ ├── PreventGradient.pbtxt │ │ │ │ ├── Print.pbtxt │ │ │ │ ├── PrintV2.pbtxt │ │ │ │ ├── PriorityQueue.pbtxt │ │ │ │ ├── PriorityQueueV2.pbtxt │ │ │ │ ├── PrivateThreadPoolDataset.pbtxt │ │ │ │ ├── Prod.pbtxt │ │ │ │ ├── PyFunc.pbtxt │ │ │ │ ├── PyFuncStateless.pbtxt │ │ │ │ ├── Qr.pbtxt │ │ │ │ ├── QuantizeAndDequantize.pbtxt │ │ │ │ ├── QuantizeAndDequantizeV2.pbtxt │ │ │ │ ├── QuantizeAndDequantizeV3.pbtxt │ │ │ │ ├── QuantizeDownAndShrinkRange.pbtxt │ │ │ │ ├── QuantizeV2.pbtxt │ │ │ │ ├── QuantizedAdd.pbtxt │ │ │ │ ├── QuantizedAvgPool.pbtxt │ │ │ │ ├── QuantizedBatchNormWithGlobalNormalization.pbtxt │ │ │ │ ├── QuantizedBiasAdd.pbtxt │ │ │ │ ├── QuantizedConcat.pbtxt │ │ │ │ ├── QuantizedConv2D.pbtxt │ │ │ │ ├── QuantizedConv2DAndRelu.pbtxt │ │ │ │ ├── QuantizedConv2DAndReluAndRequantize.pbtxt │ │ │ │ ├── QuantizedConv2DAndRequantize.pbtxt │ │ │ │ ├── QuantizedConv2DPerChannel.pbtxt │ │ │ │ ├── QuantizedConv2DWithBias.pbtxt │ │ │ │ ├── QuantizedConv2DWithBiasAndRelu.pbtxt │ │ │ │ ├── QuantizedConv2DWithBiasAndReluAndRequantize.pbtxt │ │ │ │ ├── QuantizedConv2DWithBiasAndRequantize.pbtxt │ │ │ │ ├── QuantizedConv2DWithBiasSignedSumAndReluAndRequantize.pbtxt │ │ │ │ ├── QuantizedConv2DWithBiasSumAndRelu.pbtxt │ │ │ │ ├── QuantizedConv2DWithBiasSumAndReluAndRequantize.pbtxt │ │ │ │ ├── QuantizedDepthwiseConv2D.pbtxt │ │ │ │ ├── QuantizedDepthwiseConv2DWithBias.pbtxt │ │ │ │ ├── QuantizedDepthwiseConv2DWithBiasAndRelu.pbtxt │ │ │ │ ├── QuantizedDepthwiseConv2DWithBiasAndReluAndRequantize.pbtxt │ │ │ │ ├── QuantizedInstanceNorm.pbtxt │ │ │ │ ├── QuantizedMatMul.pbtxt │ │ │ │ ├── QuantizedMatMulWithBias.pbtxt │ │ │ │ ├── QuantizedMatMulWithBiasAndRelu.pbtxt │ │ │ │ ├── QuantizedMatMulWithBiasAndReluAndRequantize.pbtxt │ │ │ │ ├── QuantizedMaxPool.pbtxt │ │ │ │ ├── QuantizedMul.pbtxt │ │ │ │ ├── QuantizedRelu.pbtxt │ │ │ │ ├── QuantizedRelu6.pbtxt │ │ │ │ ├── QuantizedReluX.pbtxt │ │ │ │ ├── QuantizedReshape.pbtxt │ │ │ │ ├── QuantizedResizeBilinear.pbtxt │ │ │ │ ├── QueueClose.pbtxt │ │ │ │ ├── QueueCloseV2.pbtxt │ │ │ │ ├── QueueDequeue.pbtxt │ │ │ │ ├── QueueDequeueMany.pbtxt │ │ │ │ ├── QueueDequeueManyV2.pbtxt │ │ │ │ ├── QueueDequeueUpTo.pbtxt │ │ │ │ ├── QueueDequeueUpToV2.pbtxt │ │ │ │ ├── QueueDequeueV2.pbtxt │ │ │ │ ├── QueueEnqueue.pbtxt │ │ │ │ ├── QueueEnqueueMany.pbtxt │ │ │ │ ├── QueueEnqueueManyV2.pbtxt │ │ │ │ ├── QueueEnqueueV2.pbtxt │ │ │ │ ├── QueueIsClosed.pbtxt │ │ │ │ ├── QueueIsClosedV2.pbtxt │ │ │ │ ├── QueueSize.pbtxt │ │ │ │ ├── QueueSizeV2.pbtxt │ │ │ │ ├── RFFT.pbtxt │ │ │ │ ├── RFFT2D.pbtxt │ │ │ │ ├── RFFT3D.pbtxt │ │ │ │ ├── RGBToHSV.pbtxt │ │ │ │ ├── RaggedGather.pbtxt │ │ │ │ ├── RaggedRange.pbtxt │ │ │ │ ├── RaggedTensorFromVariant.pbtxt │ │ │ │ ├── RaggedTensorToSparse.pbtxt │ │ │ │ ├── RaggedTensorToTensor.pbtxt │ │ │ │ ├── RaggedTensorToVariant.pbtxt │ │ │ │ ├── RandomCrop.pbtxt │ │ │ │ ├── RandomDataset.pbtxt │ │ │ │ ├── RandomGamma.pbtxt │ │ │ │ ├── RandomGammaGrad.pbtxt │ │ │ │ ├── RandomPoisson.pbtxt │ │ │ │ ├── RandomPoissonV2.pbtxt │ │ │ │ ├── RandomShuffle.pbtxt │ │ │ │ ├── RandomShuffleQueue.pbtxt │ │ │ │ ├── RandomShuffleQueueV2.pbtxt │ │ │ │ ├── RandomStandardNormal.pbtxt │ │ │ │ ├── RandomUniform.pbtxt │ │ │ │ ├── RandomUniformInt.pbtxt │ │ │ │ ├── Range.pbtxt │ │ │ │ ├── RangeDataset.pbtxt │ │ │ │ ├── Rank.pbtxt │ │ │ │ ├── ReadFile.pbtxt │ │ │ │ ├── ReadVariableOp.pbtxt │ │ │ │ ├── ReaderNumRecordsProduced.pbtxt │ │ │ │ ├── ReaderNumRecordsProducedV2.pbtxt │ │ │ │ ├── ReaderNumWorkUnitsCompleted.pbtxt │ │ │ │ ├── ReaderNumWorkUnitsCompletedV2.pbtxt │ │ │ │ ├── ReaderRead.pbtxt │ │ │ │ ├── ReaderReadUpTo.pbtxt │ │ │ │ ├── ReaderReadUpToV2.pbtxt │ │ │ │ ├── ReaderReadV2.pbtxt │ │ │ │ ├── ReaderReset.pbtxt │ │ │ │ ├── ReaderResetV2.pbtxt │ │ │ │ ├── ReaderRestoreState.pbtxt │ │ │ │ ├── ReaderRestoreStateV2.pbtxt │ │ │ │ ├── ReaderSerializeState.pbtxt │ │ │ │ ├── ReaderSerializeStateV2.pbtxt │ │ │ │ ├── Real.pbtxt │ │ │ │ ├── RealDiv.pbtxt │ │ │ │ ├── RebatchDataset.pbtxt │ │ │ │ ├── Reciprocal.pbtxt │ │ │ │ ├── ReciprocalGrad.pbtxt │ │ │ │ ├── RecordInput.pbtxt │ │ │ │ ├── RecvTPUEmbeddingActivations.pbtxt │ │ │ │ ├── ReduceDataset.pbtxt │ │ │ │ ├── ReduceJoin.pbtxt │ │ │ │ ├── RefEnter.pbtxt │ │ │ │ ├── RefExit.pbtxt │ │ │ │ ├── RefIdentity.pbtxt │ │ │ │ ├── RefMerge.pbtxt │ │ │ │ ├── RefNextIteration.pbtxt │ │ │ │ ├── RefSelect.pbtxt │ │ │ │ ├── RefSwitch.pbtxt │ │ │ │ ├── RegexFullMatch.pbtxt │ │ │ │ ├── RegexReplace.pbtxt │ │ │ │ ├── Relu.pbtxt │ │ │ │ ├── Relu6.pbtxt │ │ │ │ ├── Relu6Grad.pbtxt │ │ │ │ ├── ReluGrad.pbtxt │ │ │ │ ├── RemoteCall.pbtxt │ │ │ │ ├── RemoteFusedGraphExecute.pbtxt │ │ │ │ ├── RepeatDataset.pbtxt │ │ │ │ ├── RequantizationRange.pbtxt │ │ │ │ ├── RequantizationRangePerChannel.pbtxt │ │ │ │ ├── Requantize.pbtxt │ │ │ │ ├── RequantizePerChannel.pbtxt │ │ │ │ ├── Reshape.pbtxt │ │ │ │ ├── ResizeArea.pbtxt │ │ │ │ ├── ResizeBicubic.pbtxt │ │ │ │ ├── ResizeBicubicGrad.pbtxt │ │ │ │ ├── ResizeBilinear.pbtxt │ │ │ │ ├── ResizeBilinearGrad.pbtxt │ │ │ │ ├── ResizeNearestNeighbor.pbtxt │ │ │ │ ├── ResizeNearestNeighborGrad.pbtxt │ │ │ │ ├── ResourceAccumulatorApplyGradient.pbtxt │ │ │ │ ├── ResourceAccumulatorNumAccumulated.pbtxt │ │ │ │ ├── ResourceAccumulatorSetGlobalStep.pbtxt │ │ │ │ ├── ResourceAccumulatorTakeGradient.pbtxt │ │ │ │ ├── ResourceApplyAdaMax.pbtxt │ │ │ │ ├── ResourceApplyAdadelta.pbtxt │ │ │ │ ├── ResourceApplyAdagrad.pbtxt │ │ │ │ ├── ResourceApplyAdagradDA.pbtxt │ │ │ │ ├── ResourceApplyAdagradV2.pbtxt │ │ │ │ ├── ResourceApplyAdam.pbtxt │ │ │ │ ├── ResourceApplyAdamWithAmsgrad.pbtxt │ │ │ │ ├── ResourceApplyAddSign.pbtxt │ │ │ │ ├── ResourceApplyCenteredRMSProp.pbtxt │ │ │ │ ├── ResourceApplyFtrl.pbtxt │ │ │ │ ├── ResourceApplyFtrlV2.pbtxt │ │ │ │ ├── ResourceApplyGradientDescent.pbtxt │ │ │ │ ├── ResourceApplyKerasMomentum.pbtxt │ │ │ │ ├── ResourceApplyMomentum.pbtxt │ │ │ │ ├── ResourceApplyPowerSign.pbtxt │ │ │ │ ├── ResourceApplyProximalAdagrad.pbtxt │ │ │ │ ├── ResourceApplyProximalGradientDescent.pbtxt │ │ │ │ ├── ResourceApplyRMSProp.pbtxt │ │ │ │ ├── ResourceConditionalAccumulator.pbtxt │ │ │ │ ├── ResourceCountUpTo.pbtxt │ │ │ │ ├── ResourceGather.pbtxt │ │ │ │ ├── ResourceGatherNd.pbtxt │ │ │ │ ├── ResourceScatterAdd.pbtxt │ │ │ │ ├── ResourceScatterDiv.pbtxt │ │ │ │ ├── ResourceScatterMax.pbtxt │ │ │ │ ├── ResourceScatterMin.pbtxt │ │ │ │ ├── ResourceScatterMul.pbtxt │ │ │ │ ├── ResourceScatterNdAdd.pbtxt │ │ │ │ ├── ResourceScatterNdSub.pbtxt │ │ │ │ ├── ResourceScatterNdUpdate.pbtxt │ │ │ │ ├── ResourceScatterSub.pbtxt │ │ │ │ ├── ResourceScatterUpdate.pbtxt │ │ │ │ ├── ResourceSparseApplyAdadelta.pbtxt │ │ │ │ ├── ResourceSparseApplyAdagrad.pbtxt │ │ │ │ ├── ResourceSparseApplyAdagradDA.pbtxt │ │ │ │ ├── ResourceSparseApplyAdagradV2.pbtxt │ │ │ │ ├── ResourceSparseApplyCenteredRMSProp.pbtxt │ │ │ │ ├── ResourceSparseApplyFtrl.pbtxt │ │ │ │ ├── ResourceSparseApplyFtrlV2.pbtxt │ │ │ │ ├── ResourceSparseApplyKerasMomentum.pbtxt │ │ │ │ ├── ResourceSparseApplyMomentum.pbtxt │ │ │ │ ├── ResourceSparseApplyProximalAdagrad.pbtxt │ │ │ │ ├── ResourceSparseApplyProximalGradientDescent.pbtxt │ │ │ │ ├── ResourceSparseApplyRMSProp.pbtxt │ │ │ │ ├── ResourceStridedSliceAssign.pbtxt │ │ │ │ ├── Restore.pbtxt │ │ │ │ ├── RestoreSlice.pbtxt │ │ │ │ ├── RestoreV2.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingADAMParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingADAMParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingAdadeltaParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingAdadeltaParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingAdagradParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingAdagradParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingCenteredRMSPropParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingFTRLParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingFTRLParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingMDLAdagradLightParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingMomentumParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingMomentumParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingProximalAdagradParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingProximalAdagradParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingRMSPropParameters.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingRMSPropParametersGradAccumDebug.pbtxt │ │ │ │ ├── RetrieveTPUEmbeddingStochasticGradientDescentParameters.pbtxt │ │ │ │ ├── Reverse.pbtxt │ │ │ │ ├── ReverseSequence.pbtxt │ │ │ │ ├── ReverseV2.pbtxt │ │ │ │ ├── RightShift.pbtxt │ │ │ │ ├── Rint.pbtxt │ │ │ │ ├── RngSkip.pbtxt │ │ │ │ ├── Roll.pbtxt │ │ │ │ ├── Round.pbtxt │ │ │ │ ├── Rpc.pbtxt │ │ │ │ ├── Rsqrt.pbtxt │ │ │ │ ├── RsqrtGrad.pbtxt │ │ │ │ ├── SampleDistortedBoundingBox.pbtxt │ │ │ │ ├── SampleDistortedBoundingBoxV2.pbtxt │ │ │ │ ├── SamplingDataset.pbtxt │ │ │ │ ├── Save.pbtxt │ │ │ │ ├── SaveSlices.pbtxt │ │ │ │ ├── SaveV2.pbtxt │ │ │ │ ├── ScalarSummary.pbtxt │ │ │ │ ├── ScaleAndTranslate.pbtxt │ │ │ │ ├── ScaleAndTranslateGrad.pbtxt │ │ │ │ ├── ScanDataset.pbtxt │ │ │ │ ├── ScatterAdd.pbtxt │ │ │ │ ├── ScatterDiv.pbtxt │ │ │ │ ├── ScatterMax.pbtxt │ │ │ │ ├── ScatterMin.pbtxt │ │ │ │ ├── ScatterMul.pbtxt │ │ │ │ ├── ScatterNd.pbtxt │ │ │ │ ├── ScatterNdAdd.pbtxt │ │ │ │ ├── ScatterNdNonAliasingAdd.pbtxt │ │ │ │ ├── ScatterNdSub.pbtxt │ │ │ │ ├── ScatterNdUpdate.pbtxt │ │ │ │ ├── ScatterSub.pbtxt │ │ │ │ ├── ScatterUpdate.pbtxt │ │ │ │ ├── SdcaFprint.pbtxt │ │ │ │ ├── SdcaOptimizer.pbtxt │ │ │ │ ├── SdcaOptimizerV2.pbtxt │ │ │ │ ├── SdcaShrinkL1.pbtxt │ │ │ │ ├── SegmentMax.pbtxt │ │ │ │ ├── SegmentMean.pbtxt │ │ │ │ ├── SegmentMin.pbtxt │ │ │ │ ├── SegmentProd.pbtxt │ │ │ │ ├── SegmentSum.pbtxt │ │ │ │ ├── Select.pbtxt │ │ │ │ ├── SelectV2.pbtxt │ │ │ │ ├── SelfAdjointEig.pbtxt │ │ │ │ ├── SelfAdjointEigV2.pbtxt │ │ │ │ ├── Selu.pbtxt │ │ │ │ ├── SeluGrad.pbtxt │ │ │ │ ├── SendTPUEmbeddingGradients.pbtxt │ │ │ │ ├── SerializeIterator.pbtxt │ │ │ │ ├── SerializeManySparse.pbtxt │ │ │ │ ├── SerializeSparse.pbtxt │ │ │ │ ├── SerializeTensor.pbtxt │ │ │ │ ├── SetSize.pbtxt │ │ │ │ ├── SetStatsAggregatorDataset.pbtxt │ │ │ │ ├── Shape.pbtxt │ │ │ │ ├── ShapeN.pbtxt │ │ │ │ ├── ShardDataset.pbtxt │ │ │ │ ├── ShardedFilename.pbtxt │ │ │ │ ├── ShardedFilespec.pbtxt │ │ │ │ ├── ShuffleAndRepeatDataset.pbtxt │ │ │ │ ├── ShuffleDataset.pbtxt │ │ │ │ ├── ShuffleDatasetV2.pbtxt │ │ │ │ ├── ShutdownDistributedTPU.pbtxt │ │ │ │ ├── Sigmoid.pbtxt │ │ │ │ ├── SigmoidGrad.pbtxt │ │ │ │ ├── Sign.pbtxt │ │ │ │ ├── Sin.pbtxt │ │ │ │ ├── Sinh.pbtxt │ │ │ │ ├── Size.pbtxt │ │ │ │ ├── SkipDataset.pbtxt │ │ │ │ ├── Skipgram.pbtxt │ │ │ │ ├── SleepDataset.pbtxt │ │ │ │ ├── Slice.pbtxt │ │ │ │ ├── SlidingWindowDataset.pbtxt │ │ │ │ ├── Snapshot.pbtxt │ │ │ │ ├── SnapshotDataset.pbtxt │ │ │ │ ├── Softmax.pbtxt │ │ │ │ ├── SoftmaxCrossEntropyWithLogits.pbtxt │ │ │ │ ├── Softplus.pbtxt │ │ │ │ ├── SoftplusGrad.pbtxt │ │ │ │ ├── Softsign.pbtxt │ │ │ │ ├── SoftsignGrad.pbtxt │ │ │ │ ├── SpaceToBatch.pbtxt │ │ │ │ ├── SpaceToBatchND.pbtxt │ │ │ │ ├── SpaceToDepth.pbtxt │ │ │ │ ├── SparseAccumulatorApplyGradient.pbtxt │ │ │ │ ├── SparseAccumulatorTakeGradient.pbtxt │ │ │ │ ├── SparseAdd.pbtxt │ │ │ │ ├── SparseAddGrad.pbtxt │ │ │ │ ├── SparseApplyAdadelta.pbtxt │ │ │ │ ├── SparseApplyAdagrad.pbtxt │ │ │ │ ├── SparseApplyAdagradDA.pbtxt │ │ │ │ ├── SparseApplyAdagradV2.pbtxt │ │ │ │ ├── SparseApplyCenteredRMSProp.pbtxt │ │ │ │ ├── SparseApplyFtrl.pbtxt │ │ │ │ ├── SparseApplyFtrlV2.pbtxt │ │ │ │ ├── SparseApplyMomentum.pbtxt │ │ │ │ ├── SparseApplyProximalAdagrad.pbtxt │ │ │ │ ├── SparseApplyProximalGradientDescent.pbtxt │ │ │ │ ├── SparseApplyRMSProp.pbtxt │ │ │ │ ├── SparseConcat.pbtxt │ │ │ │ ├── SparseConditionalAccumulator.pbtxt │ │ │ │ ├── SparseCross.pbtxt │ │ │ │ ├── SparseDenseCwiseAdd.pbtxt │ │ │ │ ├── SparseDenseCwiseDiv.pbtxt │ │ │ │ ├── SparseDenseCwiseMul.pbtxt │ │ │ │ ├── SparseFillEmptyRows.pbtxt │ │ │ │ ├── SparseFillEmptyRowsGrad.pbtxt │ │ │ │ ├── SparseMatMul.pbtxt │ │ │ │ ├── SparseReduceMax.pbtxt │ │ │ │ ├── SparseReduceMaxSparse.pbtxt │ │ │ │ ├── SparseReduceSum.pbtxt │ │ │ │ ├── SparseReduceSumSparse.pbtxt │ │ │ │ ├── SparseReorder.pbtxt │ │ │ │ ├── SparseReshape.pbtxt │ │ │ │ ├── SparseSegmentMean.pbtxt │ │ │ │ ├── SparseSegmentMeanGrad.pbtxt │ │ │ │ ├── SparseSegmentMeanWithNumSegments.pbtxt │ │ │ │ ├── SparseSegmentSqrtN.pbtxt │ │ │ │ ├── SparseSegmentSqrtNGrad.pbtxt │ │ │ │ ├── SparseSegmentSqrtNWithNumSegments.pbtxt │ │ │ │ ├── SparseSegmentSum.pbtxt │ │ │ │ ├── SparseSegmentSumWithNumSegments.pbtxt │ │ │ │ ├── SparseSlice.pbtxt │ │ │ │ ├── SparseSliceGrad.pbtxt │ │ │ │ ├── SparseSoftmax.pbtxt │ │ │ │ ├── SparseSoftmaxCrossEntropyWithLogits.pbtxt │ │ │ │ ├── SparseSparseMaximum.pbtxt │ │ │ │ ├── SparseSparseMinimum.pbtxt │ │ │ │ ├── SparseSplit.pbtxt │ │ │ │ ├── SparseTensorDenseAdd.pbtxt │ │ │ │ ├── SparseTensorDenseMatMul.pbtxt │ │ │ │ ├── SparseTensorSliceDataset.pbtxt │ │ │ │ ├── SparseToDense.pbtxt │ │ │ │ ├── SparseToSparseSetOperation.pbtxt │ │ │ │ ├── Split.pbtxt │ │ │ │ ├── SplitV.pbtxt │ │ │ │ ├── SqlDataset.pbtxt │ │ │ │ ├── Sqrt.pbtxt │ │ │ │ ├── SqrtGrad.pbtxt │ │ │ │ ├── Square.pbtxt │ │ │ │ ├── SquaredDifference.pbtxt │ │ │ │ ├── Squeeze.pbtxt │ │ │ │ ├── Stack.pbtxt │ │ │ │ ├── StackClose.pbtxt │ │ │ │ ├── StackCloseV2.pbtxt │ │ │ │ ├── StackPop.pbtxt │ │ │ │ ├── StackPopV2.pbtxt │ │ │ │ ├── StackPush.pbtxt │ │ │ │ ├── StackPushV2.pbtxt │ │ │ │ ├── StackV2.pbtxt │ │ │ │ ├── Stage.pbtxt │ │ │ │ ├── StageClear.pbtxt │ │ │ │ ├── StagePeek.pbtxt │ │ │ │ ├── StageSize.pbtxt │ │ │ │ ├── StatefulPartitionedCall.pbtxt │ │ │ │ ├── StatefulRandomBinomial.pbtxt │ │ │ │ ├── StatefulStandardNormal.pbtxt │ │ │ │ ├── StatefulStandardNormalV2.pbtxt │ │ │ │ ├── StatefulTruncatedNormal.pbtxt │ │ │ │ ├── StatefulUniform.pbtxt │ │ │ │ ├── StatefulUniformFullInt.pbtxt │ │ │ │ ├── StatefulUniformInt.pbtxt │ │ │ │ ├── StatelessIf.pbtxt │ │ │ │ ├── StatelessMultinomial.pbtxt │ │ │ │ ├── StatelessRandomNormal.pbtxt │ │ │ │ ├── StatelessRandomUniform.pbtxt │ │ │ │ ├── StatelessRandomUniformInt.pbtxt │ │ │ │ ├── StatelessTruncatedNormal.pbtxt │ │ │ │ ├── StatelessWhile.pbtxt │ │ │ │ ├── StaticRegexFullMatch.pbtxt │ │ │ │ ├── StaticRegexReplace.pbtxt │ │ │ │ ├── StatsAggregatorHandle.pbtxt │ │ │ │ ├── StatsAggregatorHandleV2.pbtxt │ │ │ │ ├── StatsAggregatorSetSummaryWriter.pbtxt │ │ │ │ ├── StatsAggregatorSummary.pbtxt │ │ │ │ ├── StopGradient.pbtxt │ │ │ │ ├── StridedSlice.pbtxt │ │ │ │ ├── StridedSliceAssign.pbtxt │ │ │ │ ├── StridedSliceGrad.pbtxt │ │ │ │ ├── StringFormat.pbtxt │ │ │ │ ├── StringJoin.pbtxt │ │ │ │ ├── StringLength.pbtxt │ │ │ │ ├── StringLower.pbtxt │ │ │ │ ├── StringNGrams.pbtxt │ │ │ │ ├── StringSplit.pbtxt │ │ │ │ ├── StringSplitV2.pbtxt │ │ │ │ ├── StringStrip.pbtxt │ │ │ │ ├── StringToHashBucket.pbtxt │ │ │ │ ├── StringToHashBucketFast.pbtxt │ │ │ │ ├── StringToHashBucketStrong.pbtxt │ │ │ │ ├── StringToNumber.pbtxt │ │ │ │ ├── StringUpper.pbtxt │ │ │ │ ├── Sub.pbtxt │ │ │ │ ├── Substr.pbtxt │ │ │ │ ├── Sum.pbtxt │ │ │ │ ├── SummaryWriter.pbtxt │ │ │ │ ├── Svd.pbtxt │ │ │ │ ├── Switch.pbtxt │ │ │ │ ├── SymbolicGradient.pbtxt │ │ │ │ ├── TFRecordDataset.pbtxt │ │ │ │ ├── TFRecordReader.pbtxt │ │ │ │ ├── TFRecordReaderV2.pbtxt │ │ │ │ ├── TPUCompilationResult.pbtxt │ │ │ │ ├── TPUEmbeddingActivations.pbtxt │ │ │ │ ├── TPUOrdinalSelector.pbtxt │ │ │ │ ├── TPUPartitionedCall.pbtxt │ │ │ │ ├── TPUReplicateMetadata.pbtxt │ │ │ │ ├── TPUReplicatedInput.pbtxt │ │ │ │ ├── TPUReplicatedOutput.pbtxt │ │ │ │ ├── TakeDataset.pbtxt │ │ │ │ ├── TakeManySparseFromTensorsMap.pbtxt │ │ │ │ ├── TakeWhileDataset.pbtxt │ │ │ │ ├── Tan.pbtxt │ │ │ │ ├── Tanh.pbtxt │ │ │ │ ├── TanhGrad.pbtxt │ │ │ │ ├── TemporaryVariable.pbtxt │ │ │ │ ├── TensorArray.pbtxt │ │ │ │ ├── TensorArrayClose.pbtxt │ │ │ │ ├── TensorArrayCloseV2.pbtxt │ │ │ │ ├── TensorArrayCloseV3.pbtxt │ │ │ │ ├── TensorArrayConcat.pbtxt │ │ │ │ ├── TensorArrayConcatV2.pbtxt │ │ │ │ ├── TensorArrayConcatV3.pbtxt │ │ │ │ ├── TensorArrayGather.pbtxt │ │ │ │ ├── TensorArrayGatherV2.pbtxt │ │ │ │ ├── TensorArrayGatherV3.pbtxt │ │ │ │ ├── TensorArrayGrad.pbtxt │ │ │ │ ├── TensorArrayGradV2.pbtxt │ │ │ │ ├── TensorArrayGradV3.pbtxt │ │ │ │ ├── TensorArrayGradWithShape.pbtxt │ │ │ │ ├── TensorArrayPack.pbtxt │ │ │ │ ├── TensorArrayRead.pbtxt │ │ │ │ ├── TensorArrayReadV2.pbtxt │ │ │ │ ├── TensorArrayReadV3.pbtxt │ │ │ │ ├── TensorArrayScatter.pbtxt │ │ │ │ ├── TensorArrayScatterV2.pbtxt │ │ │ │ ├── TensorArrayScatterV3.pbtxt │ │ │ │ ├── TensorArraySize.pbtxt │ │ │ │ ├── TensorArraySizeV2.pbtxt │ │ │ │ ├── TensorArraySizeV3.pbtxt │ │ │ │ ├── TensorArraySplit.pbtxt │ │ │ │ ├── TensorArraySplitV2.pbtxt │ │ │ │ ├── TensorArraySplitV3.pbtxt │ │ │ │ ├── TensorArrayUnpack.pbtxt │ │ │ │ ├── TensorArrayV2.pbtxt │ │ │ │ ├── TensorArrayV3.pbtxt │ │ │ │ ├── TensorArrayWrite.pbtxt │ │ │ │ ├── TensorArrayWriteV2.pbtxt │ │ │ │ ├── TensorArrayWriteV3.pbtxt │ │ │ │ ├── TensorDataset.pbtxt │ │ │ │ ├── TensorForestCreateTreeVariable.pbtxt │ │ │ │ ├── TensorForestTreeDeserialize.pbtxt │ │ │ │ ├── TensorForestTreeIsInitializedOp.pbtxt │ │ │ │ ├── TensorForestTreePredict.pbtxt │ │ │ │ ├── TensorForestTreeResourceHandleOp.pbtxt │ │ │ │ ├── TensorForestTreeSerialize.pbtxt │ │ │ │ ├── TensorForestTreeSize.pbtxt │ │ │ │ ├── TensorListConcat.pbtxt │ │ │ │ ├── TensorListConcatLists.pbtxt │ │ │ │ ├── TensorListConcatV2.pbtxt │ │ │ │ ├── TensorListElementShape.pbtxt │ │ │ │ ├── TensorListFromTensor.pbtxt │ │ │ │ ├── TensorListGather.pbtxt │ │ │ │ ├── TensorListGetItem.pbtxt │ │ │ │ ├── TensorListLength.pbtxt │ │ │ │ ├── TensorListPopBack.pbtxt │ │ │ │ ├── TensorListPushBack.pbtxt │ │ │ │ ├── TensorListPushBackBatch.pbtxt │ │ │ │ ├── TensorListReserve.pbtxt │ │ │ │ ├── TensorListResize.pbtxt │ │ │ │ ├── TensorListScatter.pbtxt │ │ │ │ ├── TensorListScatterIntoExistingList.pbtxt │ │ │ │ ├── TensorListScatterV2.pbtxt │ │ │ │ ├── TensorListSetItem.pbtxt │ │ │ │ ├── TensorListSplit.pbtxt │ │ │ │ ├── TensorListStack.pbtxt │ │ │ │ ├── TensorScatterAdd.pbtxt │ │ │ │ ├── TensorScatterSub.pbtxt │ │ │ │ ├── TensorScatterUpdate.pbtxt │ │ │ │ ├── TensorSliceDataset.pbtxt │ │ │ │ ├── TensorStridedSliceUpdate.pbtxt │ │ │ │ ├── TensorSummary.pbtxt │ │ │ │ ├── TensorSummaryV2.pbtxt │ │ │ │ ├── TextLineDataset.pbtxt │ │ │ │ ├── TextLineReader.pbtxt │ │ │ │ ├── TextLineReaderV2.pbtxt │ │ │ │ ├── ThreadPoolDataset.pbtxt │ │ │ │ ├── ThreadPoolHandle.pbtxt │ │ │ │ ├── ThreadUnsafeUnigramCandidateSampler.pbtxt │ │ │ │ ├── Tile.pbtxt │ │ │ │ ├── TileGrad.pbtxt │ │ │ │ ├── Timestamp.pbtxt │ │ │ │ ├── TopK.pbtxt │ │ │ │ ├── TopKV2.pbtxt │ │ │ │ ├── Transpose.pbtxt │ │ │ │ ├── TridiagonalMatMul.pbtxt │ │ │ │ ├── TridiagonalSolve.pbtxt │ │ │ │ ├── TruncateDiv.pbtxt │ │ │ │ ├── TruncateMod.pbtxt │ │ │ │ ├── TruncatedNormal.pbtxt │ │ │ │ ├── TryRpc.pbtxt │ │ │ │ ├── Unbatch.pbtxt │ │ │ │ ├── UnbatchDataset.pbtxt │ │ │ │ ├── UnbatchGrad.pbtxt │ │ │ │ ├── UnicodeDecode.pbtxt │ │ │ │ ├── UnicodeDecodeWithOffsets.pbtxt │ │ │ │ ├── UnicodeEncode.pbtxt │ │ │ │ ├── UnicodeScript.pbtxt │ │ │ │ ├── UnicodeTranscode.pbtxt │ │ │ │ ├── UniformCandidateSampler.pbtxt │ │ │ │ ├── Unique.pbtxt │ │ │ │ ├── UniqueDataset.pbtxt │ │ │ │ ├── UniqueV2.pbtxt │ │ │ │ ├── UniqueWithCounts.pbtxt │ │ │ │ ├── UniqueWithCountsV2.pbtxt │ │ │ │ ├── Unpack.pbtxt │ │ │ │ ├── UnravelIndex.pbtxt │ │ │ │ ├── UnsortedSegmentJoin.pbtxt │ │ │ │ ├── UnsortedSegmentMax.pbtxt │ │ │ │ ├── UnsortedSegmentMin.pbtxt │ │ │ │ ├── UnsortedSegmentProd.pbtxt │ │ │ │ ├── UnsortedSegmentSum.pbtxt │ │ │ │ ├── Unstage.pbtxt │ │ │ │ ├── UnwrapDatasetVariant.pbtxt │ │ │ │ ├── UpperBound.pbtxt │ │ │ │ ├── VarHandleOp.pbtxt │ │ │ │ ├── VarIsInitializedOp.pbtxt │ │ │ │ ├── Variable.pbtxt │ │ │ │ ├── VariableShape.pbtxt │ │ │ │ ├── VariableV2.pbtxt │ │ │ │ ├── Where.pbtxt │ │ │ │ ├── While.pbtxt │ │ │ │ ├── WholeFileReader.pbtxt │ │ │ │ ├── WholeFileReaderV2.pbtxt │ │ │ │ ├── WindowDataset.pbtxt │ │ │ │ ├── WorkerHeartbeat.pbtxt │ │ │ │ ├── WrapDatasetVariant.pbtxt │ │ │ │ ├── WriteAudioSummary.pbtxt │ │ │ │ ├── WriteFile.pbtxt │ │ │ │ ├── WriteGraphSummary.pbtxt │ │ │ │ ├── WriteHistogramSummary.pbtxt │ │ │ │ ├── WriteImageSummary.pbtxt │ │ │ │ ├── WriteRawProtoSummary.pbtxt │ │ │ │ ├── WriteScalarSummary.pbtxt │ │ │ │ ├── WriteSummary.pbtxt │ │ │ │ ├── Xdivy.pbtxt │ │ │ │ ├── Xlogy.pbtxt │ │ │ │ ├── ZerosLike.pbtxt │ │ │ │ ├── Zeta.pbtxt │ │ │ │ └── ZipDataset.pbtxt │ │ │ └── update_ops_main.cc │ │ ├── control_flow_ops.cc │ │ ├── control_flow_ops_test.cc │ │ ├── ctc_ops.cc │ │ ├── ctc_ops_test.cc │ │ ├── cudnn_rnn_ops.cc │ │ ├── cudnn_rnn_ops_test.cc │ │ ├── data_flow_ops.cc │ │ ├── data_flow_ops_test.cc │ │ ├── dataset_ops.cc │ │ ├── debug_ops.cc │ │ ├── decode_proto_ops.cc │ │ ├── dice_ops.cc │ │ ├── encode_proto_ops.cc │ │ ├── experimental_dataset_ops.cc │ │ ├── feature_column_ops.cc │ │ ├── file_slice_sendrecv_ops.cc │ │ ├── function_ops.cc │ │ ├── functional_grad.cc │ │ ├── functional_ops.cc │ │ ├── functional_ops_test.cc │ │ ├── fused_embedding_ops.cc │ │ ├── fused_l2_normalize_ops.cc │ │ ├── fuserecv_ops.cc │ │ ├── hash_ops.cc │ │ ├── hash_training_ops.cc │ │ ├── image_ops.cc │ │ ├── image_ops_test.cc │ │ ├── io_ops.cc │ │ ├── io_ops_test.cc │ │ ├── kv_variable_ops.cc │ │ ├── linalg_ops.cc │ │ ├── linalg_ops_test.cc │ │ ├── list_ops.cc │ │ ├── logging_ops.cc │ │ ├── lookup_ops.cc │ │ ├── manip_ops.cc │ │ ├── math_grad.cc │ │ ├── math_grad_test.cc │ │ ├── math_ops.cc │ │ ├── math_ops_test.cc │ │ ├── mkl_array_ops.cc │ │ ├── mkl_nn_ops.cc │ │ ├── nccl_ops.cc │ │ ├── nn_grad.cc │ │ ├── nn_ops.cc │ │ ├── nn_ops_test.cc │ │ ├── no_op.cc │ │ ├── ops.pbtxt │ │ ├── parquet_ops.cc │ │ ├── parsing_ops.cc │ │ ├── parsing_ops_test.cc │ │ ├── ragged_array_ops.cc │ │ ├── ragged_conversion_ops.cc │ │ ├── ragged_math_ops.cc │ │ ├── ragged_to_dense_util.cc │ │ ├── ragged_to_dense_util.h │ │ ├── ragged_to_dense_util_test.cc │ │ ├── random_grad.cc │ │ ├── random_ops.cc │ │ ├── random_ops_test.cc │ │ ├── remote_fused_graph_ops.cc │ │ ├── remote_fused_graph_ops_test.cc │ │ ├── resource_variable_ops.cc │ │ ├── rnn_ops.cc │ │ ├── rnn_ops_test.cc │ │ ├── rpc_ops.cc │ │ ├── run_graph_op.cc │ │ ├── scoped_allocator_ops.cc │ │ ├── script_ops.cc │ │ ├── sdca_ops.cc │ │ ├── sendrecv_ops.cc │ │ ├── set_ops.cc │ │ ├── set_ops_test.cc │ │ ├── shape_function_test.cc │ │ ├── slice_sendrecv_ops.cc │ │ ├── sparse_ops.cc │ │ ├── sparse_ops_test.cc │ │ ├── spectral_ops.cc │ │ ├── spectral_ops_test.cc │ │ ├── star_run_graph_op.cc │ │ ├── state_ops.cc │ │ ├── state_ops_test.cc │ │ ├── stateful_random_ops.cc │ │ ├── stateless_random_grad.cc │ │ ├── stateless_random_ops.cc │ │ ├── string_ops.cc │ │ ├── string_ops_test.cc │ │ ├── summary_ops.cc │ │ ├── tensor_buffer_ops.cc │ │ ├── tensor_forest_ops.cc │ │ ├── tpu_configuration_ops.cc │ │ ├── tpu_cross_replica_ops.cc │ │ ├── tpu_embedding_ops.cc │ │ ├── tpu_functional_ops.cc │ │ ├── tpu_heartbeat_ops.cc │ │ ├── tpu_host_compute_ops.cc │ │ ├── tpu_infeed_ops.cc │ │ ├── tpu_ordinal_selector_ops.cc │ │ ├── tpu_outfeed_ops.cc │ │ ├── tpu_replication_ops.cc │ │ ├── training_ali_ops.cc │ │ ├── training_ops.cc │ │ ├── training_ops_test.cc │ │ ├── word2vec_ops.cc │ │ └── work_queue_ops.cc │ ├── platform │ │ ├── BUILD │ │ ├── abi.cc │ │ ├── abi.h │ │ ├── abi_test.cc │ │ ├── annotation.cc │ │ ├── annotation.h │ │ ├── blocking_counter.h │ │ ├── byte_order.h │ │ ├── cloud │ │ │ ├── BUILD │ │ │ ├── auth_provider.h │ │ │ ├── compute_engine_metadata_client.cc │ │ │ ├── compute_engine_metadata_client.h │ │ │ ├── compute_engine_metadata_client_test.cc │ │ │ ├── compute_engine_zone_provider.cc │ │ │ ├── compute_engine_zone_provider.h │ │ │ ├── compute_engine_zone_provider_test.cc │ │ │ ├── curl_http_request.cc │ │ │ ├── curl_http_request.h │ │ │ ├── curl_http_request_test.cc │ │ │ ├── expiring_lru_cache.h │ │ │ ├── expiring_lru_cache_test.cc │ │ │ ├── file_block_cache.h │ │ │ ├── gcs_dns_cache.cc │ │ │ ├── gcs_dns_cache.h │ │ │ ├── gcs_dns_cache_test.cc │ │ │ ├── gcs_file_system.cc │ │ │ ├── gcs_file_system.h │ │ │ ├── gcs_file_system_test.cc │ │ │ ├── gcs_throttle.cc │ │ │ ├── gcs_throttle.h │ │ │ ├── gcs_throttle_test.cc │ │ │ ├── google_auth_provider.cc │ │ │ ├── google_auth_provider.h │ │ │ ├── google_auth_provider_test.cc │ │ │ ├── http_request.h │ │ │ ├── http_request_fake.h │ │ │ ├── now_seconds_env.h │ │ │ ├── oauth_client.cc │ │ │ ├── oauth_client.h │ │ │ ├── oauth_client_test.cc │ │ │ ├── ram_file_block_cache.cc │ │ │ ├── ram_file_block_cache.h │ │ │ ├── ram_file_block_cache_test.cc │ │ │ ├── retrying_file_system.h │ │ │ ├── retrying_file_system_test.cc │ │ │ ├── retrying_utils.cc │ │ │ ├── retrying_utils.h │ │ │ ├── retrying_utils_test.cc │ │ │ ├── testdata │ │ │ │ ├── application_default_credentials.json │ │ │ │ ├── service_account_credentials.json │ │ │ │ └── service_account_public_key.txt │ │ │ ├── time_util.cc │ │ │ ├── time_util.h │ │ │ ├── time_util_test.cc │ │ │ └── zone_provider.h │ │ ├── context.h │ │ ├── cord.h │ │ ├── cpu_feature_guard.cc │ │ ├── cpu_feature_guard.h │ │ ├── cpu_info.cc │ │ ├── cpu_info.h │ │ ├── cuda.h │ │ ├── cuda_libdevice_path.h │ │ ├── default │ │ │ ├── build_config.bzl │ │ │ ├── build_config │ │ │ │ └── BUILD │ │ │ ├── build_config_root.bzl │ │ │ ├── context.h │ │ │ ├── cord.h │ │ │ ├── cuda_build_defs.bzl │ │ │ ├── cuda_libdevice_path.cc │ │ │ ├── device_tracer.cc │ │ │ ├── distribute.bzl │ │ │ ├── dynamic_annotations.h │ │ │ ├── human_readable_json.cc │ │ │ ├── integral_types.h │ │ │ ├── logging.cc │ │ │ ├── logging.h │ │ │ ├── monitoring.cc │ │ │ ├── mutex.cc │ │ │ ├── mutex.h │ │ │ ├── mutex_data.h │ │ │ ├── notification.h │ │ │ ├── platform.bzl │ │ │ ├── rocm_rocdl_path.cc │ │ │ ├── stacktrace.h │ │ │ ├── stacktrace_handler.cc │ │ │ ├── strong_hash.h │ │ │ ├── test_benchmark.cc │ │ │ ├── tracing.cc │ │ │ ├── tracing_impl.h │ │ │ ├── unbounded_work_queue.cc │ │ │ └── unbounded_work_queue.h │ │ ├── demangle.h │ │ ├── denormal.cc │ │ ├── denormal.h │ │ ├── device_tracer_test.cc │ │ ├── dynamic_annotations.h │ │ ├── env.cc │ │ ├── env.h │ │ ├── env_test.cc │ │ ├── env_time.h │ │ ├── error.h │ │ ├── errors.h │ │ ├── fake_python_env_test.cc │ │ ├── file_statistics.h │ │ ├── file_system.cc │ │ ├── file_system.h │ │ ├── file_system_helper.cc │ │ ├── file_system_helper.h │ │ ├── file_system_test.cc │ │ ├── fingerprint.h │ │ ├── fingerprint_test.cc │ │ ├── gif.h │ │ ├── grpc_services.h │ │ ├── hadoop │ │ │ ├── BUILD │ │ │ ├── hadoop_file_system.cc │ │ │ ├── hadoop_file_system.h │ │ │ └── hadoop_file_system_test.cc │ │ ├── host_info.h │ │ ├── human_readable_json.h │ │ ├── init_main.h │ │ ├── integral_types_test.cc │ │ ├── jpeg.h │ │ ├── load_library.h │ │ ├── logger.cc │ │ ├── logger.h │ │ ├── logging.h │ │ ├── logging_test.cc │ │ ├── macros.h │ │ ├── mem.h │ │ ├── monitoring.h │ │ ├── mutex.h │ │ ├── mutex_test.cc │ │ ├── net.h │ │ ├── net_test.cc │ │ ├── notification.h │ │ ├── null_file_system.h │ │ ├── numa.h │ │ ├── numa_test.cc │ │ ├── numbers.h │ │ ├── path.h │ │ ├── platform.h │ │ ├── platform_strings.cc │ │ ├── platform_strings.h │ │ ├── platform_strings_computed.h │ │ ├── platform_strings_test.cc │ │ ├── png.h │ │ ├── port_test.cc │ │ ├── posix │ │ │ ├── env.cc │ │ │ ├── env_time.cc │ │ │ ├── error.cc │ │ │ ├── error.h │ │ │ ├── load_library.cc │ │ │ ├── net.cc │ │ │ ├── port.cc │ │ │ ├── posix_file_system.cc │ │ │ ├── posix_file_system.h │ │ │ ├── subprocess.cc │ │ │ ├── subprocess.h │ │ │ └── test.cc │ │ ├── prefetch.h │ │ ├── profile_utils │ │ │ ├── android_armv7a_cpu_utils_helper.cc │ │ │ ├── android_armv7a_cpu_utils_helper.h │ │ │ ├── clock_cycle_profiler.cc │ │ │ ├── clock_cycle_profiler.h │ │ │ ├── cpu_utils.cc │ │ │ ├── cpu_utils.h │ │ │ ├── cpu_utils_test.cc │ │ │ └── i_cpu_utils_helper.h │ │ ├── protobuf.cc │ │ ├── protobuf.h │ │ ├── protobuf_compiler.h │ │ ├── protobuf_internal.h │ │ ├── protobuf_util.cc │ │ ├── regexp.h │ │ ├── resource_loader.h │ │ ├── rocm.h │ │ ├── rocm_rocdl_path.cc │ │ ├── rocm_rocdl_path.h │ │ ├── rocm_rocdl_path_test.cc │ │ ├── s3 │ │ │ ├── BUILD │ │ │ ├── aws_crypto.cc │ │ │ ├── aws_crypto.h │ │ │ ├── aws_logging.cc │ │ │ ├── aws_logging.h │ │ │ ├── s3_file_system.cc │ │ │ ├── s3_file_system.h │ │ │ └── s3_file_system_test.cc │ │ ├── setround.cc │ │ ├── setround.h │ │ ├── setround_test.cc │ │ ├── snappy.h │ │ ├── stacktrace.h │ │ ├── stacktrace_handler.h │ │ ├── stacktrace_handler_test.cc │ │ ├── status.h │ │ ├── str_util.cc │ │ ├── str_util.h │ │ ├── str_util_test.cc │ │ ├── strcat.h │ │ ├── stream_executor.h │ │ ├── stream_executor_no_cuda.h │ │ ├── stringpiece.h │ │ ├── stringpiece_test.cc │ │ ├── stringprintf.cc │ │ ├── stringprintf.h │ │ ├── stringprintf_test.cc │ │ ├── strong_hash.h │ │ ├── subprocess.h │ │ ├── subprocess_test.cc │ │ ├── tensor_coding.cc │ │ ├── tensor_coding.h │ │ ├── tensor_float_32_utils.cc │ │ ├── tensor_float_32_utils.h │ │ ├── test.cc │ │ ├── test.h │ │ ├── test_benchmark.h │ │ ├── test_main.cc │ │ ├── thread_annotations.h │ │ ├── tracing.cc │ │ ├── tracing.h │ │ ├── tstring.h │ │ ├── types.h │ │ ├── unbounded_work_queue.h │ │ ├── unbounded_work_queue_test.cc │ │ ├── vmodule_benchmark_test.cc │ │ ├── vmodule_test.cc │ │ └── windows │ │ │ ├── env.cc │ │ │ ├── env_time.cc │ │ │ ├── error.cc │ │ │ ├── error.h │ │ │ ├── integral_types.h │ │ │ ├── intrinsics_port.h │ │ │ ├── net.cc │ │ │ ├── port.cc │ │ │ ├── subprocess.h │ │ │ ├── test.cc │ │ │ ├── wide_char.h │ │ │ ├── windows_file_system.cc │ │ │ └── windows_file_system.h │ ├── profiler │ │ ├── BUILD │ │ ├── g3doc │ │ │ ├── advise.md │ │ │ ├── code_timeline.png │ │ │ ├── command_line.md │ │ │ ├── graph_timeline.png │ │ │ ├── options.md │ │ │ ├── pprof.jpg │ │ │ ├── profile_memory.md │ │ │ ├── profile_model_architecture.md │ │ │ ├── profile_time.md │ │ │ ├── profiler_ui.jpg │ │ │ ├── python_api.md │ │ │ └── scope_timeline.png │ │ ├── internal │ │ │ ├── BUILD │ │ │ ├── advisor │ │ │ │ ├── BUILD │ │ │ │ ├── accelerator_utilization_checker.h │ │ │ │ ├── checker.h │ │ │ │ ├── expensive_operation_checker.h │ │ │ │ ├── internal_checker_runner.h │ │ │ │ ├── internal_checker_runner_dummy.cc │ │ │ │ ├── operation_checker.h │ │ │ │ ├── tfprof_advisor.h │ │ │ │ └── tfprof_advisor_test.cc │ │ │ ├── cpu │ │ │ │ ├── BUILD │ │ │ │ ├── host_tracer.cc │ │ │ │ └── host_tracer_test.cc │ │ │ ├── gpu │ │ │ │ ├── BUILD │ │ │ │ ├── cupti_interface.h │ │ │ │ ├── cupti_tracer.cc │ │ │ │ ├── cupti_tracer.h │ │ │ │ ├── cupti_wrapper.cc │ │ │ │ └── cupti_wrapper.h │ │ │ ├── print_model_analysis.cc │ │ │ ├── print_model_analysis.h │ │ │ ├── profiler_interface.cc │ │ │ ├── profiler_interface.h │ │ │ ├── python_scoped_annotation.h │ │ │ ├── python_traceme.h │ │ │ ├── scoped_annotation_test.cc │ │ │ ├── testdata │ │ │ │ ├── ckpt.data-00000-of-00001 │ │ │ │ ├── ckpt.index │ │ │ │ ├── ckpt.meta │ │ │ │ ├── graph.pbtxt │ │ │ │ ├── run_meta │ │ │ │ └── tfprof_log │ │ │ ├── tfprof_code.cc │ │ │ ├── tfprof_code.h │ │ │ ├── tfprof_constants.h │ │ │ ├── tfprof_graph.cc │ │ │ ├── tfprof_graph.h │ │ │ ├── tfprof_node.cc │ │ │ ├── tfprof_node.h │ │ │ ├── tfprof_node_show.cc │ │ │ ├── tfprof_node_show.h │ │ │ ├── tfprof_op.cc │ │ │ ├── tfprof_op.h │ │ │ ├── tfprof_scope.cc │ │ │ ├── tfprof_scope.h │ │ │ ├── tfprof_show.cc │ │ │ ├── tfprof_show.h │ │ │ ├── tfprof_show_multi.cc │ │ │ ├── tfprof_show_multi.h │ │ │ ├── tfprof_show_test.cc │ │ │ ├── tfprof_stats.cc │ │ │ ├── tfprof_stats.h │ │ │ ├── tfprof_stats_test.cc │ │ │ ├── tfprof_tensor.cc │ │ │ ├── tfprof_tensor.h │ │ │ ├── tfprof_tensor_test.cc │ │ │ ├── tfprof_timeline.cc │ │ │ ├── tfprof_timeline.h │ │ │ ├── tfprof_timeline_test.cc │ │ │ ├── tfprof_utils.cc │ │ │ ├── tfprof_utils.h │ │ │ ├── traceme_recorder.cc │ │ │ ├── traceme_recorder.h │ │ │ └── traceme_recorder_test.cc │ │ ├── lib │ │ │ ├── BUILD │ │ │ ├── profiler_session.cc │ │ │ ├── profiler_session.h │ │ │ ├── traceme.cc │ │ │ └── traceme.h │ │ ├── nvtx_utils.cc │ │ ├── nvtx_utils.h │ │ ├── op_profile.proto │ │ ├── profile.proto │ │ ├── profiler.cc │ │ ├── profiler_analysis.proto │ │ ├── profiler_service.proto │ │ ├── rpc │ │ │ ├── BUILD │ │ │ ├── client │ │ │ │ ├── BUILD │ │ │ │ ├── capture_profile.cc │ │ │ │ ├── capture_profile.h │ │ │ │ ├── dump_tpu_profile.cc │ │ │ │ ├── dump_tpu_profile.h │ │ │ │ ├── trace_events_to_json.cc │ │ │ │ ├── trace_events_to_json.h │ │ │ │ └── trace_events_to_json_test.cc │ │ │ ├── profiler_server.cc │ │ │ ├── profiler_server.h │ │ │ ├── profiler_service_impl.cc │ │ │ └── profiler_service_impl.h │ │ ├── tfprof_log.proto │ │ ├── tfprof_options.cc │ │ ├── tfprof_options.h │ │ ├── tfprof_options.proto │ │ └── tfprof_output.proto │ ├── protobuf │ │ ├── autotuning.proto │ │ ├── cluster.proto │ │ ├── config.proto │ │ ├── control_flow.proto │ │ ├── conv_autotuning.proto │ │ ├── critical_section.proto │ │ ├── data │ │ │ └── experimental │ │ │ │ └── snapshot.proto │ │ ├── debug.proto │ │ ├── device_properties.proto │ │ ├── eager_service.proto │ │ ├── elastic_training.proto │ │ ├── error_codes.pb.h │ │ ├── graph_debug_info.proto │ │ ├── master.proto │ │ ├── master_service.proto │ │ ├── meta_graph.proto │ │ ├── named_tensor.proto │ │ ├── queue_runner.proto │ │ ├── replay_log.proto │ │ ├── rewriter_config.proto │ │ ├── saved_model.proto │ │ ├── saved_object_graph.proto │ │ ├── saver.proto │ │ ├── struct.proto │ │ ├── tensor_bundle.proto │ │ ├── tensorflow_server.proto │ │ ├── tpu │ │ │ ├── BUILD │ │ │ ├── compilation_result.proto │ │ │ ├── compile_metadata.proto │ │ │ ├── dynamic_padding.proto │ │ │ ├── optimization_parameters.proto │ │ │ ├── topology.proto │ │ │ ├── tpu_embedding_configuration.proto │ │ │ └── tpu_embedding_output_layout.proto │ │ ├── trace_events.proto │ │ ├── trackable_object_graph.proto │ │ ├── transport_options.proto │ │ ├── verifier_config.proto │ │ ├── worker.proto │ │ └── worker_service.proto │ ├── public │ │ ├── README.md │ │ ├── session.h │ │ ├── session_options.h │ │ └── version.h │ ├── summary │ │ ├── BUILD │ │ ├── loader.cc │ │ ├── schema.cc │ │ ├── schema.h │ │ ├── schema_test.cc │ │ ├── summary_converter.cc │ │ ├── summary_converter.h │ │ ├── summary_db_writer.cc │ │ ├── summary_db_writer.h │ │ ├── summary_db_writer_test.cc │ │ ├── summary_file_writer.cc │ │ ├── summary_file_writer.h │ │ ├── summary_file_writer_test.cc │ │ └── vacuum.cc │ ├── tpu │ │ ├── BUILD │ │ ├── tpu_embedding_optimization_parameters_utils.cc │ │ ├── tpu_embedding_optimization_parameters_utils.h │ │ ├── tpu_embedding_output_layout_utils.cc │ │ └── tpu_embedding_output_layout_utils.h │ ├── user_ops │ │ └── fact.cc │ └── util │ │ ├── activation_mode.cc │ │ ├── activation_mode.h │ │ ├── batch_util.cc │ │ ├── batch_util.h │ │ ├── bcast.cc │ │ ├── bcast.h │ │ ├── bcast_test.cc │ │ ├── command_line_flags.cc │ │ ├── command_line_flags.h │ │ ├── command_line_flags_test.cc │ │ ├── ctc │ │ ├── BUILD │ │ ├── ctc_beam_entry.h │ │ ├── ctc_beam_scorer.h │ │ ├── ctc_beam_search.h │ │ ├── ctc_beam_search_test.cc │ │ ├── ctc_decoder.h │ │ ├── ctc_loss_calculator.cc │ │ ├── ctc_loss_calculator.h │ │ └── ctc_loss_util.h │ │ ├── device_name_utils.cc │ │ ├── device_name_utils.h │ │ ├── device_name_utils_test.cc │ │ ├── dump_graph.cc │ │ ├── dump_graph.h │ │ ├── dump_graph_test.cc │ │ ├── einsum_op_util.cc │ │ ├── einsum_op_util.h │ │ ├── env_var.cc │ │ ├── env_var.h │ │ ├── equal_graph_def.cc │ │ ├── equal_graph_def.h │ │ ├── equal_graph_def_test.cc │ │ ├── event.proto │ │ ├── events_writer.cc │ │ ├── events_writer.h │ │ ├── events_writer_test.cc │ │ ├── example_proto_fast_parsing.cc │ │ ├── example_proto_fast_parsing.h │ │ ├── example_proto_fast_parsing_test.cc │ │ ├── example_proto_fast_parsing_test.proto │ │ ├── example_proto_helper.cc │ │ ├── example_proto_helper.h │ │ ├── example_proto_helper_test.cc │ │ ├── exec_on_stall.h │ │ ├── exec_on_stall_test.cc │ │ ├── gpu_cuda_alias.h │ │ ├── gpu_device_functions.h │ │ ├── gpu_kernel_helper.h │ │ ├── gpu_kernel_helper_test.cu.cc │ │ ├── gpu_launch_config.h │ │ ├── guarded_philox_random.cc │ │ ├── guarded_philox_random.h │ │ ├── matmul_autotune.cc │ │ ├── matmul_autotune.h │ │ ├── matmul_bcast.cc │ │ ├── matmul_bcast.h │ │ ├── matmul_bcast_test.cc │ │ ├── memmapped_file_system.cc │ │ ├── memmapped_file_system.h │ │ ├── memmapped_file_system.proto │ │ ├── memmapped_file_system_test.cc │ │ ├── memmapped_file_system_writer.cc │ │ ├── memmapped_file_system_writer.h │ │ ├── mirror_pad_mode.cc │ │ ├── mirror_pad_mode.h │ │ ├── mkl_threadpool.h │ │ ├── mkl_types.h │ │ ├── mkl_util.h │ │ ├── mkl_util_test.cc │ │ ├── overflow.h │ │ ├── overflow_test.cc │ │ ├── padding.cc │ │ ├── padding.h │ │ ├── permutation_input_iterator.h │ │ ├── permutation_output_iterator.h │ │ ├── port.cc │ │ ├── port.h │ │ ├── presized_cuckoo_map.h │ │ ├── presized_cuckoo_map_test.cc │ │ ├── proto │ │ ├── BUILD │ │ ├── decode.h │ │ ├── descriptor_pool_registry.cc │ │ ├── descriptor_pool_registry.h │ │ ├── descriptor_pool_registry_test.cc │ │ ├── descriptors.cc │ │ ├── descriptors.h │ │ ├── local_descriptor_pool_registration.cc │ │ ├── proto_utils.cc │ │ ├── proto_utils.h │ │ └── proto_utils_test.cc │ │ ├── ptr_util.h │ │ ├── reffed_status_callback.h │ │ ├── reffed_status_callback_test.cc │ │ ├── reporter.cc │ │ ├── reporter.h │ │ ├── reporter_test.cc │ │ ├── rpc │ │ ├── BUILD │ │ ├── call_container.h │ │ ├── rpc_factory.cc │ │ ├── rpc_factory.h │ │ ├── rpc_factory_registry.cc │ │ ├── rpc_factory_registry.h │ │ └── rpc_factory_registry_test.cc │ │ ├── saved_tensor_slice.proto │ │ ├── saved_tensor_slice_util.cc │ │ ├── saved_tensor_slice_util.h │ │ ├── saved_tensor_slice_util_test.cc │ │ ├── semver_test.cc │ │ ├── sorter.h │ │ ├── sorter_test.cc │ │ ├── sparse │ │ ├── README.md │ │ ├── dim_comparator.h │ │ ├── group_iterator.cc │ │ ├── group_iterator.h │ │ ├── sparse_tensor.h │ │ └── sparse_tensor_test.cc │ │ ├── stat_summarizer.cc │ │ ├── stat_summarizer.h │ │ ├── stat_summarizer_options.h │ │ ├── stat_summarizer_test.cc │ │ ├── stats_calculator.cc │ │ ├── stats_calculator.h │ │ ├── stats_calculator_test.cc │ │ ├── stream_executor_util.h │ │ ├── strided_slice_op.cc │ │ ├── strided_slice_op.h │ │ ├── tensor_bundle │ │ ├── BUILD │ │ ├── byte_swap.cc │ │ ├── byte_swap.h │ │ ├── naming.cc │ │ ├── naming.h │ │ ├── tensor_bundle.cc │ │ ├── tensor_bundle.h │ │ ├── tensor_bundle_test.cc │ │ └── testdata │ │ │ └── old_string_tensors │ │ │ ├── README │ │ │ ├── foo.data-00000-of-00001 │ │ │ └── foo.index │ │ ├── tensor_format.cc │ │ ├── tensor_format.h │ │ ├── tensor_format_test.cc │ │ ├── tensor_ops_util.h │ │ ├── tensor_slice_reader.cc │ │ ├── tensor_slice_reader.h │ │ ├── tensor_slice_reader_cache.cc │ │ ├── tensor_slice_reader_cache.h │ │ ├── tensor_slice_reader_test.cc │ │ ├── tensor_slice_set.cc │ │ ├── tensor_slice_set.h │ │ ├── tensor_slice_set_test.cc │ │ ├── tensor_slice_util.h │ │ ├── tensor_slice_util_test.cc │ │ ├── tensor_slice_writer.cc │ │ ├── tensor_slice_writer.h │ │ ├── tensor_slice_writer_test.cc │ │ ├── test_log.proto │ │ ├── test_util.h │ │ ├── transform_output_iterator.h │ │ ├── use_cudnn.cc │ │ ├── use_cudnn.h │ │ ├── util.cc │ │ ├── util.h │ │ ├── work_sharder.cc │ │ ├── work_sharder.h │ │ ├── work_sharder_test.cc │ │ ├── xla_config_registry.cc │ │ └── xla_config_registry.h ├── docs_src │ └── README.md ├── examples │ ├── __init__.py │ ├── adding_an_op │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── attr_examples.cc │ │ ├── cuda_op.py │ │ ├── cuda_op_kernel.cc │ │ ├── cuda_op_kernel.cu.cc │ │ ├── cuda_op_test.py │ │ ├── fact_test.py │ │ ├── zero_out_1_test.py │ │ ├── zero_out_2_test.py │ │ ├── zero_out_3_test.py │ │ ├── zero_out_grad_2.py │ │ ├── zero_out_op_1.py │ │ ├── zero_out_op_2.py │ │ ├── zero_out_op_3.py │ │ ├── zero_out_op_kernel_1.cc │ │ ├── zero_out_op_kernel_2.cc │ │ └── zero_out_op_kernel_3.cc │ ├── android │ │ ├── .gitignore │ │ ├── AndroidManifest.xml │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── assets │ │ │ └── BUILD │ │ ├── bin │ │ │ └── AndroidManifest.xml │ │ ├── build.gradle │ │ ├── download-models.gradle │ │ ├── gradle │ │ │ └── wrapper │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ └── gradle-wrapper.properties │ │ ├── gradlew │ │ ├── gradlew.bat │ │ ├── jni │ │ │ ├── CMakeLists.txt │ │ │ ├── __init__.py │ │ │ ├── imageutils_jni.cc │ │ │ ├── object_tracking │ │ │ │ ├── config.h │ │ │ │ ├── flow_cache.h │ │ │ │ ├── frame_pair.cc │ │ │ │ ├── frame_pair.h │ │ │ │ ├── geom.h │ │ │ │ ├── gl_utils.h │ │ │ │ ├── image-inl.h │ │ │ │ ├── image.h │ │ │ │ ├── image_data.h │ │ │ │ ├── image_neon.cc │ │ │ │ ├── image_utils.h │ │ │ │ ├── integral_image.h │ │ │ │ ├── jni_utils.h │ │ │ │ ├── keypoint.h │ │ │ │ ├── keypoint_detector.cc │ │ │ │ ├── keypoint_detector.h │ │ │ │ ├── logging.cc │ │ │ │ ├── logging.h │ │ │ │ ├── object_detector.cc │ │ │ │ ├── object_detector.h │ │ │ │ ├── object_model.h │ │ │ │ ├── object_tracker.cc │ │ │ │ ├── object_tracker.h │ │ │ │ ├── object_tracker_jni.cc │ │ │ │ ├── optical_flow.cc │ │ │ │ ├── optical_flow.h │ │ │ │ ├── sprite.h │ │ │ │ ├── time_log.cc │ │ │ │ ├── time_log.h │ │ │ │ ├── tracked_object.cc │ │ │ │ ├── tracked_object.h │ │ │ │ ├── utils.h │ │ │ │ └── utils_neon.cc │ │ │ ├── rgb2yuv.cc │ │ │ ├── rgb2yuv.h │ │ │ ├── yuv2rgb.cc │ │ │ └── yuv2rgb.h │ │ ├── res │ │ │ ├── animator │ │ │ │ └── color_animation.xml │ │ │ ├── drawable-hdpi │ │ │ │ ├── ic_action_info.png │ │ │ │ ├── ic_launcher.png │ │ │ │ └── tile.9.png │ │ │ ├── drawable-mdpi │ │ │ │ ├── ic_action_info.png │ │ │ │ └── ic_launcher.png │ │ │ ├── drawable-xhdpi │ │ │ │ ├── ic_action_info.png │ │ │ │ └── ic_launcher.png │ │ │ ├── drawable-xxhdpi │ │ │ │ ├── ic_action_info.png │ │ │ │ └── ic_launcher.png │ │ │ ├── drawable │ │ │ │ └── border.xml │ │ │ ├── layout │ │ │ │ ├── activity_camera.xml │ │ │ │ ├── activity_speech.xml │ │ │ │ ├── camera_connection_fragment.xml │ │ │ │ ├── camera_connection_fragment_stylize.xml │ │ │ │ ├── camera_connection_fragment_tracking.xml │ │ │ │ └── list_text_item.xml │ │ │ ├── values-sw600dp │ │ │ │ ├── template-dimens.xml │ │ │ │ └── template-styles.xml │ │ │ ├── values-v11 │ │ │ │ ├── styles.xml │ │ │ │ └── template-styles.xml │ │ │ ├── values-v14 │ │ │ │ └── styles.xml │ │ │ ├── values-v21 │ │ │ │ ├── base-colors.xml │ │ │ │ └── base-template-styles.xml │ │ │ └── values │ │ │ │ ├── attrs.xml │ │ │ │ ├── base-strings.xml │ │ │ │ ├── colors.xml │ │ │ │ ├── strings.xml │ │ │ │ ├── styles.xml │ │ │ │ ├── template-dimens.xml │ │ │ │ └── template-styles.xml │ │ ├── sample_images │ │ │ ├── classify1.jpg │ │ │ ├── detect1.jpg │ │ │ └── stylize1.jpg │ │ └── src │ │ │ └── org │ │ │ └── tensorflow │ │ │ └── demo │ │ │ ├── AutoFitTextureView.java │ │ │ ├── CameraActivity.java │ │ │ ├── CameraConnectionFragment.java │ │ │ ├── Classifier.java │ │ │ ├── ClassifierActivity.java │ │ │ ├── DetectorActivity.java │ │ │ ├── LegacyCameraConnectionFragment.java │ │ │ ├── OverlayView.java │ │ │ ├── RecognitionScoreView.java │ │ │ ├── RecognizeCommands.java │ │ │ ├── ResultsView.java │ │ │ ├── SpeechActivity.java │ │ │ ├── StylizeActivity.java │ │ │ ├── TensorFlowImageClassifier.java │ │ │ ├── TensorFlowMultiBoxDetector.java │ │ │ ├── TensorFlowObjectDetectionAPIModel.java │ │ │ ├── TensorFlowYoloDetector.java │ │ │ ├── env │ │ │ ├── BorderedText.java │ │ │ ├── ImageUtils.java │ │ │ ├── Logger.java │ │ │ ├── Size.java │ │ │ └── SplitTimer.java │ │ │ └── tracking │ │ │ ├── MultiBoxTracker.java │ │ │ └── ObjectTracker.java │ ├── data │ │ └── work_queue_dataset_tables.py │ ├── get_started │ │ ├── __init__.py │ │ └── regression │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── custom_regression.py │ │ │ ├── dnn_regression.py │ │ │ ├── imports85.py │ │ │ ├── linear_regression_categorical.py │ │ │ └── test.py │ ├── how_tos │ │ ├── __init__.py │ │ └── reading_data │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── convert_to_records.py │ │ │ └── fully_connected_reader.py │ ├── image_retraining │ │ └── README.md │ ├── ios │ │ ├── .gitignore │ │ ├── README.md │ │ ├── benchmark │ │ │ ├── AppDelegate.h │ │ │ ├── AppDelegate.mm │ │ │ ├── Benchmark-Info.plist │ │ │ ├── BenchmarkViewController.h │ │ │ ├── BenchmarkViewController.mm │ │ │ ├── BenchmarkViewController.xib │ │ │ ├── Podfile │ │ │ ├── data │ │ │ │ └── grace_hopper.jpg │ │ │ ├── ios_image_load.h │ │ │ ├── ios_image_load.mm │ │ │ ├── main.mm │ │ │ └── tf_benchmark_example.xcodeproj │ │ │ │ └── project.pbxproj │ │ ├── camera │ │ │ ├── CameraExampleAppDelegate.h │ │ │ ├── CameraExampleAppDelegate.m │ │ │ ├── CameraExampleViewController.h │ │ │ ├── CameraExampleViewController.mm │ │ │ ├── Info.plist │ │ │ ├── MainStoryboard_iPhone.storyboard │ │ │ ├── Podfile │ │ │ ├── data │ │ │ │ └── grace_hopper.jpg │ │ │ ├── ios_image_load.h │ │ │ ├── ios_image_load.mm │ │ │ ├── main.mm │ │ │ ├── tensorflow_utils.h │ │ │ ├── tensorflow_utils.mm │ │ │ └── tf_camera_example.xcodeproj │ │ │ │ └── project.pbxproj │ │ └── simple │ │ │ ├── AppDelegate.h │ │ │ ├── AppDelegate.mm │ │ │ ├── Podfile │ │ │ ├── RunModel-Info.plist │ │ │ ├── RunModelViewController.h │ │ │ ├── RunModelViewController.mm │ │ │ ├── RunModelViewController.xib │ │ │ ├── data │ │ │ └── grace_hopper.jpg │ │ │ ├── ios_image_load.h │ │ │ ├── ios_image_load.mm │ │ │ ├── main.mm │ │ │ └── tf_simple_example.xcodeproj │ │ │ └── project.pbxproj │ ├── label_image │ │ ├── BUILD │ │ ├── README.md │ │ ├── data │ │ │ └── grace_hopper.jpg │ │ ├── label_image.py │ │ └── main.cc │ ├── learn │ │ ├── BUILD │ │ ├── README.md │ │ ├── examples_test.sh │ │ ├── iris_custom_decay_dnn.py │ │ └── iris_custom_model.py │ ├── multibox_detector │ │ ├── BUILD │ │ ├── README.md │ │ ├── data │ │ │ └── surfers.jpg │ │ └── main.cc │ ├── saved_model │ │ └── integration_tests │ │ │ ├── BUILD │ │ │ ├── deploy_mnist_cnn.py │ │ │ ├── distribution_strategy_utils.py │ │ │ ├── export_mnist_cnn.py │ │ │ ├── export_rnn_cell.py │ │ │ ├── export_simple_text_embedding.py │ │ │ ├── export_text_rnn_model.py │ │ │ ├── integration_scripts.py │ │ │ ├── mnist_util.py │ │ │ ├── saved_model_test.py │ │ │ ├── use_mnist_cnn.py │ │ │ ├── use_model_in_sequential_keras.py │ │ │ ├── use_rnn_cell.py │ │ │ ├── use_text_embedding_in_dataset.py │ │ │ └── use_text_rnn_model.py │ ├── speech_commands │ │ ├── BUILD │ │ ├── README.md │ │ ├── accuracy_utils.cc │ │ ├── accuracy_utils.h │ │ ├── accuracy_utils_test.cc │ │ ├── freeze.py │ │ ├── freeze_test.py │ │ ├── generate_streaming_test_wav.py │ │ ├── generate_streaming_test_wav_test.py │ │ ├── input_data.py │ │ ├── input_data_test.py │ │ ├── label_wav.cc │ │ ├── label_wav.py │ │ ├── label_wav_dir.py │ │ ├── label_wav_test.py │ │ ├── models.py │ │ ├── models_test.py │ │ ├── recognize_commands.cc │ │ ├── recognize_commands.h │ │ ├── recognize_commands_test.cc │ │ ├── test_streaming_accuracy.cc │ │ ├── train.py │ │ ├── train_test.py │ │ ├── wav_to_features.py │ │ └── wav_to_features_test.py │ ├── tf2_showcase │ │ ├── BUILD │ │ ├── README.md │ │ └── mnist.py │ ├── tutorials │ │ ├── __init__.py │ │ ├── deepdream │ │ │ ├── README.md │ │ │ ├── deepdream.ipynb │ │ │ └── pilatus800.jpg │ │ ├── input_fn │ │ │ ├── __init__.py │ │ │ ├── boston_predict.csv │ │ │ ├── boston_test.csv │ │ │ └── boston_train.csv │ │ ├── layers │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ └── cnn_mnist.py │ │ ├── mnist │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── fully_connected_feed.py │ │ │ ├── input_data.py │ │ │ ├── mnist.py │ │ │ ├── mnist_softmax_xla.py │ │ │ └── mnist_with_summaries.py │ │ └── word2vec │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ └── word2vec_basic.py │ ├── udacity │ │ ├── .gitignore │ │ └── README.md │ └── wav_to_spectrogram │ │ ├── BUILD │ │ ├── README.md │ │ ├── main.cc │ │ ├── wav_to_spectrogram.cc │ │ ├── wav_to_spectrogram.h │ │ └── wav_to_spectrogram_test.cc ├── g3doc │ └── README.txt ├── go │ ├── BUILD │ ├── README.md │ ├── android.go │ ├── attrs.go │ ├── attrs_test.go │ ├── context.go │ ├── context_test.go │ ├── doc.go │ ├── example_inception_inference_test.go │ ├── genop │ │ ├── .gitignore │ │ ├── generate.sh │ │ ├── internal │ │ │ ├── api_def_map.go │ │ │ ├── genop.go │ │ │ ├── genop_test.go │ │ │ └── lib.go │ │ └── main.go │ ├── graph.go │ ├── graph_test.go │ ├── lib.go │ ├── op │ │ ├── generate.go │ │ ├── gradients.go │ │ ├── gradients_test.go │ │ ├── op.go │ │ ├── op_test.go │ │ ├── scope.go │ │ ├── scope_test.go │ │ └── wrappers.go │ ├── operation.go │ ├── operation_test.go │ ├── saved_model.go │ ├── saved_model_test.go │ ├── session.go │ ├── session_test.go │ ├── shape.go │ ├── shape_test.go │ ├── status.go │ ├── tensor.go │ ├── tensor_handle.go │ ├── tensor_handle_test.go │ ├── tensor_test.go │ ├── test.sh │ ├── util_test.go │ └── version.go ├── java │ ├── BUILD │ ├── README.md │ ├── build_defs.bzl │ ├── config │ │ ├── exported_symbols.lds │ │ └── version_script.lds │ ├── generate_pom.cc │ ├── maven │ │ ├── .gitignore │ │ ├── README.md │ │ ├── libtensorflow │ │ │ └── pom.xml │ │ ├── libtensorflow_jni │ │ │ └── pom.xml │ │ ├── libtensorflow_jni_gpu │ │ │ └── pom.xml │ │ ├── pom.xml │ │ ├── proto │ │ │ └── pom.xml │ │ ├── release.sh │ │ ├── run_inside_container.sh │ │ ├── spark-tensorflow-connector │ │ │ └── pom.xml │ │ ├── tensorflow-hadoop │ │ │ └── pom.xml │ │ └── tensorflow │ │ │ └── pom.xml │ └── src │ │ ├── gen │ │ ├── cc │ │ │ ├── java_defs.h │ │ │ ├── op_gen_main.cc │ │ │ ├── op_generator.cc │ │ │ ├── op_generator.h │ │ │ ├── op_specs.cc │ │ │ ├── op_specs.h │ │ │ ├── source_writer.cc │ │ │ ├── source_writer.h │ │ │ └── source_writer_test.cc │ │ ├── gen_ops.bzl │ │ ├── java │ │ │ └── org │ │ │ │ └── tensorflow │ │ │ │ └── processor │ │ │ │ └── OperatorProcessor.java │ │ ├── perl │ │ │ ├── tftypes-runall.pl │ │ │ └── tftypes.pl │ │ └── resources │ │ │ ├── META-INF │ │ │ └── services │ │ │ │ └── javax.annotation.processing.Processor │ │ │ ├── Tensors.java.tmpl │ │ │ ├── test.java.snippet │ │ │ └── tftypes.csv │ │ ├── main │ │ ├── java │ │ │ └── org │ │ │ │ └── tensorflow │ │ │ │ ├── AbstractOperation.java │ │ │ │ ├── DataType.java │ │ │ │ ├── EagerOperation.java │ │ │ │ ├── EagerOperationBuilder.java │ │ │ │ ├── EagerSession.java │ │ │ │ ├── ExecutionEnvironment.java │ │ │ │ ├── Graph.java │ │ │ │ ├── GraphOperation.java │ │ │ │ ├── GraphOperationBuilder.java │ │ │ │ ├── NativeLibrary.java │ │ │ │ ├── Operand.java │ │ │ │ ├── Operation.java │ │ │ │ ├── OperationBuilder.java │ │ │ │ ├── Output.java │ │ │ │ ├── SavedModelBundle.java │ │ │ │ ├── Server.java │ │ │ │ ├── Session.java │ │ │ │ ├── Shape.java │ │ │ │ ├── Tensor.java │ │ │ │ ├── TensorFlow.java │ │ │ │ ├── TensorFlowException.java │ │ │ │ ├── Tensors.java │ │ │ │ ├── examples │ │ │ │ ├── .gitignore │ │ │ │ ├── BUILD │ │ │ │ └── LabelImage.java │ │ │ │ ├── op │ │ │ │ ├── NameScope.java │ │ │ │ ├── Op.java │ │ │ │ ├── Operands.java │ │ │ │ ├── PrimitiveOp.java │ │ │ │ ├── Scope.java │ │ │ │ ├── annotation │ │ │ │ │ └── Operator.java │ │ │ │ └── core │ │ │ │ │ ├── Constant.java │ │ │ │ │ ├── Gradients.java │ │ │ │ │ └── Zeros.java │ │ │ │ ├── package-info.java │ │ │ │ └── types │ │ │ │ ├── UInt8.java │ │ │ │ └── package-info.java │ │ └── native │ │ │ ├── BUILD │ │ │ ├── eager_operation_builder_jni.cc │ │ │ ├── eager_operation_builder_jni.h │ │ │ ├── eager_operation_jni.cc │ │ │ ├── eager_operation_jni.h │ │ │ ├── eager_session_jni.cc │ │ │ ├── eager_session_jni.h │ │ │ ├── exception_jni.cc │ │ │ ├── exception_jni.h │ │ │ ├── graph_jni.cc │ │ │ ├── graph_jni.h │ │ │ ├── graph_operation_builder_jni.cc │ │ │ ├── graph_operation_builder_jni.h │ │ │ ├── graph_operation_jni.cc │ │ │ ├── graph_operation_jni.h │ │ │ ├── saved_model_bundle_jni.cc │ │ │ ├── saved_model_bundle_jni.h │ │ │ ├── server_jni.cc │ │ │ ├── server_jni.h │ │ │ ├── session_jni.cc │ │ │ ├── session_jni.h │ │ │ ├── tensor_jni.cc │ │ │ ├── tensor_jni.h │ │ │ ├── tensorflow_jni.cc │ │ │ ├── tensorflow_jni.h │ │ │ ├── utils_jni.cc │ │ │ └── utils_jni.h │ │ └── test │ │ ├── java │ │ └── org │ │ │ └── tensorflow │ │ │ ├── EagerOperationBuilderTest.java │ │ │ ├── EagerOperationTest.java │ │ │ ├── EagerSessionTest.java │ │ │ ├── GraphOperationBuilderTest.java │ │ │ ├── GraphOperationTest.java │ │ │ ├── GraphTest.java │ │ │ ├── SavedModelBundleTest.java │ │ │ ├── SessionTest.java │ │ │ ├── ShapeTest.java │ │ │ ├── TensorFlowTest.java │ │ │ ├── TensorTest.java │ │ │ ├── TestUtil.java │ │ │ ├── op │ │ │ ├── OperandsTest.java │ │ │ ├── PrimitiveOpTest.java │ │ │ ├── ScopeTest.java │ │ │ └── core │ │ │ │ ├── ConstantTest.java │ │ │ │ ├── GeneratedOperationsTest.java │ │ │ │ ├── GradientsTest.java │ │ │ │ └── ZerosTest.java │ │ │ └── processor │ │ │ └── OperatorProcessorTest.java │ │ ├── native │ │ └── my_test_op.cc │ │ └── resources │ │ └── org │ │ └── tensorflow │ │ └── processor │ │ └── operator │ │ ├── bad │ │ └── BasicBad.java │ │ └── good │ │ └── BasicGood.java ├── js │ ├── BUILD │ └── ops │ │ ├── ts_op_gen.cc │ │ ├── ts_op_gen.h │ │ └── ts_op_gen_test.cc ├── lite │ ├── BUILD │ ├── README.md │ ├── allocation.cc │ ├── allocation.h │ ├── arena_planner.cc │ ├── arena_planner.h │ ├── arena_planner_test.cc │ ├── build_def.bzl │ ├── builtin_op_data.h │ ├── builtin_ops.h │ ├── c │ │ ├── BUILD │ │ ├── builtin_op_data.h │ │ ├── builtin_op_data_test.cc │ │ ├── c_api_internal.c │ │ ├── c_api_internal.h │ │ └── c_api_internal_test.cc │ ├── context.h │ ├── context_util.h │ ├── core │ │ ├── api │ │ │ ├── BUILD │ │ │ ├── error_reporter.cc │ │ │ ├── error_reporter.h │ │ │ ├── error_reporter_test.cc │ │ │ ├── flatbuffer_conversions.cc │ │ │ ├── flatbuffer_conversions.h │ │ │ ├── flatbuffer_conversions_test.cc │ │ │ ├── op_resolver.cc │ │ │ ├── op_resolver.h │ │ │ ├── op_resolver_test.cc │ │ │ └── profiler.h │ │ ├── subgraph.cc │ │ └── subgraph.h │ ├── delegates │ │ ├── flex │ │ │ ├── BUILD │ │ │ ├── buffer_map.cc │ │ │ ├── buffer_map.h │ │ │ ├── buffer_map_test.cc │ │ │ ├── delegate.cc │ │ │ ├── delegate.h │ │ │ ├── delegate_data.cc │ │ │ ├── delegate_data.h │ │ │ ├── delegate_data_test.cc │ │ │ ├── delegate_test.cc │ │ │ ├── kernel.cc │ │ │ ├── kernel.h │ │ │ ├── kernel_test.cc │ │ │ ├── test_util.cc │ │ │ ├── test_util.h │ │ │ ├── util.cc │ │ │ ├── util.h │ │ │ ├── util_test.cc │ │ │ ├── whitelisted_flex_ops.cc │ │ │ └── whitelisted_flex_ops.h │ │ ├── gpu │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── api.cc │ │ │ ├── api.h │ │ │ ├── cl │ │ │ │ ├── BUILD │ │ │ │ ├── api.cc │ │ │ │ ├── api.h │ │ │ │ ├── buffer.cc │ │ │ │ ├── buffer.h │ │ │ │ ├── cl_command_queue.cc │ │ │ │ ├── cl_command_queue.h │ │ │ │ ├── cl_context.cc │ │ │ │ ├── cl_context.h │ │ │ │ ├── cl_device.cc │ │ │ │ ├── cl_device.h │ │ │ │ ├── cl_errors.h │ │ │ │ ├── cl_event.cc │ │ │ │ ├── cl_event.h │ │ │ │ ├── cl_image_format.cc │ │ │ │ ├── cl_image_format.h │ │ │ │ ├── cl_kernel.cc │ │ │ │ ├── cl_kernel.h │ │ │ │ ├── cl_memory.cc │ │ │ │ ├── cl_memory.h │ │ │ │ ├── cl_program.cc │ │ │ │ ├── cl_program.h │ │ │ │ ├── compiled_program_cache.fbs │ │ │ │ ├── egl_sync.cc │ │ │ │ ├── egl_sync.h │ │ │ │ ├── environment.cc │ │ │ │ ├── environment.h │ │ │ │ ├── gl_interop.cc │ │ │ │ ├── gl_interop.h │ │ │ │ ├── gpu_api_delegate.cc │ │ │ │ ├── gpu_api_delegate.h │ │ │ │ ├── inference_context.cc │ │ │ │ ├── inference_context.h │ │ │ │ ├── kernels │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── abs.cc │ │ │ │ │ ├── abs.h │ │ │ │ │ ├── abs_test.cc │ │ │ │ │ ├── add.cc │ │ │ │ │ ├── add.h │ │ │ │ │ ├── add_test.cc │ │ │ │ │ ├── apply_mask.cc │ │ │ │ │ ├── apply_mask.h │ │ │ │ │ ├── apply_mask_test.cc │ │ │ │ │ ├── cl_test.cc │ │ │ │ │ ├── cl_test.h │ │ │ │ │ ├── concat_test.cc │ │ │ │ │ ├── concat_xy.cc │ │ │ │ │ ├── concat_xy.h │ │ │ │ │ ├── concat_z.cc │ │ │ │ │ ├── concat_z.h │ │ │ │ │ ├── conv_buffer.cc │ │ │ │ │ ├── conv_buffer.h │ │ │ │ │ ├── conv_buffer_1x1.cc │ │ │ │ │ ├── conv_buffer_1x1.h │ │ │ │ │ ├── conv_buffer_1x1_test.cc │ │ │ │ │ ├── conv_buffer_test.cc │ │ │ │ │ ├── conv_constants.cc │ │ │ │ │ ├── conv_constants.h │ │ │ │ │ ├── conv_constants_test.cc │ │ │ │ │ ├── conv_texture.cc │ │ │ │ │ ├── conv_texture.h │ │ │ │ │ ├── conv_texture_test.cc │ │ │ │ │ ├── converter.cc │ │ │ │ │ ├── converter.h │ │ │ │ │ ├── convolution_transposed.cc │ │ │ │ │ ├── convolution_transposed.h │ │ │ │ │ ├── convolution_transposed_3x3_thin.cc │ │ │ │ │ ├── convolution_transposed_3x3_thin.h │ │ │ │ │ ├── convolution_transposed_3x3_thin_test.cc │ │ │ │ │ ├── convolution_transposed_test.cc │ │ │ │ │ ├── convolution_transposed_thin.cc │ │ │ │ │ ├── convolution_transposed_thin.h │ │ │ │ │ ├── convolution_transposed_thin_test.cc │ │ │ │ │ ├── depth_wise_conv.cc │ │ │ │ │ ├── depth_wise_conv.h │ │ │ │ │ ├── depth_wise_conv_3x3_texture.cc │ │ │ │ │ ├── depth_wise_conv_3x3_texture.h │ │ │ │ │ ├── depth_wise_conv_3x3_texture_test.cc │ │ │ │ │ ├── depth_wise_conv_test.cc │ │ │ │ │ ├── flt_type.cc │ │ │ │ │ ├── flt_type.h │ │ │ │ │ ├── fully_connected_texture.cc │ │ │ │ │ ├── fully_connected_texture.h │ │ │ │ │ ├── fully_connected_texture_test.cc │ │ │ │ │ ├── gpu_operation.cc │ │ │ │ │ ├── gpu_operation.h │ │ │ │ │ ├── hard_swish.h │ │ │ │ │ ├── hard_swish_test.cc │ │ │ │ │ ├── max_unpooling.cc │ │ │ │ │ ├── max_unpooling.h │ │ │ │ │ ├── max_unpooling_test.cc │ │ │ │ │ ├── multiply_add.cc │ │ │ │ │ ├── multiply_add.h │ │ │ │ │ ├── multiply_add_test.cc │ │ │ │ │ ├── padding.cc │ │ │ │ │ ├── padding.h │ │ │ │ │ ├── padding_test.cc │ │ │ │ │ ├── pooling.cc │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── pooling_test.cc │ │ │ │ │ ├── prelu.cc │ │ │ │ │ ├── prelu.h │ │ │ │ │ ├── prelu_test.cc │ │ │ │ │ ├── relu.cc │ │ │ │ │ ├── relu.h │ │ │ │ │ ├── relu_test.cc │ │ │ │ │ ├── reshape.cc │ │ │ │ │ ├── reshape.h │ │ │ │ │ ├── reshape_test.cc │ │ │ │ │ ├── reshapex4.cc │ │ │ │ │ ├── reshapex4.h │ │ │ │ │ ├── reshapex4_test.cc │ │ │ │ │ ├── run_tests.sh │ │ │ │ │ ├── sigmoid.cc │ │ │ │ │ ├── sigmoid.h │ │ │ │ │ ├── sigmoid_test.cc │ │ │ │ │ ├── softmax.cc │ │ │ │ │ ├── softmax.h │ │ │ │ │ ├── softmax1x1.cc │ │ │ │ │ ├── softmax1x1.h │ │ │ │ │ ├── softmax1x1_test.cc │ │ │ │ │ ├── softmax_test.cc │ │ │ │ │ ├── strided_slice.cc │ │ │ │ │ ├── strided_slice.h │ │ │ │ │ ├── strided_slice_test.cc │ │ │ │ │ ├── tuning_parameters.h │ │ │ │ │ ├── upsample.cc │ │ │ │ │ ├── upsample.h │ │ │ │ │ ├── upsample_test.cc │ │ │ │ │ ├── util.cc │ │ │ │ │ ├── util.h │ │ │ │ │ ├── work_group_picking.cc │ │ │ │ │ └── work_group_picking.h │ │ │ │ ├── linear_storage.cc │ │ │ │ ├── linear_storage.h │ │ │ │ ├── model_hints.h │ │ │ │ ├── opencl_wrapper.cc │ │ │ │ ├── opencl_wrapper.h │ │ │ │ ├── precision.cc │ │ │ │ ├── precision.h │ │ │ │ ├── program_cache.cc │ │ │ │ ├── program_cache.h │ │ │ │ ├── selectors │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── convolution_selector.cc │ │ │ │ │ ├── convolution_selector.h │ │ │ │ │ ├── convolution_transposed_selector.cc │ │ │ │ │ ├── convolution_transposed_selector.h │ │ │ │ │ ├── dw_convolution_selector.cc │ │ │ │ │ ├── dw_convolution_selector.h │ │ │ │ │ ├── fully_connected_selector.cc │ │ │ │ │ ├── fully_connected_selector.h │ │ │ │ │ ├── operation_selector.cc │ │ │ │ │ ├── operation_selector.h │ │ │ │ │ ├── simple_selectors.cc │ │ │ │ │ └── simple_selectors.h │ │ │ │ ├── tensor.cc │ │ │ │ ├── tensor.h │ │ │ │ ├── tensor_type.cc │ │ │ │ ├── tensor_type.h │ │ │ │ ├── tensor_type_util.cc │ │ │ │ ├── tensor_type_util.h │ │ │ │ ├── texture2d.cc │ │ │ │ ├── texture2d.h │ │ │ │ ├── util.cc │ │ │ │ └── util.h │ │ │ ├── common │ │ │ │ ├── BUILD │ │ │ │ ├── access_type.h │ │ │ │ ├── convert.cc │ │ │ │ ├── convert.h │ │ │ │ ├── data_type.cc │ │ │ │ ├── data_type.h │ │ │ │ ├── gpu_info.cc │ │ │ │ ├── gpu_info.h │ │ │ │ ├── memory_management.cc │ │ │ │ ├── memory_management.h │ │ │ │ ├── memory_management │ │ │ │ │ ├── equality_assignment.h │ │ │ │ │ ├── greedy_assignment.h │ │ │ │ │ ├── greedy_by_breadth_assignment.cc │ │ │ │ │ ├── greedy_by_breadth_assignment.h │ │ │ │ │ ├── greedy_by_size_assignment.cc │ │ │ │ │ ├── greedy_by_size_assignment.h │ │ │ │ │ ├── internal.cc │ │ │ │ │ ├── internal.h │ │ │ │ │ ├── internal_test.cc │ │ │ │ │ ├── min_cost_flow_assignment.cc │ │ │ │ │ ├── min_cost_flow_assignment.h │ │ │ │ │ └── naive_assignment.h │ │ │ │ ├── memory_management_test.cc │ │ │ │ ├── model.h │ │ │ │ ├── model_builder.cc │ │ │ │ ├── model_builder.h │ │ │ │ ├── model_builder_test.cc │ │ │ │ ├── model_test.cc │ │ │ │ ├── model_transformer.cc │ │ │ │ ├── model_transformer.h │ │ │ │ ├── operations.cc │ │ │ │ ├── operations.h │ │ │ │ ├── shape.cc │ │ │ │ ├── shape.h │ │ │ │ ├── shape_test.cc │ │ │ │ ├── status.h │ │ │ │ ├── tensor.h │ │ │ │ ├── testing │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── interpreter_utils.cc │ │ │ │ │ └── interpreter_utils.h │ │ │ │ ├── transformations │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── add_bias.cc │ │ │ │ │ ├── add_bias.h │ │ │ │ │ ├── fuse_add_to_conv.cc │ │ │ │ │ ├── fuse_add_to_conv.h │ │ │ │ │ ├── fuse_add_to_conv_test.cc │ │ │ │ │ ├── fuse_mul_to_conv.cc │ │ │ │ │ ├── fuse_mul_to_conv.h │ │ │ │ │ ├── fuse_mul_to_conv_test.cc │ │ │ │ │ ├── general_transformations.cc │ │ │ │ │ ├── general_transformations.h │ │ │ │ │ ├── make_fully_connected.cc │ │ │ │ │ ├── make_fully_connected.h │ │ │ │ │ ├── make_fully_connected_test.cc │ │ │ │ │ ├── make_padding.cc │ │ │ │ │ ├── make_padding.h │ │ │ │ │ ├── make_padding_test.cc │ │ │ │ │ ├── match_dilated_convolution.cc │ │ │ │ │ ├── match_dilated_convolution.h │ │ │ │ │ ├── match_dilated_convolution_test.cc │ │ │ │ │ ├── matching.h │ │ │ │ │ ├── merge_padding_with.cc │ │ │ │ │ ├── merge_padding_with.h │ │ │ │ │ ├── merge_padding_with_test.cc │ │ │ │ │ ├── remove_noop.cc │ │ │ │ │ ├── remove_noop.h │ │ │ │ │ └── remove_noop_test.cc │ │ │ │ ├── types.h │ │ │ │ ├── util.h │ │ │ │ └── util_test.cc │ │ │ ├── gl │ │ │ │ ├── BUILD │ │ │ │ ├── api.cc │ │ │ │ ├── api.h │ │ │ │ ├── command_queue.cc │ │ │ │ ├── command_queue.h │ │ │ │ ├── common.fbs │ │ │ │ ├── compiled_model.fbs │ │ │ │ ├── compiler.cc │ │ │ │ ├── compiler.h │ │ │ │ ├── compiler │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── compiled_node.cc │ │ │ │ │ ├── compiled_node.h │ │ │ │ │ ├── fuse_auto_input.cc │ │ │ │ │ ├── fuse_auto_input.h │ │ │ │ │ ├── fuse_inline.cc │ │ │ │ │ ├── fuse_inline.h │ │ │ │ │ ├── fuse_inplace.cc │ │ │ │ │ ├── fuse_inplace.h │ │ │ │ │ ├── object_accessor.cc │ │ │ │ │ ├── object_accessor.h │ │ │ │ │ ├── object_accessor_test.cc │ │ │ │ │ ├── preprocessor.cc │ │ │ │ │ ├── preprocessor.h │ │ │ │ │ ├── preprocessor_test.cc │ │ │ │ │ ├── rename.cc │ │ │ │ │ ├── rename.h │ │ │ │ │ ├── shader_code.h │ │ │ │ │ ├── shader_codegen.cc │ │ │ │ │ ├── shader_codegen.h │ │ │ │ │ ├── variable_accessor.cc │ │ │ │ │ ├── variable_accessor.h │ │ │ │ │ └── variable_accessor_test.cc │ │ │ │ ├── compiler_options.h │ │ │ │ ├── converters │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── bhwc_to_phwc4.cc │ │ │ │ │ ├── bhwc_to_phwc4.h │ │ │ │ │ ├── bhwc_to_phwc4_test.cc │ │ │ │ │ ├── phwc4_to_bhwc.cc │ │ │ │ │ ├── phwc4_to_bhwc.h │ │ │ │ │ ├── phwc4_to_bhwc_test.cc │ │ │ │ │ └── util.h │ │ │ │ ├── egl_context.cc │ │ │ │ ├── egl_context.h │ │ │ │ ├── egl_environment.cc │ │ │ │ ├── egl_environment.h │ │ │ │ ├── egl_surface.cc │ │ │ │ ├── egl_surface.h │ │ │ │ ├── float16_conversions.cc │ │ │ │ ├── float16_conversions.h │ │ │ │ ├── gl_buffer.cc │ │ │ │ ├── gl_buffer.h │ │ │ │ ├── gl_buffer_test.cc │ │ │ │ ├── gl_call.h │ │ │ │ ├── gl_errors.cc │ │ │ │ ├── gl_errors.h │ │ │ │ ├── gl_program.cc │ │ │ │ ├── gl_program.h │ │ │ │ ├── gl_shader.cc │ │ │ │ ├── gl_shader.h │ │ │ │ ├── gl_sync.cc │ │ │ │ ├── gl_sync.h │ │ │ │ ├── gl_texture.cc │ │ │ │ ├── gl_texture.h │ │ │ │ ├── kernels │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── add.cc │ │ │ │ │ ├── add.h │ │ │ │ │ ├── add_test.cc │ │ │ │ │ ├── concat.cc │ │ │ │ │ ├── concat.h │ │ │ │ │ ├── concat_test.cc │ │ │ │ │ ├── conv.cc │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── conv_test.cc │ │ │ │ │ ├── custom_registry.cc │ │ │ │ │ ├── custom_registry.h │ │ │ │ │ ├── depthwise_conv.cc │ │ │ │ │ ├── depthwise_conv.h │ │ │ │ │ ├── depthwise_conv_test.cc │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ ├── elementwise.h │ │ │ │ │ ├── elementwise_test.cc │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ ├── fully_connected.h │ │ │ │ │ ├── fully_connected_test.cc │ │ │ │ │ ├── lstm.cc │ │ │ │ │ ├── lstm.h │ │ │ │ │ ├── lstm_test.cc │ │ │ │ │ ├── max_unpooling.cc │ │ │ │ │ ├── max_unpooling.h │ │ │ │ │ ├── max_unpooling_test.cc │ │ │ │ │ ├── mul.cc │ │ │ │ │ ├── mul.h │ │ │ │ │ ├── mul_test.cc │ │ │ │ │ ├── pad.cc │ │ │ │ │ ├── pad.h │ │ │ │ │ ├── pad_test.cc │ │ │ │ │ ├── pooling.cc │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── pooling_test.cc │ │ │ │ │ ├── prelu.cc │ │ │ │ │ ├── prelu.h │ │ │ │ │ ├── prelu_test.cc │ │ │ │ │ ├── registry.cc │ │ │ │ │ ├── registry.h │ │ │ │ │ ├── relu.cc │ │ │ │ │ ├── relu.h │ │ │ │ │ ├── relu_test.cc │ │ │ │ │ ├── reshape.cc │ │ │ │ │ ├── reshape.h │ │ │ │ │ ├── reshape_test.cc │ │ │ │ │ ├── slice.cc │ │ │ │ │ ├── slice.h │ │ │ │ │ ├── slice_test.cc │ │ │ │ │ ├── softmax.cc │ │ │ │ │ ├── softmax.h │ │ │ │ │ ├── softmax_test.cc │ │ │ │ │ ├── test_util.cc │ │ │ │ │ ├── test_util.h │ │ │ │ │ ├── transpose_conv.cc │ │ │ │ │ ├── transpose_conv.h │ │ │ │ │ ├── transpose_conv_test.cc │ │ │ │ │ ├── upsampling_bilinear.cc │ │ │ │ │ ├── upsampling_bilinear.h │ │ │ │ │ └── upsampling_bilinear_test.cc │ │ │ │ ├── metadata.fbs │ │ │ │ ├── node_shader.h │ │ │ │ ├── object.h │ │ │ │ ├── object_manager.cc │ │ │ │ ├── object_manager.h │ │ │ │ ├── portable_egl.h │ │ │ │ ├── portable_gl31.h │ │ │ │ ├── request_gpu_info.cc │ │ │ │ ├── request_gpu_info.h │ │ │ │ ├── runtime.cc │ │ │ │ ├── runtime.h │ │ │ │ ├── runtime │ │ │ │ │ ├── BUILD │ │ │ │ │ └── shared_buffer.h │ │ │ │ ├── runtime_options.h │ │ │ │ ├── serialization.cc │ │ │ │ ├── serialization.h │ │ │ │ ├── serialization_test.cc │ │ │ │ ├── stats.h │ │ │ │ ├── variable.h │ │ │ │ ├── workgroups.fbs │ │ │ │ └── workgroups │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── best_effort_calculator.cc │ │ │ │ │ ├── best_effort_calculator.h │ │ │ │ │ ├── calculator.cc │ │ │ │ │ ├── calculator.h │ │ │ │ │ ├── calculator_from_metadata.cc │ │ │ │ │ ├── calculator_from_metadata.h │ │ │ │ │ ├── default_calculator.cc │ │ │ │ │ ├── default_calculator.h │ │ │ │ │ ├── ideal_workgroup_picker.cc │ │ │ │ │ └── ideal_workgroup_picker.h │ │ │ ├── gl_delegate.cc │ │ │ ├── gl_delegate.h │ │ │ ├── java │ │ │ │ └── src │ │ │ │ │ └── main │ │ │ │ │ ├── java │ │ │ │ │ └── org │ │ │ │ │ │ └── tensorflow │ │ │ │ │ │ └── lite │ │ │ │ │ │ └── gpu │ │ │ │ │ │ ├── BUILD │ │ │ │ │ │ └── GpuDelegate.java │ │ │ │ │ └── native │ │ │ │ │ ├── BUILD │ │ │ │ │ └── gpu_delegate_jni.cc │ │ │ ├── metal │ │ │ │ ├── BUILD │ │ │ │ ├── api.cc │ │ │ │ ├── api.h │ │ │ │ ├── buffer_convert.h │ │ │ │ ├── buffer_convert.mm │ │ │ │ ├── common.h │ │ │ │ ├── common.mm │ │ │ │ ├── compiled_model.cc │ │ │ │ ├── compiled_model.h │ │ │ │ ├── compute_task.h │ │ │ │ ├── compute_task.mm │ │ │ │ ├── compute_task_descriptor.cc │ │ │ │ ├── compute_task_descriptor.h │ │ │ │ ├── environment.h │ │ │ │ ├── environment.mm │ │ │ │ ├── inference_context.h │ │ │ │ ├── inference_context.mm │ │ │ │ ├── kernels │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── add.cc │ │ │ │ │ ├── add.h │ │ │ │ │ ├── add_test.mm │ │ │ │ │ ├── concat.cc │ │ │ │ │ ├── concat.h │ │ │ │ │ ├── concat_test.mm │ │ │ │ │ ├── conv.cc │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── conv_test.mm │ │ │ │ │ ├── custom_registry.cc │ │ │ │ │ ├── custom_registry.h │ │ │ │ │ ├── depthwise_conv.cc │ │ │ │ │ ├── depthwise_conv.h │ │ │ │ │ ├── depthwise_conv_test.mm │ │ │ │ │ ├── elementwise.cc │ │ │ │ │ ├── elementwise.h │ │ │ │ │ ├── elementwise_test.mm │ │ │ │ │ ├── fully_connected.cc │ │ │ │ │ ├── fully_connected.h │ │ │ │ │ ├── fully_connected_test.mm │ │ │ │ │ ├── hard_swish.cc │ │ │ │ │ ├── hard_swish.h │ │ │ │ │ ├── max_unpooling.cc │ │ │ │ │ ├── max_unpooling.h │ │ │ │ │ ├── max_unpooling_test.mm │ │ │ │ │ ├── mul.cc │ │ │ │ │ ├── mul.h │ │ │ │ │ ├── padding.cc │ │ │ │ │ ├── padding.h │ │ │ │ │ ├── pooling.cc │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── prelu.cc │ │ │ │ │ ├── prelu.h │ │ │ │ │ ├── relu.cc │ │ │ │ │ ├── relu.h │ │ │ │ │ ├── reshape.cc │ │ │ │ │ ├── reshape.h │ │ │ │ │ ├── slice.cc │ │ │ │ │ ├── slice.h │ │ │ │ │ ├── softmax.cc │ │ │ │ │ ├── softmax.h │ │ │ │ │ ├── test_util.h │ │ │ │ │ ├── test_util.mm │ │ │ │ │ ├── transpose_conv.cc │ │ │ │ │ ├── transpose_conv.h │ │ │ │ │ ├── upsample.cc │ │ │ │ │ ├── upsample.h │ │ │ │ │ ├── util.cc │ │ │ │ │ └── util.h │ │ │ │ └── runtime_options.h │ │ │ ├── metal_delegate.h │ │ │ ├── metal_delegate.mm │ │ │ ├── metal_delegate_internal.h │ │ │ └── spi.h │ │ └── nnapi │ │ │ ├── BUILD │ │ │ ├── java │ │ │ └── src │ │ │ │ └── main │ │ │ │ ├── java │ │ │ │ └── org │ │ │ │ │ └── tensorflow │ │ │ │ │ └── lite │ │ │ │ │ └── nnapi │ │ │ │ │ ├── BUILD │ │ │ │ │ └── NnApiDelegate.java │ │ │ │ └── native │ │ │ │ ├── BUILD │ │ │ │ └── nnapi_delegate_jni.cc │ │ │ ├── nnapi_delegate.cc │ │ │ ├── nnapi_delegate.h │ │ │ ├── nnapi_delegate_disabled.cc │ │ │ ├── nnapi_delegate_kernel.h │ │ │ ├── nnapi_delegate_test.cc │ │ │ ├── quant_lstm_sup.cc │ │ │ ├── quant_lstm_sup.h │ │ │ └── quant_lstm_sup_test.cc │ ├── error_reporter.h │ ├── examples │ │ ├── android │ │ │ └── app │ │ │ │ └── README.md │ │ ├── ios │ │ │ ├── camera │ │ │ │ ├── .gitignore │ │ │ │ ├── CameraExampleAppDelegate.h │ │ │ │ ├── CameraExampleAppDelegate.m │ │ │ │ ├── CameraExampleViewController.h │ │ │ │ ├── CameraExampleViewController.mm │ │ │ │ ├── Info.plist │ │ │ │ ├── MainStoryboard_iPhone.storyboard │ │ │ │ ├── Podfile │ │ │ │ ├── README.md │ │ │ │ ├── data │ │ │ │ │ ├── .gitignore │ │ │ │ │ └── labels.txt │ │ │ │ ├── main.mm │ │ │ │ ├── tflite_camera_example.xcodeproj │ │ │ │ │ └── project.pbxproj │ │ │ │ └── tflite_camera_example_with_select_tf_ops.xcodeproj │ │ │ │ │ └── project.pbxproj │ │ │ ├── download_models.sh │ │ │ └── simple │ │ │ │ ├── AppDelegate.h │ │ │ │ ├── AppDelegate.mm │ │ │ │ ├── Podfile │ │ │ │ ├── RunModel-Info.plist │ │ │ │ ├── RunModelViewController.h │ │ │ │ ├── RunModelViewController.mm │ │ │ │ ├── RunModelViewController.xib │ │ │ │ ├── data │ │ │ │ ├── grace_hopper.jpg │ │ │ │ └── labels.txt │ │ │ │ ├── ios_image_load.h │ │ │ │ ├── ios_image_load.mm │ │ │ │ ├── main.mm │ │ │ │ └── simple.xcodeproj │ │ │ │ └── project.pbxproj │ │ ├── label_image │ │ │ ├── BUILD │ │ │ ├── bitmap_helpers.cc │ │ │ ├── bitmap_helpers.h │ │ │ ├── bitmap_helpers_impl.h │ │ │ ├── get_top_n.h │ │ │ ├── get_top_n_impl.h │ │ │ ├── label_image.cc │ │ │ ├── label_image.h │ │ │ ├── label_image.md │ │ │ ├── label_image_test.cc │ │ │ └── testdata │ │ │ │ └── grace_hopper.bmp │ │ ├── minimal │ │ │ ├── BUILD │ │ │ └── minimal.cc │ │ └── python │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ └── label_image.py │ ├── experimental │ │ ├── c │ │ │ ├── BUILD │ │ │ ├── c_api.cc │ │ │ ├── c_api.h │ │ │ ├── c_api_experimental.cc │ │ │ ├── c_api_experimental.h │ │ │ ├── c_api_experimental_test.cc │ │ │ ├── c_api_internal.h │ │ │ ├── c_api_test.cc │ │ │ ├── c_api_types.h │ │ │ ├── exported_symbols.lds │ │ │ └── version_script.lds │ │ ├── examples │ │ │ ├── lstm │ │ │ │ ├── BUILD │ │ │ │ ├── TensorFlowLite_LSTM_Keras_Tutorial.ipynb │ │ │ │ ├── bidirectional_sequence_lstm_test.py │ │ │ │ ├── bidirectional_sequence_rnn_test.py │ │ │ │ ├── g3doc │ │ │ │ │ ├── README.md │ │ │ │ │ └── images │ │ │ │ │ │ ├── exported_tflite_model.png │ │ │ │ │ │ ├── op_hint.png │ │ │ │ │ │ ├── tf_lstm.png │ │ │ │ │ │ └── tflite_lstm.png │ │ │ │ ├── rnn.py │ │ │ │ ├── rnn_cell.py │ │ │ │ ├── unidirectional_sequence_lstm_test.py │ │ │ │ └── unidirectional_sequence_rnn_test.py │ │ │ └── unity │ │ │ │ └── TensorFlowLitePlugin │ │ │ │ ├── .gitignore │ │ │ │ ├── Assets │ │ │ │ ├── TensorFlowLite.meta │ │ │ │ └── TensorFlowLite │ │ │ │ │ ├── Examples.meta │ │ │ │ │ ├── Examples │ │ │ │ │ ├── HelloTFLite.meta │ │ │ │ │ └── HelloTFLite │ │ │ │ │ │ ├── Scenes.meta │ │ │ │ │ │ ├── Scenes │ │ │ │ │ │ ├── HelloTFLite.unity │ │ │ │ │ │ ├── HelloTFLite.unity.meta │ │ │ │ │ │ ├── add.bytes │ │ │ │ │ │ └── add.bytes.meta │ │ │ │ │ │ ├── Scripts.meta │ │ │ │ │ │ └── Scripts │ │ │ │ │ │ ├── HelloTFLite.cs │ │ │ │ │ │ └── HelloTFLite.cs.meta │ │ │ │ │ ├── SDK.meta │ │ │ │ │ └── SDK │ │ │ │ │ ├── Scripts.meta │ │ │ │ │ └── Scripts │ │ │ │ │ ├── Interpreter.cs │ │ │ │ │ └── Interpreter.cs.meta │ │ │ │ ├── ProjectSettings │ │ │ │ ├── AudioManager.asset │ │ │ │ ├── ClusterInputManager.asset │ │ │ │ ├── DynamicsManager.asset │ │ │ │ ├── EditorBuildSettings.asset │ │ │ │ ├── EditorSettings.asset │ │ │ │ ├── GraphicsSettings.asset │ │ │ │ ├── InputManager.asset │ │ │ │ ├── NavMeshAreas.asset │ │ │ │ ├── NetworkManager.asset │ │ │ │ ├── Physics2DSettings.asset │ │ │ │ ├── ProjectSettings.asset │ │ │ │ ├── ProjectVersion.txt │ │ │ │ ├── QualitySettings.asset │ │ │ │ ├── TagManager.asset │ │ │ │ ├── TimeManager.asset │ │ │ │ └── UnityConnectSettings.asset │ │ │ │ ├── README.md │ │ │ │ └── UnityPackageManager │ │ │ │ └── manifest.json │ │ ├── ios │ │ │ ├── BUILD.apple │ │ │ ├── TensorFlowLiteC.md │ │ │ ├── TensorFlowLiteC.podspec │ │ │ └── ios.bzl │ │ ├── kernels │ │ │ ├── BUILD │ │ │ ├── ctc_beam_entry.h │ │ │ ├── ctc_beam_scorer.h │ │ │ ├── ctc_beam_search.h │ │ │ ├── ctc_beam_search_decoder.cc │ │ │ ├── ctc_beam_search_decoder_test.cc │ │ │ ├── ctc_decoder.h │ │ │ ├── ctc_loss_util.h │ │ │ ├── gru_cell.cc │ │ │ ├── gru_cell.h │ │ │ ├── top_n.h │ │ │ ├── unidirectional_sequence_gru.cc │ │ │ └── unidirectional_sequence_gru_test.cc │ │ ├── micro │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── apollo3evb │ │ │ │ └── debug_log.cc │ │ │ ├── arduino │ │ │ │ └── debug_log.cc │ │ │ ├── bluepill │ │ │ │ └── debug_log.cc │ │ │ ├── chre │ │ │ │ └── debug_log.cc │ │ │ ├── compatibility.h │ │ │ ├── debug_log.cc │ │ │ ├── debug_log.h │ │ │ ├── debug_log_numbers.cc │ │ │ ├── debug_log_numbers.h │ │ │ ├── ecm3531 │ │ │ │ └── debug_log.cc │ │ │ ├── examples │ │ │ │ ├── hello_world │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ ├── README.md │ │ │ │ │ ├── arduino │ │ │ │ │ │ ├── constants.cc │ │ │ │ │ │ └── output_handler.cc │ │ │ │ │ ├── constants.cc │ │ │ │ │ ├── constants.h │ │ │ │ │ ├── create_sine_model.ipynb │ │ │ │ │ ├── disco_f746ng │ │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ │ ├── constants.cc │ │ │ │ │ │ └── output_handler.cc │ │ │ │ │ ├── hello_world_test.cc │ │ │ │ │ ├── images │ │ │ │ │ │ ├── STM32F746.gif │ │ │ │ │ │ ├── arduino_mkrzero.gif │ │ │ │ │ │ └── sparkfun_edge.gif │ │ │ │ │ ├── main.cc │ │ │ │ │ ├── output_handler.cc │ │ │ │ │ ├── output_handler.h │ │ │ │ │ ├── output_handler_test.cc │ │ │ │ │ ├── sine_model_data.cc │ │ │ │ │ ├── sine_model_data.h │ │ │ │ │ └── sparkfun_edge │ │ │ │ │ │ ├── constants.cc │ │ │ │ │ │ └── output_handler.cc │ │ │ │ ├── micro_speech │ │ │ │ │ ├── .gitignore │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── CMSIS │ │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ │ ├── README.md │ │ │ │ │ │ ├── create_constants.py │ │ │ │ │ │ ├── hanning.cc │ │ │ │ │ │ ├── hanning.h │ │ │ │ │ │ ├── sin_1k.cc │ │ │ │ │ │ └── sin_1k.h │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ ├── README.md │ │ │ │ │ ├── apollo3 │ │ │ │ │ │ ├── .gitignore │ │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ │ ├── README.md │ │ │ │ │ │ ├── _main.c │ │ │ │ │ │ ├── captured_data_to_wav.py │ │ │ │ │ │ ├── compare_1k.py │ │ │ │ │ │ ├── preprocessor_1k.cc │ │ │ │ │ │ ├── preprocessor_1k_cmsis_test.cmd │ │ │ │ │ │ ├── preprocessor_1k_micro_test.cmd │ │ │ │ │ │ ├── preprocessor_test.cmd │ │ │ │ │ │ ├── pushbutton_cmsis_scores.cmd │ │ │ │ │ │ ├── pushbutton_cmsis_voice.cmd │ │ │ │ │ │ ├── pushbutton_main.c │ │ │ │ │ │ └── pushbutton_test.cc │ │ │ │ │ ├── apollo3evb │ │ │ │ │ │ ├── audio_provider.cc │ │ │ │ │ │ ├── command_responder.cc │ │ │ │ │ │ └── micro_speech.cmd │ │ │ │ │ ├── arduino │ │ │ │ │ │ ├── audio_provider.cc │ │ │ │ │ │ └── command_responder.cc │ │ │ │ │ ├── audio_provider.cc │ │ │ │ │ ├── audio_provider.h │ │ │ │ │ ├── audio_provider_mock.cc │ │ │ │ │ ├── audio_provider_mock_test.cc │ │ │ │ │ ├── audio_provider_test.cc │ │ │ │ │ ├── command_responder.cc │ │ │ │ │ ├── command_responder.h │ │ │ │ │ ├── command_responder_test.cc │ │ │ │ │ ├── disco_f746ng │ │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ │ ├── audio_provider.cc │ │ │ │ │ │ ├── command_responder.cc │ │ │ │ │ │ └── timer.cc │ │ │ │ │ ├── feature_provider.cc │ │ │ │ │ ├── feature_provider.h │ │ │ │ │ ├── feature_provider_mock_test.cc │ │ │ │ │ ├── feature_provider_test.cc │ │ │ │ │ ├── main.cc │ │ │ │ │ ├── micro_features │ │ │ │ │ │ ├── BUILD │ │ │ │ │ │ ├── bits.h │ │ │ │ │ │ ├── fft.cc │ │ │ │ │ │ ├── fft.h │ │ │ │ │ │ ├── fft_test.cc │ │ │ │ │ │ ├── fft_util.cc │ │ │ │ │ │ ├── fft_util.h │ │ │ │ │ │ ├── filterbank.cc │ │ │ │ │ │ ├── filterbank.h │ │ │ │ │ │ ├── filterbank_test.cc │ │ │ │ │ │ ├── filterbank_util.cc │ │ │ │ │ │ ├── filterbank_util.h │ │ │ │ │ │ ├── frontend.cc │ │ │ │ │ │ ├── frontend.h │ │ │ │ │ │ ├── frontend_test.cc │ │ │ │ │ │ ├── frontend_util.cc │ │ │ │ │ │ ├── frontend_util.h │ │ │ │ │ │ ├── log_lut.cc │ │ │ │ │ │ ├── log_lut.h │ │ │ │ │ │ ├── log_scale.cc │ │ │ │ │ │ ├── log_scale.h │ │ │ │ │ │ ├── log_scale_test.cc │ │ │ │ │ │ ├── log_scale_util.cc │ │ │ │ │ │ ├── log_scale_util.h │ │ │ │ │ │ ├── micro_features_generator.cc │ │ │ │ │ │ ├── micro_features_generator.h │ │ │ │ │ │ ├── micro_features_generator_test.cc │ │ │ │ │ │ ├── micro_model_settings.cc │ │ │ │ │ │ ├── micro_model_settings.h │ │ │ │ │ │ ├── no_feature_data_slice.cc │ │ │ │ │ │ ├── no_feature_data_slice.h │ │ │ │ │ │ ├── no_micro_features_data.cc │ │ │ │ │ │ ├── no_micro_features_data.h │ │ │ │ │ │ ├── noise_reduction.cc │ │ │ │ │ │ ├── noise_reduction.h │ │ │ │ │ │ ├── noise_reduction_test.cc │ │ │ │ │ │ ├── noise_reduction_util.cc │ │ │ │ │ │ ├── noise_reduction_util.h │ │ │ │ │ │ ├── pcan_gain_control.cc │ │ │ │ │ │ ├── pcan_gain_control.h │ │ │ │ │ │ ├── pcan_gain_control_test.cc │ │ │ │ │ │ ├── pcan_gain_control_util.cc │ │ │ │ │ │ ├── pcan_gain_control_util.h │ │ │ │ │ │ ├── static_alloc.h │ │ │ │ │ │ ├── tiny_conv_micro_features_model_data.cc │ │ │ │ │ │ ├── tiny_conv_micro_features_model_data.h │ │ │ │ │ │ ├── window.cc │ │ │ │ │ │ ├── window.h │ │ │ │ │ │ ├── window_test.cc │ │ │ │ │ │ ├── window_util.cc │ │ │ │ │ │ ├── window_util.h │ │ │ │ │ │ ├── yes_feature_data_slice.cc │ │ │ │ │ │ ├── yes_feature_data_slice.h │ │ │ │ │ │ ├── yes_micro_features_data.cc │ │ │ │ │ │ └── yes_micro_features_data.h │ │ │ │ │ ├── micro_speech_test.cc │ │ │ │ │ ├── no_1000ms_sample_data.cc │ │ │ │ │ ├── no_1000ms_sample_data.h │ │ │ │ │ ├── no_30ms_sample_data.cc │ │ │ │ │ ├── no_30ms_sample_data.h │ │ │ │ │ ├── nxp_k66f │ │ │ │ │ │ └── audio_provider.cc │ │ │ │ │ ├── osx │ │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ │ └── audio_provider.cc │ │ │ │ │ ├── recognize_commands.cc │ │ │ │ │ ├── recognize_commands.h │ │ │ │ │ ├── recognize_commands_test.cc │ │ │ │ │ ├── simple_features │ │ │ │ │ │ ├── CMSIS │ │ │ │ │ │ │ └── simple_features_generator.cc │ │ │ │ │ │ ├── fixed_point │ │ │ │ │ │ │ └── simple_features_generator.cc │ │ │ │ │ │ ├── no_power_spectrum_data.cc │ │ │ │ │ │ ├── no_power_spectrum_data.h │ │ │ │ │ │ ├── no_simple_features_data.cc │ │ │ │ │ │ ├── no_simple_features_data.h │ │ │ │ │ │ ├── simple_features_generator.cc │ │ │ │ │ │ ├── simple_features_generator.h │ │ │ │ │ │ ├── simple_features_generator_test.cc │ │ │ │ │ │ ├── simple_model_settings.cc │ │ │ │ │ │ ├── simple_model_settings.h │ │ │ │ │ │ ├── tiny_conv_simple_features_model_data.cc │ │ │ │ │ │ ├── tiny_conv_simple_features_model_data.h │ │ │ │ │ │ ├── yes_power_spectrum_data.cc │ │ │ │ │ │ ├── yes_power_spectrum_data.h │ │ │ │ │ │ ├── yes_simple_features_data.cc │ │ │ │ │ │ └── yes_simple_features_data.h │ │ │ │ │ ├── sparkfun_edge │ │ │ │ │ │ ├── audio_provider.cc │ │ │ │ │ │ └── command_responder.cc │ │ │ │ │ ├── train_speech_model.ipynb │ │ │ │ │ ├── yes_1000ms_sample_data.cc │ │ │ │ │ ├── yes_1000ms_sample_data.h │ │ │ │ │ ├── yes_30ms_sample_data.cc │ │ │ │ │ └── yes_30ms_sample_data.h │ │ │ │ └── micro_vision │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ ├── README.md │ │ │ │ │ ├── apollo3evb │ │ │ │ │ └── image_provider.cc │ │ │ │ │ ├── detection_responder.cc │ │ │ │ │ ├── detection_responder.h │ │ │ │ │ ├── detection_responder_test.cc │ │ │ │ │ ├── himax_driver │ │ │ │ │ ├── HM01B0.c │ │ │ │ │ ├── HM01B0.h │ │ │ │ │ ├── HM01B0_RAW8_QVGA_8bits_lsb_5fps.h │ │ │ │ │ ├── HM01B0_Walking1s_01.h │ │ │ │ │ ├── HM01B0_Walking1s_01.txt │ │ │ │ │ ├── HM01B0_debug.c │ │ │ │ │ ├── HM01B0_debug.h │ │ │ │ │ ├── HM01B0_optimized.c │ │ │ │ │ ├── HM01B0_optimized.h │ │ │ │ │ ├── Makefile.inc │ │ │ │ │ └── platform_Sparkfun_Edge.h │ │ │ │ │ ├── image_provider.cc │ │ │ │ │ ├── image_provider.h │ │ │ │ │ ├── image_provider_test.cc │ │ │ │ │ ├── main.cc │ │ │ │ │ ├── micro_vision_test.cc │ │ │ │ │ ├── model_settings.cc │ │ │ │ │ ├── model_settings.h │ │ │ │ │ ├── no_person_image_data.h │ │ │ │ │ ├── person_detect_model_data.h │ │ │ │ │ ├── person_image_data.h │ │ │ │ │ ├── sparkfun_edge │ │ │ │ │ ├── detection_responder.cc │ │ │ │ │ └── image_provider.cc │ │ │ │ │ └── utils │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── raw_to_bitmap.py │ │ │ │ │ └── raw_to_bitmap_test.py │ │ │ ├── kernels │ │ │ │ ├── BUILD │ │ │ │ ├── all_ops_resolver.cc │ │ │ │ ├── all_ops_resolver.h │ │ │ │ ├── arg_min_max.cc │ │ │ │ ├── arg_min_max_test.cc │ │ │ │ ├── ceil.cc │ │ │ │ ├── ceil_test.cc │ │ │ │ ├── cmsis-nn │ │ │ │ │ └── depthwise_conv.cc │ │ │ │ ├── comparisons.cc │ │ │ │ ├── comparisons_test.cc │ │ │ │ ├── conv.cc │ │ │ │ ├── conv_test.cc │ │ │ │ ├── depthwise_conv.cc │ │ │ │ ├── depthwise_conv_test.cc │ │ │ │ ├── elementwise.cc │ │ │ │ ├── elementwise_test.cc │ │ │ │ ├── floor.cc │ │ │ │ ├── floor_test.cc │ │ │ │ ├── fully_connected.cc │ │ │ │ ├── fully_connected_test.cc │ │ │ │ ├── logical.cc │ │ │ │ ├── logical_test.cc │ │ │ │ ├── maximum_minimum.cc │ │ │ │ ├── maximum_minimum_test.cc │ │ │ │ ├── micro_utils.h │ │ │ │ ├── neg.cc │ │ │ │ ├── neg_test.cc │ │ │ │ ├── pack.cc │ │ │ │ ├── pack_test.cc │ │ │ │ ├── pooling.cc │ │ │ │ ├── pooling_test.cc │ │ │ │ ├── portable_optimized │ │ │ │ │ └── depthwise_conv.cc │ │ │ │ ├── prelu.cc │ │ │ │ ├── prelu_test.cc │ │ │ │ ├── reshape.cc │ │ │ │ ├── reshape_test.cc │ │ │ │ ├── round.cc │ │ │ │ ├── round_test.cc │ │ │ │ ├── softmax.cc │ │ │ │ ├── softmax_test.cc │ │ │ │ ├── split.cc │ │ │ │ ├── split_test.cc │ │ │ │ ├── strided_slice.cc │ │ │ │ ├── strided_slice_test.cc │ │ │ │ ├── unpack.cc │ │ │ │ └── unpack_test.cc │ │ │ ├── mbed │ │ │ │ └── debug_log.cc │ │ │ ├── micro_allocator.cc │ │ │ ├── micro_allocator.h │ │ │ ├── micro_error_reporter.cc │ │ │ ├── micro_error_reporter.h │ │ │ ├── micro_error_reporter_test.cc │ │ │ ├── micro_interpreter.cc │ │ │ ├── micro_interpreter.h │ │ │ ├── micro_interpreter_test.cc │ │ │ ├── micro_mutable_op_resolver.cc │ │ │ ├── micro_mutable_op_resolver.h │ │ │ ├── micro_mutable_op_resolver_test.cc │ │ │ ├── riscv32_mcu │ │ │ │ ├── README.md │ │ │ │ └── debug_log.cc │ │ │ ├── simple_tensor_allocator.cc │ │ │ ├── simple_tensor_allocator.h │ │ │ ├── simple_tensor_allocator_test.cc │ │ │ ├── sparkfun_edge │ │ │ │ └── debug_log.cc │ │ │ ├── testing │ │ │ │ ├── BUILD │ │ │ │ ├── Dockerfile.bluepill │ │ │ │ ├── Dockerfile.riscv │ │ │ │ ├── bluepill.resc │ │ │ │ ├── bluepill.robot │ │ │ │ ├── leon_commands │ │ │ │ ├── micro_test.bzl │ │ │ │ ├── micro_test.h │ │ │ │ ├── sifive_fe310.resc │ │ │ │ ├── test_bluepill_binary.sh │ │ │ │ ├── test_ecm3531_binary.sh │ │ │ │ ├── test_leon_binary.sh │ │ │ │ ├── test_linux_binary.sh │ │ │ │ └── test_utils.h │ │ │ └── tools │ │ │ │ ├── ci_build │ │ │ │ ├── ci_build_micro_projects.sh │ │ │ │ ├── install_arduino_cli.sh │ │ │ │ ├── test_arduino.sh │ │ │ │ ├── test_arduino_library.sh │ │ │ │ ├── test_sparkfun.sh │ │ │ │ └── test_x86.sh │ │ │ │ └── make │ │ │ │ ├── .gitignore │ │ │ │ ├── Makefile │ │ │ │ ├── download_and_extract.sh │ │ │ │ ├── download_dependencies.sh │ │ │ │ ├── ext_libs │ │ │ │ └── cmsis.inc │ │ │ │ ├── generate_keil_project.py │ │ │ │ ├── generate_keil_project_test.sh │ │ │ │ ├── helper_functions.inc │ │ │ │ ├── targets │ │ │ │ ├── apollo3evb │ │ │ │ │ ├── .gitignore │ │ │ │ │ ├── apollo3evb.ld │ │ │ │ │ └── prep_apollo3_files.sh │ │ │ │ ├── apollo3evb_makefile.inc │ │ │ │ ├── bluepill_makefile.inc │ │ │ │ ├── ecm3531 │ │ │ │ │ ├── README.md │ │ │ │ │ ├── _main.c │ │ │ │ │ ├── ecm3531.lds │ │ │ │ │ ├── ecm3531_flash.lds │ │ │ │ │ ├── flash_erase │ │ │ │ │ ├── flash_program │ │ │ │ │ ├── load_program │ │ │ │ │ └── startup.c │ │ │ │ ├── ecm3531_makefile.inc │ │ │ │ ├── leon_makefile.inc │ │ │ │ ├── linux_x86_makefile.inc │ │ │ │ ├── mbed_makefile.inc │ │ │ │ ├── mcu_riscv_makefile.inc │ │ │ │ ├── osx_makefile.inc │ │ │ │ └── osx_x86_64_makefile.inc │ │ │ │ ├── templates │ │ │ │ ├── AUDIO_DISCO_F746NG.lib.tpl │ │ │ │ ├── BSP_DISCO_F746NG.lib.tpl │ │ │ │ ├── LCD_DISCO_F746NG.lib.tpl │ │ │ │ ├── Makefile.tpl │ │ │ │ ├── README_KEIL.md.tpl │ │ │ │ ├── README_MAKE.md.tpl │ │ │ │ ├── README_MBED.md.tpl │ │ │ │ ├── SDRAM_DISCO_F746NG.lib.tpl │ │ │ │ ├── TensorFlowLite.h │ │ │ │ ├── arduino_example.ino │ │ │ │ ├── keil_project.uvprojx.tpl │ │ │ │ ├── library.properties │ │ │ │ ├── mbed-os.lib.tpl │ │ │ │ ├── mbed_app.json.tpl │ │ │ │ ├── tasks.json.make.tpl │ │ │ │ └── tasks.json.mbed.tpl │ │ │ │ ├── third_party_downloads.inc │ │ │ │ ├── transform_arduino_source.py │ │ │ │ └── transform_arduino_source_test.sh │ │ ├── microfrontend │ │ │ ├── BUILD │ │ │ ├── audio_microfrontend.cc │ │ │ ├── audio_microfrontend_test.cc │ │ │ ├── lib │ │ │ │ ├── BUILD │ │ │ │ ├── README │ │ │ │ ├── bits.h │ │ │ │ ├── fft.cc │ │ │ │ ├── fft.h │ │ │ │ ├── fft_io.c │ │ │ │ ├── fft_io.h │ │ │ │ ├── fft_test.cc │ │ │ │ ├── fft_util.cc │ │ │ │ ├── fft_util.h │ │ │ │ ├── filterbank.c │ │ │ │ ├── filterbank.h │ │ │ │ ├── filterbank_io.c │ │ │ │ ├── filterbank_io.h │ │ │ │ ├── filterbank_test.cc │ │ │ │ ├── filterbank_util.c │ │ │ │ ├── filterbank_util.h │ │ │ │ ├── frontend.c │ │ │ │ ├── frontend.h │ │ │ │ ├── frontend_io.c │ │ │ │ ├── frontend_io.h │ │ │ │ ├── frontend_main.c │ │ │ │ ├── frontend_memmap_generator.c │ │ │ │ ├── frontend_memmap_main.c │ │ │ │ ├── frontend_test.cc │ │ │ │ ├── frontend_util.c │ │ │ │ ├── frontend_util.h │ │ │ │ ├── log_lut.c │ │ │ │ ├── log_lut.h │ │ │ │ ├── log_scale.c │ │ │ │ ├── log_scale.h │ │ │ │ ├── log_scale_io.c │ │ │ │ ├── log_scale_io.h │ │ │ │ ├── log_scale_test.cc │ │ │ │ ├── log_scale_util.c │ │ │ │ ├── log_scale_util.h │ │ │ │ ├── noise_reduction.c │ │ │ │ ├── noise_reduction.h │ │ │ │ ├── noise_reduction_io.c │ │ │ │ ├── noise_reduction_io.h │ │ │ │ ├── noise_reduction_test.cc │ │ │ │ ├── noise_reduction_util.c │ │ │ │ ├── noise_reduction_util.h │ │ │ │ ├── pcan_gain_control.c │ │ │ │ ├── pcan_gain_control.h │ │ │ │ ├── pcan_gain_control_test.cc │ │ │ │ ├── pcan_gain_control_util.c │ │ │ │ ├── pcan_gain_control_util.h │ │ │ │ ├── window.c │ │ │ │ ├── window.h │ │ │ │ ├── window_io.c │ │ │ │ ├── window_io.h │ │ │ │ ├── window_test.cc │ │ │ │ ├── window_util.c │ │ │ │ └── window_util.h │ │ │ ├── ops │ │ │ │ └── audio_microfrontend_op.cc │ │ │ └── python │ │ │ │ ├── kernel_tests │ │ │ │ └── audio_microfrontend_op_test.py │ │ │ │ └── ops │ │ │ │ └── audio_microfrontend_op.py │ │ ├── objc │ │ │ ├── BUILD.apple │ │ │ ├── README.md │ │ │ ├── TensorFlowLite.tulsiproj │ │ │ │ ├── Configs │ │ │ │ │ └── TensorFlowLite.tulsigen │ │ │ │ └── project.tulsiconf │ │ │ ├── TensorFlowLiteObjC.podspec │ │ │ ├── apis │ │ │ │ ├── TFLInterpreter.h │ │ │ │ ├── TFLInterpreterOptions.h │ │ │ │ ├── TFLQuantizationParameters.h │ │ │ │ ├── TFLTensor.h │ │ │ │ ├── TFLTensorFlowLite.h │ │ │ │ └── framework.modulemap │ │ │ ├── apps │ │ │ │ └── TestApp │ │ │ │ │ ├── Podfile │ │ │ │ │ ├── TestApp.xcodeproj │ │ │ │ │ └── project.pbxproj │ │ │ │ │ └── TestApp │ │ │ │ │ ├── AppDelegate.h │ │ │ │ │ ├── AppDelegate.m │ │ │ │ │ ├── Assets.xcassets │ │ │ │ │ ├── AppIcon.appiconset │ │ │ │ │ │ └── Contents.json │ │ │ │ │ └── Contents.json │ │ │ │ │ ├── Base.lproj │ │ │ │ │ ├── LaunchScreen.storyboard │ │ │ │ │ └── Main.storyboard │ │ │ │ │ ├── Info.plist │ │ │ │ │ ├── ViewController.h │ │ │ │ │ ├── ViewController.m │ │ │ │ │ └── main.m │ │ │ ├── sources │ │ │ │ ├── TFLErrorUtil.h │ │ │ │ ├── TFLErrorUtil.m │ │ │ │ ├── TFLInterpreter+Internal.h │ │ │ │ ├── TFLInterpreter.mm │ │ │ │ ├── TFLInterpreterOptions.m │ │ │ │ ├── TFLQuantizationParameters+Internal.h │ │ │ │ ├── TFLQuantizationParameters.m │ │ │ │ ├── TFLTensor+Internal.h │ │ │ │ └── TFLTensor.m │ │ │ └── tests │ │ │ │ ├── TFLInterpreterOptionsTests.m │ │ │ │ ├── TFLInterpreterTests.m │ │ │ │ └── TFLQuantizationParametersTests.m │ │ ├── resource_variable │ │ │ ├── BUILD │ │ │ ├── resource_variable.cc │ │ │ └── resource_variable.h │ │ ├── ruy │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── allocator.cc │ │ │ ├── allocator.h │ │ │ ├── allocator_test.cc │ │ │ ├── benchmark.cc │ │ │ ├── block_map.cc │ │ │ ├── block_map.h │ │ │ ├── blocking_counter.cc │ │ │ ├── blocking_counter.h │ │ │ ├── check_macros.h │ │ │ ├── common.h │ │ │ ├── context.cc │ │ │ ├── context.h │ │ │ ├── detect_dotprod.cc │ │ │ ├── detect_dotprod.h │ │ │ ├── dispatch.h │ │ │ ├── example.cc │ │ │ ├── example_advanced.cc │ │ │ ├── internal_matrix.h │ │ │ ├── kernel.h │ │ │ ├── kernel_arm.h │ │ │ ├── kernel_arm32.cc │ │ │ ├── kernel_arm64.cc │ │ │ ├── kernel_avx512.cc │ │ │ ├── kernel_common.h │ │ │ ├── kernel_x86.h │ │ │ ├── matrix.h │ │ │ ├── opt_set.h │ │ │ ├── pack.h │ │ │ ├── pack_arm.cc │ │ │ ├── pack_arm.h │ │ │ ├── pack_avx512.cc │ │ │ ├── pack_common.h │ │ │ ├── pack_x86.h │ │ │ ├── path.h │ │ │ ├── platform.h │ │ │ ├── pmu.cc │ │ │ ├── pmu.h │ │ │ ├── prepack.h │ │ │ ├── ruy.h │ │ │ ├── ruy_advanced.h │ │ │ ├── ruy_test.bzl │ │ │ ├── ruy_test_ext.bzl │ │ │ ├── ruy_visibility.bzl │ │ │ ├── side_pair.h │ │ │ ├── size_util.h │ │ │ ├── spec.h │ │ │ ├── test.h │ │ │ ├── test_fast.cc │ │ │ ├── test_slow.cc │ │ │ ├── test_special_specs.cc │ │ │ ├── thread_pool.cc │ │ │ ├── thread_pool.h │ │ │ ├── time.h │ │ │ ├── trace.cc │ │ │ ├── trace.h │ │ │ ├── trmul.cc │ │ │ ├── trmul.h │ │ │ ├── trmul_params.h │ │ │ ├── tune.cc │ │ │ ├── tune.h │ │ │ ├── tune_test.cc │ │ │ ├── tune_tool.cc │ │ │ ├── wait.cc │ │ │ ├── wait.h │ │ │ └── wait_test.cc │ │ ├── swift │ │ │ ├── BUILD.apple │ │ │ ├── README.md │ │ │ ├── Sources │ │ │ │ ├── Delegate.swift │ │ │ │ ├── Interpreter.swift │ │ │ │ ├── InterpreterError.swift │ │ │ │ ├── InterpreterOptions.swift │ │ │ │ ├── Model.swift │ │ │ │ ├── QuantizationParameters.swift │ │ │ │ ├── Tensor.swift │ │ │ │ └── TensorFlowLite.swift │ │ │ ├── TensorFlowLite.tulsiproj │ │ │ │ ├── Configs │ │ │ │ │ └── TensorFlowLite.tulsigen │ │ │ │ └── project.tulsiconf │ │ │ ├── TensorFlowLiteSwift.podspec │ │ │ ├── TestApp │ │ │ │ ├── Podfile │ │ │ │ ├── TestApp.xcodeproj │ │ │ │ │ └── project.pbxproj │ │ │ │ └── TestApp │ │ │ │ │ ├── AppDelegate.swift │ │ │ │ │ ├── Array+TensorFlowLite.swift │ │ │ │ │ ├── Assets.xcassets │ │ │ │ │ ├── AppIcon.appiconset │ │ │ │ │ │ └── Contents.json │ │ │ │ │ └── Contents.json │ │ │ │ │ ├── Base.lproj │ │ │ │ │ ├── LaunchScreen.storyboard │ │ │ │ │ └── Main.storyboard │ │ │ │ │ ├── Data+TensorFlowLite.swift │ │ │ │ │ ├── Info.plist │ │ │ │ │ └── ViewController.swift │ │ │ └── Tests │ │ │ │ ├── InterpreterOptionsTests.swift │ │ │ │ ├── InterpreterTests.swift │ │ │ │ ├── ModelTests.swift │ │ │ │ ├── QuantizationParametersTests.swift │ │ │ │ ├── TensorFlowLiteTests.swift │ │ │ │ └── TensorTests.swift │ │ ├── tensorboard │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── ops_util.py │ │ │ └── ops_util_test.py │ │ └── writer │ │ │ ├── BUILD │ │ │ ├── enum_mapping.h │ │ │ ├── option_writer_generator.cc │ │ │ ├── writer.cc │ │ │ ├── writer_lib.cc │ │ │ ├── writer_lib.h │ │ │ ├── writer_lib_test.cc │ │ │ └── writer_test.cc │ ├── external_cpu_backend_context.cc │ ├── external_cpu_backend_context.h │ ├── g3doc │ │ ├── _book.yaml │ │ ├── _project.yaml │ │ ├── convert │ │ │ ├── cmdline_examples.md │ │ │ ├── cmdline_reference.md │ │ │ ├── index.md │ │ │ ├── python_api.md │ │ │ ├── quantization.md │ │ │ └── rnn.md │ │ ├── guide │ │ │ ├── android.md │ │ │ ├── build_arm64.md │ │ │ ├── build_ios.md │ │ │ ├── build_rpi.md │ │ │ ├── faq.md │ │ │ ├── get_started.md │ │ │ ├── hosted_models.md │ │ │ ├── index.md │ │ │ ├── inference.md │ │ │ ├── ios.md │ │ │ ├── ops_compatibility.md │ │ │ ├── ops_custom.md │ │ │ ├── ops_select.md │ │ │ ├── ops_version.md │ │ │ ├── python.md │ │ │ └── roadmap.md │ │ ├── images │ │ │ ├── convert │ │ │ │ ├── sample_after.png │ │ │ │ ├── sample_before.png │ │ │ │ └── workflow.svg │ │ │ ├── ios │ │ │ │ ├── build_and_execute.png │ │ │ │ ├── bundle_identifier.png │ │ │ │ └── device_selection.png │ │ │ ├── landing-page │ │ │ │ ├── ai_in_motion.png │ │ │ │ ├── assistant_logo.png │ │ │ │ ├── detect_crop_disease_in_africa.png │ │ │ │ ├── facial_contour_detection.png │ │ │ │ ├── fishbrain_logo.png │ │ │ │ ├── fishbrain_logo_big.png │ │ │ │ ├── gboard_logo.png │ │ │ │ ├── gmail_logo.png │ │ │ │ ├── loseit_logo.png │ │ │ │ ├── loseit_logo_big.png │ │ │ │ ├── nest_logo.png │ │ │ │ ├── photos_logo.png │ │ │ │ ├── shazam_logo.png │ │ │ │ └── vsco_logo.png │ │ │ └── performance │ │ │ │ ├── accuracy_vs_latency.png │ │ │ │ ├── model_size_vs_accuracy.png │ │ │ │ ├── tflite_delegate_graph_1.png │ │ │ │ └── tflite_delegate_graph_2.png │ │ ├── microcontrollers │ │ │ ├── build_convert.md │ │ │ ├── get_started.md │ │ │ ├── library.md │ │ │ └── overview.md │ │ ├── models │ │ │ ├── image_classification │ │ │ │ ├── android.md │ │ │ │ ├── images │ │ │ │ │ ├── android_banana.png │ │ │ │ │ ├── build_and_execute.png │ │ │ │ │ ├── bundle_identifier.png │ │ │ │ │ ├── device_selection.png │ │ │ │ │ └── dog.png │ │ │ │ ├── ios.md │ │ │ │ └── overview.md │ │ │ ├── images │ │ │ │ ├── audio.png │ │ │ │ ├── blank.png │ │ │ │ ├── camera.png │ │ │ │ ├── detection.png │ │ │ │ ├── image.png │ │ │ │ ├── object.png │ │ │ │ ├── output_stride.png │ │ │ │ ├── pose.png │ │ │ │ ├── segmentation.png │ │ │ │ ├── sentiment.png │ │ │ │ ├── smart_reply.png │ │ │ │ ├── tabular.png │ │ │ │ ├── text.png │ │ │ │ ├── tflite_models.png │ │ │ │ └── video.png │ │ │ ├── object_detection │ │ │ │ ├── images │ │ │ │ │ ├── android_apple_banana.png │ │ │ │ │ └── false_positive.png │ │ │ │ └── overview.md │ │ │ ├── pose_estimation │ │ │ │ └── overview.md │ │ │ ├── segmentation │ │ │ │ ├── images │ │ │ │ │ └── segmentation.gif │ │ │ │ └── overview.md │ │ │ └── smart_reply │ │ │ │ ├── images │ │ │ │ └── smart_reply.gif │ │ │ │ └── overview.md │ │ ├── performance │ │ │ ├── benchmarks.md │ │ │ ├── best_practices.md │ │ │ ├── delegates.md │ │ │ ├── gpu.md │ │ │ ├── gpu_advanced.md │ │ │ ├── images │ │ │ │ ├── android_gpu_demo.gif │ │ │ │ ├── iosdebug.png │ │ │ │ ├── iosmetal.png │ │ │ │ ├── iosrelease.png │ │ │ │ └── optimization.jpg │ │ │ ├── model_optimization.md │ │ │ ├── post_training_float16_quant.ipynb │ │ │ ├── post_training_integer_quant.ipynb │ │ │ ├── post_training_quant.ipynb │ │ │ ├── post_training_quantization.md │ │ │ └── quantization_spec.md │ │ ├── r2 │ │ │ ├── convert │ │ │ │ ├── cmdline.md │ │ │ │ ├── concrete_function.md │ │ │ │ ├── index.md │ │ │ │ └── python_api.md │ │ │ └── images │ │ │ │ └── convert │ │ │ │ └── workflow.svg │ │ └── tf_docs_reviews.gwsq │ ├── graph_info.cc │ ├── graph_info.h │ ├── graph_info_test.cc │ ├── interpreter.cc │ ├── interpreter.h │ ├── interpreter_test.cc │ ├── java │ │ ├── AndroidManifest.xml │ │ ├── BUILD │ │ ├── aar_with_jni.bzl │ │ ├── build_aar_for_release.sh │ │ ├── demo │ │ │ ├── .gitignore │ │ │ ├── README.md │ │ │ ├── app │ │ │ │ ├── build.gradle │ │ │ │ └── src │ │ │ │ │ └── main │ │ │ │ │ ├── AndroidManifest.xml │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── assets │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── labels_imagenet_slim.txt │ │ │ │ │ └── labels_mobilenet_quant_v1_224.txt │ │ │ │ │ ├── java │ │ │ │ │ └── com │ │ │ │ │ │ └── example │ │ │ │ │ │ └── android │ │ │ │ │ │ └── tflitecamerademo │ │ │ │ │ │ ├── AutoFitTextureView.java │ │ │ │ │ │ ├── Camera2BasicFragment.java │ │ │ │ │ │ ├── CameraActivity.java │ │ │ │ │ │ ├── ImageClassifier.java │ │ │ │ │ │ ├── ImageClassifierFloatInception.java │ │ │ │ │ │ ├── ImageClassifierFloatMobileNet.java │ │ │ │ │ │ └── ImageClassifierQuantizedMobileNet.java │ │ │ │ │ └── res │ │ │ │ │ ├── drawable-hdpi │ │ │ │ │ ├── ic_action_info.png │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ └── tile.9.png │ │ │ │ │ ├── drawable-mdpi │ │ │ │ │ ├── ic_action_info.png │ │ │ │ │ └── ic_launcher.png │ │ │ │ │ ├── drawable-xhdpi │ │ │ │ │ ├── ic_action_info.png │ │ │ │ │ └── ic_launcher.png │ │ │ │ │ ├── drawable-xxhdpi │ │ │ │ │ ├── ic_action_info.png │ │ │ │ │ ├── ic_launcher.png │ │ │ │ │ └── logo.png │ │ │ │ │ ├── drawable │ │ │ │ │ └── item_selector.xml │ │ │ │ │ ├── layout-land │ │ │ │ │ └── fragment_camera2_basic.xml │ │ │ │ │ ├── layout-v26 │ │ │ │ │ └── fragment_camera2_basic.xml │ │ │ │ │ ├── layout │ │ │ │ │ ├── activity_camera.xml │ │ │ │ │ ├── fragment_camera2_basic.xml │ │ │ │ │ └── listview_row.xml │ │ │ │ │ ├── values-sw600dp │ │ │ │ │ ├── template-dimens.xml │ │ │ │ │ └── template-styles.xml │ │ │ │ │ ├── values-v11 │ │ │ │ │ └── template-styles.xml │ │ │ │ │ ├── values-v21 │ │ │ │ │ ├── base-colors.xml │ │ │ │ │ └── base-template-styles.xml │ │ │ │ │ └── values │ │ │ │ │ ├── base-strings.xml │ │ │ │ │ ├── colors.xml │ │ │ │ │ ├── strings.xml │ │ │ │ │ ├── styles.xml │ │ │ │ │ ├── template-dimens.xml │ │ │ │ │ └── template-styles.xml │ │ │ ├── build.gradle │ │ │ ├── gradle.properties │ │ │ ├── gradle │ │ │ │ └── wrapper │ │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ │ └── gradle-wrapper.properties │ │ │ ├── gradlew │ │ │ ├── gradlew.bat │ │ │ └── settings.gradle │ │ ├── jni │ │ │ └── BUILD │ │ ├── ovic │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── demo │ │ │ │ ├── app │ │ │ │ │ ├── AndroidManifest.xml │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── OvicBenchmarkerActivity.java │ │ │ │ │ ├── build.gradle │ │ │ │ │ └── res │ │ │ │ │ │ ├── drawable-mdpi │ │ │ │ │ │ └── ic_launcher.png │ │ │ │ │ │ ├── drawable-xhdpi │ │ │ │ │ │ └── ic_launcher.png │ │ │ │ │ │ ├── drawable │ │ │ │ │ │ └── start_button_color.xml │ │ │ │ │ │ ├── layout │ │ │ │ │ │ └── activity_main.xml │ │ │ │ │ │ └── values │ │ │ │ │ │ ├── dimens.xml │ │ │ │ │ │ └── strings.xml │ │ │ │ ├── build.gradle │ │ │ │ ├── gradle.properties │ │ │ │ ├── gradle │ │ │ │ │ └── wrapper │ │ │ │ │ │ ├── gradle-wrapper.jar │ │ │ │ │ │ └── gradle-wrapper.properties │ │ │ │ ├── gradlew │ │ │ │ ├── gradlew.bat │ │ │ │ └── settings.gradle │ │ │ └── src │ │ │ │ ├── main │ │ │ │ └── java │ │ │ │ │ └── org │ │ │ │ │ └── tensorflow │ │ │ │ │ └── ovic │ │ │ │ │ ├── BoundingBox.java │ │ │ │ │ ├── OvicBenchmarker.java │ │ │ │ │ ├── OvicClassificationResult.java │ │ │ │ │ ├── OvicClassifier.java │ │ │ │ │ ├── OvicClassifierBenchmarker.java │ │ │ │ │ ├── OvicDetectionResult.java │ │ │ │ │ ├── OvicDetector.java │ │ │ │ │ ├── OvicDetectorBenchmarker.java │ │ │ │ │ └── OvicValidator.java │ │ │ │ ├── test │ │ │ │ └── java │ │ │ │ │ └── org │ │ │ │ │ └── tensorflow │ │ │ │ │ └── ovic │ │ │ │ │ ├── OvicClassifierTest.java │ │ │ │ │ └── OvicDetectorTest.java │ │ │ │ └── testdata │ │ │ │ ├── BUILD │ │ │ │ ├── coco_labels.txt │ │ │ │ └── labels.txt │ │ ├── proguard.flags │ │ └── src │ │ │ ├── main │ │ │ ├── java │ │ │ │ └── org │ │ │ │ │ └── tensorflow │ │ │ │ │ └── lite │ │ │ │ │ ├── DataType.java │ │ │ │ │ ├── Delegate.java │ │ │ │ │ ├── Interpreter.java │ │ │ │ │ ├── NativeInterpreterWrapper.java │ │ │ │ │ ├── Tensor.java │ │ │ │ │ ├── TensorFlowLite.java │ │ │ │ │ └── package-info.java │ │ │ └── native │ │ │ │ ├── BUILD │ │ │ │ ├── builtin_ops_jni.cc │ │ │ │ ├── exported_symbols.lds │ │ │ │ ├── init_tensorflow_jni.cc │ │ │ │ ├── jni_utils.cc │ │ │ │ ├── jni_utils.h │ │ │ │ ├── nativeinterpreterwrapper_jni.cc │ │ │ │ ├── tensor_jni.cc │ │ │ │ ├── tensorflow_lite_jni.cc │ │ │ │ └── version_script.lds │ │ │ ├── test │ │ │ ├── java │ │ │ │ └── org │ │ │ │ │ └── tensorflow │ │ │ │ │ └── lite │ │ │ │ │ ├── DataTypeTest.java │ │ │ │ │ ├── InterpreterFlexTest.java │ │ │ │ │ ├── InterpreterMobileNetTest.java │ │ │ │ │ ├── InterpreterTest.java │ │ │ │ │ ├── NativeInterpreterWrapperTest.java │ │ │ │ │ ├── TensorFlowLiteTest.java │ │ │ │ │ ├── TensorTest.java │ │ │ │ │ ├── TestUtils.java │ │ │ │ │ └── nnapi │ │ │ │ │ └── NnApiDelegateTest.java │ │ │ └── native │ │ │ │ ├── BUILD │ │ │ │ └── interpreter_test_jni.cc │ │ │ ├── testdata │ │ │ ├── add.bin │ │ │ ├── float32.bin │ │ │ ├── int32.bin │ │ │ ├── int64.bin │ │ │ ├── invalid_model.bin │ │ │ ├── quantized.bin │ │ │ ├── string.bin │ │ │ ├── uint8.bin │ │ │ └── with_custom_op.lite │ │ │ └── testhelper │ │ │ └── java │ │ │ └── org │ │ │ └── tensorflow │ │ │ └── lite │ │ │ ├── BUILD │ │ │ └── TestHelper.java │ ├── kernels │ │ ├── BUILD │ │ ├── activation_functor.h │ │ ├── activations.cc │ │ ├── activations_test.cc │ │ ├── add.cc │ │ ├── add_n.cc │ │ ├── add_n_test.cc │ │ ├── add_test.cc │ │ ├── arg_min_max.cc │ │ ├── arg_min_max_test.cc │ │ ├── assign_variable.cc │ │ ├── audio_spectrogram.cc │ │ ├── audio_spectrogram_test.cc │ │ ├── basic_rnn.cc │ │ ├── basic_rnn_test.cc │ │ ├── batch_to_space_nd.cc │ │ ├── batch_to_space_nd_test.cc │ │ ├── bidirectional_sequence_lstm.cc │ │ ├── bidirectional_sequence_lstm_test.cc │ │ ├── bidirectional_sequence_rnn.cc │ │ ├── bidirectional_sequence_rnn_test.cc │ │ ├── cast.cc │ │ ├── cast_test.cc │ │ ├── ceil.cc │ │ ├── ceil_test.cc │ │ ├── comparisons.cc │ │ ├── comparisons_test.cc │ │ ├── concatenation.cc │ │ ├── concatenation_test.cc │ │ ├── conv.cc │ │ ├── conv_test.cc │ │ ├── cpu_backend_context.cc │ │ ├── cpu_backend_context.h │ │ ├── cpu_backend_gemm.h │ │ ├── cpu_backend_gemm_custom_gemv.h │ │ ├── cpu_backend_gemm_eigen.cc │ │ ├── cpu_backend_gemm_eigen.h │ │ ├── cpu_backend_gemm_gemmlowp.h │ │ ├── cpu_backend_gemm_params.h │ │ ├── cpu_backend_gemm_ruy.h │ │ ├── cpu_backend_gemm_test.cc │ │ ├── cpu_backend_threadpool.h │ │ ├── cpu_backend_threadpool_test.cc │ │ ├── custom_ops_register.h │ │ ├── depth_to_space.cc │ │ ├── depth_to_space_test.cc │ │ ├── depthwise_conv.cc │ │ ├── depthwise_conv_test.cc │ │ ├── dequantize.cc │ │ ├── dequantize_test.cc │ │ ├── detection_postprocess.cc │ │ ├── detection_postprocess_test.cc │ │ ├── div.cc │ │ ├── div_test.cc │ │ ├── eigen_support.cc │ │ ├── eigen_support.h │ │ ├── eigen_support_test.cc │ │ ├── elementwise.cc │ │ ├── elementwise_test.cc │ │ ├── embedding_lookup.cc │ │ ├── embedding_lookup_sparse.cc │ │ ├── embedding_lookup_sparse_test.cc │ │ ├── embedding_lookup_test.cc │ │ ├── exp.cc │ │ ├── exp_test.cc │ │ ├── expand_dims.cc │ │ ├── expand_dims_test.cc │ │ ├── fake_quant.cc │ │ ├── fake_quant_test.cc │ │ ├── fill.cc │ │ ├── fill_test.cc │ │ ├── floor.cc │ │ ├── floor_div.cc │ │ ├── floor_div_test.cc │ │ ├── floor_mod.cc │ │ ├── floor_mod_test.cc │ │ ├── floor_test.cc │ │ ├── fully_connected.cc │ │ ├── fully_connected_test.cc │ │ ├── gather.cc │ │ ├── gather_nd.cc │ │ ├── gather_nd_test.cc │ │ ├── gather_test.cc │ │ ├── hashtable_lookup.cc │ │ ├── hashtable_lookup_test.cc │ │ ├── if.cc │ │ ├── if_test.cc │ │ ├── internal │ │ │ ├── BUILD │ │ │ ├── averagepool_quantized_test.cc │ │ │ ├── batch_to_space_nd_test.cc │ │ │ ├── common.h │ │ │ ├── compatibility.h │ │ │ ├── depthwiseconv_float_test.cc │ │ │ ├── depthwiseconv_per_channel_quantized_test.cc │ │ │ ├── depthwiseconv_quantized_test.cc │ │ │ ├── kernel_utils.cc │ │ │ ├── kernel_utils.h │ │ │ ├── legacy_types.h │ │ │ ├── log_quantized_test.cc │ │ │ ├── logsoftmax_quantized_test.cc │ │ │ ├── maxpool_quantized_test.cc │ │ │ ├── mfcc.cc │ │ │ ├── mfcc.h │ │ │ ├── mfcc_dct.cc │ │ │ ├── mfcc_dct.h │ │ │ ├── mfcc_mel_filterbank.cc │ │ │ ├── mfcc_mel_filterbank.h │ │ │ ├── optimized │ │ │ │ ├── cpu_check.h │ │ │ │ ├── depthwiseconv_3x3_filter_common.h │ │ │ │ ├── depthwiseconv_float.h │ │ │ │ ├── depthwiseconv_multithread.h │ │ │ │ ├── depthwiseconv_uint8.h │ │ │ │ ├── depthwiseconv_uint8_3x3_filter.h │ │ │ │ ├── depthwiseconv_uint8_transitional.h │ │ │ │ ├── eigen_spatial_convolutions.h │ │ │ │ ├── eigen_tensor_reduced_instantiations_google.h │ │ │ │ ├── eigen_tensor_reduced_instantiations_oss.h │ │ │ │ ├── im2col_utils.h │ │ │ │ ├── integer_ops │ │ │ │ │ ├── README.md │ │ │ │ │ ├── add.h │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── depthwise_conv.h │ │ │ │ │ ├── depthwise_conv_3x3_filter.h │ │ │ │ │ ├── fully_connected.h │ │ │ │ │ ├── mean.h │ │ │ │ │ ├── mul.h │ │ │ │ │ ├── pooling.h │ │ │ │ │ └── softmax.h │ │ │ │ ├── legacy_optimized_ops.h │ │ │ │ ├── multithreaded_conv.h │ │ │ │ ├── neon_check.h │ │ │ │ ├── neon_tensor_utils.cc │ │ │ │ ├── neon_tensor_utils.h │ │ │ │ ├── neon_tensor_utils_impl.h │ │ │ │ ├── optimized_ops.h │ │ │ │ ├── sse_check.h │ │ │ │ ├── sse_tensor_utils.cc │ │ │ │ ├── sse_tensor_utils.h │ │ │ │ └── sse_tensor_utils_impl.h │ │ │ ├── quantization_util.cc │ │ │ ├── quantization_util.h │ │ │ ├── quantization_util_test.cc │ │ │ ├── reference │ │ │ │ ├── add.h │ │ │ │ ├── arg_min_max.h │ │ │ │ ├── binary_function.h │ │ │ │ ├── ceil.h │ │ │ │ ├── comparisons.h │ │ │ │ ├── conv.h │ │ │ │ ├── depthwiseconv_float.h │ │ │ │ ├── depthwiseconv_uint8.h │ │ │ │ ├── floor.h │ │ │ │ ├── fully_connected.h │ │ │ │ ├── integer_ops │ │ │ │ │ ├── README.md │ │ │ │ │ ├── add.h │ │ │ │ │ ├── conv.h │ │ │ │ │ ├── depthwise_conv.h │ │ │ │ │ ├── dequantize.h │ │ │ │ │ ├── fully_connected.h │ │ │ │ │ ├── l2normalization.h │ │ │ │ │ ├── log_softmax.h │ │ │ │ │ ├── logistic.h │ │ │ │ │ ├── mean.h │ │ │ │ │ ├── mul.h │ │ │ │ │ ├── pooling.h │ │ │ │ │ ├── softmax.h │ │ │ │ │ └── tanh.h │ │ │ │ ├── legacy_reference_ops.h │ │ │ │ ├── maximum_minimum.h │ │ │ │ ├── neg.h │ │ │ │ ├── pooling.h │ │ │ │ ├── portable_tensor_utils.cc │ │ │ │ ├── portable_tensor_utils.h │ │ │ │ ├── portable_tensor_utils_impl.h │ │ │ │ ├── prelu.h │ │ │ │ ├── process_broadcast_shapes.h │ │ │ │ ├── reference_ops.h │ │ │ │ ├── round.h │ │ │ │ ├── softmax.h │ │ │ │ ├── strided_slice.h │ │ │ │ └── svdf.h │ │ │ ├── resize_bilinear_test.cc │ │ │ ├── resize_nearest_neighbor_test.cc │ │ │ ├── round.h │ │ │ ├── softmax_quantized_test.cc │ │ │ ├── spectrogram.cc │ │ │ ├── spectrogram.h │ │ │ ├── strided_slice_logic.h │ │ │ ├── strided_slice_logic_test.cc │ │ │ ├── tensor.h │ │ │ ├── tensor_ctypes.h │ │ │ ├── tensor_test.cc │ │ │ ├── tensor_utils.cc │ │ │ ├── tensor_utils.h │ │ │ ├── tensor_utils_test.cc │ │ │ ├── test_util.cc │ │ │ ├── test_util.h │ │ │ └── types.h │ │ ├── kernel_util.cc │ │ ├── kernel_util.h │ │ ├── kernel_util_test.cc │ │ ├── l2norm.cc │ │ ├── l2norm_test.cc │ │ ├── local_response_norm.cc │ │ ├── local_response_norm_test.cc │ │ ├── log_softmax_test.cc │ │ ├── logical.cc │ │ ├── logical_test.cc │ │ ├── lsh_projection.cc │ │ ├── lsh_projection_test.cc │ │ ├── lstm.cc │ │ ├── lstm_eval.cc │ │ ├── lstm_eval.h │ │ ├── lstm_test.cc │ │ ├── matrix_diag.cc │ │ ├── matrix_diag_test.cc │ │ ├── matrix_set_diag.cc │ │ ├── matrix_set_diag_test.cc │ │ ├── maximum_minimum.cc │ │ ├── maximum_minimum_test.cc │ │ ├── mfcc.cc │ │ ├── mfcc_test.cc │ │ ├── mirror_pad.cc │ │ ├── mirror_pad_test.cc │ │ ├── mul.cc │ │ ├── mul_test.cc │ │ ├── neg.cc │ │ ├── neg_test.cc │ │ ├── one_hot.cc │ │ ├── one_hot_test.cc │ │ ├── op_macros.h │ │ ├── optional_tensor_test.cc │ │ ├── pack.cc │ │ ├── pack_test.cc │ │ ├── pad.cc │ │ ├── pad_test.cc │ │ ├── padding.h │ │ ├── pooling.cc │ │ ├── pooling_test.cc │ │ ├── pow.cc │ │ ├── pow_test.cc │ │ ├── quant_basic_lstm_test.cc │ │ ├── quantize.cc │ │ ├── quantize_test.cc │ │ ├── range.cc │ │ ├── range_test.cc │ │ ├── rank.cc │ │ ├── rank_test.cc │ │ ├── read_variable.cc │ │ ├── reduce.cc │ │ ├── reduce_test.cc │ │ ├── register.cc │ │ ├── register.h │ │ ├── register_ref.cc │ │ ├── register_ref.h │ │ ├── reshape.cc │ │ ├── reshape_test.cc │ │ ├── resize_bilinear.cc │ │ ├── resize_bilinear_test.cc │ │ ├── resize_nearest_neighbor.cc │ │ ├── resize_nearest_neighbor_test.cc │ │ ├── reverse.cc │ │ ├── reverse_sequence.cc │ │ ├── reverse_sequence_test.cc │ │ ├── reverse_test.cc │ │ ├── rfft2d.cc │ │ ├── rfft2d_test.cc │ │ ├── round.cc │ │ ├── round_test.cc │ │ ├── select.cc │ │ ├── select_test.cc │ │ ├── shape.cc │ │ ├── shape_test.cc │ │ ├── skip_gram.cc │ │ ├── skip_gram_test.cc │ │ ├── slice.cc │ │ ├── slice_test.cc │ │ ├── softmax_test.cc │ │ ├── space_to_batch_nd.cc │ │ ├── space_to_batch_nd_test.cc │ │ ├── space_to_depth.cc │ │ ├── space_to_depth_test.cc │ │ ├── sparse_to_dense.cc │ │ ├── sparse_to_dense_test.cc │ │ ├── split.cc │ │ ├── split_test.cc │ │ ├── split_v.cc │ │ ├── split_v_test.cc │ │ ├── squared_difference.cc │ │ ├── squared_difference_test.cc │ │ ├── squeeze.cc │ │ ├── squeeze_test.cc │ │ ├── strided_slice.cc │ │ ├── strided_slice_test.cc │ │ ├── sub.cc │ │ ├── sub_test.cc │ │ ├── subgraph_test_util.cc │ │ ├── subgraph_test_util.h │ │ ├── subgraph_test_util_test.cc │ │ ├── svdf.cc │ │ ├── svdf_test.cc │ │ ├── test_main.cc │ │ ├── test_util.cc │ │ ├── test_util.h │ │ ├── test_util_test.cc │ │ ├── tile.cc │ │ ├── tile_test.cc │ │ ├── topk_v2.cc │ │ ├── topk_v2_test.cc │ │ ├── transpose.cc │ │ ├── transpose_conv.cc │ │ ├── transpose_conv_test.cc │ │ ├── transpose_test.cc │ │ ├── unidirectional_sequence_lstm.cc │ │ ├── unidirectional_sequence_lstm_test.cc │ │ ├── unidirectional_sequence_rnn.cc │ │ ├── unidirectional_sequence_rnn_test.cc │ │ ├── unique.cc │ │ ├── unique_test.cc │ │ ├── unpack.cc │ │ ├── unpack_test.cc │ │ ├── variable_ops_test.cc │ │ ├── where.cc │ │ ├── where_test.cc │ │ ├── while.cc │ │ ├── while_test.cc │ │ ├── zeros_like.cc │ │ └── zeros_like_test.cc │ ├── lib_package │ │ ├── BUILD │ │ ├── concat_licenses.sh │ │ └── create_ios_frameworks.sh │ ├── memory_planner.h │ ├── minimal_logging.cc │ ├── minimal_logging.h │ ├── minimal_logging_android.cc │ ├── minimal_logging_default.cc │ ├── minimal_logging_ios.cc │ ├── minimal_logging_test.cc │ ├── mmap_allocation.cc │ ├── mmap_allocation_disabled.cc │ ├── model.cc │ ├── model.h │ ├── model_flex_test.cc │ ├── model_test.cc │ ├── models │ │ ├── BUILD │ │ ├── smartreply │ │ │ ├── BUILD │ │ │ ├── demo │ │ │ │ └── app │ │ │ │ │ └── src │ │ │ │ │ └── main │ │ │ │ │ ├── AndroidManifest.xml │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── assets │ │ │ │ │ ├── BUILD │ │ │ │ │ └── backoff_response.txt │ │ │ │ │ ├── java │ │ │ │ │ └── com │ │ │ │ │ │ └── example │ │ │ │ │ │ └── android │ │ │ │ │ │ └── smartreply │ │ │ │ │ │ ├── MainActivity.java │ │ │ │ │ │ ├── SmartReply.java │ │ │ │ │ │ └── SmartReplyClient.java │ │ │ │ │ ├── res │ │ │ │ │ └── layout │ │ │ │ │ │ └── main_activity.xml │ │ │ │ │ └── smartreply_jni.cc │ │ │ ├── g3doc │ │ │ │ └── README.md │ │ │ ├── ops │ │ │ │ ├── extract_feature.cc │ │ │ │ ├── extract_feature_test.cc │ │ │ │ ├── normalize.cc │ │ │ │ ├── normalize_test.cc │ │ │ │ ├── predict.cc │ │ │ │ └── predict_test.cc │ │ │ ├── predictor.cc │ │ │ ├── predictor.h │ │ │ └── predictor_test.cc │ │ ├── speech_test.cc │ │ └── testdata │ │ │ ├── g3doc │ │ │ ├── README.md │ │ │ ├── asr_am.svg │ │ │ ├── asr_lm.svg │ │ │ ├── endpointer.svg │ │ │ ├── hotword.svg │ │ │ ├── speakerid.svg │ │ │ └── tts.svg │ │ │ ├── smartreply_samples.tsv │ │ │ └── speech_asr_lm_model.test_spec │ ├── mutable_op_resolver.cc │ ├── mutable_op_resolver.h │ ├── mutable_op_resolver_test.cc │ ├── nnapi │ │ ├── BUILD │ │ ├── NeuralNetworksShim.h │ │ ├── NeuralNetworksTypes.h │ │ ├── README.md │ │ ├── nnapi_implementation.cc │ │ ├── nnapi_implementation.h │ │ ├── nnapi_implementation_disabled.cc │ │ └── nnapi_implementation_test.cc │ ├── op_resolver.h │ ├── optional_debug_tools.cc │ ├── optional_debug_tools.h │ ├── profiling │ │ ├── BUILD │ │ ├── buffered_profiler.h │ │ ├── noop_profiler.h │ │ ├── profile_buffer.h │ │ ├── profile_buffer_test.cc │ │ ├── profile_summarizer.cc │ │ ├── profile_summarizer.h │ │ ├── profile_summarizer_test.cc │ │ ├── profiler.h │ │ ├── profiler_test.cc │ │ ├── time.cc │ │ ├── time.h │ │ └── time_test.cc │ ├── python │ │ ├── BUILD │ │ ├── convert.py │ │ ├── convert_saved_model.py │ │ ├── convert_saved_model_test.py │ │ ├── convert_test.py │ │ ├── create_custom_op.py │ │ ├── interpreter.py │ │ ├── interpreter_test.py │ │ ├── interpreter_wrapper │ │ │ ├── BUILD │ │ │ ├── interpreter_wrapper.cc │ │ │ ├── interpreter_wrapper.h │ │ │ ├── interpreter_wrapper.i │ │ │ ├── numpy.cc │ │ │ ├── numpy.h │ │ │ ├── python_error_reporter.cc │ │ │ ├── python_error_reporter.h │ │ │ ├── python_utils.cc │ │ │ └── python_utils.h │ │ ├── lite.py │ │ ├── lite_constants.py │ │ ├── lite_flex_test.py │ │ ├── lite_mlir_test.py │ │ ├── lite_test.py │ │ ├── lite_v2_test.py │ │ ├── op_hint.py │ │ ├── optimize │ │ │ ├── BUILD │ │ │ ├── calibration_wrapper.cc │ │ │ ├── calibration_wrapper.h │ │ │ ├── calibration_wrapper.i │ │ │ ├── calibrator.py │ │ │ ├── calibrator_test.py │ │ │ └── test_data │ │ │ │ └── mobilenet_like_model.bin │ │ ├── testdata │ │ │ ├── BUILD │ │ │ ├── gather.pbtxt │ │ │ ├── permute.pbtxt │ │ │ └── test_delegate.cc │ │ ├── tflite_convert.py │ │ ├── util.py │ │ ├── util_test.py │ │ └── wrap_toco.py │ ├── schema │ │ ├── BUILD │ │ ├── builtin_ops_header │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── consistency_test.cc │ │ │ ├── generate.cc │ │ │ ├── generator.cc │ │ │ ├── generator.h │ │ │ └── generator_test.cc │ │ ├── flatbuffer_compatibility_test.cc │ │ ├── metadata_schema.fbs │ │ ├── schema.fbs │ │ ├── schema_generated.h │ │ ├── schema_v0.fbs │ │ ├── schema_v1.fbs │ │ ├── schema_v2.fbs │ │ ├── schema_v3.fbs │ │ ├── upgrade_schema.py │ │ └── upgrade_schema_test.py │ ├── simple_memory_arena.cc │ ├── simple_memory_arena.h │ ├── simple_memory_arena_test.cc │ ├── special_rules.bzl │ ├── stderr_reporter.cc │ ├── stderr_reporter.h │ ├── string.h │ ├── string_util.cc │ ├── string_util.h │ ├── string_util_test.cc │ ├── testdata │ │ ├── 0_subgraphs.bin │ │ ├── 2_subgraphs.bin │ │ ├── add.bin │ │ ├── add.json │ │ ├── add_quantized.bin │ │ ├── add_quantized.json │ │ ├── add_quantized_int8.bin │ │ ├── add_quantized_int8.json │ │ ├── empty_model.bin │ │ ├── multi_add.bin │ │ ├── multi_add.json │ │ ├── multi_add.pb │ │ ├── multi_add_flex.bin │ │ ├── no_subgraphs.bin │ │ ├── test_input.csv │ │ ├── test_min_runtime.bin │ │ ├── test_model.bin │ │ ├── test_model_broken.bin │ │ ├── test_model_broken.json │ │ └── two_subgraphs.bin │ ├── testing │ │ ├── BUILD │ │ ├── generate_examples.py │ │ ├── generate_examples_lib.py │ │ ├── generate_examples_report.py │ │ ├── generate_testspec.cc │ │ ├── generate_testspec.h │ │ ├── generate_testspec_test.cc │ │ ├── generated_examples_zip_test.cc │ │ ├── init_tensorflow.cc │ │ ├── init_tensorflow.h │ │ ├── join.h │ │ ├── join_test.cc │ │ ├── kernel_test │ │ │ ├── BUILD │ │ │ ├── diff_analyzer.cc │ │ │ ├── diff_analyzer.h │ │ │ ├── diff_analyzer_test.cc │ │ │ ├── generate_diff_report.cc │ │ │ ├── input_generator.cc │ │ │ ├── input_generator.h │ │ │ ├── input_generator_test.cc │ │ │ ├── tflite_kernel_runner.cc │ │ │ ├── util.h │ │ │ └── util_test.cc │ │ ├── message.cc │ │ ├── message.h │ │ ├── message_test.cc │ │ ├── model_coverage │ │ │ ├── BUILD │ │ │ ├── model_coverage_lib.py │ │ │ ├── model_coverage_lib_test.py │ │ │ └── testdata │ │ │ │ └── grace_hopper.jpg │ │ ├── nnapi_example.cc │ │ ├── parse_testdata.cc │ │ ├── parse_testdata.h │ │ ├── split.cc │ │ ├── split.h │ │ ├── split_test.cc │ │ ├── string_util.cc │ │ ├── string_util.h │ │ ├── string_util.i │ │ ├── test_runner.h │ │ ├── test_runner_test.cc │ │ ├── tf_driver.cc │ │ ├── tf_driver.h │ │ ├── tf_driver_test.cc │ │ ├── tflite_diff_example_test.cc │ │ ├── tflite_diff_flags.h │ │ ├── tflite_diff_util.cc │ │ ├── tflite_diff_util.h │ │ ├── tflite_driver.cc │ │ ├── tflite_driver.h │ │ ├── tflite_driver_test.cc │ │ ├── toco_convert.py │ │ ├── tokenize.cc │ │ ├── tokenize.h │ │ ├── tokenize_test.cc │ │ └── util.h │ ├── tflite_exported_symbols.lds │ ├── tflite_version_script.lds │ ├── toco │ │ ├── BUILD │ │ ├── README.md │ │ ├── allocate_transient_arrays.cc │ │ ├── allocate_transient_arrays.h │ │ ├── args.cc │ │ ├── args.h │ │ ├── dump_graphviz.cc │ │ ├── dump_graphviz.h │ │ ├── export_tensorflow.cc │ │ ├── export_tensorflow.h │ │ ├── format_port.h │ │ ├── g3doc │ │ │ └── README.md │ │ ├── graph_transformations │ │ │ ├── convert_expanddims_to_reshape.cc │ │ │ ├── convert_matrix_diag_v2_to_v1.cc │ │ │ ├── convert_matrix_set_diag_v2_to_v1.cc │ │ │ ├── convert_pure_conv_to_depthwise.cc │ │ │ ├── convert_reorder_axes.cc │ │ │ ├── convert_squeeze_to_reshape.cc │ │ │ ├── convert_trivial_addn_to_add.cc │ │ │ ├── convert_trivial_pack_to_reshape.cc │ │ │ ├── convert_trivial_tile_to_concat.cc │ │ │ ├── convert_trivial_transpose_to_reshape.cc │ │ │ ├── create_im2col_arrays.cc │ │ │ ├── dequantize.cc │ │ │ ├── drop_fake_quant.cc │ │ │ ├── drop_im2col_arrays.cc │ │ │ ├── ensure_bias_vectors.cc │ │ │ ├── ensure_uint8_weights_safe_for_fast_int8_kernels.cc │ │ │ ├── fuse_activation_functions.cc │ │ │ ├── fuse_binary_into_following_affine.cc │ │ │ ├── fuse_binary_into_preceding_affine.cc │ │ │ ├── fuse_broadcast_into_following_binary.cc │ │ │ ├── graph_transformations.cc │ │ │ ├── graph_transformations.h │ │ │ ├── group_bidirectional_sequence_ops.cc │ │ │ ├── hardcode_min_max.cc │ │ │ ├── identify_dilated_conv.cc │ │ │ ├── identify_hardswish.cc │ │ │ ├── identify_l2_normalization.cc │ │ │ ├── identify_l2_pool.cc │ │ │ ├── identify_lstm.cc │ │ │ ├── identify_lstm_merge_inputs.cc │ │ │ ├── identify_lstm_split_inputs.cc │ │ │ ├── identify_prelu.cc │ │ │ ├── identify_relu1.cc │ │ │ ├── identify_util.cc │ │ │ ├── identify_util.h │ │ │ ├── lstm_utils.cc │ │ │ ├── lstm_utils.h │ │ │ ├── make_initial_dequantize_operator.cc │ │ │ ├── merge_reshape_into_preceding_transpose.cc │ │ │ ├── move_binary_operator_before_reshape.cc │ │ │ ├── propagate_activation_function_into_constants.cc │ │ │ ├── propagate_array_data_types.cc │ │ │ ├── propagate_default_min_max.cc │ │ │ ├── propagate_fake_quant_num_bits.cc │ │ │ ├── propagate_fixed_sizes.cc │ │ │ ├── quantization_util.cc │ │ │ ├── quantization_util.h │ │ │ ├── quantize.cc │ │ │ ├── read_array_minmax_and_narrow_range_from_fake_quant.cc │ │ │ ├── remove_final_dequantize_op.cc │ │ │ ├── remove_successive_transpose.cc │ │ │ ├── remove_tensorflow_assert.cc │ │ │ ├── remove_tensorflow_identity.cc │ │ │ ├── remove_trivial_binary.cc │ │ │ ├── remove_trivial_concatenation.cc │ │ │ ├── remove_trivial_concatenation_input.cc │ │ │ ├── remove_trivial_fake_quant.cc │ │ │ ├── remove_trivial_passthrough.cc │ │ │ ├── remove_trivial_passthrough.h │ │ │ ├── remove_trivial_quantized_activation_func.cc │ │ │ ├── remove_trivial_quantized_min_max.cc │ │ │ ├── remove_trivial_reshape.cc │ │ │ ├── remove_trivial_slice.cc │ │ │ ├── remove_unused_op.cc │ │ │ ├── reorder_elementwise_unary.cc │ │ │ ├── reorder_reshape_transpose.cc │ │ │ ├── resolve_batch_normalization.cc │ │ │ ├── resolve_batch_to_space_nd_attributes.cc │ │ │ ├── resolve_constant_binary.cc │ │ │ ├── resolve_constant_concatenation.cc │ │ │ ├── resolve_constant_fake_quant.cc │ │ │ ├── resolve_constant_fill.cc │ │ │ ├── resolve_constant_gather.cc │ │ │ ├── resolve_constant_pack.cc │ │ │ ├── resolve_constant_random_uniform.cc │ │ │ ├── resolve_constant_range.cc │ │ │ ├── resolve_constant_reshape.cc │ │ │ ├── resolve_constant_select.cc │ │ │ ├── resolve_constant_shape_or_rank.cc │ │ │ ├── resolve_constant_slice.cc │ │ │ ├── resolve_constant_strided_slice.cc │ │ │ ├── resolve_constant_tile.cc │ │ │ ├── resolve_constant_transpose.cc │ │ │ ├── resolve_constant_unary.cc │ │ │ ├── resolve_fake_quant_args_from_vars.cc │ │ │ ├── resolve_gather_attributes.cc │ │ │ ├── resolve_multiply_by_zero.cc │ │ │ ├── resolve_pad_attributes.cc │ │ │ ├── resolve_padv2_attributes.cc │ │ │ ├── resolve_reduce_attributes.cc │ │ │ ├── resolve_reorder_axes.cc │ │ │ ├── resolve_reshape_attributes.cc │ │ │ ├── resolve_slice_attributes.cc │ │ │ ├── resolve_space_to_batch_nd_attributes.cc │ │ │ ├── resolve_squeeze_attributes.cc │ │ │ ├── resolve_strided_slice_attributes.cc │ │ │ ├── resolve_tensorflow_concat.cc │ │ │ ├── resolve_tensorflow_matmul.cc │ │ │ ├── resolve_tensorflow_merge.cc │ │ │ ├── resolve_tensorflow_switch.cc │ │ │ ├── resolve_transpose_attributes.cc │ │ │ ├── shuffle_fc_weights.cc │ │ │ ├── tests │ │ │ │ ├── BUILD │ │ │ │ ├── fuse_binary_into_following_affine_test.cc │ │ │ │ ├── identify_l2_normalization_test.cc │ │ │ │ ├── identify_l2_pool_test.cc │ │ │ │ ├── lstm_utils_test.cc │ │ │ │ ├── remove_successive_transpose_test.cc │ │ │ │ ├── resolve_constant_concatenation_test.cc │ │ │ │ └── resolve_constant_unary_test.cc │ │ │ ├── unfuse_activation_functions.cc │ │ │ ├── unpartition_embedding_lookup.cc │ │ │ └── unroll_batch_matmul.cc │ │ ├── import_tensorflow.cc │ │ ├── import_tensorflow.h │ │ ├── import_tensorflow_test.cc │ │ ├── model.h │ │ ├── model_cmdline_flags.cc │ │ ├── model_cmdline_flags.h │ │ ├── model_cmdline_flags_test.cc │ │ ├── model_flags.proto │ │ ├── python │ │ │ ├── BUILD │ │ │ ├── tensorflow_wrap_toco.py │ │ │ ├── toco.i │ │ │ ├── toco_from_protos.py │ │ │ ├── toco_from_protos_test.py │ │ │ ├── toco_python_api.cc │ │ │ └── toco_python_api.h │ │ ├── runtime │ │ │ ├── common.h │ │ │ └── types.h │ │ ├── tensorflow_graph_matching │ │ │ ├── BUILD │ │ │ ├── cluster.cc │ │ │ ├── cluster.h │ │ │ ├── cluster_utils.cc │ │ │ ├── cluster_utils.h │ │ │ ├── resolve_cluster.cc │ │ │ ├── resolve_cluster.h │ │ │ ├── resolve_svdf.cc │ │ │ ├── resolve_svdf.h │ │ │ └── resolve_svdf_test.cc │ │ ├── tensorflow_util.cc │ │ ├── tensorflow_util.h │ │ ├── tflite │ │ │ ├── BUILD │ │ │ ├── builtin_operator.h │ │ │ ├── custom_operator.h │ │ │ ├── export.cc │ │ │ ├── export.h │ │ │ ├── export_test.cc │ │ │ ├── import.cc │ │ │ ├── import.h │ │ │ ├── import_test.cc │ │ │ ├── op_version.cc │ │ │ ├── op_version.h │ │ │ ├── op_version_test.cc │ │ │ ├── operator.cc │ │ │ ├── operator.h │ │ │ ├── operator_test.cc │ │ │ ├── simple_operator.h │ │ │ ├── types.cc │ │ │ ├── types.h │ │ │ └── types_test.cc │ │ ├── toco.cc │ │ ├── toco_cmdline_flags.cc │ │ ├── toco_cmdline_flags.h │ │ ├── toco_cmdline_flags_test.cc │ │ ├── toco_convert.cc │ │ ├── toco_convert.h │ │ ├── toco_convert_test.cc │ │ ├── toco_flags.proto │ │ ├── toco_graphviz_dump_options.cc │ │ ├── toco_graphviz_dump_options.h │ │ ├── toco_port.cc │ │ ├── toco_port.h │ │ ├── toco_port_test.cc │ │ ├── toco_tooling.cc │ │ ├── toco_tooling.h │ │ ├── toco_types.h │ │ ├── tooling_util.cc │ │ ├── tooling_util.h │ │ ├── tooling_util_test.cc │ │ └── types.proto │ ├── tools │ │ ├── BUILD │ │ ├── accuracy │ │ │ ├── BUILD │ │ │ ├── android_required_build_flags.cc │ │ │ ├── csv_writer.h │ │ │ └── ilsvrc │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── clsloc_validation_blacklist.txt │ │ │ │ ├── default │ │ │ │ ├── BUILD │ │ │ │ └── custom_delegates.h │ │ │ │ ├── generate_validation_labels.py │ │ │ │ ├── imagenet_accuracy_eval.cc │ │ │ │ ├── imagenet_model_evaluator.cc │ │ │ │ ├── imagenet_model_evaluator.h │ │ │ │ └── testdata │ │ │ │ └── grace_hopper.jpg │ │ ├── benchmark │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── android │ │ │ │ ├── AndroidManifest.xml │ │ │ │ ├── BUILD │ │ │ │ ├── README.md │ │ │ │ ├── jni │ │ │ │ │ └── benchmark_model_jni.cc │ │ │ │ └── src │ │ │ │ │ └── org │ │ │ │ │ └── tensorflow │ │ │ │ │ └── lite │ │ │ │ │ └── benchmark │ │ │ │ │ ├── BenchmarkModel.java │ │ │ │ │ └── BenchmarkModelActivity.java │ │ │ ├── benchmark_main.cc │ │ │ ├── benchmark_model.cc │ │ │ ├── benchmark_model.h │ │ │ ├── benchmark_params.cc │ │ │ ├── benchmark_params.h │ │ │ ├── benchmark_performance_options.cc │ │ │ ├── benchmark_performance_options.h │ │ │ ├── benchmark_plus_flex_main.cc │ │ │ ├── benchmark_test.cc │ │ │ ├── benchmark_tflite_model.cc │ │ │ ├── benchmark_tflite_model.h │ │ │ ├── benchmark_tflite_performance_options_main.cc │ │ │ ├── benchmark_utils.cc │ │ │ ├── benchmark_utils.h │ │ │ ├── benchmark_utils_test.cc │ │ │ ├── ios │ │ │ │ ├── README.md │ │ │ │ └── TFLiteBenchmark │ │ │ │ │ ├── TFLiteBenchmark.xcodeproj │ │ │ │ │ └── project.pbxproj │ │ │ │ │ └── TFLiteBenchmark │ │ │ │ │ ├── AppDelegate.h │ │ │ │ │ ├── AppDelegate.m │ │ │ │ │ ├── Assets.xcassets │ │ │ │ │ ├── AppIcon.appiconset │ │ │ │ │ │ └── Contents.json │ │ │ │ │ └── Contents.json │ │ │ │ │ ├── Base.lproj │ │ │ │ │ ├── LaunchScreen.storyboard │ │ │ │ │ └── Main.storyboard │ │ │ │ │ ├── BenchmarkViewController.h │ │ │ │ │ ├── BenchmarkViewController.mm │ │ │ │ │ ├── Info.plist │ │ │ │ │ ├── benchmark_data │ │ │ │ │ └── benchmark_params.json │ │ │ │ │ └── main.m │ │ │ └── logging.h │ │ ├── command_line_flags.cc │ │ ├── command_line_flags.h │ │ ├── command_line_flags_test.cc │ │ ├── evaluation │ │ │ ├── BUILD │ │ │ ├── evaluation_stage.h │ │ │ ├── proto │ │ │ │ ├── BUILD │ │ │ │ ├── evaluation_config.proto │ │ │ │ └── evaluation_stages.proto │ │ │ ├── stages │ │ │ │ ├── BUILD │ │ │ │ ├── image_classification_stage.cc │ │ │ │ ├── image_classification_stage.h │ │ │ │ ├── image_preprocessing_stage.cc │ │ │ │ ├── image_preprocessing_stage.h │ │ │ │ ├── image_preprocessing_stage_test.cc │ │ │ │ ├── inference_profiler_stage.cc │ │ │ │ ├── inference_profiler_stage.h │ │ │ │ ├── inference_profiler_stage_test.cc │ │ │ │ ├── object_detection_average_precision_stage.cc │ │ │ │ ├── object_detection_average_precision_stage.h │ │ │ │ ├── object_detection_average_precision_stage_test.cc │ │ │ │ ├── object_detection_stage.cc │ │ │ │ ├── object_detection_stage.h │ │ │ │ ├── testdata │ │ │ │ │ └── grace_hopper.jpg │ │ │ │ ├── tflite_inference_stage.cc │ │ │ │ ├── tflite_inference_stage.h │ │ │ │ ├── tflite_inference_stage_test.cc │ │ │ │ ├── topk_accuracy_eval_stage.cc │ │ │ │ ├── topk_accuracy_eval_stage.h │ │ │ │ ├── topk_accuracy_eval_stage_test.cc │ │ │ │ └── utils │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── image_metrics.cc │ │ │ │ │ ├── image_metrics.h │ │ │ │ │ └── image_metrics_test.cc │ │ │ ├── tasks │ │ │ │ ├── coco_object_detection │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── README.md │ │ │ │ │ ├── preprocess_coco_minival.py │ │ │ │ │ └── run_eval.cc │ │ │ │ └── imagenet_image_classification │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── README.md │ │ │ │ │ └── run_eval.cc │ │ │ ├── testdata │ │ │ │ ├── empty.txt │ │ │ │ └── labels.txt │ │ │ ├── utils.cc │ │ │ ├── utils.h │ │ │ └── utils_test.cc │ │ ├── gen_op_registration.cc │ │ ├── gen_op_registration.h │ │ ├── gen_op_registration_main.cc │ │ ├── gen_op_registration_test.cc │ │ ├── make │ │ │ ├── Makefile │ │ │ ├── build_aarch64_lib.sh │ │ │ ├── build_bbb_lib.sh │ │ │ ├── build_generic_aarch64_lib.sh │ │ │ ├── build_ios_universal_lib.sh │ │ │ ├── build_lib.sh │ │ │ ├── build_rpi_lib.sh │ │ │ ├── download_dependencies.sh │ │ │ └── targets │ │ │ │ ├── aarch64_makefile.inc │ │ │ │ ├── bbb_makefile.inc │ │ │ │ ├── generic_aarch64_makefile.inc │ │ │ │ ├── ios_makefile.inc │ │ │ │ ├── linux_makefile.inc │ │ │ │ ├── riscv_makefile.inc │ │ │ │ ├── rpi_makefile.inc │ │ │ │ ├── stm32f1_makefile.inc │ │ │ │ └── stm32f7_makefile.inc │ │ ├── optimize │ │ │ ├── BUILD │ │ │ ├── calibration │ │ │ │ ├── BUILD │ │ │ │ ├── calibration_common.h │ │ │ │ ├── calibration_logger.h │ │ │ │ ├── calibration_reader.cc │ │ │ │ ├── calibration_reader.h │ │ │ │ ├── calibrator.cc │ │ │ │ ├── calibrator.h │ │ │ │ ├── calibrator_test.cc │ │ │ │ ├── logging_op_resolver.cc │ │ │ │ ├── logging_op_resolver.h │ │ │ │ ├── logging_op_resolver_test.cc │ │ │ │ ├── node_info_delegate.cc │ │ │ │ ├── node_info_delegate.h │ │ │ │ └── node_info_delegate_test.cc │ │ │ ├── g3doc │ │ │ │ └── quantize_weights.md │ │ │ ├── model_utils.cc │ │ │ ├── model_utils.h │ │ │ ├── model_utils_test.cc │ │ │ ├── operator_property.cc │ │ │ ├── operator_property.h │ │ │ ├── quantization_utils.cc │ │ │ ├── quantization_utils.h │ │ │ ├── quantization_utils_test.cc │ │ │ ├── quantize_model.cc │ │ │ ├── quantize_model.h │ │ │ ├── quantize_model_test.cc │ │ │ ├── quantize_weights.cc │ │ │ ├── quantize_weights.h │ │ │ ├── quantize_weights_test.cc │ │ │ ├── test_util.cc │ │ │ ├── test_util.h │ │ │ └── testdata │ │ │ │ ├── README.md │ │ │ │ ├── add_with_const_input.bin │ │ │ │ ├── argmax.bin │ │ │ │ ├── concat.bin │ │ │ │ ├── custom_op.bin │ │ │ │ ├── fc.bin │ │ │ │ ├── mixed.bin │ │ │ │ ├── multi_input_add_reshape.bin │ │ │ │ ├── quantized_with_gather.bin │ │ │ │ ├── single_avg_pool_min_minus_5_max_plus_5.bin │ │ │ │ ├── single_conv_weights_min_0_max_plus_10.bin │ │ │ │ ├── single_conv_weights_min_minus_127_max_plus_127.bin │ │ │ │ ├── single_softmax_min_minus_5_max_plus_5.bin │ │ │ │ └── weight_shared_between_convs.bin │ │ ├── pip_package │ │ │ ├── Dockerfile.debian │ │ │ ├── Dockerfile.ubuntu │ │ │ ├── MANIFEST.in │ │ │ ├── Makefile │ │ │ ├── README.md │ │ │ ├── build_pip_package.sh │ │ │ ├── setup.py │ │ │ └── update_sources.sh │ │ ├── verifier.cc │ │ ├── verifier.h │ │ ├── verifier_test.cc │ │ └── visualize.py │ ├── tutorials │ │ ├── BUILD │ │ ├── dataset.py │ │ └── mnist_tflite.py │ ├── util.cc │ ├── util.h │ ├── util_test.cc │ └── version.h ├── opensource_only.files ├── python │ ├── BUILD │ ├── __init__.py │ ├── autograph │ │ ├── BUILD │ │ ├── CONTRIBUTING.md │ │ ├── STYLE_GUIDE.md │ │ ├── __init__.py │ │ ├── converters │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── arg_defaults.py │ │ │ ├── arg_defaults_test.py │ │ │ ├── asserts.py │ │ │ ├── asserts_test.py │ │ │ ├── break_statements.py │ │ │ ├── break_statements_test.py │ │ │ ├── call_trees.py │ │ │ ├── call_trees_test.py │ │ │ ├── conditional_expressions.py │ │ │ ├── conditional_expressions_test.py │ │ │ ├── continue_statements.py │ │ │ ├── continue_statements_test.py │ │ │ ├── control_flow.py │ │ │ ├── control_flow_test.py │ │ │ ├── directives.py │ │ │ ├── directives_test.py │ │ │ ├── function_scopes.py │ │ │ ├── function_scopes_test.py │ │ │ ├── list_comprehensions.py │ │ │ ├── list_comprehensions_test.py │ │ │ ├── lists.py │ │ │ ├── lists_test.py │ │ │ ├── logical_expressions.py │ │ │ ├── logical_expressions_test.py │ │ │ ├── return_statements.py │ │ │ ├── return_statements_test.py │ │ │ ├── slices.py │ │ │ └── slices_test.py │ │ ├── core │ │ │ ├── BUILD │ │ │ ├── ag_ctx.py │ │ │ ├── config.py │ │ │ ├── config_lib.py │ │ │ ├── converter.py │ │ │ ├── converter_test.py │ │ │ ├── converter_testing.py │ │ │ ├── function_wrappers.py │ │ │ ├── function_wrappers_test.py │ │ │ ├── naming.py │ │ │ ├── naming_test.py │ │ │ └── unsupported_features_checker.py │ │ ├── g3doc │ │ │ └── reference │ │ │ │ ├── common_errors.md │ │ │ │ ├── control_flow.md │ │ │ │ ├── debugging.md │ │ │ │ ├── error_handling.md │ │ │ │ ├── functions.md │ │ │ │ ├── generated_code.md │ │ │ │ ├── index.md │ │ │ │ ├── intro.md │ │ │ │ └── limitations.md │ │ ├── impl │ │ │ ├── BUILD │ │ │ ├── api.py │ │ │ ├── api_py3_test.py │ │ │ ├── api_test.py │ │ │ ├── conversion.py │ │ │ └── conversion_test.py │ │ ├── lang │ │ │ ├── BUILD │ │ │ ├── directives.py │ │ │ ├── special_functions.py │ │ │ └── special_functions_test.py │ │ ├── operators │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── control_flow.py │ │ │ ├── control_flow_test.py │ │ │ ├── data_structures.py │ │ │ ├── data_structures_test.py │ │ │ ├── dispatch_context.py │ │ │ ├── exceptions.py │ │ │ ├── exceptions_test.py │ │ │ ├── logical.py │ │ │ ├── logical_test.py │ │ │ ├── py_builtins.py │ │ │ ├── py_builtins_py3_test.py │ │ │ ├── py_builtins_test.py │ │ │ ├── slices.py │ │ │ ├── slices_test.py │ │ │ ├── special_values.py │ │ │ ├── special_values_test.py │ │ │ ├── symbols.py │ │ │ └── symbols_test.py │ │ ├── pyct │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── anno.py │ │ │ ├── anno_test.py │ │ │ ├── ast_util.py │ │ │ ├── ast_util_test.py │ │ │ ├── cfg.py │ │ │ ├── cfg_test.py │ │ │ ├── common_transformers │ │ │ │ ├── BUILD │ │ │ │ ├── __init__.py │ │ │ │ ├── anf.py │ │ │ │ └── anf_test.py │ │ │ ├── compiler.py │ │ │ ├── compiler_test.py │ │ │ ├── errors.py │ │ │ ├── errors_test.py │ │ │ ├── gast_util.py │ │ │ ├── inspect_utils.py │ │ │ ├── inspect_utils_test.py │ │ │ ├── inspect_utils_test.sh │ │ │ ├── origin_info.py │ │ │ ├── origin_info_test.py │ │ │ ├── parser.py │ │ │ ├── parser_test.py │ │ │ ├── pretty_printer.py │ │ │ ├── pretty_printer_test.py │ │ │ ├── qual_names.py │ │ │ ├── qual_names_test.py │ │ │ ├── static_analysis │ │ │ │ ├── BUILD │ │ │ │ ├── __init__.py │ │ │ │ ├── activity.py │ │ │ │ ├── activity_py3_test.py │ │ │ │ ├── activity_test.py │ │ │ │ ├── annos.py │ │ │ │ ├── liveness.py │ │ │ │ ├── liveness_py3_test.py │ │ │ │ ├── liveness_test.py │ │ │ │ ├── reaching_definitions.py │ │ │ │ ├── reaching_definitions_py3_test.py │ │ │ │ └── reaching_definitions_test.py │ │ │ ├── templates.py │ │ │ ├── templates_test.py │ │ │ ├── testing │ │ │ │ ├── BUILD │ │ │ │ ├── basic_definitions.py │ │ │ │ ├── codegen.py │ │ │ │ ├── codegen_test.py │ │ │ │ └── decorators.py │ │ │ ├── transformer.py │ │ │ └── transformer_test.py │ │ └── utils │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── ag_logging.py │ │ │ ├── context_managers.py │ │ │ ├── context_managers_test.py │ │ │ ├── misc.py │ │ │ ├── misc_test.py │ │ │ ├── py_func.py │ │ │ ├── py_func_test.py │ │ │ ├── tensor_list.py │ │ │ ├── tensor_list_test.py │ │ │ ├── tensors.py │ │ │ ├── tensors_test.py │ │ │ ├── testing.py │ │ │ ├── type_check.py │ │ │ └── type_check_test.py │ ├── build_defs.bzl │ ├── client │ │ ├── __init__.py │ │ ├── client_lib.py │ │ ├── device_lib.i │ │ ├── device_lib.py │ │ ├── device_lib_test.py │ │ ├── events_writer.i │ │ ├── events_writer_test.py │ │ ├── notebook.py │ │ ├── session.py │ │ ├── session_benchmark.py │ │ ├── session_clusterspec_prop_test.py │ │ ├── session_list_devices_test.py │ │ ├── session_partial_run_test.py │ │ ├── session_ref.cc │ │ ├── session_ref.h │ │ ├── session_test.py │ │ ├── test_construction_fails_op.cc │ │ ├── tf_session.i │ │ ├── tf_session_helper.cc │ │ ├── tf_session_helper.h │ │ ├── tf_sessionrun_wrapper.i │ │ ├── timeline.py │ │ ├── timeline_test.py │ │ └── virtual_gpu_test.py │ ├── compat │ │ ├── BUILD │ │ ├── compat.py │ │ ├── compat_test.py │ │ ├── disable_v2_behavior_test.py │ │ └── v2_compat.py │ ├── compiler │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── tensorrt │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── __init__.py │ │ │ ├── test │ │ │ │ ├── base_test.py │ │ │ │ ├── batch_matmul_test.py │ │ │ │ ├── biasadd_matmul_test.py │ │ │ │ ├── binary_tensor_weight_broadcast_test.py │ │ │ │ ├── combined_nms_test.py │ │ │ │ ├── concatenation_test.py │ │ │ │ ├── const_broadcast_test.py │ │ │ │ ├── conv2d_test.py │ │ │ │ ├── dynamic_input_shapes_test.py │ │ │ │ ├── identity_output_test.py │ │ │ │ ├── int32_test.py │ │ │ │ ├── lru_cache_test.py │ │ │ │ ├── memory_alignment_test.py │ │ │ │ ├── multi_connection_neighbor_engine_test.py │ │ │ │ ├── neighboring_engine_test.py │ │ │ │ ├── quantization_mnist_test.py │ │ │ │ ├── quantization_test.py │ │ │ │ ├── rank_two_test.py │ │ │ │ ├── reshape_transpose_test.py │ │ │ │ ├── testdata │ │ │ │ │ ├── checkpoint │ │ │ │ │ ├── model.ckpt-46900.data-00000-of-00001 │ │ │ │ │ └── model.ckpt-46900.index │ │ │ │ ├── tf_trt_integration_test_base.py │ │ │ │ ├── topk_test.py │ │ │ │ ├── unary_test.py │ │ │ │ ├── vgg_block_nchw_test.py │ │ │ │ └── vgg_block_test.py │ │ │ ├── trt_convert.py │ │ │ └── trt_convert_test.py │ │ └── xla │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── jit.py │ │ │ ├── jit_test.py │ │ │ ├── xla.py │ │ │ └── xla_test.py │ ├── data │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── benchmarks │ │ │ ├── BUILD │ │ │ ├── batch_benchmark.py │ │ │ ├── benchmark_base.py │ │ │ ├── filter_benchmark.py │ │ │ ├── from_tensor_slices_benchmark.py │ │ │ ├── list_files_benchmark.py │ │ │ ├── map_benchmark.py │ │ │ ├── meta_benchmark.py │ │ │ └── range_benchmark.py │ │ ├── experimental │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── benchmarks │ │ │ │ ├── BUILD │ │ │ │ ├── autotune_benchmark.py │ │ │ │ ├── choose_fastest_benchmark.py │ │ │ │ ├── choose_fastest_branch_benchmark.py │ │ │ │ ├── csv_dataset_benchmark.py │ │ │ │ ├── map_and_batch_benchmark.py │ │ │ │ ├── map_defun_benchmark.py │ │ │ │ ├── map_vectorization_benchmark.py │ │ │ │ ├── matching_files_benchmark.py │ │ │ │ ├── optimize_benchmark.py │ │ │ │ ├── parallel_interleave_benchmark.py │ │ │ │ ├── rejection_resample_benchmark.py │ │ │ │ ├── snapshot_dataset_benchmark.py │ │ │ │ └── unbatch_benchmark.py │ │ │ ├── kernel_tests │ │ │ │ ├── BUILD │ │ │ │ ├── auto_shard_dataset_test.py │ │ │ │ ├── bucket_by_sequence_length_test.py │ │ │ │ ├── cardinality_test.py │ │ │ │ ├── copy_to_device_test.py │ │ │ │ ├── counter_test.py │ │ │ │ ├── csv_dataset_test.py │ │ │ │ ├── dense_to_sparse_batch_test.py │ │ │ │ ├── directed_interleave_dataset_test.py │ │ │ │ ├── get_single_element_test.py │ │ │ │ ├── group_by_reducer_test.py │ │ │ │ ├── group_by_window_test.py │ │ │ │ ├── ignore_errors_test.py │ │ │ │ ├── make_batched_features_dataset_test.py │ │ │ │ ├── make_csv_dataset_test.py │ │ │ │ ├── make_tf_record_dataset_test.py │ │ │ │ ├── map_and_batch_test.py │ │ │ │ ├── map_defun_op_test.py │ │ │ │ ├── matching_files_test.py │ │ │ │ ├── optimization │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── assert_next_dataset_test.py │ │ │ │ │ ├── choose_fastest_branch_dataset_test.py │ │ │ │ │ ├── choose_fastest_dataset_test.py │ │ │ │ │ ├── filter_fusion_test.py │ │ │ │ │ ├── filter_with_random_uniform_fusion_test.py │ │ │ │ │ ├── hoist_random_uniform_test.py │ │ │ │ │ ├── inject_prefetch_test.py │ │ │ │ │ ├── latency_all_edges_test.py │ │ │ │ │ ├── map_and_batch_fusion_test.py │ │ │ │ │ ├── map_and_filter_fusion_test.py │ │ │ │ │ ├── map_fusion_test.py │ │ │ │ │ ├── map_parallelization_test.py │ │ │ │ │ ├── map_vectorization_test.py │ │ │ │ │ ├── model_dataset_test.py │ │ │ │ │ ├── noop_elimination_test.py │ │ │ │ │ ├── optimize_dataset_test.py │ │ │ │ │ └── shuffle_and_repeat_fusion_test.py │ │ │ │ ├── override_threadpool_test.py │ │ │ │ ├── parallel_interleave_test.py │ │ │ │ ├── parquet_dataset_ops_test.py │ │ │ │ ├── parse_example_dataset_test.py │ │ │ │ ├── prefetch_to_device_test.py │ │ │ │ ├── prefetch_with_slack_test.py │ │ │ │ ├── reader_dataset_ops_test_base.py │ │ │ │ ├── rebatch_dataset_test.py │ │ │ │ ├── rejection_resample_test.py │ │ │ │ ├── replicate_cluster_test.py │ │ │ │ ├── replicate_test.py │ │ │ │ ├── scan_test.py │ │ │ │ ├── serialization │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── auto_shard_dataset_serialization_test.py │ │ │ │ │ ├── batch_dataset_serialization_test.py │ │ │ │ │ ├── cache_dataset_serialization_test.py │ │ │ │ │ ├── checkpoint_input_pipeline_hook_test.py │ │ │ │ │ ├── choose_fastest_branch_dataset_serialization_test.py │ │ │ │ │ ├── choose_fastest_dataset_serialization_test.py │ │ │ │ │ ├── concatenate_dataset_serialization_test.py │ │ │ │ │ ├── csv_dataset_serialization_test.py │ │ │ │ │ ├── dataset_constructor_serialization_test.py │ │ │ │ │ ├── dataset_serialization_test_base.py │ │ │ │ │ ├── filter_dataset_serialization_test.py │ │ │ │ │ ├── fixed_length_record_dataset_serialization_test.py │ │ │ │ │ ├── flat_map_dataset_serialization_test.py │ │ │ │ │ ├── group_by_reducer_serialization_test.py │ │ │ │ │ ├── group_by_window_serialization_test.py │ │ │ │ │ ├── ignore_errors_serialization_test.py │ │ │ │ │ ├── interleave_dataset_serialization_test.py │ │ │ │ │ ├── map_and_batch_dataset_serialization_test.py │ │ │ │ │ ├── map_dataset_serialization_test.py │ │ │ │ │ ├── matching_files_dataset_serialization_test.py │ │ │ │ │ ├── optimize_dataset_serialization_test.py │ │ │ │ │ ├── padded_batch_dataset_serialization_test.py │ │ │ │ │ ├── parallel_interleave_dataset_serialization_test.py │ │ │ │ │ ├── parallel_map_dataset_serialization_test.py │ │ │ │ │ ├── parse_example_dataset_serialization_test.py │ │ │ │ │ ├── prefetch_dataset_serialization_test.py │ │ │ │ │ ├── range_dataset_serialization_test.py │ │ │ │ │ ├── rebatch_dataset_serialization_test.py │ │ │ │ │ ├── sample_from_datasets_serialization_test.py │ │ │ │ │ ├── scan_dataset_serialization_test.py │ │ │ │ │ ├── sequence_dataset_serialization_test.py │ │ │ │ │ ├── serialization_integration_test.py │ │ │ │ │ ├── shard_dataset_serialization_test.py │ │ │ │ │ ├── shuffle_and_repeat_dataset_serialization_test.py │ │ │ │ │ ├── shuffle_dataset_serialization_test.py │ │ │ │ │ ├── sql_dataset_serialization_test.py │ │ │ │ │ ├── stats_dataset_serialization_test.py │ │ │ │ │ ├── take_while_dataset_serialization_test.py │ │ │ │ │ ├── textline_dataset_serialization_test.py │ │ │ │ │ ├── tf_record_dataset_serialization_test.py │ │ │ │ │ ├── unbatch_dataset_serialization_test.py │ │ │ │ │ ├── unique_dataset_serialization_test.py │ │ │ │ │ └── zip_dataset_serialization_test.py │ │ │ │ ├── shuffle_and_repeat_test.py │ │ │ │ ├── sleep_test.py │ │ │ │ ├── snapshot_test.py │ │ │ │ ├── sql_dataset_test.py │ │ │ │ ├── sql_dataset_test_base.py │ │ │ │ ├── stats_dataset_ops_test.py │ │ │ │ ├── stats_dataset_test_base.py │ │ │ │ ├── take_while_test.py │ │ │ │ ├── tf_record_writer_test.py │ │ │ │ ├── unique_test.py │ │ │ │ ├── variant_test.py │ │ │ │ └── wrap_unwrap_test.py │ │ │ └── ops │ │ │ │ ├── BUILD │ │ │ │ ├── batching.py │ │ │ │ ├── cardinality.py │ │ │ │ ├── counter.py │ │ │ │ ├── dataframe.py │ │ │ │ ├── distribute.py │ │ │ │ ├── distribute_options.py │ │ │ │ ├── enumerate_ops.py │ │ │ │ ├── error_ops.py │ │ │ │ ├── get_single_element.py │ │ │ │ ├── grouping.py │ │ │ │ ├── interleave_ops.py │ │ │ │ ├── iterator_ops.py │ │ │ │ ├── map_defun.py │ │ │ │ ├── matching_files.py │ │ │ │ ├── optimization.py │ │ │ │ ├── optimization_options.py │ │ │ │ ├── parquet_dataset_ops.py │ │ │ │ ├── parquet_pybind.py │ │ │ │ ├── parsing_ops.py │ │ │ │ ├── prefetching_ops.py │ │ │ │ ├── random_ops.py │ │ │ │ ├── readers.py │ │ │ │ ├── resampling.py │ │ │ │ ├── scan_ops.py │ │ │ │ ├── shuffle_ops.py │ │ │ │ ├── sleep.py │ │ │ │ ├── snapshot.py │ │ │ │ ├── stats_aggregator.py │ │ │ │ ├── stats_ops.py │ │ │ │ ├── stats_options.py │ │ │ │ ├── take_while_ops.py │ │ │ │ ├── threading_options.py │ │ │ │ ├── threadpool.py │ │ │ │ ├── unique.py │ │ │ │ └── writers.py │ │ ├── kernel_tests │ │ │ ├── BUILD │ │ │ ├── batch_test.py │ │ │ ├── cache_test.py │ │ │ ├── checkpoint_test.py │ │ │ ├── concatenate_test.py │ │ │ ├── dataset_test.py │ │ │ ├── enumerate_test.py │ │ │ ├── filter_test.py │ │ │ ├── fixed_length_record_dataset_test.py │ │ │ ├── flat_map_test.py │ │ │ ├── from_generator_test.py │ │ │ ├── from_sparse_tensor_slices_test.py │ │ │ ├── from_tensor_slices_test.py │ │ │ ├── from_tensors_test.py │ │ │ ├── interleave_test.py │ │ │ ├── iterator_cluster_test.py │ │ │ ├── iterator_test.py │ │ │ ├── list_files_test.py │ │ │ ├── map_test.py │ │ │ ├── memory_cleanup_test.py │ │ │ ├── multi_device_iterator_test.py │ │ │ ├── optional_test.py │ │ │ ├── options_test.py │ │ │ ├── padded_batch_test.py │ │ │ ├── prefetch_test.py │ │ │ ├── range_test.py │ │ │ ├── reduce_test.py │ │ │ ├── repeat_test.py │ │ │ ├── shard_test.py │ │ │ ├── shuffle_test.py │ │ │ ├── skip_test.py │ │ │ ├── take_test.py │ │ │ ├── test_base.py │ │ │ ├── text_line_dataset_test.py │ │ │ ├── tf_record_dataset_test.py │ │ │ ├── unbatch_test.py │ │ │ ├── window_test.py │ │ │ └── zip_test.py │ │ ├── ops │ │ │ ├── BUILD │ │ │ ├── dataset_ops.py │ │ │ ├── iterator_ops.py │ │ │ ├── multi_device_iterator_ops.py │ │ │ ├── optional_ops.py │ │ │ └── readers.py │ │ └── util │ │ │ ├── BUILD │ │ │ ├── convert.py │ │ │ ├── convert_test.py │ │ │ ├── nest.py │ │ │ ├── nest_test.py │ │ │ ├── options.py │ │ │ ├── options_test.py │ │ │ ├── random_seed.py │ │ │ ├── random_seed_test.py │ │ │ ├── sparse.py │ │ │ ├── sparse_test.py │ │ │ ├── structure.py │ │ │ ├── structure_test.py │ │ │ ├── traverse.py │ │ │ └── traverse_test.py │ ├── debug │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── cli │ │ │ ├── __init__.py │ │ │ ├── analyzer_cli.py │ │ │ ├── analyzer_cli_test.py │ │ │ ├── base_ui.py │ │ │ ├── cli_config.py │ │ │ ├── cli_config_test.py │ │ │ ├── cli_shared.py │ │ │ ├── cli_shared_test.py │ │ │ ├── cli_test_utils.py │ │ │ ├── command_parser.py │ │ │ ├── command_parser_test.py │ │ │ ├── curses_ui.py │ │ │ ├── curses_ui_test.py │ │ │ ├── curses_widgets.py │ │ │ ├── curses_widgets_test.py │ │ │ ├── debugger_cli_common.py │ │ │ ├── debugger_cli_common_test.py │ │ │ ├── evaluator.py │ │ │ ├── evaluator_test.py │ │ │ ├── offline_analyzer.py │ │ │ ├── profile_analyzer_cli.py │ │ │ ├── profile_analyzer_cli_test.py │ │ │ ├── readline_ui.py │ │ │ ├── readline_ui_test.py │ │ │ ├── tensor_format.py │ │ │ ├── tensor_format_test.py │ │ │ └── ui_factory.py │ │ ├── examples │ │ │ ├── README.md │ │ │ ├── debug_errors.py │ │ │ ├── debug_fibonacci.py │ │ │ ├── debug_keras.py │ │ │ ├── debug_mnist.py │ │ │ ├── debug_tflearn_iris.py │ │ │ └── examples_test.sh │ │ ├── lib │ │ │ ├── __init__.py │ │ │ ├── common.py │ │ │ ├── common_test.py │ │ │ ├── debug_data.py │ │ │ ├── debug_data_test.py │ │ │ ├── debug_gradients.py │ │ │ ├── debug_gradients_test.py │ │ │ ├── debug_graph_reconstruction_test.py │ │ │ ├── debug_graphs.py │ │ │ ├── debug_graphs_test.py │ │ │ ├── debug_grappler_test.py │ │ │ ├── debug_service_pb2_grpc.py │ │ │ ├── debug_utils.py │ │ │ ├── debug_utils_test.py │ │ │ ├── dist_session_debug_grpc_test.py │ │ │ ├── grpc_debug_server.py │ │ │ ├── grpc_debug_test_server.py │ │ │ ├── grpc_large_data_test.py │ │ │ ├── grpc_tensorflow_server.py │ │ │ ├── profiling.py │ │ │ ├── profiling_test.py │ │ │ ├── session_debug_file_test.py │ │ │ ├── session_debug_grpc_test.py │ │ │ ├── session_debug_multi_gpu_test.py │ │ │ ├── session_debug_testlib.py │ │ │ ├── source_remote.py │ │ │ ├── source_remote_test.py │ │ │ ├── source_utils.py │ │ │ └── source_utils_test.py │ │ └── wrappers │ │ │ ├── disk_usage_test.py │ │ │ ├── dumping_wrapper.py │ │ │ ├── dumping_wrapper_test.py │ │ │ ├── framework.py │ │ │ ├── framework_test.py │ │ │ ├── grpc_wrapper.py │ │ │ ├── hooks.py │ │ │ ├── local_cli_wrapper.py │ │ │ └── local_cli_wrapper_test.py │ ├── distribute │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── all_reduce.py │ │ ├── all_reduce_test.py │ │ ├── central_storage_strategy.py │ │ ├── checkpoint_utils_test.py │ │ ├── checkpointing_test.py │ │ ├── cluster_resolver │ │ │ ├── BUILD │ │ │ ├── README.md │ │ │ ├── README.slurm │ │ │ ├── __init__.py │ │ │ ├── cluster_resolver.py │ │ │ ├── cluster_resolver_test.py │ │ │ ├── gce_cluster_resolver.py │ │ │ ├── gce_cluster_resolver_test.py │ │ │ ├── kubernetes_cluster_resolver.py │ │ │ ├── kubernetes_cluster_resolver_test.py │ │ │ ├── slurm_cluster_resolver.py │ │ │ ├── slurm_cluster_resolver_test.py │ │ │ ├── tfconfig_cluster_resolver.py │ │ │ ├── tfconfig_cluster_resolver_test.py │ │ │ ├── tpu_cluster_resolver.py │ │ │ └── tpu_cluster_resolver_test.py │ │ ├── collective_all_reduce_strategy.py │ │ ├── collective_all_reduce_strategy_test.py │ │ ├── combinations.py │ │ ├── cross_device_ops.py │ │ ├── cross_device_ops_test.py │ │ ├── cross_device_utils.py │ │ ├── cross_device_utils_test.py │ │ ├── ctl_correctness_test.py │ │ ├── custom_training_loop_test.py │ │ ├── device_util.py │ │ ├── device_util_test.py │ │ ├── distribute_config.py │ │ ├── distribute_coordinator.py │ │ ├── distribute_coordinator_context.py │ │ ├── distribute_coordinator_test.py │ │ ├── distribute_lib.py │ │ ├── distribute_lib_test.py │ │ ├── distribution_strategy_context.py │ │ ├── estimator_training.py │ │ ├── experimental │ │ │ ├── BUILD │ │ │ └── __init__.py │ │ ├── group_embedding_collective_strategy.py │ │ ├── hvd_strategy.py │ │ ├── input_lib.py │ │ ├── input_lib_test.py │ │ ├── input_ops.py │ │ ├── input_ops_test.py │ │ ├── keras_metrics_test.py │ │ ├── keras_save_load_test.py │ │ ├── launch.py │ │ ├── metrics_v1_test.py │ │ ├── minimize_loss_test.py │ │ ├── mirrored_function_strategy.py │ │ ├── mirrored_function_strategy_test.py │ │ ├── mirrored_strategy.py │ │ ├── mirrored_strategy_test.py │ │ ├── mirrored_variable_test.py │ │ ├── model_collection │ │ │ ├── model_collection_base.py │ │ │ └── simple_models.py │ │ ├── model_combinations.py │ │ ├── moving_averages_test.py │ │ ├── multi_worker_test_base.py │ │ ├── multi_worker_util.py │ │ ├── multi_worker_util_test.py │ │ ├── numpy_dataset.py │ │ ├── numpy_dataset_test.py │ │ ├── one_device_strategy.py │ │ ├── one_device_strategy_test.py │ │ ├── parameter_server_strategy.py │ │ ├── parameter_server_strategy_test.py │ │ ├── reduce_util.py │ │ ├── saved_model_mixed_api_test.py │ │ ├── saved_model_save_load_test.py │ │ ├── saved_model_test_base.py │ │ ├── shared_variable_creator.py │ │ ├── shared_variable_creator_test.py │ │ ├── single_loss_example.py │ │ ├── step_fn.py │ │ ├── step_fn_test.py │ │ ├── strategy_combinations.py │ │ ├── strategy_combinations_test.py │ │ ├── strategy_test_lib.py │ │ ├── summary_op_util.py │ │ ├── tpu_strategy.py │ │ ├── values.py │ │ ├── values_test.py │ │ ├── warm_starting_util_test.py │ │ └── zero_batch_test.py │ ├── eager │ │ ├── BUILD │ │ ├── backprop.py │ │ ├── backprop_test.py │ │ ├── benchmarks_test.py │ │ ├── cancellation.py │ │ ├── cancellation_test.py │ │ ├── context.py │ │ ├── context_test.py │ │ ├── core.py │ │ ├── core_test.py │ │ ├── def_function.py │ │ ├── def_function_test.py │ │ ├── def_function_xla_jit_test.py │ │ ├── def_function_xla_test.py │ │ ├── device_placement_test.py │ │ ├── execute.py │ │ ├── execution_callbacks.py │ │ ├── execution_callbacks_test.py │ │ ├── executor.py │ │ ├── forwardprop.py │ │ ├── forwardprop_test.py │ │ ├── function.py │ │ ├── function_argument_naming_test.py │ │ ├── function_defun_collection_test.py │ │ ├── function_gradients_test.py │ │ ├── function_test.py │ │ ├── graph_only_ops.py │ │ ├── graph_only_ops_test.py │ │ ├── imperative_grad.py │ │ ├── lift_to_graph.py │ │ ├── lift_to_graph_test.py │ │ ├── memory_tests │ │ │ ├── BUILD │ │ │ ├── memory_test.py │ │ │ ├── memory_test_util.py │ │ │ └── remote_memory_test.py │ │ ├── monitoring.py │ │ ├── monitoring_test.py │ │ ├── ops_test.py │ │ ├── profiler.py │ │ ├── profiler_client.py │ │ ├── profiler_client_test.py │ │ ├── profiler_test.py │ │ ├── pywrap_tensor.cc │ │ ├── pywrap_tensor.h │ │ ├── pywrap_tensor_conversion.cc │ │ ├── pywrap_tensor_conversion.h │ │ ├── pywrap_tfe.h │ │ ├── pywrap_tfe_src.cc │ │ ├── pywrap_tfe_test.py │ │ ├── remote.py │ │ ├── remote_test.py │ │ ├── tape.py │ │ ├── tape_test.py │ │ ├── tensor_test.py │ │ ├── test.py │ │ ├── wrap_function.py │ │ └── wrap_function_test.py │ ├── estimator │ │ ├── BUILD │ │ ├── canned │ │ │ ├── baseline.py │ │ │ ├── boosted_trees.py │ │ │ ├── boosted_trees_utils.py │ │ │ ├── dnn.py │ │ │ ├── dnn_linear_combined.py │ │ │ ├── dnn_testing_utils.py │ │ │ ├── head.py │ │ │ ├── linear.py │ │ │ ├── linear_testing_utils.py │ │ │ ├── metric_keys.py │ │ │ ├── optimizers.py │ │ │ ├── parsing_utils.py │ │ │ └── prediction_keys.py │ │ ├── estimator.py │ │ ├── estimator_lib.py │ │ ├── export │ │ │ ├── export.py │ │ │ ├── export_lib.py │ │ │ └── export_output.py │ │ ├── exporter.py │ │ ├── gc.py │ │ ├── inputs │ │ │ ├── inputs.py │ │ │ ├── numpy_io.py │ │ │ ├── pandas_io.py │ │ │ └── queues │ │ │ │ ├── __init__.py │ │ │ │ ├── feeding_functions.py │ │ │ │ └── feeding_queue_runner.py │ │ ├── keras.py │ │ ├── model_fn.py │ │ ├── run_config.py │ │ ├── training.py │ │ └── util.py │ ├── feature_column │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── coalesced_utils.py │ │ ├── dense_features.py │ │ ├── dense_features_test.py │ │ ├── dense_features_v2.py │ │ ├── dense_features_v2_test.py │ │ ├── feature_column.py │ │ ├── feature_column_lib.py │ │ ├── feature_column_test.py │ │ ├── feature_column_v2.py │ │ ├── feature_column_v2_test.py │ │ ├── group_embedding_column.py │ │ ├── hash_table_column.py │ │ ├── hash_table_column_test.py │ │ ├── sequence_feature_column.py │ │ ├── sequence_feature_column_integration_test.py │ │ ├── sequence_feature_column_test.py │ │ ├── serialization.py │ │ ├── serialization_test.py │ │ ├── testdata │ │ │ ├── embedding.ckpt.data-00000-of-00001 │ │ │ ├── embedding.ckpt.index │ │ │ ├── embedding.ckpt.meta │ │ │ ├── warriors_vocabulary.txt │ │ │ └── wire_vocabulary.txt │ │ └── utils.py │ ├── framework │ │ ├── __init__.py │ │ ├── auto_control_deps.py │ │ ├── auto_control_deps_test.py │ │ ├── c_api_util.py │ │ ├── c_api_util_test.py │ │ ├── combinations.py │ │ ├── common_shapes.py │ │ ├── common_shapes_test.py │ │ ├── composite_tensor.py │ │ ├── composite_tensor_test.py │ │ ├── composite_tensor_utils.py │ │ ├── composite_tensor_utils_test.py │ │ ├── config.py │ │ ├── config_test.py │ │ ├── constant_op.py │ │ ├── constant_op_test.py │ │ ├── contrib_test.py │ │ ├── convert_to_constants.py │ │ ├── convert_to_constants_test.py │ │ ├── cpp_shape_inference.cc │ │ ├── cpp_shape_inference.h │ │ ├── cpp_shape_inference.i │ │ ├── cpp_shape_inference.proto │ │ ├── device.py │ │ ├── device_spec.py │ │ ├── device_spec_test.py │ │ ├── device_test.py │ │ ├── dtypes.py │ │ ├── dtypes_test.py │ │ ├── error_interpolation.py │ │ ├── error_interpolation_test.py │ │ ├── errors.py │ │ ├── errors_impl.py │ │ ├── errors_test.py │ │ ├── fast_tensor_util.pyx │ │ ├── file_system_test.py │ │ ├── framework_lib.py │ │ ├── func_graph.py │ │ ├── function.py │ │ ├── function_def_to_graph.py │ │ ├── function_def_to_graph_test.py │ │ ├── function_test.py │ │ ├── graph_io.py │ │ ├── graph_to_function_def.py │ │ ├── graph_util.py │ │ ├── graph_util_impl.py │ │ ├── graph_util_test.py │ │ ├── group_embedding_types.py │ │ ├── importer.py │ │ ├── importer_test.py │ │ ├── indexed_slices.py │ │ ├── is_xla_test_true.py │ │ ├── kernels.py │ │ ├── kernels_test.py │ │ ├── load_library.py │ │ ├── meta_graph.py │ │ ├── meta_graph_test.py │ │ ├── op_callbacks.py │ │ ├── op_callbacks_test.py │ │ ├── op_def_library.py │ │ ├── op_def_library_test.py │ │ ├── op_def_registry.py │ │ ├── ops.py │ │ ├── ops_enable_eager_test.py │ │ ├── ops_test.py │ │ ├── proto_test.py │ │ ├── python_op_gen.cc │ │ ├── python_op_gen.h │ │ ├── python_op_gen.i │ │ ├── python_op_gen_internal.cc │ │ ├── python_op_gen_internal.h │ │ ├── python_op_gen_main.cc │ │ ├── random_seed.py │ │ ├── random_seed_test.py │ │ ├── registry.py │ │ ├── registry_test.py │ │ ├── smart_cond.py │ │ ├── smart_cond_test.py │ │ ├── sparse_tensor.py │ │ ├── sparse_tensor_test.py │ │ ├── subscribe.py │ │ ├── subscribe_test.py │ │ ├── tensor_conversion_registry.py │ │ ├── tensor_like.py │ │ ├── tensor_shape.py │ │ ├── tensor_shape_div_test.py │ │ ├── tensor_shape_test.py │ │ ├── tensor_spec.py │ │ ├── tensor_spec_test.py │ │ ├── tensor_util.py │ │ ├── tensor_util_test.py │ │ ├── test_combinations.py │ │ ├── test_combinations_test.py │ │ ├── test_file_system.cc │ │ ├── test_ops.cc │ │ ├── test_ops_2.cc │ │ ├── test_util.py │ │ ├── test_util_test.py │ │ ├── testdata │ │ │ └── metrics_export_meta_graph.pb │ │ ├── tf2_test.py │ │ ├── traceable_stack.py │ │ ├── traceable_stack_test.py │ │ ├── type_spec.py │ │ ├── type_spec_test.py │ │ ├── versions.py │ │ └── versions_test.py │ ├── graph_optimizer │ │ ├── __init__.py │ │ └── sample_awared_graph_compression.py │ ├── grappler │ │ ├── auto_mixed_precision_test.py │ │ ├── cluster.i │ │ ├── cluster.py │ │ ├── cluster_test.py │ │ ├── constant_folding_test.py │ │ ├── controller.py │ │ ├── cost_analyzer.cc │ │ ├── cost_analyzer.h │ │ ├── cost_analyzer.i │ │ ├── cost_analyzer.py │ │ ├── cost_analyzer_test.py │ │ ├── cost_analyzer_tool.py │ │ ├── datasets_test.py │ │ ├── graph_analyzer.i │ │ ├── graph_analyzer.py │ │ ├── graph_placer.py │ │ ├── graph_placer_test.py │ │ ├── hierarchical_controller.py │ │ ├── item.i │ │ ├── item.py │ │ ├── item_test.py │ │ ├── layout_optimizer_test.py │ │ ├── memory_optimizer_test.py │ │ ├── model_analyzer.cc │ │ ├── model_analyzer.h │ │ ├── model_analyzer.i │ │ ├── model_analyzer.py │ │ ├── model_analyzer_test.py │ │ ├── tf_optimizer.i │ │ ├── tf_optimizer.py │ │ └── tf_optimizer_test.py │ ├── keras │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── activations.py │ │ ├── activations_test.py │ │ ├── api │ │ │ └── BUILD │ │ ├── applications │ │ │ ├── __init__.py │ │ │ ├── applications_test.py │ │ │ ├── densenet.py │ │ │ ├── imagenet_utils.py │ │ │ ├── inception_resnet_v2.py │ │ │ ├── inception_v3.py │ │ │ ├── mobilenet.py │ │ │ ├── mobilenet_v2.py │ │ │ ├── nasnet.py │ │ │ ├── resnet.py │ │ │ ├── resnet_v2.py │ │ │ ├── vgg16.py │ │ │ ├── vgg19.py │ │ │ └── xception.py │ │ ├── backend.py │ │ ├── backend_config.py │ │ ├── backend_config_test.py │ │ ├── backend_test.py │ │ ├── callbacks.py │ │ ├── callbacks_test.py │ │ ├── callbacks_v1.py │ │ ├── callbacks_v1_test.py │ │ ├── constraints.py │ │ ├── constraints_test.py │ │ ├── custom_training_loop_test.py │ │ ├── datasets │ │ │ ├── __init__.py │ │ │ ├── boston_housing.py │ │ │ ├── cifar.py │ │ │ ├── cifar10.py │ │ │ ├── cifar100.py │ │ │ ├── fashion_mnist.py │ │ │ ├── imdb.py │ │ │ ├── mnist.py │ │ │ └── reuters.py │ │ ├── distribute │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── distribute_strategy_test.py │ │ │ ├── distributed_training_utils.py │ │ │ ├── distributed_training_utils_test.py │ │ │ ├── keras_correctness_test_base.py │ │ │ ├── keras_dnn_correctness_test.py │ │ │ ├── keras_embedding_model_correctness_test.py │ │ │ ├── keras_image_model_correctness_test.py │ │ │ ├── keras_lstm_model_correctness_test.py │ │ │ ├── keras_optimizer_v2_test.py │ │ │ ├── keras_premade_models_test.py │ │ │ ├── keras_stateful_lstm_model_correctness_test.py │ │ │ ├── keras_utils_test.py │ │ │ ├── multi_worker_callback_test.py │ │ │ ├── multi_worker_fault_tolerance_test.py │ │ │ ├── multi_worker_optimizer_comparison_test.py │ │ │ ├── multi_worker_test.py │ │ │ ├── multi_worker_testing_utils.py │ │ │ ├── multi_worker_training_state.py │ │ │ └── multi_worker_training_state_test.py │ │ ├── engine │ │ │ ├── __init__.py │ │ │ ├── base_layer.py │ │ │ ├── base_layer_test.py │ │ │ ├── base_layer_utils.py │ │ │ ├── base_preprocessing_layer.py │ │ │ ├── base_preprocessing_layer_test.py │ │ │ ├── base_preprocessing_layer_v1.py │ │ │ ├── control_flow_test.py │ │ │ ├── correctness_test.py │ │ │ ├── data_adapter.py │ │ │ ├── data_adapter_test.py │ │ │ ├── feature_columns_integration_test.py │ │ │ ├── input_layer.py │ │ │ ├── input_spec.py │ │ │ ├── input_spec_test.py │ │ │ ├── network.py │ │ │ ├── network_test.py │ │ │ ├── node.py │ │ │ ├── partial_batch_padding_handler.py │ │ │ ├── saving.py │ │ │ ├── sequential.py │ │ │ ├── sequential_test.py │ │ │ ├── training.py │ │ │ ├── training_arrays.py │ │ │ ├── training_arrays_test.py │ │ │ ├── training_dataset_test.py │ │ │ ├── training_distributed.py │ │ │ ├── training_eager.py │ │ │ ├── training_eager_test.py │ │ │ ├── training_generator.py │ │ │ ├── training_generator_test.py │ │ │ ├── training_gpu_test.py │ │ │ ├── training_integration_test.py │ │ │ ├── training_test.py │ │ │ ├── training_utils.py │ │ │ ├── training_utils_test.py │ │ │ ├── training_v2.py │ │ │ └── training_v2_utils.py │ │ ├── estimator │ │ │ └── __init__.py │ │ ├── initializers.py │ │ ├── initializers_test.py │ │ ├── integration_test.py │ │ ├── keras_parameterized.py │ │ ├── keras_parameterized_test.py │ │ ├── layers │ │ │ ├── __init__.py │ │ │ ├── advanced_activations.py │ │ │ ├── advanced_activations_test.py │ │ │ ├── convolutional.py │ │ │ ├── convolutional_recurrent.py │ │ │ ├── convolutional_recurrent_test.py │ │ │ ├── convolutional_test.py │ │ │ ├── convolutional_transpose_test.py │ │ │ ├── core.py │ │ │ ├── core_test.py │ │ │ ├── cudnn_recurrent.py │ │ │ ├── cudnn_recurrent_test.py │ │ │ ├── dense_attention.py │ │ │ ├── dense_attention_test.py │ │ │ ├── embeddings.py │ │ │ ├── embeddings_test.py │ │ │ ├── gru_test.py │ │ │ ├── gru_v2_test.py │ │ │ ├── kernelized.py │ │ │ ├── kernelized_test.py │ │ │ ├── local.py │ │ │ ├── local_test.py │ │ │ ├── lstm_test.py │ │ │ ├── lstm_v2_test.py │ │ │ ├── merge.py │ │ │ ├── merge_test.py │ │ │ ├── noise.py │ │ │ ├── noise_test.py │ │ │ ├── normalization.py │ │ │ ├── normalization_test.py │ │ │ ├── normalization_v2.py │ │ │ ├── pooling.py │ │ │ ├── pooling_test.py │ │ │ ├── preprocessing │ │ │ │ ├── normalization.py │ │ │ │ ├── normalization_test.py │ │ │ │ ├── normalization_v1.py │ │ │ │ └── preprocessing_test_utils.py │ │ │ ├── recurrent.py │ │ │ ├── recurrent_test.py │ │ │ ├── recurrent_v2.py │ │ │ ├── recurrent_v2_test.py │ │ │ ├── rnn_cell_wrapper_v2.py │ │ │ ├── rnn_cell_wrapper_v2_test.py │ │ │ ├── separable_convolutional_test.py │ │ │ ├── serialization.py │ │ │ ├── serialization_test.py │ │ │ ├── simplernn_test.py │ │ │ ├── subclassed_layers_test.py │ │ │ ├── tensorflow_op_layer_test.py │ │ │ ├── time_distributed_learning_phase_test.py │ │ │ ├── wrappers.py │ │ │ └── wrappers_test.py │ │ ├── losses.py │ │ ├── losses_test.py │ │ ├── metrics.py │ │ ├── metrics_confusion_matrix_test.py │ │ ├── metrics_correctness_test.py │ │ ├── metrics_functional_test.py │ │ ├── metrics_test.py │ │ ├── mixed_precision │ │ │ └── experimental │ │ │ │ ├── BUILD │ │ │ │ ├── __init__.py │ │ │ │ ├── autocast_variable.py │ │ │ │ ├── autocast_variable_test.py │ │ │ │ ├── keras_test.py │ │ │ │ ├── loss_scale_optimizer.py │ │ │ │ ├── loss_scale_optimizer_test.py │ │ │ │ ├── policy.py │ │ │ │ ├── policy_test.py │ │ │ │ └── test_util.py │ │ ├── model_subclassing_compiled_test.py │ │ ├── model_subclassing_test.py │ │ ├── model_subclassing_test_util.py │ │ ├── models.py │ │ ├── models_test.py │ │ ├── ops.py │ │ ├── optimizer_v2 │ │ │ ├── BUILD │ │ │ ├── adadelta.py │ │ │ ├── adadelta_test.py │ │ │ ├── adagrad.py │ │ │ ├── adagrad_test.py │ │ │ ├── adam.py │ │ │ ├── adam_test.py │ │ │ ├── adamax.py │ │ │ ├── adamax_test.py │ │ │ ├── ftrl.py │ │ │ ├── ftrl_test.py │ │ │ ├── gradient_descent.py │ │ │ ├── gradient_descent_test.py │ │ │ ├── learning_rate_schedule.py │ │ │ ├── learning_rate_schedule_test.py │ │ │ ├── nadam.py │ │ │ ├── nadam_test.py │ │ │ ├── optimizer_v2.py │ │ │ ├── optimizer_v2_test.py │ │ │ ├── rmsprop.py │ │ │ └── rmsprop_test.py │ │ ├── optimizers.py │ │ ├── optimizers_test.py │ │ ├── premade │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── linear.py │ │ │ ├── linear_test.py │ │ │ ├── wide_deep.py │ │ │ └── wide_deep_test.py │ │ ├── preprocessing │ │ │ ├── __init__.py │ │ │ ├── image.py │ │ │ ├── image_test.py │ │ │ ├── sequence.py │ │ │ ├── sequence_test.py │ │ │ ├── text.py │ │ │ └── text_test.py │ │ ├── regularizers.py │ │ ├── regularizers_test.py │ │ ├── saving │ │ │ ├── __init__.py │ │ │ ├── hdf5_format.py │ │ │ ├── hdf5_format_test.py │ │ │ ├── model_config.py │ │ │ ├── save.py │ │ │ ├── save_test.py │ │ │ ├── saved_model │ │ │ │ ├── constants.py │ │ │ │ ├── load.py │ │ │ │ ├── save.py │ │ │ │ ├── saved_model_test.py │ │ │ │ ├── serialized_attributes.py │ │ │ │ └── utils.py │ │ │ ├── saved_model_experimental.py │ │ │ ├── saved_model_experimental_test.py │ │ │ ├── saving_utils.py │ │ │ └── saving_utils_test.py │ │ ├── temporal_sample_weights_correctness_test.py │ │ ├── testing_utils.py │ │ ├── utils │ │ │ ├── __init__.py │ │ │ ├── composite_tensor_support_test.py │ │ │ ├── conv_utils.py │ │ │ ├── conv_utils_test.py │ │ │ ├── data_utils.py │ │ │ ├── data_utils_test.py │ │ │ ├── generic_utils.py │ │ │ ├── generic_utils_test.py │ │ │ ├── io_utils.py │ │ │ ├── io_utils_test.py │ │ │ ├── kernelized_utils.py │ │ │ ├── kernelized_utils_test.py │ │ │ ├── layer_utils.py │ │ │ ├── losses_utils.py │ │ │ ├── metrics_utils.py │ │ │ ├── metrics_utils_test.py │ │ │ ├── mode_keys.py │ │ │ ├── multi_gpu_utils.py │ │ │ ├── multi_gpu_utils_test.py │ │ │ ├── np_utils.py │ │ │ ├── np_utils_test.py │ │ │ ├── tf_utils.py │ │ │ ├── tf_utils_test.py │ │ │ ├── vis_utils.py │ │ │ └── vis_utils_test.py │ │ └── wrappers │ │ │ ├── __init__.py │ │ │ ├── scikit_learn.py │ │ │ └── scikit_learn_test.py │ ├── kernel_tests │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── accumulate_n_eager_test.py │ │ ├── accumulate_n_test.py │ │ ├── ackermann_op.cc │ │ ├── ackermann_test.py │ │ ├── aggregate_ops_test.py │ │ ├── argmax_op_test.py │ │ ├── array_ops_test.py │ │ ├── as_string_op_test.py │ │ ├── atrous_conv2d_test.py │ │ ├── atrous_convolution_test.py │ │ ├── attention_ops_test.py │ │ ├── barrier_ops_test.py │ │ ├── base64_ops_test.py │ │ ├── basic_gpu_test.py │ │ ├── batch_gather_op_test.py │ │ ├── batch_matmul_op_test.py │ │ ├── batch_scatter_ops_test.py │ │ ├── batchtospace_op_test.py │ │ ├── bcast_ops_test.py │ │ ├── benchmark_test.py │ │ ├── betainc_op_test.py │ │ ├── bias_op_base.py │ │ ├── bias_op_deterministic_test.py │ │ ├── bias_op_test.py │ │ ├── bincount_op_test.py │ │ ├── bitcast_op_test.py │ │ ├── boosted_trees │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── prediction_ops_test.py │ │ │ ├── quantile_ops_test.py │ │ │ ├── resource_ops_test.py │ │ │ ├── stats_ops_test.py │ │ │ └── training_ops_test.py │ │ ├── broadcast_to_ops_test.py │ │ ├── bucketize_op_test.py │ │ ├── candidate_sampler_ops_test.py │ │ ├── cast_op_test.py │ │ ├── check_ops_test.py │ │ ├── checkpoint_ops_test.py │ │ ├── cholesky_op_test.py │ │ ├── clip_ops_test.py │ │ ├── compare_and_bitpack_op_test.py │ │ ├── concat_op_test.py │ │ ├── cond_v2_test.py │ │ ├── conditional_accumulator_test.py │ │ ├── confusion_matrix_test.py │ │ ├── constant_op_eager_test.py │ │ ├── constant_op_test.py │ │ ├── control_flow_ops_py_test.py │ │ ├── control_flow_util_test.py │ │ ├── control_flow_util_v2_test.py │ │ ├── conv1d_test.py │ │ ├── conv1d_transpose_test.py │ │ ├── conv2d_backprop_filter_grad_test.py │ │ ├── conv2d_transpose_test.py │ │ ├── conv3d_backprop_filter_v2_grad_test.py │ │ ├── conv3d_transpose_test.py │ │ ├── conv_ops_3d_test.py │ │ ├── conv_ops_test.py │ │ ├── critical_section_test.py │ │ ├── cross_grad_test.py │ │ ├── ctc_decoder_ops_test.py │ │ ├── ctc_loss_op_test.py │ │ ├── cudnn_deterministic_base.py │ │ ├── cudnn_deterministic_ops_test.py │ │ ├── cudnn_deterministic_test.py │ │ ├── cumulative_logsumexp_test.py │ │ ├── cwise_ops_binary_test.py │ │ ├── cwise_ops_test.py │ │ ├── cwise_ops_unary_test.py │ │ ├── decode_bmp_op_test.py │ │ ├── decode_compressed_op_test.py │ │ ├── decode_csv_op_test.py │ │ ├── decode_image_op_test.py │ │ ├── decode_jpeg_op_test.py │ │ ├── decode_png_op_test.py │ │ ├── decode_raw_op_test.py │ │ ├── denormal_test.py │ │ ├── dense_update_ops_no_tsan_test.py │ │ ├── dense_update_ops_test.py │ │ ├── depthtospace_op_test.py │ │ ├── depthwise_conv_op_test.py │ │ ├── determinant_op_test.py │ │ ├── diag_op_test.py │ │ ├── distributions │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── bernoulli_test.py │ │ │ ├── beta_test.py │ │ │ ├── bijector_test.py │ │ │ ├── categorical_test.py │ │ │ ├── dirichlet_multinomial_test.py │ │ │ ├── dirichlet_test.py │ │ │ ├── exponential_test.py │ │ │ ├── gamma_test.py │ │ │ ├── identity_bijector_test.py │ │ │ ├── kullback_leibler_test.py │ │ │ ├── laplace_test.py │ │ │ ├── multinomial_test.py │ │ │ ├── normal_test.py │ │ │ ├── special_math_test.py │ │ │ ├── student_t_test.py │ │ │ ├── uniform_test.py │ │ │ └── util_test.py │ │ ├── division_future_test.py │ │ ├── division_past_test.py │ │ ├── draw_bounding_box_op_test.py │ │ ├── duplicate_op.cc │ │ ├── duplicate_op_test.py │ │ ├── dynamic_partition_op_test.py │ │ ├── dynamic_stitch_op_test.py │ │ ├── edit_distance_op_test.py │ │ ├── einsum_op_test.py │ │ ├── embedding_ops_test.py │ │ ├── extract_image_patches_grad_test.py │ │ ├── extract_image_patches_op_test.py │ │ ├── extract_volume_patches_grad_test.py │ │ ├── extract_volume_patches_op_test.py │ │ ├── fifo_queue_test.py │ │ ├── fingerprint_op_test.py │ │ ├── fractional_avg_pool_op_test.py │ │ ├── fractional_max_pool_op_test.py │ │ ├── functional_ops_test.py │ │ ├── garbage_collection_test.py │ │ ├── gather_nd_op_test.py │ │ ├── gather_op_test.py │ │ ├── gelu_op_test.py │ │ ├── gradient_correctness_test.py │ │ ├── huge_slice_op_test.py │ │ ├── identity_n_op_py_test.py │ │ ├── identity_op_py_test.py │ │ ├── in_topk_op_test.py │ │ ├── init_ops_test.py │ │ ├── inplace_ops_test.py │ │ ├── invalid_op.cc │ │ ├── invalid_op_test.py │ │ ├── io_ops_test.py │ │ ├── large_concat_op_test.py │ │ ├── linalg │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── linear_operator_addition_test.py │ │ │ ├── linear_operator_adjoint_test.py │ │ │ ├── linear_operator_algebra_test.py │ │ │ ├── linear_operator_block_diag_test.py │ │ │ ├── linear_operator_circulant_test.py │ │ │ ├── linear_operator_composition_test.py │ │ │ ├── linear_operator_diag_test.py │ │ │ ├── linear_operator_full_matrix_test.py │ │ │ ├── linear_operator_householder_test.py │ │ │ ├── linear_operator_identity_test.py │ │ │ ├── linear_operator_inversion_test.py │ │ │ ├── linear_operator_kronecker_test.py │ │ │ ├── linear_operator_low_rank_update_test.py │ │ │ ├── linear_operator_lower_triangular_test.py │ │ │ ├── linear_operator_test.py │ │ │ ├── linear_operator_toeplitz_test.py │ │ │ ├── linear_operator_util_test.py │ │ │ └── linear_operator_zeros_test.py │ │ ├── linalg_grad_test.py │ │ ├── linalg_ops_test.py │ │ ├── list_ops_test.py │ │ ├── listdiff_op_test.py │ │ ├── logging_ops_logging_level_test.py │ │ ├── logging_ops_test.py │ │ ├── lookup_ops_test.py │ │ ├── losses_test.py │ │ ├── lrn_op_test.py │ │ ├── lu_op_test.py │ │ ├── manip_ops_test.py │ │ ├── map_fn_test.py │ │ ├── map_stage_op_test.py │ │ ├── matmul_op_test.py │ │ ├── matrix_band_part_op_test.py │ │ ├── matrix_exponential_op_test.py │ │ ├── matrix_inverse_op_test.py │ │ ├── matrix_logarithm_op_test.py │ │ ├── matrix_solve_ls_op_test.py │ │ ├── matrix_solve_op_test.py │ │ ├── matrix_square_root_op_test.py │ │ ├── matrix_triangular_solve_op_test.py │ │ ├── metrics_test.py │ │ ├── morphological_ops_test.py │ │ ├── neon_depthwise_conv_op_test.py │ │ ├── norm_op_test.py │ │ ├── normalize_op_test.py │ │ ├── nth_element_op_test.py │ │ ├── numerics_test.py │ │ ├── one_hot_op_test.py │ │ ├── pad_op_test.py │ │ ├── padding_fifo_queue_test.py │ │ ├── parameterized_truncated_normal_op_test.py │ │ ├── parse_single_example_op_test.py │ │ ├── parsing_ops_test.py │ │ ├── partitioned_variables_test.py │ │ ├── pool_test.py │ │ ├── pooling_ops_3d_test.py │ │ ├── pooling_ops_test.py │ │ ├── priority_queue_test.py │ │ ├── proto │ │ │ ├── BUILD │ │ │ ├── decode_proto_op_test.py │ │ │ ├── decode_proto_op_test_base.py │ │ │ ├── descriptor_source_test.py │ │ │ ├── descriptor_source_test_base.py │ │ │ ├── encode_proto_op_test.py │ │ │ ├── encode_proto_op_test_base.py │ │ │ ├── proto_op_test_base.py │ │ │ └── test_example.proto │ │ ├── py_func_test.py │ │ ├── qr_op_test.py │ │ ├── random │ │ │ ├── BUILD │ │ │ ├── multinomial_op_big_test.py │ │ │ ├── multinomial_op_test.py │ │ │ ├── random_binomial_test.py │ │ │ ├── random_crop_test.py │ │ │ ├── random_gamma_test.py │ │ │ ├── random_grad_test.py │ │ │ ├── random_ops_test.py │ │ │ ├── random_poisson_test.py │ │ │ ├── random_shuffle_queue_test.py │ │ │ ├── stateless_random_ops_test.py │ │ │ └── util.py │ │ ├── reader_ops_test.py │ │ ├── record_input_test.py │ │ ├── reduce_benchmark_test.py │ │ ├── reduce_join_op_test.py │ │ ├── reduction_ops_test.py │ │ ├── reduction_ops_test_big.py │ │ ├── regex_full_match_op_test.py │ │ ├── regex_replace_op_test.py │ │ ├── relu_op_test.py │ │ ├── reshape_op_test.py │ │ ├── resource_variable_ops_test.py │ │ ├── reverse_sequence_op_test.py │ │ ├── rnn_cell_test.py │ │ ├── rnn_test.py │ │ ├── save_restore_ops_test.py │ │ ├── scalar_test.py │ │ ├── scan_ops_test.py │ │ ├── scatter_nd_ops_test.py │ │ ├── scatter_ops_test.py │ │ ├── segment_reduction_ops_test.py │ │ ├── select_fusion_test.py │ │ ├── self_adjoint_eig_op_test.py │ │ ├── session_ops_test.py │ │ ├── sets_test.py │ │ ├── shape_ops_test.py │ │ ├── signal │ │ │ ├── BUILD │ │ │ ├── dct_ops_test.py │ │ │ ├── fft_ops_test.py │ │ │ ├── mel_ops_test.py │ │ │ ├── mfcc_ops_test.py │ │ │ ├── reconstruction_ops_test.py │ │ │ ├── shape_ops_test.py │ │ │ ├── spectral_ops_test.py │ │ │ ├── test_util.py │ │ │ └── window_ops_test.py │ │ ├── slice_op_test.py │ │ ├── softmax_op_test.py │ │ ├── softplus_op_test.py │ │ ├── softsign_op_test.py │ │ ├── spacetobatch_op_test.py │ │ ├── spacetodepth_op_test.py │ │ ├── sparse_add_op_test.py │ │ ├── sparse_concat_op_test.py │ │ ├── sparse_conditional_accumulator_ali_test.py │ │ ├── sparse_conditional_accumulator_test.py │ │ ├── sparse_cross_op_test.py │ │ ├── sparse_decode_ali_ops_test.py │ │ ├── sparse_matmul_op_test.py │ │ ├── sparse_ops_test.py │ │ ├── sparse_reorder_op_test.py │ │ ├── sparse_reshape_op_test.py │ │ ├── sparse_serialization_ops_test.py │ │ ├── sparse_slice_op_test.py │ │ ├── sparse_split_op_test.py │ │ ├── sparse_tensor_dense_matmul_grad_test.py │ │ ├── sparse_tensor_dense_matmul_op_base.py │ │ ├── sparse_tensor_dense_matmul_op_deterministic_test.py │ │ ├── sparse_tensor_dense_matmul_op_test.py │ │ ├── sparse_tensors_map_ops_test.py │ │ ├── sparse_to_dense_op_py_test.py │ │ ├── sparse_valid_cutoff_op_test.py │ │ ├── sparse_xent_op_test.py │ │ ├── sparsemask_op_test.py │ │ ├── split_op_test.py │ │ ├── stack_op_test.py │ │ ├── stack_ops_test.py │ │ ├── stage_op_test.py │ │ ├── string_bytes_split_op_test.py │ │ ├── string_format_op_test.py │ │ ├── string_join_op_test.py │ │ ├── string_length_op_test.py │ │ ├── string_lower_op_test.py │ │ ├── string_split_and_pad_ali_op_test.py │ │ ├── string_split_op_test.py │ │ ├── string_strip_op_test.py │ │ ├── string_to_hash_bucket_op_test.py │ │ ├── string_to_number_op_test.py │ │ ├── string_upper_op_test.py │ │ ├── substr_op_test.py │ │ ├── summary_ops_test.py │ │ ├── summary_v1_audio_op_test.py │ │ ├── summary_v1_image_op_test.py │ │ ├── summary_v1_ops_test.py │ │ ├── summary_v1_tensor_op_test.py │ │ ├── svd_op_test.py │ │ ├── template_mirrored_strategy_test.py │ │ ├── template_test.py │ │ ├── tensor_array_ops_test.py │ │ ├── tensor_priority_test.py │ │ ├── tensordot_op_test.py │ │ ├── testdata │ │ │ ├── BUILD │ │ │ └── self_adjoint_eig_fail_if_denorms_flushed.txt │ │ ├── topk_op_test.py │ │ ├── trace_op_test.py │ │ ├── trans_csv_ali_ops_test.py │ │ ├── transpose_op_test.py │ │ ├── tridiagonal_matmul_op_test.py │ │ ├── tridiagonal_solve_op_test.py │ │ ├── unicode_decode_op_test.py │ │ ├── unicode_encode_op_test.py │ │ ├── unicode_script_op_test.py │ │ ├── unicode_transcode_op_test.py │ │ ├── unique_op_test.py │ │ ├── unsorted_segment_join_op_test.py │ │ ├── unstack_op_test.py │ │ ├── variable_ops_test.py │ │ ├── variable_scope_test.py │ │ ├── variables_test.py │ │ ├── weights_broadcast_test.py │ │ ├── where_op_test.py │ │ ├── while_v2_test.py │ │ ├── xent_op_test.py │ │ └── zero_division_test.py │ ├── layers │ │ ├── __init__.py │ │ ├── base.py │ │ ├── base_test.py │ │ ├── convolutional.py │ │ ├── convolutional_test.py │ │ ├── core.py │ │ ├── core_test.py │ │ ├── layers.py │ │ ├── normalization.py │ │ ├── normalization_test.py │ │ ├── pooling.py │ │ ├── pooling_test.py │ │ ├── utils.py │ │ └── utils_test.py │ ├── lib │ │ ├── __init__.py │ │ ├── core │ │ │ ├── __init__.py │ │ │ ├── bfloat16.cc │ │ │ ├── bfloat16.h │ │ │ ├── bfloat16.i │ │ │ ├── bfloat16_test.py │ │ │ ├── ndarray_tensor.cc │ │ │ ├── ndarray_tensor.h │ │ │ ├── ndarray_tensor_bridge.cc │ │ │ ├── ndarray_tensor_bridge.h │ │ │ ├── numpy.cc │ │ │ ├── numpy.h │ │ │ ├── py_exception_registry.cc │ │ │ ├── py_exception_registry.h │ │ │ ├── py_exception_registry.i │ │ │ ├── py_func.cc │ │ │ ├── py_func.h │ │ │ ├── py_func.i │ │ │ ├── py_seq_tensor.cc │ │ │ ├── py_seq_tensor.h │ │ │ ├── py_util.cc │ │ │ ├── py_util.h │ │ │ ├── safe_ptr.cc │ │ │ ├── safe_ptr.h │ │ │ └── strings.i │ │ └── io │ │ │ ├── __init__.py │ │ │ ├── file_io.i │ │ │ ├── file_io.py │ │ │ ├── file_io_test.py │ │ │ ├── py_record_reader.cc │ │ │ ├── py_record_reader.h │ │ │ ├── py_record_reader.i │ │ │ ├── py_record_writer.cc │ │ │ ├── py_record_writer.h │ │ │ ├── py_record_writer.i │ │ │ ├── python_io.py │ │ │ ├── tf_record.py │ │ │ ├── tf_record_multiprocessing_test.py │ │ │ └── tf_record_test.py │ ├── module │ │ ├── BUILD │ │ ├── module.py │ │ └── module_test.py │ ├── ops │ │ ├── accumulate_n_benchmark.py │ │ ├── array_grad.py │ │ ├── array_ops.py │ │ ├── batch_norm_benchmark.py │ │ ├── batch_ops.py │ │ ├── batch_ops_test.py │ │ ├── bitwise_ops.py │ │ ├── bitwise_ops_test.py │ │ ├── boosted_trees_ops.py │ │ ├── candidate_sampling_ops.py │ │ ├── check_ops.py │ │ ├── clip_ops.py │ │ ├── clip_ops_test.py │ │ ├── clustering_ops.py │ │ ├── clustering_ops_test.py │ │ ├── collective_ops.py │ │ ├── collective_ops_benchmark.py │ │ ├── collective_ops_gpu_test.py │ │ ├── collective_ops_test.py │ │ ├── concat_benchmark.py │ │ ├── cond_v2.py │ │ ├── confusion_matrix.py │ │ ├── control_flow_grad.py │ │ ├── control_flow_ops.py │ │ ├── control_flow_ops_benchmark.py │ │ ├── control_flow_ops_test.py │ │ ├── control_flow_state.py │ │ ├── control_flow_util.py │ │ ├── control_flow_util_v2.py │ │ ├── control_flow_v2_disable_test.py │ │ ├── control_flow_v2_enable_test.py │ │ ├── control_flow_v2_func_graphs.py │ │ ├── control_flow_v2_toggles.py │ │ ├── control_flow_v2_toggles_test.py │ │ ├── conv2d_benchmark.py │ │ ├── critical_section_ops.py │ │ ├── ctc_ops.py │ │ ├── cudnn_rnn_grad.py │ │ ├── custom_gradient.py │ │ ├── data_flow_grad.py │ │ ├── data_flow_ops.py │ │ ├── default_gradient.py │ │ ├── dequantize_op_test.py │ │ ├── distributions │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── bernoulli.py │ │ │ ├── beta.py │ │ │ ├── bijector.py │ │ │ ├── bijector_impl.py │ │ │ ├── bijector_test_util.py │ │ │ ├── categorical.py │ │ │ ├── dirichlet.py │ │ │ ├── dirichlet_multinomial.py │ │ │ ├── distribution.py │ │ │ ├── distributions.py │ │ │ ├── exponential.py │ │ │ ├── gamma.py │ │ │ ├── identity_bijector.py │ │ │ ├── kullback_leibler.py │ │ │ ├── laplace.py │ │ │ ├── multinomial.py │ │ │ ├── normal.py │ │ │ ├── special_math.py │ │ │ ├── student_t.py │ │ │ ├── transformed_distribution.py │ │ │ ├── uniform.py │ │ │ └── util.py │ │ ├── embedding_ops.py │ │ ├── embedding_variable_ops_gpu_test.py │ │ ├── embedding_variable_ops_test.py │ │ ├── functional_ops.py │ │ ├── fused_embedding_ops.py │ │ ├── gradient_checker.py │ │ ├── gradient_checker_test.py │ │ ├── gradient_checker_v2.py │ │ ├── gradient_checker_v2_test.py │ │ ├── gradients.py │ │ ├── gradients_impl.py │ │ ├── gradients_test.py │ │ ├── gradients_util.py │ │ ├── group_embedding_lookup_ops.py │ │ ├── group_embedding_lookup_ops_test.py │ │ ├── hash_table │ │ │ ├── __init__.py │ │ │ ├── admit_strategy.py │ │ │ ├── admit_strategy_test.py │ │ │ ├── embedding.py │ │ │ ├── embedding_test.py │ │ │ ├── hash_filter.py │ │ │ ├── hash_filter_test.py │ │ │ ├── hash_table.py │ │ │ └── hash_table_test.py │ │ ├── histogram_ops.py │ │ ├── histogram_ops_test.py │ │ ├── image_grad.py │ │ ├── image_grad_deterministic_test.py │ │ ├── image_grad_test.py │ │ ├── image_grad_test_base.py │ │ ├── image_ops.py │ │ ├── image_ops_impl.py │ │ ├── image_ops_test.py │ │ ├── init_ops.py │ │ ├── init_ops_test.py │ │ ├── init_ops_v2.py │ │ ├── init_ops_v2_test.py │ │ ├── initializers_ns.py │ │ ├── inplace_ops.py │ │ ├── io_ops.py │ │ ├── kv_variable_ops.py │ │ ├── linalg │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── adjoint_registrations.py │ │ │ ├── cholesky_registrations.py │ │ │ ├── inverse_registrations.py │ │ │ ├── linalg.py │ │ │ ├── linalg_impl.py │ │ │ ├── linear_operator.py │ │ │ ├── linear_operator_addition.py │ │ │ ├── linear_operator_adjoint.py │ │ │ ├── linear_operator_algebra.py │ │ │ ├── linear_operator_block_diag.py │ │ │ ├── linear_operator_circulant.py │ │ │ ├── linear_operator_composition.py │ │ │ ├── linear_operator_diag.py │ │ │ ├── linear_operator_full_matrix.py │ │ │ ├── linear_operator_householder.py │ │ │ ├── linear_operator_identity.py │ │ │ ├── linear_operator_inversion.py │ │ │ ├── linear_operator_kronecker.py │ │ │ ├── linear_operator_low_rank_update.py │ │ │ ├── linear_operator_lower_triangular.py │ │ │ ├── linear_operator_test_util.py │ │ │ ├── linear_operator_toeplitz.py │ │ │ ├── linear_operator_util.py │ │ │ ├── linear_operator_zeros.py │ │ │ ├── matmul_registrations.py │ │ │ ├── registrations_util.py │ │ │ └── solve_registrations.py │ │ ├── linalg_grad.py │ │ ├── linalg_ops.py │ │ ├── linalg_ops_impl.py │ │ ├── list_ops.py │ │ ├── logging_ops.py │ │ ├── lookup_ops.py │ │ ├── losses │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── loss_reduction.py │ │ │ ├── losses.py │ │ │ ├── losses_impl.py │ │ │ ├── util.py │ │ │ └── util_test.py │ │ ├── manip_grad.py │ │ ├── manip_ops.py │ │ ├── map_fn.py │ │ ├── math_grad.py │ │ ├── math_grad_test.py │ │ ├── math_ops.py │ │ ├── math_ops_test.py │ │ ├── matmul_benchmark.py │ │ ├── matmul_benchmark_test.py │ │ ├── metrics.py │ │ ├── metrics_impl.py │ │ ├── nccl_ops.py │ │ ├── nccl_ops_test.py │ │ ├── nn.py │ │ ├── nn_batchnorm_test.py │ │ ├── nn_fused_batchnorm_test.py │ │ ├── nn_grad.py │ │ ├── nn_grad_test.py │ │ ├── nn_impl.py │ │ ├── nn_loss_scaling_utilities_test.py │ │ ├── nn_ops.py │ │ ├── nn_test.py │ │ ├── nn_xent_test.py │ │ ├── numerics.py │ │ ├── op_selector.py │ │ ├── op_selector_test.py │ │ ├── optional_grad.py │ │ ├── parallel_for │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── array_test.py │ │ │ ├── control_flow_ops.py │ │ │ ├── control_flow_ops_test.py │ │ │ ├── gradients.py │ │ │ ├── gradients_test.py │ │ │ ├── math_test.py │ │ │ ├── pfor.py │ │ │ ├── test_util.py │ │ │ └── xla_control_flow_ops_test.py │ │ ├── parsing_ops.py │ │ ├── partitioned_variables.py │ │ ├── prefetch.py │ │ ├── prefetch_runner.cc │ │ ├── prefetch_runner.h │ │ ├── prefetch_runner.i │ │ ├── prefetch_runner_hook.py │ │ ├── prefetch_test.py │ │ ├── proto_ops.py │ │ ├── quantized_conv_ops_test.py │ │ ├── quantized_ops_test.py │ │ ├── ragged │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── convert_to_tensor_or_ragged_tensor_op_test.py │ │ │ ├── ragged_array_ops.py │ │ │ ├── ragged_batch_gather_op_test.py │ │ │ ├── ragged_batch_gather_ops.py │ │ │ ├── ragged_batch_gather_with_default_op.py │ │ │ ├── ragged_boolean_mask_op_test.py │ │ │ ├── ragged_concat_op_test.py │ │ │ ├── ragged_concat_ops.py │ │ │ ├── ragged_config.py │ │ │ ├── ragged_const_op_test.py │ │ │ ├── ragged_constant_value_op_test.py │ │ │ ├── ragged_conversion_ops.py │ │ │ ├── ragged_dispatch.py │ │ │ ├── ragged_dispatch_test.py │ │ │ ├── ragged_dynamic_partition_op_test.py │ │ │ ├── ragged_eager_test.py │ │ │ ├── ragged_expand_dims_op_test.py │ │ │ ├── ragged_factory_ops.py │ │ │ ├── ragged_from_sparse_op_test.py │ │ │ ├── ragged_from_tensor_op_test.py │ │ │ ├── ragged_functional_ops.py │ │ │ ├── ragged_gather_nd_op_test.py │ │ │ ├── ragged_gather_op_test.py │ │ │ ├── ragged_gather_ops.py │ │ │ ├── ragged_getitem.py │ │ │ ├── ragged_map_flat_values_op_test.py │ │ │ ├── ragged_map_fn_op_test.py │ │ │ ├── ragged_map_ops.py │ │ │ ├── ragged_math_ops.py │ │ │ ├── ragged_operators.py │ │ │ ├── ragged_operators_test.py │ │ │ ├── ragged_placeholder_op_test.py │ │ │ ├── ragged_range_op_test.py │ │ │ ├── ragged_rank_op_test.py │ │ │ ├── ragged_reduce_op_test.py │ │ │ ├── ragged_row_lengths_op_test.py │ │ │ ├── ragged_row_splits_to_segment_ids_op_test.py │ │ │ ├── ragged_segment_ids_to_row_splits_op_test.py │ │ │ ├── ragged_segment_op_test.py │ │ │ ├── ragged_size_op_test.py │ │ │ ├── ragged_squeeze_op.py │ │ │ ├── ragged_squeeze_op_test.py │ │ │ ├── ragged_stack_op_test.py │ │ │ ├── ragged_string_ops.py │ │ │ ├── ragged_string_ops_test.py │ │ │ ├── ragged_tensor.py │ │ │ ├── ragged_tensor_bounding_shape_op_test.py │ │ │ ├── ragged_tensor_shape.py │ │ │ ├── ragged_tensor_shape_test.py │ │ │ ├── ragged_tensor_test.py │ │ │ ├── ragged_tensor_value.py │ │ │ ├── ragged_tile_op_test.py │ │ │ ├── ragged_to_sparse_op_test.py │ │ │ ├── ragged_to_tensor_op_test.py │ │ │ ├── ragged_util.py │ │ │ ├── ragged_util_test.py │ │ │ ├── ragged_where_op.py │ │ │ ├── ragged_where_op_test.py │ │ │ ├── segment_id_ops.py │ │ │ └── string_ngrams_op_test.py │ │ ├── random_grad.py │ │ ├── random_ops.py │ │ ├── raw_ops_test.py │ │ ├── resource_variable_ops.py │ │ ├── resources.py │ │ ├── rnn.py │ │ ├── rnn_cell.py │ │ ├── rnn_cell_impl.py │ │ ├── rnn_cell_wrapper_impl.py │ │ ├── rnn_grad.py │ │ ├── rnn_grad_test.py │ │ ├── script_ops.py │ │ ├── sdca_ops.py │ │ ├── session_ops.py │ │ ├── sets.py │ │ ├── sets_impl.py │ │ ├── signal │ │ │ ├── BUILD │ │ │ ├── dct_ops.py │ │ │ ├── fft_ops.py │ │ │ ├── mel_ops.py │ │ │ ├── mfcc_ops.py │ │ │ ├── reconstruction_ops.py │ │ │ ├── shape_ops.py │ │ │ ├── signal.py │ │ │ ├── spectral_ops.py │ │ │ ├── util_ops.py │ │ │ └── window_ops.py │ │ ├── sort_ops.py │ │ ├── sort_ops_test.py │ │ ├── sparse_grad.py │ │ ├── sparse_ops.py │ │ ├── sparse_ops_test.py │ │ ├── special_math_ops.py │ │ ├── special_math_ops_test.py │ │ ├── spectral_ops_test_util.py │ │ ├── split_benchmark.py │ │ ├── standard_ops.py │ │ ├── state_grad.py │ │ ├── state_ops.py │ │ ├── stateful_random_ops.py │ │ ├── stateful_random_ops_test.py │ │ ├── stateless_random_ops.py │ │ ├── string_ops.py │ │ ├── summary_op_util.py │ │ ├── summary_ops_v2.py │ │ ├── template.py │ │ ├── tensor_array_grad.py │ │ ├── tensor_array_ops.py │ │ ├── tensor_forest_ops.py │ │ ├── transpose_benchmark.py │ │ ├── unconnected_gradients.py │ │ ├── variable_scope.py │ │ ├── variables.py │ │ ├── weights_broadcast_ops.py │ │ ├── while_v2.py │ │ ├── while_v2_indexed_slices_rewriter.py │ │ ├── work_queue.py │ │ └── work_queue_test.py │ ├── platform │ │ ├── __init__.py │ │ ├── app.py │ │ ├── app_test.py │ │ ├── base.i │ │ ├── benchmark.py │ │ ├── benchmark_test.py │ │ ├── build_info_test.py │ │ ├── control_imports.py │ │ ├── flags.py │ │ ├── flags_test.py │ │ ├── gfile.py │ │ ├── googletest.py │ │ ├── logging_test.py │ │ ├── parameterized.py │ │ ├── remote_utils.py │ │ ├── resource_loader.py │ │ ├── resource_loader_test.py │ │ ├── self_check.py │ │ ├── stacktrace_handler.i │ │ ├── stacktrace_handler_test.py │ │ ├── status_bar.py │ │ ├── sysconfig.py │ │ ├── test.py │ │ └── tf_logging.py │ ├── profiler │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── internal │ │ │ ├── BUILD │ │ │ ├── flops_registry.py │ │ │ ├── model_analyzer_testlib.py │ │ │ ├── print_model_analysis_test.py │ │ │ └── run_metadata_test.py │ │ ├── model_analyzer.py │ │ ├── model_analyzer_test.py │ │ ├── option_builder.py │ │ ├── pprof_profiler.py │ │ ├── pprof_profiler_test.py │ │ ├── profile_context.py │ │ ├── profile_context_test.py │ │ ├── profiler.py │ │ ├── profiler_test.py │ │ ├── scoped_annotation.py │ │ ├── tfprof_logger.py │ │ ├── tfprof_logger_test.py │ │ └── traceme.py │ ├── pywrap_dlopen_global_flags.py │ ├── pywrap_tensorflow.py │ ├── pywrap_tfe.i │ ├── saved_model │ │ ├── BUILD │ │ ├── README.md │ │ ├── builder.py │ │ ├── builder_impl.py │ │ ├── constants.py │ │ ├── function_deserialization.py │ │ ├── function_serialization.py │ │ ├── load.py │ │ ├── load_test.py │ │ ├── load_v1_in_v2.py │ │ ├── load_v1_in_v2_test.py │ │ ├── loader.py │ │ ├── loader_impl.py │ │ ├── loader_test.py │ │ ├── main_op.py │ │ ├── main_op_impl.py │ │ ├── model_utils │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── export_output.py │ │ │ ├── export_output_test.py │ │ │ ├── export_test.py │ │ │ ├── export_utils.py │ │ │ ├── mode_keys.py │ │ │ └── mode_keys_test.py │ │ ├── nested_structure_coder.py │ │ ├── nested_structure_coder_test.py │ │ ├── revived_types.py │ │ ├── revived_types_test.py │ │ ├── save.py │ │ ├── save_test.py │ │ ├── saved_model.py │ │ ├── saved_model_test.py │ │ ├── signature_constants.py │ │ ├── signature_def_utils.py │ │ ├── signature_def_utils_impl.py │ │ ├── signature_def_utils_test.py │ │ ├── signature_serialization.py │ │ ├── simple_save.py │ │ ├── simple_save_test.py │ │ ├── tag_constants.py │ │ ├── utils.py │ │ ├── utils_impl.py │ │ └── utils_test.py │ ├── summary │ │ ├── README.md │ │ ├── __init__.py │ │ ├── plugin_asset.py │ │ ├── plugin_asset_test.py │ │ ├── summary.py │ │ ├── summary_iterator.py │ │ ├── summary_test.py │ │ └── writer │ │ │ ├── event_file_writer.py │ │ │ ├── event_file_writer_v2.py │ │ │ ├── writer.py │ │ │ ├── writer_cache.py │ │ │ └── writer_test.py │ ├── tensorflow.i │ ├── tf2.py │ ├── tools │ │ ├── BUILD │ │ ├── api │ │ │ └── generator │ │ │ │ ├── BUILD │ │ │ │ ├── api_gen.bzl │ │ │ │ ├── api_init_files.bzl │ │ │ │ ├── api_init_files_v1.bzl │ │ │ │ ├── create_python_api.py │ │ │ │ ├── create_python_api_test.py │ │ │ │ ├── doc_srcs.py │ │ │ │ ├── doc_srcs_test.py │ │ │ │ └── output_init_files_test.py │ │ ├── freeze_graph.py │ │ ├── freeze_graph_test.py │ │ ├── import_pb_to_tensorboard.py │ │ ├── inspect_checkpoint.py │ │ ├── module_util.py │ │ ├── optimize_for_inference.py │ │ ├── optimize_for_inference_lib.py │ │ ├── optimize_for_inference_test.py │ │ ├── print_selective_registration_header.py │ │ ├── print_selective_registration_header_test.py │ │ ├── saved_model_cli.py │ │ ├── saved_model_cli_test.py │ │ ├── saved_model_utils.py │ │ ├── saved_model_utils_test.py │ │ ├── selective_registration_header_lib.py │ │ ├── shrink_ckpt_with_filtered_features.py │ │ ├── strip_unused.py │ │ ├── strip_unused_lib.py │ │ └── strip_unused_test.py │ ├── tpu │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── _tpu_estimator_embedding.py │ │ ├── api.py │ │ ├── async_checkpoint.py │ │ ├── bfloat16.py │ │ ├── bfloat16_test.py │ │ ├── datasets.py │ │ ├── datasets_test.py │ │ ├── device_assignment.py │ │ ├── error_handling.py │ │ ├── experimental │ │ │ ├── BUILD │ │ │ └── __init__.py │ │ ├── feature_column.py │ │ ├── feature_column_test.py │ │ ├── feature_column_v2.py │ │ ├── feature_column_v2_test.py │ │ ├── functional.py │ │ ├── ops │ │ │ ├── tpu_ops.py │ │ │ └── tpu_ordinal_selector_op.py │ │ ├── preempted_hook.py │ │ ├── profiler │ │ │ ├── BUILD │ │ │ ├── __init__.py │ │ │ ├── capture_tpu_profile.py │ │ │ ├── pip_package │ │ │ │ ├── BUILD │ │ │ │ ├── README │ │ │ │ ├── build_pip_package.sh │ │ │ │ └── setup.py │ │ │ ├── profiler_analysis_pb2_grpc.py │ │ │ └── version.py │ │ ├── session_support.py │ │ ├── tensor_tracer.proto │ │ ├── tensor_tracer.py │ │ ├── tensor_tracer_flags.py │ │ ├── tensor_tracer_report.py │ │ ├── topology.py │ │ ├── topology_test.py │ │ ├── tpu.py │ │ ├── tpu_config.py │ │ ├── tpu_context.py │ │ ├── tpu_embedding.py │ │ ├── tpu_embedding_gradient.py │ │ ├── tpu_estimator.py │ │ ├── tpu_feed.py │ │ ├── tpu_function.py │ │ ├── tpu_infeed_test.py │ │ ├── tpu_optimizer.py │ │ ├── tpu_sharding.py │ │ ├── tpu_sharding_test.py │ │ ├── tpu_strategy_util.py │ │ ├── tpu_system_metadata.py │ │ ├── tpu_test.py │ │ ├── training_loop.py │ │ └── util.py │ ├── training │ │ ├── __init__.py │ │ ├── adadelta.py │ │ ├── adadelta_test.py │ │ ├── adagrad.py │ │ ├── adagrad_da.py │ │ ├── adagrad_da_test.py │ │ ├── adagrad_decay.py │ │ ├── adagrad_decay_test.py │ │ ├── adagrad_decay_v2.py │ │ ├── adagrad_decay_v2_test.py │ │ ├── adagrad_test.py │ │ ├── adam.py │ │ ├── adam_async.py │ │ ├── adam_async_test.py │ │ ├── adam_sparse_test.py │ │ ├── adam_test.py │ │ ├── async_embedding_stage.py │ │ ├── async_embedding_stage_test.py │ │ ├── basic_loops.py │ │ ├── basic_loops_test.py │ │ ├── basic_session_run_hooks.py │ │ ├── basic_session_run_hooks_test.py │ │ ├── checkpoint_management.py │ │ ├── checkpoint_management_test.py │ │ ├── checkpoint_ops.py │ │ ├── checkpoint_ops_test.py │ │ ├── checkpoint_state.proto │ │ ├── checkpoint_utils.py │ │ ├── checkpoint_utils_test.py │ │ ├── coordinator.py │ │ ├── coordinator_test.py │ │ ├── device_setter.py │ │ ├── device_setter_test.py │ │ ├── distribute.py │ │ ├── distribution_strategy_context.py │ │ ├── evaluation.py │ │ ├── evaluation_test.py │ │ ├── experimental │ │ │ ├── loss_scale.py │ │ │ ├── loss_scale_optimizer.py │ │ │ ├── loss_scale_optimizer_test.py │ │ │ ├── loss_scale_test.py │ │ │ ├── mixed_precision.py │ │ │ ├── mixed_precision_global_state.py │ │ │ └── mixed_precision_test.py │ │ ├── ftrl.py │ │ ├── ftrl_test.py │ │ ├── gradient_descent.py │ │ ├── gradient_descent_test.py │ │ ├── incr_ckpt_test.py │ │ ├── incremental_saver.py │ │ ├── input.py │ │ ├── input_test.py │ │ ├── learning_rate_decay.py │ │ ├── learning_rate_decay_test.py │ │ ├── localhost_cluster_performance_test.py │ │ ├── momentum.py │ │ ├── momentum_test.py │ │ ├── monitored_session.py │ │ ├── monitored_session_test.py │ │ ├── moving_averages.py │ │ ├── moving_averages_test.py │ │ ├── optimizer.py │ │ ├── optimizer_test.py │ │ ├── proximal_adagrad.py │ │ ├── proximal_adagrad_test.py │ │ ├── proximal_gradient_descent.py │ │ ├── proximal_gradient_descent_test.py │ │ ├── quantize_training.i │ │ ├── quantize_training_test.py │ │ ├── queue_runner.py │ │ ├── queue_runner_impl.py │ │ ├── queue_runner_test.py │ │ ├── rmsprop.py │ │ ├── rmsprop_test.py │ │ ├── saver.py │ │ ├── saver_large_partitioned_variable_test.py │ │ ├── saver_large_variable_test.py │ │ ├── saver_test.py │ │ ├── saver_test_utils.py │ │ ├── saving │ │ │ ├── BUILD │ │ │ ├── functional_saver.py │ │ │ ├── functional_saver_test.py │ │ │ ├── saveable_object.py │ │ │ └── saveable_object_util.py │ │ ├── server_lib.py │ │ ├── server_lib_multiple_containers_test.py │ │ ├── server_lib_same_variables_clear_container_test.py │ │ ├── server_lib_same_variables_clear_test.py │ │ ├── server_lib_same_variables_no_clear_test.py │ │ ├── server_lib_sparse_job_test.py │ │ ├── server_lib_test.py │ │ ├── session_manager.py │ │ ├── session_manager_test.py │ │ ├── session_run_hook.py │ │ ├── slot_creator.py │ │ ├── slot_creator_test.py │ │ ├── smart_stage_options.py │ │ ├── summary_io.py │ │ ├── supervisor.py │ │ ├── supervisor_test.py │ │ ├── sync_replicas_optimizer.py │ │ ├── sync_replicas_optimizer_test.py │ │ ├── tensorboard_logging.py │ │ ├── tensorboard_logging_test.py │ │ ├── tracking │ │ │ ├── BUILD │ │ │ ├── base.py │ │ │ ├── base_test.py │ │ │ ├── benchmarks_test.py │ │ │ ├── data_structures.py │ │ │ ├── data_structures_test.py │ │ │ ├── graph_view.py │ │ │ ├── layer_utils.py │ │ │ ├── python_state.py │ │ │ ├── python_state_test.py │ │ │ ├── tracking.py │ │ │ ├── tracking_test.py │ │ │ ├── util.py │ │ │ ├── util_test.py │ │ │ ├── util_with_v1_optimizers_test.py │ │ │ └── util_xla_test.py │ │ ├── training.py │ │ ├── training_ops.py │ │ ├── training_ops_test.py │ │ ├── training_util.py │ │ ├── training_util_test.py │ │ ├── warm_starting_util.py │ │ ├── warm_starting_util_test.py │ │ ├── weight_decay_optimizers.py │ │ └── weight_decay_optimizers_test.py │ ├── user_ops │ │ ├── __init__.py │ │ └── user_ops.py │ └── util │ │ ├── __init__.py │ │ ├── all_util.py │ │ ├── compat.py │ │ ├── compat_internal.py │ │ ├── decorator_utils.py │ │ ├── decorator_utils_test.py │ │ ├── deprecation.py │ │ ├── deprecation_test.py │ │ ├── deprecation_wrapper.py │ │ ├── dispatch.py │ │ ├── dispatch_test.py │ │ ├── example_parser_configuration.py │ │ ├── example_parser_configuration_test.py │ │ ├── function_utils.py │ │ ├── function_utils_test.py │ │ ├── future_api.py │ │ ├── is_in_graph_mode.py │ │ ├── kernel_registry.cc │ │ ├── kernel_registry.h │ │ ├── kernel_registry.i │ │ ├── keyword_args.py │ │ ├── keyword_args_test.py │ │ ├── lazy_loader.py │ │ ├── lock_util.py │ │ ├── lock_util_test.py │ │ ├── memory.py │ │ ├── module_wrapper.py │ │ ├── module_wrapper_test.py │ │ ├── nest.py │ │ ├── nest_test.py │ │ ├── object_identity.py │ │ ├── object_identity_test.py │ │ ├── port.i │ │ ├── protobuf │ │ ├── __init__.py │ │ ├── compare.py │ │ ├── compare_test.proto │ │ └── compare_test.py │ │ ├── py_checkpoint_reader.i │ │ ├── quantize_embedding_variable.i │ │ ├── quantize_embedding_variable.py │ │ ├── scoped_annotation.i │ │ ├── serialization.py │ │ ├── serialization_test.py │ │ ├── stat_summarizer.i │ │ ├── tensor_float_32.cc │ │ ├── tf_contextlib.py │ │ ├── tf_contextlib_test.py │ │ ├── tf_decorator.py │ │ ├── tf_decorator_test.py │ │ ├── tf_export.py │ │ ├── tf_export_test.py │ │ ├── tf_inspect.py │ │ ├── tf_inspect_test.py │ │ ├── tf_should_use.py │ │ ├── tf_should_use_test.py │ │ ├── tf_stack.cc │ │ ├── tf_stack.py │ │ ├── tf_stack_test.py │ │ ├── tfprof.i │ │ ├── traceme.i │ │ ├── transform_graph.i │ │ ├── util.cc │ │ ├── util.h │ │ └── util.i ├── security │ ├── advisory │ │ ├── tfsa-2018-001.md │ │ ├── tfsa-2018-002.md │ │ ├── tfsa-2018-003.md │ │ ├── tfsa-2018-004.md │ │ ├── tfsa-2018-005.md │ │ ├── tfsa-2018-006.md │ │ └── tfsa-2019-001.md │ └── index.md ├── stream_executor │ ├── BUILD │ ├── allocator_stats.cc │ ├── allocator_stats.h │ ├── blas.cc │ ├── blas.h │ ├── build_defs.bzl │ ├── cuda │ │ ├── BUILD │ │ ├── cublasLt_11_0.inc │ │ ├── cublasLt_stub.cc │ │ ├── cublas_10_0.inc │ │ ├── cublas_11_0.inc │ │ ├── cublas_9_0.inc │ │ ├── cublas_stub.cc │ │ ├── cuda_10_0.inc │ │ ├── cuda_11_0.inc │ │ ├── cuda_11_2.inc │ │ ├── cuda_12_0.inc │ │ ├── cuda_activation.h │ │ ├── cuda_blas.cc │ │ ├── cuda_blas.h │ │ ├── cuda_diagnostics.cc │ │ ├── cuda_diagnostics.h │ │ ├── cuda_dnn.cc │ │ ├── cuda_dnn.h │ │ ├── cuda_driver.cc │ │ ├── cuda_driver.h │ │ ├── cuda_event.cc │ │ ├── cuda_event.h │ │ ├── cuda_fft.cc │ │ ├── cuda_fft.h │ │ ├── cuda_gpu_executor.cc │ │ ├── cuda_gpu_executor.h │ │ ├── cuda_helpers.cc │ │ ├── cuda_helpers.h │ │ ├── cuda_kernel.cc │ │ ├── cuda_kernel.h │ │ ├── cuda_platform.cc │ │ ├── cuda_platform.h │ │ ├── cuda_platform_id.cc │ │ ├── cuda_platform_id.h │ │ ├── cuda_rng.cc │ │ ├── cuda_rng.h │ │ ├── cuda_runtime_10_0.inc │ │ ├── cuda_runtime_10_1.inc │ │ ├── cuda_runtime_11_0.inc │ │ ├── cuda_runtime_11_2.inc │ │ ├── cuda_runtime_12_0.inc │ │ ├── cuda_runtime_9_0.inc │ │ ├── cuda_stream.h │ │ ├── cuda_stub.cc │ │ ├── cuda_timer.h │ │ ├── cudart_stub.cc │ │ ├── cudnn_6_0.inc │ │ ├── cudnn_7_0.inc │ │ ├── cudnn_7_1.inc │ │ ├── cudnn_7_3.inc │ │ ├── cudnn_7_4.inc │ │ ├── cudnn_7_6.inc │ │ ├── cudnn_8_0.inc │ │ ├── cudnn_stub.cc │ │ ├── cudnn_version.cc │ │ ├── cudnn_version.h │ │ ├── cudnn_version_test.cc │ │ ├── cufft_10_0.inc │ │ ├── cufft_stub.cc │ │ ├── cupti_10_0.inc │ │ ├── cupti_stub.cc │ │ ├── curand_10_0.inc │ │ ├── curand_stub.cc │ │ ├── cusolver_dense_10_0.inc │ │ ├── cusolver_dense_11_0.inc │ │ ├── cusolver_stub.cc │ │ ├── cusparse_10_0.inc │ │ ├── cusparse_11_0.inc │ │ ├── cusparse_12_0.inc │ │ ├── cusparse_9_0.inc │ │ ├── cusparse_stub.cc │ │ ├── ptxas_utils.cc │ │ ├── ptxas_utils.h │ │ ├── redzone_allocator.cc │ │ ├── redzone_allocator.h │ │ └── redzone_allocator_test.cc │ ├── device_description.cc │ ├── device_description.h │ ├── device_memory.h │ ├── device_memory_allocator.h │ ├── device_options.h │ ├── dnn.cc │ ├── dnn.h │ ├── dnn.proto │ ├── event.cc │ ├── event.h │ ├── executor_cache.cc │ ├── executor_cache.h │ ├── fft.h │ ├── gpu │ │ ├── BUILD │ │ ├── asm_compiler.h │ │ ├── gpu_activation.cc │ │ ├── gpu_activation.h │ │ ├── gpu_asm_opts.h │ │ ├── gpu_diagnostics.h │ │ ├── gpu_driver.h │ │ ├── gpu_event.cc │ │ ├── gpu_event.h │ │ ├── gpu_executor.h │ │ ├── gpu_helpers.h │ │ ├── gpu_kernel.h │ │ ├── gpu_rng.h │ │ ├── gpu_stream.cc │ │ ├── gpu_stream.h │ │ ├── gpu_timer.cc │ │ ├── gpu_timer.h │ │ ├── gpu_types.h │ │ └── redzone_allocator.h │ ├── gpu_launch_dim.h │ ├── host │ │ ├── BUILD │ │ ├── host_gpu_executor.cc │ │ ├── host_gpu_executor.h │ │ ├── host_platform.cc │ │ ├── host_platform.h │ │ ├── host_platform_id.cc │ │ ├── host_platform_id.h │ │ ├── host_stream.cc │ │ ├── host_stream.h │ │ ├── host_stream_test.cc │ │ ├── host_timer.cc │ │ └── host_timer.h │ ├── host_or_device_scalar.h │ ├── kernel.cc │ ├── kernel.h │ ├── kernel_cache_config.h │ ├── kernel_spec.cc │ ├── kernel_spec.h │ ├── launch_dim.h │ ├── lib │ │ ├── BUILD │ │ ├── array_slice.h │ │ ├── demangle.cc │ │ ├── demangle.h │ │ ├── env.h │ │ ├── error.h │ │ ├── human_readable.h │ │ ├── initialize.h │ │ ├── mathutil.h │ │ ├── numbers.cc │ │ ├── numbers.h │ │ ├── path.cc │ │ ├── path.h │ │ ├── process_state.cc │ │ ├── process_state.h │ │ ├── stacktrace.h │ │ ├── static_threadlocal.h │ │ ├── status.h │ │ ├── status_macros.h │ │ ├── statusor.cc │ │ ├── statusor.h │ │ ├── statusor_internals.h │ │ ├── statusor_test.cc │ │ ├── thread_options.h │ │ └── threadpool.h │ ├── matmul_util.cc │ ├── matmul_util.h │ ├── module_spec.h │ ├── multi_platform_manager.cc │ ├── multi_platform_manager.h │ ├── platform.cc │ ├── platform.h │ ├── platform │ │ ├── BUILD │ │ ├── default │ │ │ ├── BUILD │ │ │ ├── dlopen_checker.cc │ │ │ ├── dlopen_checker_stub.cc │ │ │ ├── dso_loader.cc │ │ │ ├── dso_loader.h │ │ │ └── initialize.h │ │ ├── dso_loader.h │ │ ├── initialize.h │ │ ├── logging.h │ │ ├── platform.h │ │ ├── port.h │ │ └── thread_annotations.h │ ├── plugin.cc │ ├── plugin.h │ ├── plugin_registry.cc │ ├── plugin_registry.h │ ├── rng.cc │ ├── rng.h │ ├── rocm │ │ ├── BUILD │ │ ├── rocm_activation.h │ │ ├── rocm_blas.cc │ │ ├── rocm_blas.h │ │ ├── rocm_diagnostics.cc │ │ ├── rocm_diagnostics.h │ │ ├── rocm_dnn.cc │ │ ├── rocm_dnn.h │ │ ├── rocm_driver.cc │ │ ├── rocm_driver_wrapper.h │ │ ├── rocm_event.cc │ │ ├── rocm_fft.cc │ │ ├── rocm_fft.h │ │ ├── rocm_gpu_executor.cc │ │ ├── rocm_kernel.cc │ │ ├── rocm_platform.cc │ │ ├── rocm_platform.h │ │ ├── rocm_platform_id.cc │ │ ├── rocm_platform_id.h │ │ └── rocm_rng.cc │ ├── scratch_allocator.cc │ ├── scratch_allocator.h │ ├── shared_memory_config.h │ ├── stream.cc │ ├── stream.h │ ├── stream_executor.h │ ├── stream_executor_internal.cc │ ├── stream_executor_internal.h │ ├── stream_executor_pimpl.cc │ ├── stream_executor_pimpl.h │ ├── stream_test.cc │ ├── temporary_device_memory.cc │ ├── temporary_device_memory.h │ ├── temporary_memory_manager.cc │ ├── temporary_memory_manager.h │ ├── tf_allocator_adapter.cc │ ├── tf_allocator_adapter.h │ ├── timer.cc │ ├── timer.h │ └── trace_listener.h ├── tensorflow.bzl ├── tf_exported_symbols.lds ├── tf_framework_version_script.lds ├── tf_version_script.lds ├── tools │ ├── __init__.py │ ├── api │ │ ├── golden │ │ │ ├── BUILD │ │ │ ├── v1 │ │ │ │ ├── tensorflow.-aggregation-method.pbtxt │ │ │ │ ├── tensorflow.-attr-value.-list-value.pbtxt │ │ │ │ ├── tensorflow.-attr-value.pbtxt │ │ │ │ ├── tensorflow.-c-b-f-filter.pbtxt │ │ │ │ ├── tensorflow.-checkpoint-option.pbtxt │ │ │ │ ├── tensorflow.-conditional-accumulator-base.pbtxt │ │ │ │ ├── tensorflow.-conditional-accumulator.pbtxt │ │ │ │ ├── tensorflow.-config-proto.-device-count-entry.pbtxt │ │ │ │ ├── tensorflow.-config-proto.-experimental.pbtxt │ │ │ │ ├── tensorflow.-config-proto.pbtxt │ │ │ │ ├── tensorflow.-counter-filter.pbtxt │ │ │ │ ├── tensorflow.-critical-section.pbtxt │ │ │ │ ├── tensorflow.-d-type.pbtxt │ │ │ │ ├── tensorflow.-device-spec.pbtxt │ │ │ │ ├── tensorflow.-dimension.pbtxt │ │ │ │ ├── tensorflow.-embedding-variable-option.pbtxt │ │ │ │ ├── tensorflow.-event.pbtxt │ │ │ │ ├── tensorflow.-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.-fixed-len-feature.pbtxt │ │ │ │ ├── tensorflow.-fixed-len-sequence-feature.pbtxt │ │ │ │ ├── tensorflow.-fixed-length-record-reader.pbtxt │ │ │ │ ├── tensorflow.-g-p-u-options.pbtxt │ │ │ │ ├── tensorflow.-global-step-evict.pbtxt │ │ │ │ ├── tensorflow.-gradient-tape.pbtxt │ │ │ │ ├── tensorflow.-graph-def.pbtxt │ │ │ │ ├── tensorflow.-graph-keys.pbtxt │ │ │ │ ├── tensorflow.-graph-options.pbtxt │ │ │ │ ├── tensorflow.-graph.pbtxt │ │ │ │ ├── tensorflow.-histogram-proto.pbtxt │ │ │ │ ├── tensorflow.-identity-reader.pbtxt │ │ │ │ ├── tensorflow.-indexed-slices-spec.pbtxt │ │ │ │ ├── tensorflow.-indexed-slices.pbtxt │ │ │ │ ├── tensorflow.-initializer-option.pbtxt │ │ │ │ ├── tensorflow.-interactive-session.pbtxt │ │ │ │ ├── tensorflow.-l-m-d-b-reader.pbtxt │ │ │ │ ├── tensorflow.-l2-weight-evict.pbtxt │ │ │ │ ├── tensorflow.-log-message.pbtxt │ │ │ │ ├── tensorflow.-meta-graph-def.-collection-def-entry.pbtxt │ │ │ │ ├── tensorflow.-meta-graph-def.-meta-info-def.pbtxt │ │ │ │ ├── tensorflow.-meta-graph-def.-signature-def-entry.pbtxt │ │ │ │ ├── tensorflow.-meta-graph-def.pbtxt │ │ │ │ ├── tensorflow.-module.pbtxt │ │ │ │ ├── tensorflow.-name-attr-list.-attr-entry.pbtxt │ │ │ │ ├── tensorflow.-name-attr-list.pbtxt │ │ │ │ ├── tensorflow.-node-def.-attr-entry.pbtxt │ │ │ │ ├── tensorflow.-node-def.-experimental-debug-info.pbtxt │ │ │ │ ├── tensorflow.-node-def.pbtxt │ │ │ │ ├── tensorflow.-op-error.pbtxt │ │ │ │ ├── tensorflow.-operation.pbtxt │ │ │ │ ├── tensorflow.-optimizer-options.pbtxt │ │ │ │ ├── tensorflow.-optional-spec.pbtxt │ │ │ │ ├── tensorflow.-padding-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.-priority-queue.pbtxt │ │ │ │ ├── tensorflow.-queue-base.pbtxt │ │ │ │ ├── tensorflow.-ragged-tensor-spec.pbtxt │ │ │ │ ├── tensorflow.-ragged-tensor.pbtxt │ │ │ │ ├── tensorflow.-random-shuffle-queue.pbtxt │ │ │ │ ├── tensorflow.-reader-base.pbtxt │ │ │ │ ├── tensorflow.-register-gradient.pbtxt │ │ │ │ ├── tensorflow.-run-metadata.-function-graphs.pbtxt │ │ │ │ ├── tensorflow.-run-metadata.pbtxt │ │ │ │ ├── tensorflow.-run-options.-experimental.pbtxt │ │ │ │ ├── tensorflow.-run-options.pbtxt │ │ │ │ ├── tensorflow.-session-log.pbtxt │ │ │ │ ├── tensorflow.-session.pbtxt │ │ │ │ ├── tensorflow.-sparse-conditional-accumulator.pbtxt │ │ │ │ ├── tensorflow.-sparse-feature.pbtxt │ │ │ │ ├── tensorflow.-sparse-tensor-spec.pbtxt │ │ │ │ ├── tensorflow.-sparse-tensor-value.pbtxt │ │ │ │ ├── tensorflow.-sparse-tensor.pbtxt │ │ │ │ ├── tensorflow.-storage-option.pbtxt │ │ │ │ ├── tensorflow.-summary-metadata.-plugin-data.pbtxt │ │ │ │ ├── tensorflow.-summary-metadata.pbtxt │ │ │ │ ├── tensorflow.-summary.-audio.pbtxt │ │ │ │ ├── tensorflow.-summary.-image.pbtxt │ │ │ │ ├── tensorflow.-summary.-value.pbtxt │ │ │ │ ├── tensorflow.-summary.pbtxt │ │ │ │ ├── tensorflow.-t-f-record-reader.pbtxt │ │ │ │ ├── tensorflow.-tensor-array-spec.pbtxt │ │ │ │ ├── tensorflow.-tensor-array.pbtxt │ │ │ │ ├── tensorflow.-tensor-info.-composite-tensor.pbtxt │ │ │ │ ├── tensorflow.-tensor-info.-coo-sparse.pbtxt │ │ │ │ ├── tensorflow.-tensor-info.pbtxt │ │ │ │ ├── tensorflow.-tensor-shape.pbtxt │ │ │ │ ├── tensorflow.-tensor-spec.pbtxt │ │ │ │ ├── tensorflow.-tensor.pbtxt │ │ │ │ ├── tensorflow.-text-line-reader.pbtxt │ │ │ │ ├── tensorflow.-type-spec.pbtxt │ │ │ │ ├── tensorflow.-unconnected-gradients.pbtxt │ │ │ │ ├── tensorflow.-var-len-feature.pbtxt │ │ │ │ ├── tensorflow.-variable-aggregation.pbtxt │ │ │ │ ├── tensorflow.-variable-scope.pbtxt │ │ │ │ ├── tensorflow.-variable-synchronization.pbtxt │ │ │ │ ├── tensorflow.-variable.-save-slice-info.pbtxt │ │ │ │ ├── tensorflow.-variable.pbtxt │ │ │ │ ├── tensorflow.-whole-file-reader.pbtxt │ │ │ │ ├── tensorflow.app.pbtxt │ │ │ │ ├── tensorflow.audio.pbtxt │ │ │ │ ├── tensorflow.autograph.experimental.-feature.pbtxt │ │ │ │ ├── tensorflow.autograph.experimental.pbtxt │ │ │ │ ├── tensorflow.autograph.pbtxt │ │ │ │ ├── tensorflow.bitwise.pbtxt │ │ │ │ ├── tensorflow.compat.pbtxt │ │ │ │ ├── tensorflow.config.experimental.-virtual-device-configuration.pbtxt │ │ │ │ ├── tensorflow.config.experimental.pbtxt │ │ │ │ ├── tensorflow.config.optimizer.pbtxt │ │ │ │ ├── tensorflow.config.pbtxt │ │ │ │ ├── tensorflow.config.threading.pbtxt │ │ │ │ ├── tensorflow.constant_initializer.pbtxt │ │ │ │ ├── tensorflow.data.-dataset-spec.pbtxt │ │ │ │ ├── tensorflow.data.-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-fixed-length-record-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-iterator.pbtxt │ │ │ │ ├── tensorflow.data.-kafka-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-kafka-group-i-o-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-options.pbtxt │ │ │ │ ├── tensorflow.data.-t-f-record-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-text-line-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-checkpoint-input-pipeline-hook.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-csv-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-dataset-structure.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-distribute-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-map-vectorization-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-optimization-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-optional-structure.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-optional.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-random-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-reducer.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-sql-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-stats-aggregator.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-stats-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-structure.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-t-f-record-writer.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-threading-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.pbtxt │ │ │ │ ├── tensorflow.data.pbtxt │ │ │ │ ├── tensorflow.debugging.pbtxt │ │ │ │ ├── tensorflow.distribute.-cross-device-ops.pbtxt │ │ │ │ ├── tensorflow.distribute.-hierarchical-copy-all-reduce.pbtxt │ │ │ │ ├── tensorflow.distribute.-input-context.pbtxt │ │ │ │ ├── tensorflow.distribute.-input-replication-mode.pbtxt │ │ │ │ ├── tensorflow.distribute.-mirrored-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.-nccl-all-reduce.pbtxt │ │ │ │ ├── tensorflow.distribute.-one-device-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.-reduce-op.pbtxt │ │ │ │ ├── tensorflow.distribute.-reduction-to-one-device.pbtxt │ │ │ │ ├── tensorflow.distribute.-replica-context.pbtxt │ │ │ │ ├── tensorflow.distribute.-server.pbtxt │ │ │ │ ├── tensorflow.distribute.-strategy-extended.pbtxt │ │ │ │ ├── tensorflow.distribute.-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-g-c-e-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-kubernetes-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-simple-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-slurm-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-t-f-config-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-t-p-u-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-union-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-central-storage-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-collective-communication.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-multi-worker-mirrored-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-parameter-server-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-t-p-u-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.pbtxt │ │ │ │ ├── tensorflow.distribute.pbtxt │ │ │ │ ├── tensorflow.distributions.-bernoulli.pbtxt │ │ │ │ ├── tensorflow.distributions.-beta.pbtxt │ │ │ │ ├── tensorflow.distributions.-categorical.pbtxt │ │ │ │ ├── tensorflow.distributions.-dirichlet-multinomial.pbtxt │ │ │ │ ├── tensorflow.distributions.-dirichlet.pbtxt │ │ │ │ ├── tensorflow.distributions.-distribution.pbtxt │ │ │ │ ├── tensorflow.distributions.-exponential.pbtxt │ │ │ │ ├── tensorflow.distributions.-gamma.pbtxt │ │ │ │ ├── tensorflow.distributions.-laplace.pbtxt │ │ │ │ ├── tensorflow.distributions.-multinomial.pbtxt │ │ │ │ ├── tensorflow.distributions.-normal.pbtxt │ │ │ │ ├── tensorflow.distributions.-register-k-l.pbtxt │ │ │ │ ├── tensorflow.distributions.-reparameterization-type.pbtxt │ │ │ │ ├── tensorflow.distributions.-student-t.pbtxt │ │ │ │ ├── tensorflow.distributions.-uniform.pbtxt │ │ │ │ ├── tensorflow.distributions.pbtxt │ │ │ │ ├── tensorflow.dtypes.-d-type.pbtxt │ │ │ │ ├── tensorflow.dtypes.pbtxt │ │ │ │ ├── tensorflow.errors.-aborted-error.pbtxt │ │ │ │ ├── tensorflow.errors.-already-exists-error.pbtxt │ │ │ │ ├── tensorflow.errors.-cancelled-error.pbtxt │ │ │ │ ├── tensorflow.errors.-data-loss-error.pbtxt │ │ │ │ ├── tensorflow.errors.-deadline-exceeded-error.pbtxt │ │ │ │ ├── tensorflow.errors.-failed-precondition-error.pbtxt │ │ │ │ ├── tensorflow.errors.-internal-error.pbtxt │ │ │ │ ├── tensorflow.errors.-invalid-argument-error.pbtxt │ │ │ │ ├── tensorflow.errors.-not-found-error.pbtxt │ │ │ │ ├── tensorflow.errors.-op-error.pbtxt │ │ │ │ ├── tensorflow.errors.-out-of-range-error.pbtxt │ │ │ │ ├── tensorflow.errors.-permission-denied-error.pbtxt │ │ │ │ ├── tensorflow.errors.-resource-exhausted-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unauthenticated-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unavailable-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unimplemented-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unknown-error.pbtxt │ │ │ │ ├── tensorflow.errors.pbtxt │ │ │ │ ├── tensorflow.errors.raise_exception_on_not_ok_status.pbtxt │ │ │ │ ├── tensorflow.estimator.-baseline-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-baseline-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-baseline-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-best-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-binary-class-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-boosted-trees-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-boosted-trees-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-boosted-trees-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-checkpoint-saver-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-checkpoint-saver-listener.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-linear-combined-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-linear-combined-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-linear-combined-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-estimator-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-eval-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-feed-fn-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-final-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-final-ops-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-global-step-waiter-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-latest-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-linear-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-linear-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-linear-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-logging-tensor-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-logistic-regression-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-mode-keys.pbtxt │ │ │ │ ├── tensorflow.estimator.-multi-class-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-multi-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-multi-label-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-nan-loss-during-training-error.pbtxt │ │ │ │ ├── tensorflow.estimator.-nan-tensor-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-poisson-regression-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-profiler-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-regression-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-run-config.pbtxt │ │ │ │ ├── tensorflow.estimator.-second-or-step-timer.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-args.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-context.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-values.pbtxt │ │ │ │ ├── tensorflow.estimator.-step-counter-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-stop-at-step-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-summary-saver-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-train-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.-vocab-info.pbtxt │ │ │ │ ├── tensorflow.estimator.-warm-start-settings.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-in-memory-evaluator-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-k-means.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-linear-s-d-c-a.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-classification-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-classification-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-export-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-export-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-predict-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-predict-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-regression-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-regression-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-serving-input-receiver.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-tensor-serving-input-receiver.pbtxt │ │ │ │ ├── tensorflow.estimator.export.pbtxt │ │ │ │ ├── tensorflow.estimator.inputs.pbtxt │ │ │ │ ├── tensorflow.estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.-input-pipeline-config.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.-run-config.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.-t-p-u-config.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.-t-p-u-estimator-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.-t-p-u-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.experimental.-embedding-config-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.experimental.pbtxt │ │ │ │ ├── tensorflow.estimator.tpu.pbtxt │ │ │ │ ├── tensorflow.experimental.pbtxt │ │ │ │ ├── tensorflow.feature_column.-coalesced-embedding-scope.pbtxt │ │ │ │ ├── tensorflow.feature_column.-coalesced-scope.pbtxt │ │ │ │ ├── tensorflow.feature_column.pbtxt │ │ │ │ ├── tensorflow.gfile.-fast-g-file.pbtxt │ │ │ │ ├── tensorflow.gfile.-g-file.pbtxt │ │ │ │ ├── tensorflow.gfile.-open.pbtxt │ │ │ │ ├── tensorflow.gfile.pbtxt │ │ │ │ ├── tensorflow.glorot_normal_initializer.pbtxt │ │ │ │ ├── tensorflow.glorot_uniform_initializer.pbtxt │ │ │ │ ├── tensorflow.graph_util.pbtxt │ │ │ │ ├── tensorflow.hash_table.-bloom-filter-admit-strategy.pbtxt │ │ │ │ ├── tensorflow.hash_table.-bloom-filter-lookup-hook.pbtxt │ │ │ │ ├── tensorflow.hash_table.-distributed-bloom-filter-admit-strategy.pbtxt │ │ │ │ ├── tensorflow.hash_table.-distributed-hash-table.pbtxt │ │ │ │ ├── tensorflow.hash_table.-embedding-lookup-hook.pbtxt │ │ │ │ ├── tensorflow.hash_table.-fixed-size-hash-table-partitioner.pbtxt │ │ │ │ ├── tensorflow.hash_table.-hash-table-key-mapper-factory.pbtxt │ │ │ │ ├── tensorflow.hash_table.-hash-table.pbtxt │ │ │ │ ├── tensorflow.hash_table.-read-only-hook.pbtxt │ │ │ │ ├── tensorflow.hash_table.-simple-hash-table.pbtxt │ │ │ │ ├── tensorflow.hash_table.pbtxt │ │ │ │ ├── tensorflow.image.-resize-method.pbtxt │ │ │ │ ├── tensorflow.image.pbtxt │ │ │ │ ├── tensorflow.initializers.constant.pbtxt │ │ │ │ ├── tensorflow.initializers.glorot_normal.pbtxt │ │ │ │ ├── tensorflow.initializers.glorot_uniform.pbtxt │ │ │ │ ├── tensorflow.initializers.identity.pbtxt │ │ │ │ ├── tensorflow.initializers.ones.pbtxt │ │ │ │ ├── tensorflow.initializers.orthogonal.pbtxt │ │ │ │ ├── tensorflow.initializers.pbtxt │ │ │ │ ├── tensorflow.initializers.random_normal.pbtxt │ │ │ │ ├── tensorflow.initializers.random_uniform.pbtxt │ │ │ │ ├── tensorflow.initializers.truncated_normal.pbtxt │ │ │ │ ├── tensorflow.initializers.uniform_unit_scaling.pbtxt │ │ │ │ ├── tensorflow.initializers.variance_scaling.pbtxt │ │ │ │ ├── tensorflow.initializers.zeros.pbtxt │ │ │ │ ├── tensorflow.io.-fixed-len-feature.pbtxt │ │ │ │ ├── tensorflow.io.-fixed-len-sequence-feature.pbtxt │ │ │ │ ├── tensorflow.io.-padding-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.io.-priority-queue.pbtxt │ │ │ │ ├── tensorflow.io.-queue-base.pbtxt │ │ │ │ ├── tensorflow.io.-random-shuffle-queue.pbtxt │ │ │ │ ├── tensorflow.io.-sparse-feature.pbtxt │ │ │ │ ├── tensorflow.io.-t-f-record-compression-type.pbtxt │ │ │ │ ├── tensorflow.io.-t-f-record-options.pbtxt │ │ │ │ ├── tensorflow.io.-t-f-record-writer.pbtxt │ │ │ │ ├── tensorflow.io.-var-len-feature.pbtxt │ │ │ │ ├── tensorflow.io.gfile.-g-file.pbtxt │ │ │ │ ├── tensorflow.io.gfile.pbtxt │ │ │ │ ├── tensorflow.io.pbtxt │ │ │ │ ├── tensorflow.keras.-model.pbtxt │ │ │ │ ├── tensorflow.keras.-sequential.pbtxt │ │ │ │ ├── tensorflow.keras.activations.pbtxt │ │ │ │ ├── tensorflow.keras.backend.name_scope.pbtxt │ │ │ │ ├── tensorflow.keras.backend.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-base-logger.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-c-s-v-logger.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-callback.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-early-stopping.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-history.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-lambda-callback.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-learning-rate-scheduler.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-model-checkpoint.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-progbar-logger.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-reduce-l-r-on-plateau.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-remote-monitor.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-tensor-board.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-terminate-on-na-n.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-constraint.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-max-norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-min-max-norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-non-neg.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-radial-constraint.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-unit-norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.max_norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.min_max_norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.non_neg.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.radial_constraint.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.unit_norm.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.boston_housing.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.cifar10.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.cifar100.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.fashion_mnist.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.imdb.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.mnist.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.reuters.pbtxt │ │ │ │ ├── tensorflow.keras.estimator.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-cosine-decay-restarts.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-cosine-decay.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-linear-cosine-decay.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-linear-model.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-noisy-linear-cosine-decay.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-peephole-l-s-t-m-cell.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-sequence-features.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-wide-deep-model.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-constant.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-identity.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-initializer.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-ones.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-orthogonal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-random-normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-random-uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-truncated-normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-variance-scaling.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-zeros.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.constant.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.glorot_normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.glorot_uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.identity.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.ones.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.orthogonal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.random_normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.random_uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.truncated_normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.zeros.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-abstract-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-activation.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-activity-regularization.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-add.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-additive-attention.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-alpha-dropout.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-attention.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-avg-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-avg-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-avg-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-batch-normalization.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-bidirectional.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-concatenate.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv-l-s-t-m2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv2-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv3-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution2-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution3-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cropping1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cropping2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cropping3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cu-d-n-n-g-r-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cu-d-n-n-l-s-t-m.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dense-features.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dense.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-depthwise-conv2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dot.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dropout.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-e-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-embedding.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-flatten.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-g-r-u-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-g-r-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-gaussian-dropout.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-gaussian-noise.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-average-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-average-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-average-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-avg-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-avg-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-avg-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-input-layer.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-input-spec.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-l-s-t-m-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-l-s-t-m.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-lambda.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-layer-normalization.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-layer.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-leaky-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-locally-connected1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-locally-connected2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-masking.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-maximum.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-minimum.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-multiply.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-p-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-permute.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-r-n-n.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-repeat-vector.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-reshape.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-conv1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-conv2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-convolution1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-convolution2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-simple-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-simple-r-n-n.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-softmax.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-spatial-dropout1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-spatial-dropout2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-spatial-dropout3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-stacked-r-n-n-cells.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-subtract.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-thresholded-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-time-distributed.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-up-sampling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-up-sampling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-up-sampling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-wrapper.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-zero-padding1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-zero-padding2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-zero-padding3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-binary-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-categorical-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-cosine-similarity.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-huber.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-k-l-divergence.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-log-cosh.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-loss.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-absolute-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-absolute-percentage-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-squared-logarithmic-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-poisson.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-sparse-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-squared-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.losses.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-a-u-c.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-binary-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-binary-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-categorical-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-cosine-similarity.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-false-negatives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-false-positives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-k-l-divergence.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-log-cosh-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-absolute-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-absolute-percentage-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-io-u.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-relative-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-squared-logarithmic-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-tensor.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-metric.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-poisson.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-precision.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-recall.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-root-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sensitivity-at-specificity.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sparse-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sparse-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sparse-top-k-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-specificity-at-sensitivity.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-squared-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sum.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-top-k-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-true-negatives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-true-positives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.experimental.-loss-scale-optimizer.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.experimental.-policy.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.experimental.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.pbtxt │ │ │ │ ├── tensorflow.keras.models.-model.pbtxt │ │ │ │ ├── tensorflow.keras.models.-sequential.pbtxt │ │ │ │ ├── tensorflow.keras.models.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adadelta.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adagrad.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adam.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adamax.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-ftrl.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-nadam.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-optimizer.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-r-m-sprop.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-s-g-d.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-exponential-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-inverse-time-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-learning-rate-schedule.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-piecewise-constant-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-polynomial-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.pbtxt │ │ │ │ ├── tensorflow.keras.pbtxt │ │ │ │ ├── tensorflow.keras.regularizers.-l1-l2.pbtxt │ │ │ │ ├── tensorflow.keras.regularizers.-regularizer.pbtxt │ │ │ │ ├── tensorflow.keras.regularizers.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-custom-object-scope.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-generator-enqueuer.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-h-d-f5-matrix.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-ordered-enqueuer.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-progbar.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-sequence-enqueuer.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-sequence.pbtxt │ │ │ │ ├── tensorflow.keras.utils.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.-keras-classifier.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.-keras-regressor.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.pbtxt │ │ │ │ ├── tensorflow.layers.-average-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.layers.-average-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.layers.-average-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.layers.-batch-normalization.pbtxt │ │ │ │ ├── tensorflow.layers.-conv1-d.pbtxt │ │ │ │ ├── tensorflow.layers.-conv2-d-transpose.pbtxt │ │ │ │ ├── tensorflow.layers.-conv2-d.pbtxt │ │ │ │ ├── tensorflow.layers.-conv3-d-transpose.pbtxt │ │ │ │ ├── tensorflow.layers.-conv3-d.pbtxt │ │ │ │ ├── tensorflow.layers.-dense.pbtxt │ │ │ │ ├── tensorflow.layers.-dropout.pbtxt │ │ │ │ ├── tensorflow.layers.-flatten.pbtxt │ │ │ │ ├── tensorflow.layers.-input-spec.pbtxt │ │ │ │ ├── tensorflow.layers.-layer.pbtxt │ │ │ │ ├── tensorflow.layers.-max-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.layers.-max-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.layers.-max-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.layers.-separable-conv1-d.pbtxt │ │ │ │ ├── tensorflow.layers.-separable-conv2-d.pbtxt │ │ │ │ ├── tensorflow.layers.experimental.pbtxt │ │ │ │ ├── tensorflow.layers.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-adjoint.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-block-diag.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-circulant.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-circulant2-d.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-circulant3-d.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-composition.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-diag.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-full-matrix.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-householder.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-identity.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-inversion.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-kronecker.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-low-rank-update.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-lower-triangular.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-scaled-identity.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-toeplitz.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-zeros.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator.pbtxt │ │ │ │ ├── tensorflow.linalg.pbtxt │ │ │ │ ├── tensorflow.logging.pbtxt │ │ │ │ ├── tensorflow.lookup.-key-value-tensor-initializer.pbtxt │ │ │ │ ├── tensorflow.lookup.-static-hash-table.pbtxt │ │ │ │ ├── tensorflow.lookup.-static-vocabulary-table.pbtxt │ │ │ │ ├── tensorflow.lookup.-text-file-index.pbtxt │ │ │ │ ├── tensorflow.lookup.-text-file-initializer.pbtxt │ │ │ │ ├── tensorflow.lookup.experimental.-dense-hash-table.pbtxt │ │ │ │ ├── tensorflow.lookup.experimental.pbtxt │ │ │ │ ├── tensorflow.lookup.pbtxt │ │ │ │ ├── tensorflow.losses.-reduction.pbtxt │ │ │ │ ├── tensorflow.losses.pbtxt │ │ │ │ ├── tensorflow.manip.pbtxt │ │ │ │ ├── tensorflow.math.pbtxt │ │ │ │ ├── tensorflow.metrics.pbtxt │ │ │ │ ├── tensorflow.name_scope.pbtxt │ │ │ │ ├── tensorflow.nest.pbtxt │ │ │ │ ├── tensorflow.nn.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-basic-l-s-t-m-cell.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-basic-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-device-wrapper.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-dropout-wrapper.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-g-r-u-cell.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-l-s-t-m-cell.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-l-s-t-m-state-tuple.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-multi-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.-residual-wrapper.pbtxt │ │ │ │ ├── tensorflow.nn.rnn_cell.pbtxt │ │ │ │ ├── tensorflow.ones_initializer.pbtxt │ │ │ │ ├── tensorflow.orthogonal_initializer.pbtxt │ │ │ │ ├── tensorflow.pbtxt │ │ │ │ ├── tensorflow.profiler.-advice-proto.-checker.pbtxt │ │ │ │ ├── tensorflow.profiler.-advice-proto.-checkers-entry.pbtxt │ │ │ │ ├── tensorflow.profiler.-advice-proto.pbtxt │ │ │ │ ├── tensorflow.profiler.-graph-node-proto.-input-shapes-entry.pbtxt │ │ │ │ ├── tensorflow.profiler.-graph-node-proto.pbtxt │ │ │ │ ├── tensorflow.profiler.-multi-graph-node-proto.pbtxt │ │ │ │ ├── tensorflow.profiler.-op-log-proto.-id-to-string-entry.pbtxt │ │ │ │ ├── tensorflow.profiler.-op-log-proto.pbtxt │ │ │ │ ├── tensorflow.profiler.-profile-option-builder.pbtxt │ │ │ │ ├── tensorflow.profiler.-profiler.pbtxt │ │ │ │ ├── tensorflow.profiler.pbtxt │ │ │ │ ├── tensorflow.python_io.-t-f-record-compression-type.pbtxt │ │ │ │ ├── tensorflow.python_io.-t-f-record-options.pbtxt │ │ │ │ ├── tensorflow.python_io.-t-f-record-writer.pbtxt │ │ │ │ ├── tensorflow.python_io.pbtxt │ │ │ │ ├── tensorflow.quantization.pbtxt │ │ │ │ ├── tensorflow.queue.-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.queue.-padding-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.queue.-priority-queue.pbtxt │ │ │ │ ├── tensorflow.queue.-queue-base.pbtxt │ │ │ │ ├── tensorflow.queue.-random-shuffle-queue.pbtxt │ │ │ │ ├── tensorflow.queue.pbtxt │ │ │ │ ├── tensorflow.ragged.-ragged-tensor-value.pbtxt │ │ │ │ ├── tensorflow.ragged.pbtxt │ │ │ │ ├── tensorflow.random.experimental.-generator.pbtxt │ │ │ │ ├── tensorflow.random.experimental.pbtxt │ │ │ │ ├── tensorflow.random.pbtxt │ │ │ │ ├── tensorflow.random_normal_initializer.pbtxt │ │ │ │ ├── tensorflow.random_uniform_initializer.pbtxt │ │ │ │ ├── tensorflow.raw_ops.pbtxt │ │ │ │ ├── tensorflow.resource_loader.pbtxt │ │ │ │ ├── tensorflow.saved_model.-builder.pbtxt │ │ │ │ ├── tensorflow.saved_model.builder.-saved-model-builder.pbtxt │ │ │ │ ├── tensorflow.saved_model.builder.pbtxt │ │ │ │ ├── tensorflow.saved_model.constants.pbtxt │ │ │ │ ├── tensorflow.saved_model.experimental.pbtxt │ │ │ │ ├── tensorflow.saved_model.loader.pbtxt │ │ │ │ ├── tensorflow.saved_model.main_op.pbtxt │ │ │ │ ├── tensorflow.saved_model.pbtxt │ │ │ │ ├── tensorflow.saved_model.signature_constants.pbtxt │ │ │ │ ├── tensorflow.saved_model.signature_def_utils.pbtxt │ │ │ │ ├── tensorflow.saved_model.tag_constants.pbtxt │ │ │ │ ├── tensorflow.saved_model.utils.pbtxt │ │ │ │ ├── tensorflow.sets.pbtxt │ │ │ │ ├── tensorflow.signal.pbtxt │ │ │ │ ├── tensorflow.sparse.-sparse-conditional-accumulator.pbtxt │ │ │ │ ├── tensorflow.sparse.-sparse-tensor.pbtxt │ │ │ │ ├── tensorflow.sparse.pbtxt │ │ │ │ ├── tensorflow.spectral.pbtxt │ │ │ │ ├── tensorflow.strings.pbtxt │ │ │ │ ├── tensorflow.summary.-event.pbtxt │ │ │ │ ├── tensorflow.summary.-file-writer-cache.pbtxt │ │ │ │ ├── tensorflow.summary.-file-writer.pbtxt │ │ │ │ ├── tensorflow.summary.-session-log.pbtxt │ │ │ │ ├── tensorflow.summary.-summary-description.pbtxt │ │ │ │ ├── tensorflow.summary.-summary.-audio.pbtxt │ │ │ │ ├── tensorflow.summary.-summary.-image.pbtxt │ │ │ │ ├── tensorflow.summary.-summary.-value.pbtxt │ │ │ │ ├── tensorflow.summary.-summary.pbtxt │ │ │ │ ├── tensorflow.summary.-tagged-run-metadata.pbtxt │ │ │ │ ├── tensorflow.summary.pbtxt │ │ │ │ ├── tensorflow.sysconfig.pbtxt │ │ │ │ ├── tensorflow.test.-benchmark.pbtxt │ │ │ │ ├── tensorflow.test.-stub-out-for-testing.pbtxt │ │ │ │ ├── tensorflow.test.pbtxt │ │ │ │ ├── tensorflow.tpu.-cross-shard-optimizer.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.-adagrad-parameters.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.-adam-parameters.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.-device-assignment.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.-stochastic-gradient-descent-parameters.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.pbtxt │ │ │ │ ├── tensorflow.tpu.pbtxt │ │ │ │ ├── tensorflow.train.-adadelta-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-adagrad-d-a-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-adagrad-decay-optimizer-v2.pbtxt │ │ │ │ ├── tensorflow.train.-adagrad-decay-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-adagrad-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-adam-async-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-adam-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-bytes-list.pbtxt │ │ │ │ ├── tensorflow.train.-checkpoint-manager.pbtxt │ │ │ │ ├── tensorflow.train.-checkpoint-saver-hook.pbtxt │ │ │ │ ├── tensorflow.train.-checkpoint-saver-listener.pbtxt │ │ │ │ ├── tensorflow.train.-checkpoint.pbtxt │ │ │ │ ├── tensorflow.train.-chief-session-creator.pbtxt │ │ │ │ ├── tensorflow.train.-cluster-def.pbtxt │ │ │ │ ├── tensorflow.train.-cluster-spec.pbtxt │ │ │ │ ├── tensorflow.train.-coordinator.pbtxt │ │ │ │ ├── tensorflow.train.-example.pbtxt │ │ │ │ ├── tensorflow.train.-exponential-moving-average.pbtxt │ │ │ │ ├── tensorflow.train.-feature-list.pbtxt │ │ │ │ ├── tensorflow.train.-feature-lists.-feature-list-entry.pbtxt │ │ │ │ ├── tensorflow.train.-feature-lists.pbtxt │ │ │ │ ├── tensorflow.train.-feature.pbtxt │ │ │ │ ├── tensorflow.train.-features.-feature-entry.pbtxt │ │ │ │ ├── tensorflow.train.-features.pbtxt │ │ │ │ ├── tensorflow.train.-feed-fn-hook.pbtxt │ │ │ │ ├── tensorflow.train.-final-ops-hook.pbtxt │ │ │ │ ├── tensorflow.train.-float-list.pbtxt │ │ │ │ ├── tensorflow.train.-ftrl-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-global-step-waiter-hook.pbtxt │ │ │ │ ├── tensorflow.train.-gradient-descent-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-int64-list.pbtxt │ │ │ │ ├── tensorflow.train.-job-def.-tasks-entry.pbtxt │ │ │ │ ├── tensorflow.train.-job-def.pbtxt │ │ │ │ ├── tensorflow.train.-logging-tensor-hook.pbtxt │ │ │ │ ├── tensorflow.train.-looper-thread.pbtxt │ │ │ │ ├── tensorflow.train.-momentum-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-monitored-session.-step-context.pbtxt │ │ │ │ ├── tensorflow.train.-monitored-session.pbtxt │ │ │ │ ├── tensorflow.train.-nan-loss-during-training-error.pbtxt │ │ │ │ ├── tensorflow.train.-nan-tensor-hook.pbtxt │ │ │ │ ├── tensorflow.train.-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-profiler-hook.pbtxt │ │ │ │ ├── tensorflow.train.-proximal-adagrad-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-proximal-gradient-descent-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-queue-runner.pbtxt │ │ │ │ ├── tensorflow.train.-r-m-s-prop-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-saver-def.pbtxt │ │ │ │ ├── tensorflow.train.-saver.pbtxt │ │ │ │ ├── tensorflow.train.-scaffold.pbtxt │ │ │ │ ├── tensorflow.train.-second-or-step-timer.pbtxt │ │ │ │ ├── tensorflow.train.-sequence-example.pbtxt │ │ │ │ ├── tensorflow.train.-server-def.pbtxt │ │ │ │ ├── tensorflow.train.-server.pbtxt │ │ │ │ ├── tensorflow.train.-session-creator.pbtxt │ │ │ │ ├── tensorflow.train.-session-manager.pbtxt │ │ │ │ ├── tensorflow.train.-session-run-args.pbtxt │ │ │ │ ├── tensorflow.train.-session-run-context.pbtxt │ │ │ │ ├── tensorflow.train.-session-run-hook.pbtxt │ │ │ │ ├── tensorflow.train.-session-run-values.pbtxt │ │ │ │ ├── tensorflow.train.-singular-monitored-session.-step-context.pbtxt │ │ │ │ ├── tensorflow.train.-singular-monitored-session.pbtxt │ │ │ │ ├── tensorflow.train.-step-counter-hook.pbtxt │ │ │ │ ├── tensorflow.train.-stop-at-step-hook.pbtxt │ │ │ │ ├── tensorflow.train.-summary-saver-hook.pbtxt │ │ │ │ ├── tensorflow.train.-supervisor.pbtxt │ │ │ │ ├── tensorflow.train.-sync-replicas-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-vocab-info.pbtxt │ │ │ │ ├── tensorflow.train.-worker-session-creator.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-dynamic-loss-scale.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-fixed-loss-scale.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-loss-scale.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-mixed-precision-loss-scale-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-python-state.pbtxt │ │ │ │ ├── tensorflow.train.experimental.pbtxt │ │ │ │ ├── tensorflow.train.pbtxt │ │ │ │ ├── tensorflow.train.queue_runner.-queue-runner.pbtxt │ │ │ │ ├── tensorflow.train.queue_runner.pbtxt │ │ │ │ ├── tensorflow.truncated_normal_initializer.pbtxt │ │ │ │ ├── tensorflow.uniform_unit_scaling_initializer.pbtxt │ │ │ │ ├── tensorflow.variable_scope.pbtxt │ │ │ │ ├── tensorflow.variance_scaling_initializer.pbtxt │ │ │ │ ├── tensorflow.version.pbtxt │ │ │ │ ├── tensorflow.xla.experimental.pbtxt │ │ │ │ ├── tensorflow.xla.pbtxt │ │ │ │ └── tensorflow.zeros_initializer.pbtxt │ │ │ └── v2 │ │ │ │ ├── tensorflow.-aggregation-method.pbtxt │ │ │ │ ├── tensorflow.-critical-section.pbtxt │ │ │ │ ├── tensorflow.-d-type.pbtxt │ │ │ │ ├── tensorflow.-device-spec.pbtxt │ │ │ │ ├── tensorflow.-gradient-tape.pbtxt │ │ │ │ ├── tensorflow.-graph.pbtxt │ │ │ │ ├── tensorflow.-indexed-slices-spec.pbtxt │ │ │ │ ├── tensorflow.-indexed-slices.pbtxt │ │ │ │ ├── tensorflow.-module.pbtxt │ │ │ │ ├── tensorflow.-operation.pbtxt │ │ │ │ ├── tensorflow.-optional-spec.pbtxt │ │ │ │ ├── tensorflow.-ragged-tensor-spec.pbtxt │ │ │ │ ├── tensorflow.-ragged-tensor.pbtxt │ │ │ │ ├── tensorflow.-register-gradient.pbtxt │ │ │ │ ├── tensorflow.-sparse-tensor-spec.pbtxt │ │ │ │ ├── tensorflow.-sparse-tensor.pbtxt │ │ │ │ ├── tensorflow.-tensor-array-spec.pbtxt │ │ │ │ ├── tensorflow.-tensor-array.pbtxt │ │ │ │ ├── tensorflow.-tensor-shape.pbtxt │ │ │ │ ├── tensorflow.-tensor-spec.pbtxt │ │ │ │ ├── tensorflow.-tensor.pbtxt │ │ │ │ ├── tensorflow.-type-spec.pbtxt │ │ │ │ ├── tensorflow.-unconnected-gradients.pbtxt │ │ │ │ ├── tensorflow.-variable-aggregation.pbtxt │ │ │ │ ├── tensorflow.-variable-synchronization.pbtxt │ │ │ │ ├── tensorflow.-variable.-save-slice-info.pbtxt │ │ │ │ ├── tensorflow.-variable.pbtxt │ │ │ │ ├── tensorflow.audio.pbtxt │ │ │ │ ├── tensorflow.autograph.experimental.-feature.pbtxt │ │ │ │ ├── tensorflow.autograph.experimental.pbtxt │ │ │ │ ├── tensorflow.autograph.pbtxt │ │ │ │ ├── tensorflow.bitwise.pbtxt │ │ │ │ ├── tensorflow.compat.pbtxt │ │ │ │ ├── tensorflow.config.experimental.-virtual-device-configuration.pbtxt │ │ │ │ ├── tensorflow.config.experimental.pbtxt │ │ │ │ ├── tensorflow.config.optimizer.pbtxt │ │ │ │ ├── tensorflow.config.pbtxt │ │ │ │ ├── tensorflow.config.threading.pbtxt │ │ │ │ ├── tensorflow.constant_initializer.pbtxt │ │ │ │ ├── tensorflow.data.-dataset-spec.pbtxt │ │ │ │ ├── tensorflow.data.-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-fixed-length-record-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-options.pbtxt │ │ │ │ ├── tensorflow.data.-t-f-record-dataset.pbtxt │ │ │ │ ├── tensorflow.data.-text-line-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-checkpoint-input-pipeline-hook.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-csv-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-distribute-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-map-vectorization-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-optimization-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-optional.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-random-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-reducer.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-sql-dataset.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-stats-aggregator.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-stats-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-t-f-record-writer.pbtxt │ │ │ │ ├── tensorflow.data.experimental.-threading-options.pbtxt │ │ │ │ ├── tensorflow.data.experimental.pbtxt │ │ │ │ ├── tensorflow.data.pbtxt │ │ │ │ ├── tensorflow.debugging.pbtxt │ │ │ │ ├── tensorflow.distribute.-cross-device-ops.pbtxt │ │ │ │ ├── tensorflow.distribute.-hierarchical-copy-all-reduce.pbtxt │ │ │ │ ├── tensorflow.distribute.-input-context.pbtxt │ │ │ │ ├── tensorflow.distribute.-input-replication-mode.pbtxt │ │ │ │ ├── tensorflow.distribute.-mirrored-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.-nccl-all-reduce.pbtxt │ │ │ │ ├── tensorflow.distribute.-one-device-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.-reduce-op.pbtxt │ │ │ │ ├── tensorflow.distribute.-reduction-to-one-device.pbtxt │ │ │ │ ├── tensorflow.distribute.-replica-context.pbtxt │ │ │ │ ├── tensorflow.distribute.-server.pbtxt │ │ │ │ ├── tensorflow.distribute.-strategy-extended.pbtxt │ │ │ │ ├── tensorflow.distribute.-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-g-c-e-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-kubernetes-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-simple-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-slurm-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-t-f-config-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-t-p-u-cluster-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.-union-resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.cluster_resolver.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-central-storage-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-collective-communication.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-multi-worker-mirrored-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-parameter-server-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.-t-p-u-strategy.pbtxt │ │ │ │ ├── tensorflow.distribute.experimental.pbtxt │ │ │ │ ├── tensorflow.distribute.pbtxt │ │ │ │ ├── tensorflow.dtypes.-d-type.pbtxt │ │ │ │ ├── tensorflow.dtypes.pbtxt │ │ │ │ ├── tensorflow.errors.-aborted-error.pbtxt │ │ │ │ ├── tensorflow.errors.-already-exists-error.pbtxt │ │ │ │ ├── tensorflow.errors.-cancelled-error.pbtxt │ │ │ │ ├── tensorflow.errors.-data-loss-error.pbtxt │ │ │ │ ├── tensorflow.errors.-deadline-exceeded-error.pbtxt │ │ │ │ ├── tensorflow.errors.-failed-precondition-error.pbtxt │ │ │ │ ├── tensorflow.errors.-internal-error.pbtxt │ │ │ │ ├── tensorflow.errors.-invalid-argument-error.pbtxt │ │ │ │ ├── tensorflow.errors.-not-found-error.pbtxt │ │ │ │ ├── tensorflow.errors.-op-error.pbtxt │ │ │ │ ├── tensorflow.errors.-out-of-range-error.pbtxt │ │ │ │ ├── tensorflow.errors.-permission-denied-error.pbtxt │ │ │ │ ├── tensorflow.errors.-resource-exhausted-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unauthenticated-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unavailable-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unimplemented-error.pbtxt │ │ │ │ ├── tensorflow.errors.-unknown-error.pbtxt │ │ │ │ ├── tensorflow.errors.pbtxt │ │ │ │ ├── tensorflow.estimator.-baseline-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-baseline-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-baseline-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-best-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-binary-class-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-boosted-trees-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-boosted-trees-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-boosted-trees-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-checkpoint-saver-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-checkpoint-saver-listener.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-linear-combined-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-linear-combined-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-linear-combined-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-d-n-n-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-estimator-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-eval-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-feed-fn-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-final-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-final-ops-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-global-step-waiter-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-latest-exporter.pbtxt │ │ │ │ ├── tensorflow.estimator.-linear-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.-linear-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.-linear-regressor.pbtxt │ │ │ │ ├── tensorflow.estimator.-logging-tensor-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-logistic-regression-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-mode-keys.pbtxt │ │ │ │ ├── tensorflow.estimator.-multi-class-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-multi-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-multi-label-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-nan-loss-during-training-error.pbtxt │ │ │ │ ├── tensorflow.estimator.-nan-tensor-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-poisson-regression-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-profiler-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-regression-head.pbtxt │ │ │ │ ├── tensorflow.estimator.-run-config.pbtxt │ │ │ │ ├── tensorflow.estimator.-second-or-step-timer.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-args.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-context.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-session-run-values.pbtxt │ │ │ │ ├── tensorflow.estimator.-step-counter-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-stop-at-step-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-summary-saver-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.-train-spec.pbtxt │ │ │ │ ├── tensorflow.estimator.-vocab-info.pbtxt │ │ │ │ ├── tensorflow.estimator.-warm-start-settings.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-in-memory-evaluator-hook.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-linear-s-d-c-a.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-r-n-n-classifier.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.-r-n-n-estimator.pbtxt │ │ │ │ ├── tensorflow.estimator.experimental.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-classification-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-classification-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-export-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-export-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-predict-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-predict-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-regression-output.__metaclass__.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-regression-output.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-serving-input-receiver.pbtxt │ │ │ │ ├── tensorflow.estimator.export.-tensor-serving-input-receiver.pbtxt │ │ │ │ ├── tensorflow.estimator.export.pbtxt │ │ │ │ ├── tensorflow.estimator.pbtxt │ │ │ │ ├── tensorflow.experimental.pbtxt │ │ │ │ ├── tensorflow.feature_column.-coalesced-embedding-scope.pbtxt │ │ │ │ ├── tensorflow.feature_column.-coalesced-scope.pbtxt │ │ │ │ ├── tensorflow.feature_column.pbtxt │ │ │ │ ├── tensorflow.graph_util.pbtxt │ │ │ │ ├── tensorflow.hash_table.-bloom-filter-admit-strategy.pbtxt │ │ │ │ ├── tensorflow.hash_table.-bloom-filter-lookup-hook.pbtxt │ │ │ │ ├── tensorflow.hash_table.-distributed-bloom-filter-admit-strategy.pbtxt │ │ │ │ ├── tensorflow.hash_table.-distributed-hash-table.pbtxt │ │ │ │ ├── tensorflow.hash_table.-embedding-lookup-hook.pbtxt │ │ │ │ ├── tensorflow.hash_table.-fixed-size-hash-table-partitioner.pbtxt │ │ │ │ ├── tensorflow.hash_table.-hash-table-key-mapper-factory.pbtxt │ │ │ │ ├── tensorflow.hash_table.-hash-table.pbtxt │ │ │ │ ├── tensorflow.hash_table.-read-only-hook.pbtxt │ │ │ │ ├── tensorflow.hash_table.-simple-hash-table.pbtxt │ │ │ │ ├── tensorflow.hash_table.pbtxt │ │ │ │ ├── tensorflow.image.-resize-method.pbtxt │ │ │ │ ├── tensorflow.image.pbtxt │ │ │ │ ├── tensorflow.initializers.-constant.pbtxt │ │ │ │ ├── tensorflow.initializers.-glorot-normal.pbtxt │ │ │ │ ├── tensorflow.initializers.-glorot-uniform.pbtxt │ │ │ │ ├── tensorflow.initializers.-identity.pbtxt │ │ │ │ ├── tensorflow.initializers.-initializer.pbtxt │ │ │ │ ├── tensorflow.initializers.-ones.pbtxt │ │ │ │ ├── tensorflow.initializers.-orthogonal.pbtxt │ │ │ │ ├── tensorflow.initializers.-random-normal.pbtxt │ │ │ │ ├── tensorflow.initializers.-random-uniform.pbtxt │ │ │ │ ├── tensorflow.initializers.-truncated-normal.pbtxt │ │ │ │ ├── tensorflow.initializers.-variance-scaling.pbtxt │ │ │ │ ├── tensorflow.initializers.-zeros.pbtxt │ │ │ │ ├── tensorflow.initializers.constant.pbtxt │ │ │ │ ├── tensorflow.initializers.glorot_normal.pbtxt │ │ │ │ ├── tensorflow.initializers.glorot_uniform.pbtxt │ │ │ │ ├── tensorflow.initializers.identity.pbtxt │ │ │ │ ├── tensorflow.initializers.ones.pbtxt │ │ │ │ ├── tensorflow.initializers.orthogonal.pbtxt │ │ │ │ ├── tensorflow.initializers.pbtxt │ │ │ │ ├── tensorflow.initializers.zeros.pbtxt │ │ │ │ ├── tensorflow.io.-fixed-len-feature.pbtxt │ │ │ │ ├── tensorflow.io.-fixed-len-sequence-feature.pbtxt │ │ │ │ ├── tensorflow.io.-sparse-feature.pbtxt │ │ │ │ ├── tensorflow.io.-t-f-record-options.pbtxt │ │ │ │ ├── tensorflow.io.-t-f-record-writer.pbtxt │ │ │ │ ├── tensorflow.io.-var-len-feature.pbtxt │ │ │ │ ├── tensorflow.io.gfile.-g-file.pbtxt │ │ │ │ ├── tensorflow.io.gfile.pbtxt │ │ │ │ ├── tensorflow.io.pbtxt │ │ │ │ ├── tensorflow.keras.-model.pbtxt │ │ │ │ ├── tensorflow.keras.-sequential.pbtxt │ │ │ │ ├── tensorflow.keras.activations.pbtxt │ │ │ │ ├── tensorflow.keras.backend.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-base-logger.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-c-s-v-logger.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-callback.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-early-stopping.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-history.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-lambda-callback.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-learning-rate-scheduler.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-model-checkpoint.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-progbar-logger.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-reduce-l-r-on-plateau.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-remote-monitor.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-tensor-board.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.-terminate-on-na-n.pbtxt │ │ │ │ ├── tensorflow.keras.callbacks.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-constraint.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-max-norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-min-max-norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-non-neg.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-radial-constraint.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.-unit-norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.max_norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.min_max_norm.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.non_neg.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.radial_constraint.pbtxt │ │ │ │ ├── tensorflow.keras.constraints.unit_norm.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.boston_housing.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.cifar10.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.cifar100.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.fashion_mnist.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.imdb.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.mnist.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.pbtxt │ │ │ │ ├── tensorflow.keras.datasets.reuters.pbtxt │ │ │ │ ├── tensorflow.keras.estimator.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-cosine-decay-restarts.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-cosine-decay.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-linear-cosine-decay.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-linear-model.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-noisy-linear-cosine-decay.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-peephole-l-s-t-m-cell.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-sequence-features.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.-wide-deep-model.pbtxt │ │ │ │ ├── tensorflow.keras.experimental.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-constant.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-glorot-normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-glorot-uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-identity.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-initializer.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-ones.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-orthogonal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-random-normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-random-uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-truncated-normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-variance-scaling.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.-zeros.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.constant.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.glorot_normal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.glorot_uniform.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.identity.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.ones.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.orthogonal.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.pbtxt │ │ │ │ ├── tensorflow.keras.initializers.zeros.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-abstract-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-activation.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-activity-regularization.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-add.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-additive-attention.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-alpha-dropout.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-attention.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-average.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-avg-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-avg-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-avg-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-batch-normalization.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-bidirectional.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-concatenate.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv-l-s-t-m2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv2-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv3-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-conv3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution2-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution3-d-transpose.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-convolution3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cropping1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cropping2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-cropping3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dense-features.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dense.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-depthwise-conv2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dot.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-dropout.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-e-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-embedding.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-flatten.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-g-r-u-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-g-r-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-gaussian-dropout.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-gaussian-noise.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-average-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-average-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-average-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-avg-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-avg-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-avg-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-global-max-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-input-layer.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-input-spec.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-l-s-t-m-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-l-s-t-m.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-lambda.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-layer-normalization.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-layer.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-leaky-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-locally-connected1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-locally-connected2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-masking.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pool1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pool2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pool3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pooling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pooling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-max-pooling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-maximum.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-minimum.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-multiply.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-p-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-permute.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-r-n-n.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-repeat-vector.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-reshape.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-conv1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-conv2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-convolution1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-separable-convolution2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-simple-r-n-n-cell.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-simple-r-n-n.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-softmax.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-spatial-dropout1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-spatial-dropout2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-spatial-dropout3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-stacked-r-n-n-cells.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-subtract.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-thresholded-re-l-u.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-time-distributed.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-up-sampling1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-up-sampling2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-up-sampling3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-wrapper.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-zero-padding1-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-zero-padding2-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.-zero-padding3-d.pbtxt │ │ │ │ ├── tensorflow.keras.layers.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-binary-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-categorical-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-cosine-similarity.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-huber.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-k-l-divergence.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-log-cosh.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-loss.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-absolute-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-absolute-percentage-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-mean-squared-logarithmic-error.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-poisson.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-reduction.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-sparse-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.losses.-squared-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.losses.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-a-u-c.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-binary-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-binary-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-categorical-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-cosine-similarity.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-false-negatives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-false-positives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-k-l-divergence.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-log-cosh-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-absolute-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-absolute-percentage-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-io-u.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-relative-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-squared-logarithmic-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean-tensor.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-mean.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-metric.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-poisson.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-precision.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-recall.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-root-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sensitivity-at-specificity.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sparse-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sparse-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sparse-top-k-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-specificity-at-sensitivity.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-squared-hinge.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-sum.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-top-k-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-true-negatives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.-true-positives.pbtxt │ │ │ │ ├── tensorflow.keras.metrics.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.experimental.-loss-scale-optimizer.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.experimental.-policy.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.experimental.pbtxt │ │ │ │ ├── tensorflow.keras.mixed_precision.pbtxt │ │ │ │ ├── tensorflow.keras.models.-model.pbtxt │ │ │ │ ├── tensorflow.keras.models.-sequential.pbtxt │ │ │ │ ├── tensorflow.keras.models.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adadelta.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adagrad.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adam.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-adamax.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-ftrl.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-nadam.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-optimizer.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-r-m-sprop.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.-s-g-d.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-exponential-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-inverse-time-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-learning-rate-schedule.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-piecewise-constant-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.-polynomial-decay.pbtxt │ │ │ │ ├── tensorflow.keras.optimizers.schedules.pbtxt │ │ │ │ ├── tensorflow.keras.pbtxt │ │ │ │ ├── tensorflow.keras.regularizers.-l1-l2.pbtxt │ │ │ │ ├── tensorflow.keras.regularizers.-regularizer.pbtxt │ │ │ │ ├── tensorflow.keras.regularizers.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-custom-object-scope.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-generator-enqueuer.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-h-d-f5-matrix.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-ordered-enqueuer.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-progbar.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-sequence-enqueuer.pbtxt │ │ │ │ ├── tensorflow.keras.utils.-sequence.pbtxt │ │ │ │ ├── tensorflow.keras.utils.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.-keras-classifier.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.-keras-regressor.pbtxt │ │ │ │ ├── tensorflow.keras.wrappers.scikit_learn.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-adjoint.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-block-diag.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-circulant.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-circulant2-d.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-circulant3-d.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-composition.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-diag.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-full-matrix.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-householder.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-identity.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-inversion.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-kronecker.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-low-rank-update.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-lower-triangular.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-scaled-identity.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-toeplitz.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator-zeros.pbtxt │ │ │ │ ├── tensorflow.linalg.-linear-operator.pbtxt │ │ │ │ ├── tensorflow.linalg.pbtxt │ │ │ │ ├── tensorflow.lookup.-key-value-tensor-initializer.pbtxt │ │ │ │ ├── tensorflow.lookup.-static-hash-table.pbtxt │ │ │ │ ├── tensorflow.lookup.-static-vocabulary-table.pbtxt │ │ │ │ ├── tensorflow.lookup.-text-file-index.pbtxt │ │ │ │ ├── tensorflow.lookup.-text-file-initializer.pbtxt │ │ │ │ ├── tensorflow.lookup.experimental.-dense-hash-table.pbtxt │ │ │ │ ├── tensorflow.lookup.experimental.pbtxt │ │ │ │ ├── tensorflow.lookup.pbtxt │ │ │ │ ├── tensorflow.losses.-binary-crossentropy.pbtxt │ │ │ │ ├── tensorflow.losses.-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.losses.-categorical-hinge.pbtxt │ │ │ │ ├── tensorflow.losses.-cosine-similarity.pbtxt │ │ │ │ ├── tensorflow.losses.-hinge.pbtxt │ │ │ │ ├── tensorflow.losses.-huber.pbtxt │ │ │ │ ├── tensorflow.losses.-k-l-divergence.pbtxt │ │ │ │ ├── tensorflow.losses.-log-cosh.pbtxt │ │ │ │ ├── tensorflow.losses.-loss.pbtxt │ │ │ │ ├── tensorflow.losses.-mean-absolute-error.pbtxt │ │ │ │ ├── tensorflow.losses.-mean-absolute-percentage-error.pbtxt │ │ │ │ ├── tensorflow.losses.-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.losses.-mean-squared-logarithmic-error.pbtxt │ │ │ │ ├── tensorflow.losses.-poisson.pbtxt │ │ │ │ ├── tensorflow.losses.-reduction.pbtxt │ │ │ │ ├── tensorflow.losses.-sparse-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.losses.-squared-hinge.pbtxt │ │ │ │ ├── tensorflow.losses.pbtxt │ │ │ │ ├── tensorflow.math.pbtxt │ │ │ │ ├── tensorflow.metrics.-a-u-c.pbtxt │ │ │ │ ├── tensorflow.metrics.-accuracy.pbtxt │ │ │ │ ├── tensorflow.metrics.-binary-accuracy.pbtxt │ │ │ │ ├── tensorflow.metrics.-binary-crossentropy.pbtxt │ │ │ │ ├── tensorflow.metrics.-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.metrics.-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.metrics.-categorical-hinge.pbtxt │ │ │ │ ├── tensorflow.metrics.-cosine-similarity.pbtxt │ │ │ │ ├── tensorflow.metrics.-false-negatives.pbtxt │ │ │ │ ├── tensorflow.metrics.-false-positives.pbtxt │ │ │ │ ├── tensorflow.metrics.-hinge.pbtxt │ │ │ │ ├── tensorflow.metrics.-k-l-divergence.pbtxt │ │ │ │ ├── tensorflow.metrics.-log-cosh-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-absolute-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-absolute-percentage-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-io-u.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-relative-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-squared-logarithmic-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean-tensor.pbtxt │ │ │ │ ├── tensorflow.metrics.-mean.pbtxt │ │ │ │ ├── tensorflow.metrics.-metric.pbtxt │ │ │ │ ├── tensorflow.metrics.-poisson.pbtxt │ │ │ │ ├── tensorflow.metrics.-precision.pbtxt │ │ │ │ ├── tensorflow.metrics.-recall.pbtxt │ │ │ │ ├── tensorflow.metrics.-root-mean-squared-error.pbtxt │ │ │ │ ├── tensorflow.metrics.-sensitivity-at-specificity.pbtxt │ │ │ │ ├── tensorflow.metrics.-sparse-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.metrics.-sparse-categorical-crossentropy.pbtxt │ │ │ │ ├── tensorflow.metrics.-sparse-top-k-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.metrics.-specificity-at-sensitivity.pbtxt │ │ │ │ ├── tensorflow.metrics.-squared-hinge.pbtxt │ │ │ │ ├── tensorflow.metrics.-sum.pbtxt │ │ │ │ ├── tensorflow.metrics.-top-k-categorical-accuracy.pbtxt │ │ │ │ ├── tensorflow.metrics.-true-negatives.pbtxt │ │ │ │ ├── tensorflow.metrics.-true-positives.pbtxt │ │ │ │ ├── tensorflow.metrics.pbtxt │ │ │ │ ├── tensorflow.name_scope.pbtxt │ │ │ │ ├── tensorflow.nest.pbtxt │ │ │ │ ├── tensorflow.nn.-r-n-n-cell-device-wrapper.pbtxt │ │ │ │ ├── tensorflow.nn.-r-n-n-cell-dropout-wrapper.pbtxt │ │ │ │ ├── tensorflow.nn.-r-n-n-cell-residual-wrapper.pbtxt │ │ │ │ ├── tensorflow.nn.pbtxt │ │ │ │ ├── tensorflow.ones_initializer.pbtxt │ │ │ │ ├── tensorflow.optimizers.-adadelta.pbtxt │ │ │ │ ├── tensorflow.optimizers.-adagrad.pbtxt │ │ │ │ ├── tensorflow.optimizers.-adam.pbtxt │ │ │ │ ├── tensorflow.optimizers.-adamax.pbtxt │ │ │ │ ├── tensorflow.optimizers.-ftrl.pbtxt │ │ │ │ ├── tensorflow.optimizers.-nadam.pbtxt │ │ │ │ ├── tensorflow.optimizers.-optimizer.pbtxt │ │ │ │ ├── tensorflow.optimizers.-r-m-sprop.pbtxt │ │ │ │ ├── tensorflow.optimizers.-s-g-d.pbtxt │ │ │ │ ├── tensorflow.optimizers.pbtxt │ │ │ │ ├── tensorflow.optimizers.schedules.-exponential-decay.pbtxt │ │ │ │ ├── tensorflow.optimizers.schedules.-inverse-time-decay.pbtxt │ │ │ │ ├── tensorflow.optimizers.schedules.-learning-rate-schedule.pbtxt │ │ │ │ ├── tensorflow.optimizers.schedules.-piecewise-constant-decay.pbtxt │ │ │ │ ├── tensorflow.optimizers.schedules.-polynomial-decay.pbtxt │ │ │ │ ├── tensorflow.optimizers.schedules.pbtxt │ │ │ │ ├── tensorflow.pbtxt │ │ │ │ ├── tensorflow.quantization.pbtxt │ │ │ │ ├── tensorflow.queue.-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.queue.-padding-f-i-f-o-queue.pbtxt │ │ │ │ ├── tensorflow.queue.-priority-queue.pbtxt │ │ │ │ ├── tensorflow.queue.-queue-base.pbtxt │ │ │ │ ├── tensorflow.queue.-random-shuffle-queue.pbtxt │ │ │ │ ├── tensorflow.queue.pbtxt │ │ │ │ ├── tensorflow.ragged.pbtxt │ │ │ │ ├── tensorflow.random.experimental.-generator.pbtxt │ │ │ │ ├── tensorflow.random.experimental.pbtxt │ │ │ │ ├── tensorflow.random.pbtxt │ │ │ │ ├── tensorflow.random_normal_initializer.pbtxt │ │ │ │ ├── tensorflow.random_uniform_initializer.pbtxt │ │ │ │ ├── tensorflow.raw_ops.pbtxt │ │ │ │ ├── tensorflow.saved_model.pbtxt │ │ │ │ ├── tensorflow.sets.pbtxt │ │ │ │ ├── tensorflow.signal.pbtxt │ │ │ │ ├── tensorflow.sparse.-sparse-tensor.pbtxt │ │ │ │ ├── tensorflow.sparse.pbtxt │ │ │ │ ├── tensorflow.strings.pbtxt │ │ │ │ ├── tensorflow.summary.-summary-writer.pbtxt │ │ │ │ ├── tensorflow.summary.experimental.pbtxt │ │ │ │ ├── tensorflow.summary.pbtxt │ │ │ │ ├── tensorflow.sysconfig.pbtxt │ │ │ │ ├── tensorflow.test.-benchmark.pbtxt │ │ │ │ ├── tensorflow.test.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.-device-assignment.pbtxt │ │ │ │ ├── tensorflow.tpu.experimental.pbtxt │ │ │ │ ├── tensorflow.tpu.pbtxt │ │ │ │ ├── tensorflow.train.-adagrad-decay-optimizer-v2.pbtxt │ │ │ │ ├── tensorflow.train.-adagrad-decay-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-adam-async-optimizer.pbtxt │ │ │ │ ├── tensorflow.train.-bytes-list.pbtxt │ │ │ │ ├── tensorflow.train.-checkpoint-manager.pbtxt │ │ │ │ ├── tensorflow.train.-checkpoint.pbtxt │ │ │ │ ├── tensorflow.train.-cluster-def.pbtxt │ │ │ │ ├── tensorflow.train.-cluster-spec.pbtxt │ │ │ │ ├── tensorflow.train.-coordinator.pbtxt │ │ │ │ ├── tensorflow.train.-example.pbtxt │ │ │ │ ├── tensorflow.train.-exponential-moving-average.pbtxt │ │ │ │ ├── tensorflow.train.-feature-list.pbtxt │ │ │ │ ├── tensorflow.train.-feature-lists.-feature-list-entry.pbtxt │ │ │ │ ├── tensorflow.train.-feature-lists.pbtxt │ │ │ │ ├── tensorflow.train.-feature.pbtxt │ │ │ │ ├── tensorflow.train.-features.-feature-entry.pbtxt │ │ │ │ ├── tensorflow.train.-features.pbtxt │ │ │ │ ├── tensorflow.train.-float-list.pbtxt │ │ │ │ ├── tensorflow.train.-int64-list.pbtxt │ │ │ │ ├── tensorflow.train.-job-def.-tasks-entry.pbtxt │ │ │ │ ├── tensorflow.train.-job-def.pbtxt │ │ │ │ ├── tensorflow.train.-sequence-example.pbtxt │ │ │ │ ├── tensorflow.train.-server-def.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-dynamic-loss-scale.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-fixed-loss-scale.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-loss-scale.pbtxt │ │ │ │ ├── tensorflow.train.experimental.-python-state.pbtxt │ │ │ │ ├── tensorflow.train.experimental.pbtxt │ │ │ │ ├── tensorflow.train.pbtxt │ │ │ │ ├── tensorflow.version.pbtxt │ │ │ │ ├── tensorflow.xla.experimental.pbtxt │ │ │ │ ├── tensorflow.xla.pbtxt │ │ │ │ └── tensorflow.zeros_initializer.pbtxt │ │ ├── lib │ │ │ ├── BUILD │ │ │ ├── api_objects.proto │ │ │ └── python_object_to_proto_visitor.py │ │ └── tests │ │ │ ├── API_UPDATE_WARNING.txt │ │ │ ├── BUILD │ │ │ ├── README.txt │ │ │ ├── api_compatibility_test.py │ │ │ ├── convert_from_multiline.cc │ │ │ ├── deprecation_test.py │ │ │ └── module_test.py │ ├── benchmark │ │ ├── BUILD │ │ ├── README.md │ │ ├── benchmark_model.cc │ │ ├── benchmark_model.h │ │ ├── benchmark_model_main.cc │ │ └── benchmark_model_test.cc │ ├── build_info │ │ ├── BUILD │ │ └── gen_build_info.py │ ├── ci_build │ │ ├── Dockerfile.android │ │ ├── Dockerfile.cmake │ │ ├── Dockerfile.cpu │ │ ├── Dockerfile.cpu.mpi │ │ ├── Dockerfile.cpu.ppc64le │ │ ├── Dockerfile.custom_op │ │ ├── Dockerfile.custom_op_centos │ │ ├── Dockerfile.custom_op_gpu │ │ ├── Dockerfile.custom_op_ubuntu_16 │ │ ├── Dockerfile.custom_op_ubuntu_16_gpu │ │ ├── Dockerfile.debian.jessie.cpu │ │ ├── Dockerfile.gpu │ │ ├── Dockerfile.gpu.ppc64le │ │ ├── Dockerfile.hadoop │ │ ├── Dockerfile.micro │ │ ├── Dockerfile.pi │ │ ├── Dockerfile.pi-python3 │ │ ├── Dockerfile.pi-python37 │ │ ├── Dockerfile.rbe.cpu │ │ ├── Dockerfile.rbe.cpu-centos6 │ │ ├── Dockerfile.rbe.cuda10.0-cudnn7-centos6 │ │ ├── Dockerfile.rbe.cuda10.0-cudnn7-centos6.sh │ │ ├── Dockerfile.rbe.cuda10.0-cudnn7-ubuntu14.04 │ │ ├── Dockerfile.rbe.cuda10.0-cudnn7-ubuntu16.04-manylinux2010 │ │ ├── Dockerfile.rbe.cuda10.1-cudnn7-centos6 │ │ ├── Dockerfile.rbe.cuda10.1-cudnn7-centos6.sh │ │ ├── Dockerfile.rbe.cuda9.0-cudnn7-ubuntu14.04 │ │ ├── Dockerfile.rbe.gpu │ │ ├── Dockerfile.rbe.rocm-ubuntu16.04 │ │ ├── Dockerfile.rbe.ubuntu16.04-manylinux2010 │ │ ├── Dockerfile.rocm │ │ ├── README.md │ │ ├── build_scripts │ │ │ ├── PRESUBMIT_BUILD_TARGETS.sh │ │ │ └── README.md │ │ ├── builds │ │ │ ├── android.sh │ │ │ ├── android_full.sh │ │ │ ├── benchmark.sh │ │ │ ├── builds_common.sh │ │ │ ├── cmake.sh │ │ │ ├── configured │ │ │ ├── docker_cpu_pip.sh │ │ │ ├── docker_test.sh │ │ │ ├── hadoop.sh │ │ │ ├── integration_tests.sh │ │ │ ├── libtensorflow.sh │ │ │ ├── pip.sh │ │ │ ├── pip_new.sh │ │ │ ├── print_build_info.sh │ │ │ ├── py_test_delegate.sh │ │ │ ├── run_pip_tests.sh │ │ │ ├── test_tutorials.sh │ │ │ ├── test_user_ops.sh │ │ │ ├── user_ops │ │ │ │ ├── cuda_op_kernel.cc │ │ │ │ ├── cuda_op_kernel.cu.cc │ │ │ │ └── zero_out_op_kernel_1.cc │ │ │ └── with_the_same_user │ │ ├── ci_build.sh │ │ ├── ci_parameterized_build.sh │ │ ├── ci_rbe_docker_build.sh │ │ ├── ci_sanity.sh │ │ ├── code_link_check.sh │ │ ├── copy_binary.py │ │ ├── devtoolset │ │ │ ├── build_devtoolset.sh │ │ │ ├── fixlinks.sh │ │ │ ├── platlib.patch │ │ │ └── rpm-patch.sh │ │ ├── gpu_build │ │ │ ├── BUILD │ │ │ └── parallel_gpu_execute.sh │ │ ├── install │ │ │ ├── .bazelrc │ │ │ ├── BUILD │ │ │ ├── install_auditwheel.sh │ │ │ ├── install_bazel.sh │ │ │ ├── install_bazel_from_source.sh │ │ │ ├── install_bootstrap_deb_packages.sh │ │ │ ├── install_buildifier.sh │ │ │ ├── install_buildifier_from_source.sh │ │ │ ├── install_centos_pip_packages.sh │ │ │ ├── install_centos_python36.sh │ │ │ ├── install_clang.sh │ │ │ ├── install_deb_packages.sh │ │ │ ├── install_golang.sh │ │ │ ├── install_golang_centos.sh │ │ │ ├── install_golang_ppc64le.sh │ │ │ ├── install_hadoop.sh │ │ │ ├── install_hdf5_ppc64le.sh │ │ │ ├── install_mpi.sh │ │ │ ├── install_openblas_ppc64le.sh │ │ │ ├── install_pi_python37_toolchain.sh │ │ │ ├── install_pi_python3_toolchain.sh │ │ │ ├── install_pi_toolchain.sh │ │ │ ├── install_pip_packages.sh │ │ │ ├── install_pip_packages_remote.sh │ │ │ ├── install_proto3.sh │ │ │ ├── install_python3.5_pip_packages.sh │ │ │ ├── install_python3.6_pip_packages.sh │ │ │ └── install_yum_packages.sh │ │ ├── linux │ │ │ ├── cmake │ │ │ │ └── run.sh │ │ │ ├── cpu │ │ │ │ ├── run_cc_core.sh │ │ │ │ ├── run_mkl.sh │ │ │ │ ├── run_py2_core.sh │ │ │ │ ├── run_py3_contrib.sh │ │ │ │ └── run_py3_core.sh │ │ │ ├── gpu │ │ │ │ ├── run_cc_core.sh │ │ │ │ ├── run_mkl.sh │ │ │ │ └── run_py3_core.sh │ │ │ ├── libtensorflow.sh │ │ │ ├── libtensorflow_cpu.sh │ │ │ ├── libtensorflow_docker.sh │ │ │ ├── libtensorflow_gpu.sh │ │ │ ├── libtensorflow_rocm.sh │ │ │ ├── mkl │ │ │ │ ├── Dockerfile.devel-mkl │ │ │ │ ├── basic-mkl-gpu-test.sh │ │ │ │ ├── basic-mkl-test.sh │ │ │ │ ├── build-dev-container.sh │ │ │ │ └── set-build-env.py │ │ │ ├── ppc64le │ │ │ │ ├── cpu │ │ │ │ │ ├── run_py2.sh │ │ │ │ │ └── run_py3.sh │ │ │ │ └── gpu │ │ │ │ │ ├── run_py2.sh │ │ │ │ │ └── run_py3.sh │ │ │ └── rocm │ │ │ │ ├── run_cc_core.sh │ │ │ │ ├── run_csb_tests.sh │ │ │ │ └── run_py3_core.sh │ │ ├── osx │ │ │ ├── cpu │ │ │ │ ├── run_contrib.sh │ │ │ │ ├── run_py2_cc_core.sh │ │ │ │ └── run_py3_cc_core.sh │ │ │ ├── libtensorflow_cpu.sh │ │ │ ├── libtensorflow_gpu.sh │ │ │ └── libtensorflow_rocm.sh │ │ ├── pep8 │ │ ├── pi │ │ │ └── build_raspberry_pi.sh │ │ ├── presubmit │ │ │ ├── macos │ │ │ │ ├── py2_cc │ │ │ │ │ └── build.sh │ │ │ │ └── py37_cc │ │ │ │ │ └── build.sh │ │ │ ├── ubuntu_16 │ │ │ │ ├── android │ │ │ │ │ └── build.sh │ │ │ │ ├── cpu_py36_full │ │ │ │ │ └── build.sh │ │ │ │ ├── gpu_py36_full │ │ │ │ │ └── build.sh │ │ │ │ └── sanity │ │ │ │ │ └── build.sh │ │ │ └── windows │ │ │ │ ├── cpu_py36_full │ │ │ │ └── build.bat │ │ │ │ └── gpu_py36_full │ │ │ │ └── build.bat │ │ ├── protobuf │ │ │ └── protobuf_optimized_pip.sh │ │ ├── pylintrc │ │ ├── rel │ │ │ ├── macos │ │ │ │ ├── cpu_py35_nonpip.sh │ │ │ │ ├── cpu_py35_pip.sh │ │ │ │ ├── cpu_py36_nonpip.sh │ │ │ │ ├── cpu_py36_pip.sh │ │ │ │ ├── cpu_py37_nonpip.sh │ │ │ │ └── cpu_py37_pip.sh │ │ │ ├── ubuntu │ │ │ │ ├── cpu_py35_nonpip.sh │ │ │ │ ├── cpu_py35_pip.sh │ │ │ │ ├── cpu_py36_nonpip.sh │ │ │ │ ├── cpu_py36_pip.sh │ │ │ │ ├── cpu_py37_nonpip.sh │ │ │ │ ├── cpu_py37_pip.sh │ │ │ │ ├── gpu_pip_on_cpu.sh │ │ │ │ ├── gpu_py35_nonpip.sh │ │ │ │ ├── gpu_py35_pip.sh │ │ │ │ ├── gpu_py36_nonpip.sh │ │ │ │ ├── gpu_py36_pip.sh │ │ │ │ ├── gpu_py37_nonpip.sh │ │ │ │ ├── gpu_py37_pip.sh │ │ │ │ └── sanity.sh │ │ │ └── windows │ │ │ │ ├── cpu_py35.bat │ │ │ │ ├── cpu_py36.bat │ │ │ │ ├── cpu_py37.bat │ │ │ │ ├── gpu_pip_on_cpu.bat │ │ │ │ ├── gpu_py35.bat │ │ │ │ ├── gpu_py36.bat │ │ │ │ └── gpu_py37.bat │ │ ├── release │ │ │ ├── common.sh │ │ │ ├── common_win.bat │ │ │ ├── macos │ │ │ │ ├── cpu_py35_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── cpu_py36_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ └── cpu_py37_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ ├── ubuntu_16 │ │ │ │ ├── cpu_py35_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── cpu_py36_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── cpu_py37_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── custom_op │ │ │ │ │ └── nightly.sh │ │ │ │ ├── gpu_pip_on_cpu │ │ │ │ │ └── build.sh │ │ │ │ ├── gpu_py35_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── gpu_py36_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── gpu_py37_full │ │ │ │ │ ├── nonpip.sh │ │ │ │ │ └── pip.sh │ │ │ │ ├── sanity │ │ │ │ │ └── build.sh │ │ │ │ └── tpu_py37_full │ │ │ │ │ └── nonpip.sh │ │ │ └── windows │ │ │ │ ├── cpu_py35_full │ │ │ │ ├── release.bat │ │ │ │ └── release_pip_rename.sh │ │ │ │ ├── cpu_py36_full │ │ │ │ ├── release.bat │ │ │ │ └── release_pip_rename.sh │ │ │ │ ├── cpu_py37_full │ │ │ │ ├── release.bat │ │ │ │ └── release_pip_rename.sh │ │ │ │ ├── gpu_pip_on_cpu │ │ │ │ └── build.bat │ │ │ │ ├── gpu_py35_full │ │ │ │ ├── release.bat │ │ │ │ └── release_pip_rename.sh │ │ │ │ ├── gpu_py36_full │ │ │ │ ├── release.bat │ │ │ │ └── release_pip_rename.sh │ │ │ │ └── gpu_py37_full │ │ │ │ ├── release.bat │ │ │ │ └── release_pip_rename.sh │ │ ├── remote │ │ │ └── BUILD │ │ ├── update_version.py │ │ ├── windows │ │ │ ├── bazel │ │ │ │ ├── bazel_test_lib.sh │ │ │ │ └── common_env.sh │ │ │ ├── cpu │ │ │ │ ├── bazel │ │ │ │ │ ├── run_cc_test_windows.bat │ │ │ │ │ ├── run_cc_test_windows.sh │ │ │ │ │ └── run_libtensorflow.bat │ │ │ │ ├── cmake │ │ │ │ │ ├── run_build.bat │ │ │ │ │ └── run_py.bat │ │ │ │ └── pip │ │ │ │ │ ├── build_tf_windows.sh │ │ │ │ │ └── run.bat │ │ │ ├── gpu │ │ │ │ ├── bazel │ │ │ │ │ ├── run_cc_test_windows.bat │ │ │ │ │ ├── run_cc_test_windows.sh │ │ │ │ │ └── run_libtensorflow.bat │ │ │ │ ├── cmake │ │ │ │ │ ├── run_build.bat │ │ │ │ │ └── run_py.bat │ │ │ │ └── pip │ │ │ │ │ ├── build_tf_windows.sh │ │ │ │ │ └── run.bat │ │ │ ├── integration │ │ │ │ └── gpu_pip_on_cpu │ │ │ │ │ ├── build_tf_windows.sh │ │ │ │ │ └── run.bat │ │ │ ├── libtensorflow_cpu.sh │ │ │ └── libtensorflow_gpu.sh │ │ └── xla │ │ │ └── linux │ │ │ ├── gpu │ │ │ └── run_py3.sh │ │ │ └── rocm │ │ │ └── run_py3.sh │ ├── common │ │ ├── BUILD │ │ ├── public_api.py │ │ ├── public_api_test.py │ │ ├── test_module1.py │ │ ├── test_module2.py │ │ ├── traverse.py │ │ └── traverse_test.py │ ├── compatibility │ │ ├── BUILD │ │ ├── README.md │ │ ├── all_renames_v2.py │ │ ├── all_renames_v2_test.py │ │ ├── ast_edits.py │ │ ├── ast_edits_test.py │ │ ├── ipynb.py │ │ ├── module_deprecations_v2.py │ │ ├── renames_v2.py │ │ ├── reorders_v2.py │ │ ├── testdata │ │ │ ├── test_file_v0_11.py │ │ │ └── test_file_v1_12.py │ │ ├── tf_upgrade.py │ │ ├── tf_upgrade_test.py │ │ ├── tf_upgrade_v2.py │ │ ├── tf_upgrade_v2_main.py │ │ ├── tf_upgrade_v2_safety.py │ │ ├── tf_upgrade_v2_safety_test.py │ │ ├── tf_upgrade_v2_test.py │ │ └── update │ │ │ ├── BUILD │ │ │ ├── generate_v2_renames_map.py │ │ │ └── generate_v2_reorders_map.py │ ├── def_file_filter │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── def_file_filter.py.tpl │ │ ├── def_file_filter_configure.bzl │ │ └── symbols_pybind.txt │ ├── dockerfiles │ │ ├── .gitignore │ │ ├── README.md │ │ ├── assembler.py │ │ ├── bashrc │ │ ├── dockerfiles │ │ │ ├── cpu-jupyter.Dockerfile │ │ │ ├── cpu.Dockerfile │ │ │ ├── devel-cpu-jupyter.Dockerfile │ │ │ ├── devel-cpu.Dockerfile │ │ │ ├── devel-gpu-jupyter.Dockerfile │ │ │ ├── devel-gpu.Dockerfile │ │ │ ├── gpu-jupyter.Dockerfile │ │ │ ├── gpu.Dockerfile │ │ │ └── ppc64le │ │ │ │ ├── cpu-ppc64le-jupyter.Dockerfile │ │ │ │ ├── cpu-ppc64le.Dockerfile │ │ │ │ ├── devel-cpu-ppc64le-jupyter.Dockerfile │ │ │ │ ├── devel-cpu-ppc64le.Dockerfile │ │ │ │ ├── devel-gpu-ppc64le-jupyter.Dockerfile │ │ │ │ ├── devel-gpu-ppc64le.Dockerfile │ │ │ │ ├── gpu-ppc64le-jupyter.Dockerfile │ │ │ │ └── gpu-ppc64le.Dockerfile │ │ ├── partials │ │ │ ├── jupyter.partial.Dockerfile │ │ │ ├── shell.partial.Dockerfile │ │ │ ├── tensorflow-ppc64le.partial.Dockerfile │ │ │ ├── tensorflow.partial.Dockerfile │ │ │ ├── test-import.partial.Dockerfile │ │ │ └── ubuntu │ │ │ │ ├── bazel.partial.Dockerfile │ │ │ │ ├── bazelbuild.partial.Dockerfile │ │ │ │ ├── cpu.partial.Dockerfile │ │ │ │ ├── devel-cpu.partial.Dockerfile │ │ │ │ ├── devel-nvidia.partial.Dockerfile │ │ │ │ ├── nvidia.partial.Dockerfile │ │ │ │ ├── python.partial.Dockerfile │ │ │ │ ├── test-devel.partial.Dockerfile │ │ │ │ └── version.partial.Dockerfile │ │ ├── readme-for-jupyter.md │ │ ├── spec.yml │ │ ├── tests │ │ │ ├── build-cpu.sh │ │ │ ├── build-gpu.sh │ │ │ ├── import-gpu.sh │ │ │ └── import.sh │ │ └── tools.Dockerfile │ ├── docs │ │ ├── BUILD │ │ ├── doc_controls.py │ │ ├── doc_controls_test.py │ │ ├── doc_generator_visitor.py │ │ ├── doc_generator_visitor_test.py │ │ ├── generate.py │ │ ├── generate2.py │ │ ├── generate2_test.py │ │ ├── generate_lib.py │ │ ├── generate_lib_test.py │ │ ├── parser.py │ │ ├── parser_test.py │ │ ├── pretty_docs.py │ │ ├── py_guide_parser.py │ │ └── py_guide_parser_test.py │ ├── embedding_variable │ │ ├── BUILD │ │ ├── README │ │ ├── ckpt_format_transform.cc │ │ └── config.json │ ├── gcs_test │ │ ├── Dockerfile │ │ ├── gcs_smoke.sh │ │ ├── gcs_smoke_wrapper.sh │ │ └── python │ │ │ └── gcs_smoke.py │ ├── git │ │ ├── .gitignore │ │ ├── BUILD │ │ ├── gen_git_source.py │ │ └── gen_git_source.sh │ ├── graph_transforms │ │ ├── BUILD │ │ ├── README.md │ │ ├── __init__.py │ │ ├── add_default_attributes.cc │ │ ├── add_default_attributes_test.cc │ │ ├── backports.cc │ │ ├── backports_test.cc │ │ ├── compare_graphs.cc │ │ ├── file_utils.cc │ │ ├── file_utils.h │ │ ├── file_utils_test.cc │ │ ├── flatten_atrous.cc │ │ ├── flatten_atrous_test.cc │ │ ├── fold_batch_norms.cc │ │ ├── fold_batch_norms_test.cc │ │ ├── fold_constants_lib.cc │ │ ├── fold_constants_lib.h │ │ ├── fold_constants_test.cc │ │ ├── fold_old_batch_norms.cc │ │ ├── fold_old_batch_norms_test.cc │ │ ├── freeze_requantization_ranges.cc │ │ ├── freeze_requantization_ranges_test.cc │ │ ├── fuse_convolutions.cc │ │ ├── fuse_convolutions_test.cc │ │ ├── insert_logging.cc │ │ ├── insert_logging_test.cc │ │ ├── obfuscate_names.cc │ │ ├── obfuscate_names_test.cc │ │ ├── python │ │ │ └── transform_graph_test.py │ │ ├── quantize_nodes.cc │ │ ├── quantize_nodes_test.cc │ │ ├── quantize_weights.cc │ │ ├── quantize_weights_test.cc │ │ ├── remove_attribute.cc │ │ ├── remove_attribute_test.cc │ │ ├── remove_control_dependencies.cc │ │ ├── remove_device.cc │ │ ├── remove_device_test.cc │ │ ├── remove_nodes.cc │ │ ├── remove_nodes_test.cc │ │ ├── rename_attribute.cc │ │ ├── rename_attribute_test.cc │ │ ├── rename_op.cc │ │ ├── rename_op_test.cc │ │ ├── round_weights.cc │ │ ├── round_weights_test.cc │ │ ├── set_device.cc │ │ ├── set_device_test.cc │ │ ├── sort_by_execution_order.cc │ │ ├── sort_by_execution_order_test.cc │ │ ├── sparsify_gather.cc │ │ ├── sparsify_gather_test.cc │ │ ├── strip_unused_nodes.cc │ │ ├── strip_unused_nodes_test.cc │ │ ├── summarize_graph_main.cc │ │ ├── transform_graph.cc │ │ ├── transform_graph.h │ │ ├── transform_graph_main.cc │ │ ├── transform_graph_test.cc │ │ ├── transform_utils.cc │ │ ├── transform_utils.h │ │ └── transform_utils_test.cc │ ├── lib_package │ │ ├── BUILD │ │ ├── LibTensorFlowTest.java │ │ ├── README.md │ │ ├── concat_licenses.sh │ │ ├── libtensorflow_java_test.sh │ │ ├── libtensorflow_test.c │ │ └── libtensorflow_test.sh │ ├── mlpbtxt │ │ ├── BUILD │ │ ├── frommlpbtxt.cc │ │ └── tomlpbtxt.cc │ ├── optimization │ │ ├── BUILD │ │ ├── gpu_optimization_pass_runner_main.cc │ │ ├── optimization_pass_runner.cc │ │ └── optimization_pass_runner.h │ ├── pip_package │ │ ├── BUILD │ │ ├── MANIFEST.in │ │ ├── README │ │ ├── build_pip_package.sh │ │ ├── build_sok.sh │ │ ├── check_load_py_test.py │ │ ├── pip_smoke_test.py │ │ ├── setup.py │ │ ├── simple_console.py │ │ └── simple_console_for_windows.py │ ├── proto_text │ │ ├── BUILD │ │ ├── gen_proto_text_functions.cc │ │ ├── gen_proto_text_functions_lib.cc │ │ ├── gen_proto_text_functions_lib.h │ │ ├── gen_proto_text_functions_lib_test.cc │ │ ├── placeholder.txt │ │ └── test.proto │ ├── sdk_package │ │ ├── BUILD │ │ ├── README.md │ │ └── build_sdk_package.sh │ ├── swig │ │ └── .gitignore │ ├── tensorflow_builder │ │ ├── compat_checker │ │ │ ├── BUILD │ │ │ ├── compat_checker.py │ │ │ ├── compat_checker_test.py │ │ │ ├── sample_config.ini │ │ │ └── test_config.ini │ │ └── config_detector │ │ │ ├── BUILD │ │ │ ├── config_detector.py │ │ │ └── data │ │ │ ├── __init__.py │ │ │ ├── cuda_compute_capability.py │ │ │ └── golden │ │ │ ├── BUILD │ │ │ └── compute_capability_golden.csv │ └── test │ │ ├── BUILD │ │ ├── __init__.py │ │ ├── check_futures_test.py │ │ ├── file_name_test.py │ │ ├── gpu_info_lib.py │ │ ├── performance.bzl │ │ ├── run_and_gather_logs.py │ │ ├── run_and_gather_logs_lib.py │ │ ├── system_info.py │ │ ├── system_info_lib.py │ │ ├── upload_test_benchmarks.py │ │ └── upload_test_benchmarks_index.yaml ├── version_check.bzl ├── virtual_root_template_v1.__init__.py ├── virtual_root_template_v2.__init__.py └── workspace.bzl ├── third_party ├── 0001-abseil.patch ├── 0001-boringssl.patch ├── 0001-seastar.patch ├── BUILD ├── FP16 │ ├── BUILD │ ├── BUILD.bazel │ └── workspace.bzl ├── __init__.py ├── android │ ├── BUILD │ ├── android.bzl.tpl │ ├── android_configure.BUILD.tpl │ └── android_configure.bzl ├── arm_neon_2_x86_sse.BUILD ├── arrow.BUILD ├── arrow.patch ├── astor.BUILD ├── astunparse.BUILD ├── aws │ ├── BUILD │ ├── BUILD.bazel │ └── workspace.bzl ├── backports_weakref.BUILD ├── boringssl │ └── BUILD ├── brotli.BUILD ├── brotli │ └── LICENSE ├── bzip2.BUILD ├── cares │ ├── BUILD │ ├── LICENSE │ ├── ares_build.h │ ├── ares_config.h │ └── cares.BUILD ├── clang_toolchain │ ├── BUILD │ ├── cc_configure_clang.bzl │ └── download_clang.bzl ├── codegen.BUILD ├── colm.BUILD ├── colm │ └── COPYING ├── com_google_absl.BUILD ├── common.bzl ├── compute_library │ ├── BUILD │ ├── LICENSE │ ├── acl_fixed_format_kernels_striding.patch │ ├── acl_openmp_fix.patch │ └── compute_library.patch ├── cryptopp.BUILD ├── cub.BUILD ├── cuco.BUILD ├── cucollection.patch ├── cudnn_frontend.BUILD ├── cudnn_frontend │ └── LICENSE.txt ├── cudnn_frontend_header_fix.patch ├── curl.BUILD ├── cython.BUILD ├── dlpack │ ├── BUILD.bazel │ └── workspace.bzl ├── double_conversion.BUILD ├── eigen.BUILD ├── eigen3 │ ├── BUILD │ ├── Eigen │ │ ├── Cholesky │ │ ├── Core │ │ ├── Eigenvalues │ │ ├── LU │ │ ├── QR │ │ └── SVD │ ├── LICENSE │ ├── eigen.patch │ └── unsupported │ │ └── Eigen │ │ ├── CXX11 │ │ ├── FixedPoint │ │ ├── Tensor │ │ ├── ThreadPool │ │ └── src │ │ │ └── FixedPoint │ │ │ ├── FixedPointTypes.h │ │ │ ├── MatMatProduct.h │ │ │ ├── MatMatProductAVX2.h │ │ │ ├── MatMatProductNEON.h │ │ │ ├── MatVecProduct.h │ │ │ ├── PacketMathAVX2.h │ │ │ ├── PacketMathAVX512.h │ │ │ ├── TypeCastingAVX2.h │ │ │ └── TypeCastingAVX512.h │ │ ├── MatrixFunctions │ │ └── SpecialFunctions ├── enum34.BUILD ├── examples │ └── eager │ │ └── spinn │ │ ├── BUILD │ │ ├── LICENSE │ │ ├── README.md │ │ └── spinn.py ├── farmhash.BUILD ├── fft2d │ ├── BUILD │ ├── LICENSE │ ├── fft.h │ ├── fft2d.BUILD │ └── fft2d.h ├── flatbuffers │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ ├── build_defs.bzl │ └── workspace.bzl ├── fmtlib.BUILD ├── functools32.BUILD ├── gast.BUILD ├── gif.BUILD ├── gif_fix_strtok_r.patch ├── git │ ├── BUILD │ ├── BUILD.tpl │ └── git_configure.bzl ├── googleapis.BUILD ├── gpus │ ├── BUILD │ ├── crosstool │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── LICENSE │ │ ├── cc_toolchain_config.bzl.tpl │ │ ├── clang │ │ │ └── bin │ │ │ │ ├── crosstool_wrapper_driver_is_not_gcc.tpl │ │ │ │ └── crosstool_wrapper_driver_rocm.tpl │ │ ├── hipcc_cc_toolchain_config.bzl.tpl │ │ └── windows │ │ │ └── msvc_wrapper_for_nvcc.py.tpl │ ├── cuda │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── BUILD.windows.tpl │ │ ├── LICENSE │ │ ├── build_defs.bzl.tpl │ │ └── cuda_config.h.tpl │ ├── cuda_configure.bzl │ ├── find_cuda_config.py │ ├── rocm │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── build_defs.bzl.tpl │ │ └── rocm_config.h.tpl │ └── rocm_configure.bzl ├── grpc │ └── BUILD ├── grpc_gettid.patch ├── hadoop │ ├── BUILD │ ├── LICENSE.txt │ └── hdfs.h ├── highwayhash │ ├── BUILD │ ├── BUILD.bazel │ └── workspace.bzl ├── hugectr.BUILD ├── hwloc │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ ├── hwloc_fix.patch │ ├── static-components.h │ └── workspace.bzl ├── icu │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ ├── data │ │ ├── BUILD.bazel │ │ ├── LICENSE │ │ ├── icu_conversion_data.c.gz.aa │ │ ├── icu_conversion_data.c.gz.ab │ │ ├── icu_conversion_data.c.gz.ac │ │ ├── icu_conversion_data.c.gz.ad │ │ ├── icu_conversion_data.c.gz.ae │ │ ├── icu_conversion_data.c.gz.af │ │ ├── icu_conversion_data.c.gz.ag │ │ ├── icu_conversion_data.c.gz.ah │ │ ├── icu_conversion_data.c.gz.ai │ │ └── icu_conversion_data.c.gz.aj │ ├── udata.patch │ └── workspace.bzl ├── jpeg │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ ├── jpeg_helpers.BUILD.bazel │ └── workspace.bzl ├── jsoncpp.BUILD ├── kafka.BUILD ├── keras_applications_archive │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ └── workspace.bzl ├── kissfft │ ├── BUILD │ ├── BUILD.bazel │ └── workspace.bzl ├── leveldb.BUILD ├── leveldb │ └── LICENSE ├── libaio.BUILD ├── libaio │ └── COPYING ├── libcuckoo.BUILD ├── libxsmm.BUILD ├── libxsmm │ └── LICENSE.md ├── linenoise.BUILD ├── llvm │ ├── BUILD │ ├── expand_cmake_vars.py │ ├── llvm.autogenerated.BUILD │ └── llvm.bzl ├── lmdb.BUILD ├── lz4.BUILD ├── lz4 │ └── LICENSE ├── mkl │ ├── BUILD │ ├── LICENSE │ ├── MKL_LICENSE │ ├── build_defs.bzl │ └── mkl.BUILD ├── mkl_dnn │ ├── BUILD │ ├── LICENSE │ ├── build_defs.bzl │ ├── mkldnn.BUILD │ ├── mkldnn_acl.BUILD │ ├── mkldnn_v1.BUILD │ ├── oneDNN-v2.7.1-export-bf16-fp16-verbose-3.patch │ ├── onednn_acl_depthwise_convolution.patch │ ├── onednn_acl_fixed_format_kernels.patch │ ├── onednn_acl_threadcap.patch │ └── onednn_acl_threadpool_scheduler.patch ├── mlir │ ├── BUILD │ ├── tblgen.bzl │ └── test.BUILD ├── mpi │ ├── .gitignore │ ├── BUILD │ └── mpi.bzl ├── mpi_collectives │ └── BUILD ├── nanopb.BUILD ├── nasm │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ └── workspace.bzl ├── nccl │ ├── BUILD │ ├── LICENSE │ ├── archive.BUILD │ ├── archive.patch │ ├── build_defs.bzl.tpl │ ├── nccl_configure.bzl │ └── system.BUILD.tpl ├── ngraph │ ├── BUILD │ ├── LICENSE │ ├── NGRAPH_LICENSE │ ├── build_defs.bzl │ ├── ngraph.BUILD │ ├── ngraph_tf.BUILD │ ├── nlohmann_json.BUILD │ └── tbb.BUILD ├── nvtx.BUILD ├── opencl_headers │ ├── BUILD │ ├── BUILD.bazel │ └── workspace.bzl ├── opt_einsum.BUILD ├── ortools │ ├── BUILD │ ├── BUILD.bazel │ └── workspace.bzl ├── pasta │ ├── BUILD │ ├── BUILD.bazel │ ├── BUILD.system │ ├── build_defs.bzl │ └── workspace.bzl ├── pcre.BUILD ├── png.BUILD ├── png_fix_rpi.patch ├── pprof.BUILD ├── protobuf │ ├── BUILD │ └── protobuf.patch ├── py │ ├── BUILD │ ├── BUILD.tpl │ ├── numpy │ │ └── BUILD │ └── python_configure.bzl ├── pybind11.BUILD ├── python_runtime │ └── BUILD ├── ragel.BUILD ├── ragel │ └── COPYING ├── rapidjson.BUILD ├── rapidjson │ └── license.txt ├── readerwriterqueue.BUILD ├── repo.bzl ├── rocprim.BUILD ├── sctp.BUILD ├── sctp │ └── COPYING ├── seastar.BUILD ├── seastar.patch ├── six.BUILD ├── snappy.BUILD ├── sparsehash_c11.BUILD ├── sparsehash_c11.patch ├── sparsehash_c11 │ └── LICENSE ├── sqlite.BUILD ├── swig.BUILD ├── sycl │ ├── BUILD │ ├── crosstool │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── CROSSTOOL.tpl │ │ ├── computecpp.tpl │ │ └── trisycl.tpl │ ├── sycl │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── LICENSE.text │ │ ├── build_defs.bzl.tpl │ │ └── platform.bzl.tpl │ └── sycl_configure.bzl ├── systemlibs │ ├── BUILD │ ├── BUILD.tpl │ ├── absl_py.BUILD │ ├── absl_py.absl.BUILD │ ├── absl_py.absl.flags.BUILD │ ├── absl_py.absl.testing.BUILD │ ├── astor.BUILD │ ├── boringssl.BUILD │ ├── build_defs.bzl.tpl │ ├── curl.BUILD │ ├── cython.BUILD │ ├── double_conversion.BUILD │ ├── enum34.BUILD │ ├── gast.BUILD │ ├── gif.BUILD │ ├── google_cloud_cpp.BUILD │ ├── google_cloud_cpp.google.cloud.bigtable.BUILD │ ├── googleapis.BUILD │ ├── grpc.BUILD │ ├── jsoncpp.BUILD │ ├── lmdb.BUILD │ ├── nsync.BUILD │ ├── opt_einsum.BUILD │ ├── pcre.BUILD │ ├── png.BUILD │ ├── protobuf.BUILD │ ├── protobuf.bzl │ ├── re2.BUILD │ ├── six.BUILD │ ├── snappy.BUILD │ ├── sqlite.BUILD │ ├── swig.BUILD │ ├── syslibs_configure.bzl │ ├── termcolor.BUILD │ ├── wrapt.BUILD │ └── zlib.BUILD ├── systemtap-sdt.BUILD ├── tensorrt │ ├── BUILD │ ├── BUILD.tpl │ ├── LICENSE │ ├── build_defs.bzl.tpl │ ├── tensorrt │ │ └── include │ │ │ └── tensorrt_config.h.tpl │ └── tensorrt_configure.bzl ├── termcolor.BUILD ├── tflite_mobilenet.BUILD ├── tflite_mobilenet_float.BUILD ├── tflite_mobilenet_quant.BUILD ├── tflite_ovic_testdata.BUILD ├── tflite_smartreply.BUILD ├── thrift.BUILD ├── toolchains │ ├── BUILD │ ├── clang6 │ │ ├── BUILD │ │ ├── CROSSTOOL.tpl │ │ ├── README.md │ │ ├── clang.BUILD │ │ └── repo.bzl │ ├── cpus │ │ ├── arm │ │ │ ├── BUILD │ │ │ ├── arm_compiler_configure.bzl │ │ │ └── cc_config.bzl.tpl │ │ ├── py │ │ │ └── BUILD │ │ └── py3 │ │ │ └── BUILD │ ├── java │ │ └── BUILD │ ├── preconfig │ │ ├── centos6 │ │ │ ├── cuda10.0-cudnn7 │ │ │ │ ├── WORKSPACE │ │ │ │ └── cuda │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── build_defs.bzl │ │ │ │ │ └── cuda │ │ │ │ │ └── cuda_config.h │ │ │ ├── cuda10.1-cudnn7 │ │ │ │ ├── WORKSPACE │ │ │ │ └── cuda │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── build_defs.bzl │ │ │ │ │ └── cuda │ │ │ │ │ └── cuda_config.h │ │ │ ├── gcc7-nvcc-cuda10.0 │ │ │ │ ├── BUILD │ │ │ │ ├── CROSSTOOL │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── clang │ │ │ │ │ └── bin │ │ │ │ │ │ └── crosstool_wrapper_driver_is_not_gcc │ │ │ │ └── windows │ │ │ │ │ └── msvc_wrapper_for_nvcc.py │ │ │ ├── gcc7-nvcc-cuda10.1 │ │ │ │ ├── BUILD │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── clang │ │ │ │ │ └── bin │ │ │ │ │ │ └── crosstool_wrapper_driver_is_not_gcc │ │ │ │ └── windows │ │ │ │ │ └── msvc_wrapper_for_nvcc.py │ │ │ ├── gcc7 │ │ │ │ ├── BUILD │ │ │ │ ├── WORKSPACE │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── cc_wrapper.sh │ │ │ │ ├── dummy_toolchain.bzl │ │ │ │ └── tools │ │ │ │ │ └── cpp │ │ │ │ │ └── empty.cc │ │ │ ├── py │ │ │ │ ├── BUILD │ │ │ │ └── WORKSPACE │ │ │ ├── py3 │ │ │ │ ├── BUILD │ │ │ │ └── WORKSPACE │ │ │ └── tensorrt5 │ │ │ │ ├── BUILD │ │ │ │ ├── LICENSE │ │ │ │ ├── WORKSPACE │ │ │ │ ├── build_defs.bzl │ │ │ │ └── tensorrt │ │ │ │ └── include │ │ │ │ └── tensorrt_config.h │ │ ├── generate │ │ │ ├── BUILD │ │ │ ├── archives.bzl │ │ │ ├── containers.bzl │ │ │ ├── generate.bzl │ │ │ └── generate.sh │ │ ├── ubuntu14.04 │ │ │ ├── cuda10.0-cudnn7 │ │ │ │ ├── WORKSPACE │ │ │ │ └── cuda │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── build_defs.bzl │ │ │ │ │ └── cuda │ │ │ │ │ └── cuda_config.h │ │ │ ├── gcc-nvcc-cuda10.0 │ │ │ │ ├── BUILD │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── clang │ │ │ │ │ └── bin │ │ │ │ │ │ └── crosstool_wrapper_driver_is_not_gcc │ │ │ │ └── windows │ │ │ │ │ ├── msvc_wrapper_for_nvcc.bat │ │ │ │ │ └── msvc_wrapper_for_nvcc.py │ │ │ ├── py3 │ │ │ │ ├── BUILD │ │ │ │ └── WORKSPACE │ │ │ └── tensorrt5 │ │ │ │ ├── BUILD │ │ │ │ ├── LICENSE │ │ │ │ ├── WORKSPACE │ │ │ │ ├── build_defs.bzl │ │ │ │ └── tensorrt │ │ │ │ └── include │ │ │ │ └── tensorrt_config.h │ │ ├── ubuntu16.04 │ │ │ ├── clang │ │ │ │ ├── BUILD │ │ │ │ ├── WORKSPACE │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── cc_wrapper.sh │ │ │ │ ├── dummy_toolchain.bzl │ │ │ │ └── tools │ │ │ │ │ └── cpp │ │ │ │ │ └── empty.cc │ │ │ ├── cuda10.0-cudnn7 │ │ │ │ ├── WORKSPACE │ │ │ │ └── cuda │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── build_defs.bzl │ │ │ │ │ └── cuda │ │ │ │ │ └── cuda_config.h │ │ │ ├── gcc5-rocm │ │ │ │ ├── BUILD │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ └── clang │ │ │ │ │ └── bin │ │ │ │ │ └── crosstool_wrapper_driver_is_not_gcc │ │ │ ├── gcc7_manylinux2010-nvcc-cuda10.0 │ │ │ │ ├── BUILD │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── clang │ │ │ │ │ └── bin │ │ │ │ │ │ └── crosstool_wrapper_driver_is_not_gcc │ │ │ │ └── windows │ │ │ │ │ └── msvc_wrapper_for_nvcc.py │ │ │ ├── gcc7_manylinux2010 │ │ │ │ ├── BUILD │ │ │ │ ├── WORKSPACE │ │ │ │ ├── cc_toolchain_config.bzl │ │ │ │ ├── cc_wrapper.sh │ │ │ │ ├── dummy_toolchain.bzl │ │ │ │ └── tools │ │ │ │ │ └── cpp │ │ │ │ │ └── empty.cc │ │ │ ├── py │ │ │ │ ├── BUILD │ │ │ │ └── WORKSPACE │ │ │ ├── py3 │ │ │ │ ├── BUILD │ │ │ │ └── WORKSPACE │ │ │ ├── py3_opt │ │ │ │ ├── BUILD │ │ │ │ └── WORKSPACE │ │ │ ├── rocm │ │ │ │ ├── WORKSPACE │ │ │ │ └── rocm │ │ │ │ │ ├── BUILD │ │ │ │ │ ├── build_defs.bzl │ │ │ │ │ └── rocm │ │ │ │ │ └── rocm_config.h │ │ │ ├── tensorrt5.1 │ │ │ │ ├── BUILD │ │ │ │ ├── WORKSPACE │ │ │ │ └── build_defs.bzl │ │ │ └── tensorrt5 │ │ │ │ ├── BUILD │ │ │ │ ├── LICENSE │ │ │ │ └── tensorrt │ │ │ │ └── include │ │ │ │ └── tensorrt_config.h │ │ └── win_1803 │ │ │ ├── BUILD │ │ │ ├── bazel_025 │ │ │ ├── BUILD │ │ │ ├── cc_toolchain_config.bzl │ │ │ └── dummy_toolchain.bzl │ │ │ └── py36 │ │ │ └── BUILD │ └── remote │ │ ├── BUILD │ │ ├── BUILD.tpl │ │ ├── configure.bzl │ │ └── execution.bzl.tpl ├── uuid.BUILD ├── uuid │ └── COPYING ├── wrapt.BUILD ├── xfs.BUILD ├── xfs │ └── COPYING ├── xsimd.BUILD ├── xsimd │ └── LICENSE ├── yaml-cpp.BUILD ├── zlib.BUILD ├── zstd.BUILD └── zstd │ ├── COPYING │ └── LICENSE └── tools ├── low_precision_optimize ├── README.md ├── calibrate.py ├── low_precision_optimize.py ├── simple_graph.py └── tf_graph_transform_utils.py └── tf_env_collect.sh /.bazelrc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/.bazelrc -------------------------------------------------------------------------------- /.bazelversion: -------------------------------------------------------------------------------- 1 | 5.3.1 2 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/.gitignore -------------------------------------------------------------------------------- /ACKNOWLEDGMENTS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/ACKNOWLEDGMENTS -------------------------------------------------------------------------------- /ADOPTERS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/ADOPTERS.md -------------------------------------------------------------------------------- /AUTHORS: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/AUTHORS -------------------------------------------------------------------------------- /BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/BUILD -------------------------------------------------------------------------------- /CODE_OF_CONDUCT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/CODE_OF_CONDUCT.md -------------------------------------------------------------------------------- /COMMITTERS.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/COMMITTERS.md -------------------------------------------------------------------------------- /CONTRIBUTING.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/CONTRIBUTING.md -------------------------------------------------------------------------------- /GOVERNANCE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/GOVERNANCE.md -------------------------------------------------------------------------------- /ISSUES.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/ISSUES.md -------------------------------------------------------------------------------- /ISSUE_TEMPLATE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/ISSUE_TEMPLATE.md -------------------------------------------------------------------------------- /LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/LICENSE -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/README.md -------------------------------------------------------------------------------- /RELEASE.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/RELEASE.md -------------------------------------------------------------------------------- /WORKSPACE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/WORKSPACE -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/documents/source/_static/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/kit_cc/kit_cc_infra/include/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/kit_cc/kit_cc_infra/src/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/kit_cc_impl/operations/cc/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/kit_cc_impl/operations/include/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/unit_test/.gitkeep: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/sparse_operation_kit/legacy/unit_test/test_scripts/tf1/core: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /addons/triton/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/addons/triton/BUILD -------------------------------------------------------------------------------- /arm_compiler.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/arm_compiler.BUILD -------------------------------------------------------------------------------- /cibuild/.helmignore: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/.helmignore -------------------------------------------------------------------------------- /cibuild/Chart.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/Chart.yaml -------------------------------------------------------------------------------- /cibuild/build-cpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/build-cpu.sh -------------------------------------------------------------------------------- /cibuild/build-gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/build-gpu.sh -------------------------------------------------------------------------------- /cibuild/build_cache.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/build_cache.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-c-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-c-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-cc-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-cc-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-contrib-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-contrib-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-core-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-core-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-java-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-java-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-js-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-js-ut.sh -------------------------------------------------------------------------------- /cibuild/cpu-ut/cpu-python-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/cpu-ut/cpu-python-ut.sh -------------------------------------------------------------------------------- /cibuild/dockerrun.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/dockerrun.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-c-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-c-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-cc-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-cc-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-contrib-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-contrib-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-core-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-core-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-java-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-java-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-js-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-js-ut.sh -------------------------------------------------------------------------------- /cibuild/gpu-ut/gpu-python-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/gpu-ut/gpu-python-ut.sh -------------------------------------------------------------------------------- /cibuild/img/img_1.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/img/img_1.png -------------------------------------------------------------------------------- /cibuild/img/img_2.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/img/img_2.png -------------------------------------------------------------------------------- /cibuild/install_runner.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/install_runner.sh -------------------------------------------------------------------------------- /cibuild/model-test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/model-test.sh -------------------------------------------------------------------------------- /cibuild/remove_container.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/remove_container.sh -------------------------------------------------------------------------------- /cibuild/run.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/run.sh -------------------------------------------------------------------------------- /cibuild/runner_setup.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/runner_setup.sh -------------------------------------------------------------------------------- /cibuild/serving-cpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/serving-cpu.sh -------------------------------------------------------------------------------- /cibuild/serving-gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/serving-gpu.sh -------------------------------------------------------------------------------- /cibuild/serving-ut-gpu.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/serving-ut-gpu.sh -------------------------------------------------------------------------------- /cibuild/serving-ut.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/serving-ut.sh -------------------------------------------------------------------------------- /cibuild/templates/tfjob.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/templates/tfjob.yaml -------------------------------------------------------------------------------- /cibuild/upload.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/upload.sh -------------------------------------------------------------------------------- /cibuild/values.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/cibuild/values.yaml -------------------------------------------------------------------------------- /configure: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/configure -------------------------------------------------------------------------------- /configure.cmd: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/configure.cmd -------------------------------------------------------------------------------- /configure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/configure.py -------------------------------------------------------------------------------- /docs/deeprec_logo.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/deeprec_logo.png -------------------------------------------------------------------------------- /docs/docs_en/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/.readthedocs.yaml -------------------------------------------------------------------------------- /docs/docs_en/AMX.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/AMX.md -------------------------------------------------------------------------------- /docs/docs_en/AdamW-Optimizer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/AdamW-Optimizer.md -------------------------------------------------------------------------------- /docs/docs_en/BFloat16.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/BFloat16.md -------------------------------------------------------------------------------- /docs/docs_en/BladeDISC.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/BladeDISC.md -------------------------------------------------------------------------------- /docs/docs_en/Device-Placement.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Device-Placement.md -------------------------------------------------------------------------------- /docs/docs_en/Feature-Eviction.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Feature-Eviction.md -------------------------------------------------------------------------------- /docs/docs_en/Feature-Filter.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Feature-Filter.md -------------------------------------------------------------------------------- /docs/docs_en/Fused-Embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Fused-Embedding.md -------------------------------------------------------------------------------- /docs/docs_en/GPU-MultiStream.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/GPU-MultiStream.md -------------------------------------------------------------------------------- /docs/docs_en/GRPC++.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/GRPC++.md -------------------------------------------------------------------------------- /docs/docs_en/Group-Embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Group-Embedding.md -------------------------------------------------------------------------------- /docs/docs_en/KafkaDataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/KafkaDataset.md -------------------------------------------------------------------------------- /docs/docs_en/NVIDIA-TF32.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/NVIDIA-TF32.md -------------------------------------------------------------------------------- /docs/docs_en/ParquetDataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/ParquetDataset.md -------------------------------------------------------------------------------- /docs/docs_en/Processor.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Processor.md -------------------------------------------------------------------------------- /docs/docs_en/SOK.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/SOK.md -------------------------------------------------------------------------------- /docs/docs_en/SessionGroup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/SessionGroup.md -------------------------------------------------------------------------------- /docs/docs_en/Smart-Stage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Smart-Stage.md -------------------------------------------------------------------------------- /docs/docs_en/Stage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/Stage.md -------------------------------------------------------------------------------- /docs/docs_en/StarServer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/StarServer.md -------------------------------------------------------------------------------- /docs/docs_en/TensorRT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/TensorRT.md -------------------------------------------------------------------------------- /docs/docs_en/WorkQueue.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/WorkQueue.md -------------------------------------------------------------------------------- /docs/docs_en/XLA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/XLA.md -------------------------------------------------------------------------------- /docs/docs_en/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/conf.py -------------------------------------------------------------------------------- /docs/docs_en/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/index.md -------------------------------------------------------------------------------- /docs/docs_en/oneDNN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/oneDNN.md -------------------------------------------------------------------------------- /docs/docs_en/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_en/requirements.txt -------------------------------------------------------------------------------- /docs/docs_zh/.readthedocs.yaml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/.readthedocs.yaml -------------------------------------------------------------------------------- /docs/docs_zh/AMX.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/AMX.md -------------------------------------------------------------------------------- /docs/docs_zh/AdamW-Optimizer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/AdamW-Optimizer.md -------------------------------------------------------------------------------- /docs/docs_zh/Auto-Fusion.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Auto-Fusion.md -------------------------------------------------------------------------------- /docs/docs_zh/Auto-Micro-Batch.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Auto-Micro-Batch.md -------------------------------------------------------------------------------- /docs/docs_zh/BFloat16.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/BFloat16.md -------------------------------------------------------------------------------- /docs/docs_zh/BladeDISC.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/BladeDISC.md -------------------------------------------------------------------------------- /docs/docs_zh/Device-Placement.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Device-Placement.md -------------------------------------------------------------------------------- /docs/docs_zh/Feature-Eviction.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Feature-Eviction.md -------------------------------------------------------------------------------- /docs/docs_zh/Feature-Filter.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Feature-Filter.md -------------------------------------------------------------------------------- /docs/docs_zh/Fused-Embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Fused-Embedding.md -------------------------------------------------------------------------------- /docs/docs_zh/GPU-MultiStream.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/GPU-MultiStream.md -------------------------------------------------------------------------------- /docs/docs_zh/GRPC++.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/GRPC++.md -------------------------------------------------------------------------------- /docs/docs_zh/Group-Embedding.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Group-Embedding.md -------------------------------------------------------------------------------- /docs/docs_zh/JitCugraph.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/JitCugraph.md -------------------------------------------------------------------------------- /docs/docs_zh/KafkaDataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/KafkaDataset.md -------------------------------------------------------------------------------- /docs/docs_zh/NVIDIA-TF32.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/NVIDIA-TF32.md -------------------------------------------------------------------------------- /docs/docs_zh/PMEM.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/PMEM.md -------------------------------------------------------------------------------- /docs/docs_zh/PMEM/kmemdax.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/PMEM/kmemdax.png -------------------------------------------------------------------------------- /docs/docs_zh/PMEM/memkind.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/PMEM/memkind.png -------------------------------------------------------------------------------- /docs/docs_zh/ParquetDataset.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/ParquetDataset.md -------------------------------------------------------------------------------- /docs/docs_zh/Processor.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Processor.md -------------------------------------------------------------------------------- /docs/docs_zh/SOK.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/SOK.md -------------------------------------------------------------------------------- /docs/docs_zh/SessionGroup.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/SessionGroup.md -------------------------------------------------------------------------------- /docs/docs_zh/Smart-Stage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Smart-Stage.md -------------------------------------------------------------------------------- /docs/docs_zh/Stage.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/Stage.md -------------------------------------------------------------------------------- /docs/docs_zh/StarServer.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/StarServer.md -------------------------------------------------------------------------------- /docs/docs_zh/TensorRT.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/TensorRT.md -------------------------------------------------------------------------------- /docs/docs_zh/WorkQueue.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/WorkQueue.md -------------------------------------------------------------------------------- /docs/docs_zh/XLA.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/XLA.md -------------------------------------------------------------------------------- /docs/docs_zh/conf.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/conf.py -------------------------------------------------------------------------------- /docs/docs_zh/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/index.md -------------------------------------------------------------------------------- /docs/docs_zh/oneDNN.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/oneDNN.md -------------------------------------------------------------------------------- /docs/docs_zh/oneDNN/AMX-Arch.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/oneDNN/AMX-Arch.png -------------------------------------------------------------------------------- /docs/docs_zh/oneDNN/BF16.png: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/oneDNN/BF16.png -------------------------------------------------------------------------------- /docs/docs_zh/requirements.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/docs/docs_zh/requirements.txt -------------------------------------------------------------------------------- /models.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/models.BUILD -------------------------------------------------------------------------------- /modelzoo/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/README.md -------------------------------------------------------------------------------- /modelzoo/README_Template.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/README_Template.md -------------------------------------------------------------------------------- /modelzoo/benchmark/cpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/benchmark/cpu/README.md -------------------------------------------------------------------------------- /modelzoo/benchmark/cpu/benchmark_result/log/README.md: -------------------------------------------------------------------------------- 1 | # log 2 | Log file are default saved in this folder. -------------------------------------------------------------------------------- /modelzoo/benchmark/gpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/benchmark/gpu/README.md -------------------------------------------------------------------------------- /modelzoo/benchmark/gpu/benchmark_result/log/README.md: -------------------------------------------------------------------------------- 1 | # log 2 | Log file are default saved in this folder. -------------------------------------------------------------------------------- /modelzoo/bst/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/bst/README.md -------------------------------------------------------------------------------- /modelzoo/bst/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/bst/result/README.md -------------------------------------------------------------------------------- /modelzoo/bst/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/bst/train.py -------------------------------------------------------------------------------- /modelzoo/dbmtl/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dbmtl/README.md -------------------------------------------------------------------------------- /modelzoo/dbmtl/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dbmtl/result/README.md -------------------------------------------------------------------------------- /modelzoo/dbmtl/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dbmtl/train.py -------------------------------------------------------------------------------- /modelzoo/dcn/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcn/README.md -------------------------------------------------------------------------------- /modelzoo/dcn/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcn/data/README.md -------------------------------------------------------------------------------- /modelzoo/dcn/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcn/result/README.md -------------------------------------------------------------------------------- /modelzoo/dcn/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcn/train.py -------------------------------------------------------------------------------- /modelzoo/dcnv2/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcnv2/README.md -------------------------------------------------------------------------------- /modelzoo/dcnv2/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcnv2/data/README.md -------------------------------------------------------------------------------- /modelzoo/dcnv2/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcnv2/result/README.md -------------------------------------------------------------------------------- /modelzoo/dcnv2/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dcnv2/train.py -------------------------------------------------------------------------------- /modelzoo/deepfm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/deepfm/README.md -------------------------------------------------------------------------------- /modelzoo/deepfm/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/deepfm/data/README.md -------------------------------------------------------------------------------- /modelzoo/deepfm/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/deepfm/result/README.md -------------------------------------------------------------------------------- /modelzoo/deepfm/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/deepfm/train.py -------------------------------------------------------------------------------- /modelzoo/dien/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dien/README.md -------------------------------------------------------------------------------- /modelzoo/dien/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dien/data/README.md -------------------------------------------------------------------------------- /modelzoo/dien/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dien/result/README.md -------------------------------------------------------------------------------- /modelzoo/dien/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dien/train.py -------------------------------------------------------------------------------- /modelzoo/din/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/din/README.md -------------------------------------------------------------------------------- /modelzoo/din/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/din/data/README.md -------------------------------------------------------------------------------- /modelzoo/din/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/din/result/README.md -------------------------------------------------------------------------------- /modelzoo/din/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/din/train.py -------------------------------------------------------------------------------- /modelzoo/dlrm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dlrm/README.md -------------------------------------------------------------------------------- /modelzoo/dlrm/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dlrm/data/README.md -------------------------------------------------------------------------------- /modelzoo/dlrm/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dlrm/result/README.md -------------------------------------------------------------------------------- /modelzoo/dlrm/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dlrm/train.py -------------------------------------------------------------------------------- /modelzoo/dssm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dssm/README.md -------------------------------------------------------------------------------- /modelzoo/dssm/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dssm/result/README.md -------------------------------------------------------------------------------- /modelzoo/dssm/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/dssm/train.py -------------------------------------------------------------------------------- /modelzoo/esmm/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/esmm/README.md -------------------------------------------------------------------------------- /modelzoo/esmm/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/esmm/result/README.md -------------------------------------------------------------------------------- /modelzoo/esmm/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/esmm/train.py -------------------------------------------------------------------------------- /modelzoo/features/gpu_fused_embedding/.gitignore: -------------------------------------------------------------------------------- 1 | *.csv 2 | */result/model_* 3 | record.py 4 | *.sh 5 | *.nsys-rep -------------------------------------------------------------------------------- /modelzoo/features/pmem/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/features/pmem/README.md -------------------------------------------------------------------------------- /modelzoo/features/pmem/criteo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/features/pmem/criteo.py -------------------------------------------------------------------------------- /modelzoo/features/pmem/launch.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/features/pmem/launch.sh -------------------------------------------------------------------------------- /modelzoo/masknet/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/masknet/README.md -------------------------------------------------------------------------------- /modelzoo/masknet/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/masknet/data/README.md -------------------------------------------------------------------------------- /modelzoo/masknet/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/masknet/train.py -------------------------------------------------------------------------------- /modelzoo/mlperf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mlperf/README.md -------------------------------------------------------------------------------- /modelzoo/mlperf/data/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mlperf/data/README.md -------------------------------------------------------------------------------- /modelzoo/mlperf/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mlperf/result/README.md -------------------------------------------------------------------------------- /modelzoo/mlperf/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mlperf/train.py -------------------------------------------------------------------------------- /modelzoo/mmoe/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mmoe/README.md -------------------------------------------------------------------------------- /modelzoo/mmoe/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mmoe/result/README.md -------------------------------------------------------------------------------- /modelzoo/mmoe/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/mmoe/train.py -------------------------------------------------------------------------------- /modelzoo/ple/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/ple/README.md -------------------------------------------------------------------------------- /modelzoo/ple/result/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/ple/result/README.md -------------------------------------------------------------------------------- /modelzoo/ple/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/ple/train.py -------------------------------------------------------------------------------- /modelzoo/wide_and_deep/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/wide_and_deep/README.md -------------------------------------------------------------------------------- /modelzoo/wide_and_deep/train.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/modelzoo/wide_and_deep/train.py -------------------------------------------------------------------------------- /serving/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /serving/configure.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/configure.py -------------------------------------------------------------------------------- /serving/processor/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /serving/processor/serving/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/processor/serving/BUILD -------------------------------------------------------------------------------- /serving/processor/serving/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/processor/serving/util.h -------------------------------------------------------------------------------- /serving/processor/storage/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/processor/storage/BUILD -------------------------------------------------------------------------------- /serving/processor/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/processor/tests/BUILD -------------------------------------------------------------------------------- /serving/processor/tests/flatbuf_test/python/pb/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /serving/sdk/go/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/sdk/go/README.md -------------------------------------------------------------------------------- /serving/sdk/go/demo.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/sdk/go/demo.go -------------------------------------------------------------------------------- /serving/sdk/java/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/sdk/java/README.md -------------------------------------------------------------------------------- /serving/sdk/python/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/sdk/python/README.md -------------------------------------------------------------------------------- /serving/sdk/python/demo.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/sdk/python/demo.py -------------------------------------------------------------------------------- /serving/third_party/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /serving/third_party/mxml.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/third_party/mxml.BUILD -------------------------------------------------------------------------------- /serving/third_party/mxml.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/serving/third_party/mxml.patch -------------------------------------------------------------------------------- /serving/third_party/toolchains/tf/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/.clang-format: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/.clang-format -------------------------------------------------------------------------------- /tensorflow/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/BUILD -------------------------------------------------------------------------------- /tensorflow/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/__init__.py -------------------------------------------------------------------------------- /tensorflow/c/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/BUILD -------------------------------------------------------------------------------- /tensorflow/c/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/README.md -------------------------------------------------------------------------------- /tensorflow/c/c_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_api.cc -------------------------------------------------------------------------------- /tensorflow/c/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_api.h -------------------------------------------------------------------------------- /tensorflow/c/c_api_function.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_api_function.cc -------------------------------------------------------------------------------- /tensorflow/c/c_api_internal.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_api_internal.h -------------------------------------------------------------------------------- /tensorflow/c/c_api_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_api_test.cc -------------------------------------------------------------------------------- /tensorflow/c/c_test.c: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_test.c -------------------------------------------------------------------------------- /tensorflow/c/c_test_util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_test_util.cc -------------------------------------------------------------------------------- /tensorflow/c/c_test_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/c_test_util.h -------------------------------------------------------------------------------- /tensorflow/c/checkpoint_reader.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/checkpoint_reader.h -------------------------------------------------------------------------------- /tensorflow/c/eager/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/eager/BUILD -------------------------------------------------------------------------------- /tensorflow/c/eager/c_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/eager/c_api.cc -------------------------------------------------------------------------------- /tensorflow/c/eager/c_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/eager/c_api.h -------------------------------------------------------------------------------- /tensorflow/c/eager/c_api_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/eager/c_api_test.cc -------------------------------------------------------------------------------- /tensorflow/c/eager/tape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/eager/tape.h -------------------------------------------------------------------------------- /tensorflow/c/env.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/env.cc -------------------------------------------------------------------------------- /tensorflow/c/env.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/env.h -------------------------------------------------------------------------------- /tensorflow/c/env_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/env_test.cc -------------------------------------------------------------------------------- /tensorflow/c/experimental/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/experimental/BUILD -------------------------------------------------------------------------------- /tensorflow/c/exported_symbols.lds: -------------------------------------------------------------------------------- 1 | _TF_* 2 | _TFE_* 3 | -------------------------------------------------------------------------------- /tensorflow/c/generate-pc.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/generate-pc.sh -------------------------------------------------------------------------------- /tensorflow/c/kernels.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/kernels.cc -------------------------------------------------------------------------------- /tensorflow/c/kernels.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/kernels.h -------------------------------------------------------------------------------- /tensorflow/c/kernels/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/kernels/BUILD -------------------------------------------------------------------------------- /tensorflow/c/kernels_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/kernels_test.cc -------------------------------------------------------------------------------- /tensorflow/c/ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/ops.cc -------------------------------------------------------------------------------- /tensorflow/c/ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/ops.h -------------------------------------------------------------------------------- /tensorflow/c/ops_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/ops_test.cc -------------------------------------------------------------------------------- /tensorflow/c/python_api.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/python_api.cc -------------------------------------------------------------------------------- /tensorflow/c/python_api.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/python_api.h -------------------------------------------------------------------------------- /tensorflow/c/test_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/test_op.cc -------------------------------------------------------------------------------- /tensorflow/c/test_op1.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/test_op1.cc -------------------------------------------------------------------------------- /tensorflow/c/testdata/tf_record: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/testdata/tf_record -------------------------------------------------------------------------------- /tensorflow/c/tf_attrtype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_attrtype.h -------------------------------------------------------------------------------- /tensorflow/c/tf_datatype.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_datatype.cc -------------------------------------------------------------------------------- /tensorflow/c/tf_datatype.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_datatype.h -------------------------------------------------------------------------------- /tensorflow/c/tf_status.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_status.cc -------------------------------------------------------------------------------- /tensorflow/c/tf_status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_status.h -------------------------------------------------------------------------------- /tensorflow/c/tf_status_helper.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_status_helper.cc -------------------------------------------------------------------------------- /tensorflow/c/tf_status_helper.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_status_helper.h -------------------------------------------------------------------------------- /tensorflow/c/tf_tensor.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_tensor.cc -------------------------------------------------------------------------------- /tensorflow/c/tf_tensor.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/tf_tensor.h -------------------------------------------------------------------------------- /tensorflow/c/version_script.lds: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/version_script.lds -------------------------------------------------------------------------------- /tensorflow/c/while_loop_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/c/while_loop_test.cc -------------------------------------------------------------------------------- /tensorflow/cc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/BUILD -------------------------------------------------------------------------------- /tensorflow/cc/framework/ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/framework/ops.cc -------------------------------------------------------------------------------- /tensorflow/cc/framework/ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/framework/ops.h -------------------------------------------------------------------------------- /tensorflow/cc/framework/scope.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/framework/scope.cc -------------------------------------------------------------------------------- /tensorflow/cc/framework/scope.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/framework/scope.h -------------------------------------------------------------------------------- /tensorflow/cc/ops/const_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/ops/const_op.cc -------------------------------------------------------------------------------- /tensorflow/cc/ops/const_op.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/ops/const_op.h -------------------------------------------------------------------------------- /tensorflow/cc/ops/standard_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/ops/standard_ops.h -------------------------------------------------------------------------------- /tensorflow/cc/ops/while_loop.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/ops/while_loop.cc -------------------------------------------------------------------------------- /tensorflow/cc/ops/while_loop.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/ops/while_loop.h -------------------------------------------------------------------------------- /tensorflow/cc/profiler/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/profiler/BUILD -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/saved_model/BUILD -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/README.md: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_main_op/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_pbtxt/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_v2/00000123/assets/foo.txt: -------------------------------------------------------------------------------- 1 | asset-file-contents -------------------------------------------------------------------------------- /tensorflow/cc/saved_model/testdata/half_plus_two_v2/00000123/variables/variables.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@@@ -------------------------------------------------------------------------------- /tensorflow/cc/tools/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/cc/tools/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/aot/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/aot/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/aot/flags.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/aot/flags.cc -------------------------------------------------------------------------------- /tensorflow/compiler/aot/flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/aot/flags.h -------------------------------------------------------------------------------- /tensorflow/compiler/aot/test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/aot/test.cc -------------------------------------------------------------------------------- /tensorflow/compiler/jit/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/jit/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/jit/DISABLED_TEST: -------------------------------------------------------------------------------- 1 | --test_tag_filters=-no_oss -------------------------------------------------------------------------------- /tensorflow/compiler/jit/defs.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/jit/defs.cc -------------------------------------------------------------------------------- /tensorflow/compiler/jit/defs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/jit/defs.h -------------------------------------------------------------------------------- /tensorflow/compiler/jit/flags.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/jit/flags.cc -------------------------------------------------------------------------------- /tensorflow/compiler/jit/flags.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/jit/flags.h -------------------------------------------------------------------------------- /tensorflow/compiler/mlir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/mlir/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/plugin/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/plugin/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/tests/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/tests/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/tests/DISABLED_TEST: -------------------------------------------------------------------------------- 1 | --test_tag_filters=-no_oss -------------------------------------------------------------------------------- /tensorflow/compiler/tf2xla/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/tf2xla/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/xla/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/xla/array.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/array.cc -------------------------------------------------------------------------------- /tensorflow/compiler/xla/array.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/array.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/layout.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/layout.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/python/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/compiler/xla/service/DISABLED_TEST: -------------------------------------------------------------------------------- 1 | --test_tag_filters=-no_oss -------------------------------------------------------------------------------- /tensorflow/compiler/xla/shape.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/shape.cc -------------------------------------------------------------------------------- /tensorflow/compiler/xla/shape.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/shape.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/status.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/status.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/test.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/test.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/types.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/util.cc -------------------------------------------------------------------------------- /tensorflow/compiler/xla/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/util.h -------------------------------------------------------------------------------- /tensorflow/compiler/xla/xla.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xla/xla.bzl -------------------------------------------------------------------------------- /tensorflow/compiler/xrt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xrt/BUILD -------------------------------------------------------------------------------- /tensorflow/compiler/xrt/cc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/compiler/xrt/cc/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/__init__.py -------------------------------------------------------------------------------- /tensorflow/contrib/android/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/android/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/cloud/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/cloud/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/make.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/cmake/make.sh -------------------------------------------------------------------------------- /tensorflow/contrib/cmake/patches/cub/CMakeLists.txt: -------------------------------------------------------------------------------- 1 | cmake_minimum_required(VERSION 2.8.3) 2 | 3 | project(cub) 4 | -------------------------------------------------------------------------------- /tensorflow/contrib/crf/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/crf/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/crf/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/crf/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/data/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/data/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/ffmpeg/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/ffmpeg/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/bundle_checkpoint_vocab.txt: -------------------------------------------------------------------------------- 1 | zero 2 | one 3 | two 4 | three 5 | four 6 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/bundle_checkpoint_vocab_with_oov.txt: -------------------------------------------------------------------------------- 1 | zero 2 | one 3 | two 4 | three 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/keyword.txt: -------------------------------------------------------------------------------- 1 | knitting 2 | eminem 3 | MISSING 4 | -------------------------------------------------------------------------------- /tensorflow/contrib/framework/testdata/keyword_new.txt: -------------------------------------------------------------------------------- 1 | MISSING 2 | knitting 3 | flask 4 | eminem 5 | -------------------------------------------------------------------------------- /tensorflow/contrib/gdr/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/gdr/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/gdr/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/gdr/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/gdr/gdr.proto: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/gdr/gdr.proto -------------------------------------------------------------------------------- /tensorflow/contrib/hadoop/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/hadoop/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/hooks/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/hooks/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/hvx/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/hvx/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/ignite/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/ignite/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/image/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/image/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/kafka/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/kafka/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/keras/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/keras/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/kinesis/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/kinesis/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/layers/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/layers/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/learn/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/learn/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/libsvm/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/libsvm/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/lookup/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/lookup/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/losses/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/losses/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/makefile/.gitignore: -------------------------------------------------------------------------------- 1 | gen/ 2 | downloads/ 3 | -------------------------------------------------------------------------------- /tensorflow/contrib/metrics/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/metrics/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/mpi/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/mpi/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/mpi/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/mpi/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/nn/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/nn/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/opt/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/opt/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/opt/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/opt/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/proto/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/proto/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/rate/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/rate/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/rate/rate.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/rate/rate.py -------------------------------------------------------------------------------- /tensorflow/contrib/rnn/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/rnn/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/rpc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/rpc/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/seq2seq/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/seq2seq/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/session_bundle/testdata/half_plus_two_ckpt_v2/00000123/export.data-00000-of-00001: -------------------------------------------------------------------------------- 1 | ?@ -------------------------------------------------------------------------------- /tensorflow/contrib/signal/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/signal/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/slim/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/slim/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/slim/nets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/slim/nets.py -------------------------------------------------------------------------------- /tensorflow/contrib/solvers/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/solvers/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/specs/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/specs/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/staging/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/staging/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/star/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/star/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/summary/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/summary/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/testing/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/testing/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/text/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/text/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/tfprof/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/tfprof/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/tpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/tpu/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/tpu/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/tpu/README.md -------------------------------------------------------------------------------- /tensorflow/contrib/util/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/util/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/verbs/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/verbs/BUILD -------------------------------------------------------------------------------- /tensorflow/contrib/verbs/rdma.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/verbs/rdma.cc -------------------------------------------------------------------------------- /tensorflow/contrib/verbs/rdma.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/contrib/verbs/rdma.h -------------------------------------------------------------------------------- /tensorflow/core/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/BUILD -------------------------------------------------------------------------------- /tensorflow/core/api_def/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/api_def/BUILD -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchCholesky.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchCholesky" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchFFT.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchFFT" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchFFT2D.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchFFT2D" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchFFT3D.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchFFT3D" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchIFFT.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchIFFT" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchIFFT2D.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchIFFT2D" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchIFFT3D.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchIFFT3D" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchMatrixDiag.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchMatrixDiag" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchMatrixSolve.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchMatrixSolve" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_BatchSvd.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchSvd" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_CopyTensor.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "CopyTensor" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_DenseDecode.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "DenseDecode" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_Dice.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Dice" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_FusedL2Normalize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "FusedL2Normalize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_FusedLayerNorm.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "FusedLayerNorm" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_Gelu.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Gelu" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_GeluGrad.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "GeluGrad" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_HashSlice.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "HashSlice" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_HashTableMapOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "HashTableMapOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_HashTableOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "HashTableOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_HashTableSizeOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "HashTableSizeOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IOKafkaDataset.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IOKafkaDataset" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IOLayerKafkaCall.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IOLayerKafkaCall" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IOLayerKafkaInit.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IOLayerKafkaInit" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IOLayerKafkaSync.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IOLayerKafkaSync" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IOWriteKafka.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IOWriteKafka" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IncrRestore.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IncrRestore" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_IncrSave.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IncrSave" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_InitBlackList.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "InitBlackList" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_KV2DenseDecode.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "KV2DenseDecode" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_KV2SparseDecode.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "KV2SparseDecode" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_ResourceGatherNd.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ResourceGatherNd" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_RestoreHashTable.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RestoreHashTable" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_SaveV3.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "SaveV3" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_SelectV2.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "SelectV2" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_SparseApplyAdam.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "SparseApplyAdam" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_SparseDecode.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "SparseDecode" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_StringLower.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StringLower" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_StringToHash64.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StringToHash64" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_StringUpper.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StringUpper" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArray.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArray" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArrayClose.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArrayClose" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArrayGrad.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArrayGrad" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArrayPack.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArrayPack" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArrayRead.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArrayRead" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArraySize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArraySize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArraySplit.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArraySplit" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TensorArrayWrite.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TensorArrayWrite" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TransCsvID2Dense.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TransCsvID2Dense" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TransCsvKV2Dense.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TransCsvKV2Dense" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/base_api/api_def_TransCsvToDense.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TransCsvToDense" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Abort.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Abort" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_All.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "All" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Any.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Any" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Assign.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Assign" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_AssignAdd.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "AssignAdd" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_AssignSub.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "AssignSub" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_AssignVariableOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "AssignVariableOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Barrier.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Barrier" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_BarrierClose.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BarrierClose" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_BarrierReadySize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BarrierReadySize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Batch.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Batch" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_BatchFunction.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchFunction" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_BatchToSpace.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BatchToSpace" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Bitcast.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Bitcast" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_BroadcastArgs.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BroadcastArgs" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_BroadcastTo.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "BroadcastTo" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Bucketize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Bucketize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ClipByValue.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ClipByValue" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ConcatOffset.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ConcatOffset" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_CountUpTo.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "CountUpTo" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_DeepCopy.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "DeepCopy" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_DynamicStitch.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "DynamicStitch" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_EditDistance.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "EditDistance" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Empty.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Empty" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_EncodeProto.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "EncodeProto" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_EnsureShape.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "EnsureShape" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Enter.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Enter" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Exit.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Exit" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ExpandDims.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ExpandDims" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_FakeParam.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "FakeParam" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Fill.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Fill" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_For.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "For" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_HostConst.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "HostConst" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Identity.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Identity" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_IdentityN.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "IdentityN" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_If.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "If" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_InplaceAdd.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "InplaceAdd" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_InplaceSub.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "InplaceSub" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_InplaceUpdate.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "InplaceUpdate" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_LoopCond.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "LoopCond" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_LowerBound.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "LowerBound" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MapClear.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MapClear" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MapDefun.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MapDefun" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MapPeek.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MapPeek" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MapSize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MapSize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MapStage.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MapStage" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MapUnstage.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MapUnstage" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Max.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Max" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Merge.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Merge" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Min.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Min" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MirrorPad.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MirrorPad" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MirrorPadGrad.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MirrorPadGrad" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_MutexLock.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "MutexLock" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_NcclAllReduce.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "NcclAllReduce" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_NcclBroadcast.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "NcclBroadcast" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_NcclReduce.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "NcclReduce" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_NextIteration.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "NextIteration" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_NoOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "NoOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_OneHot.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "OneHot" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_OnesLike.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "OnesLike" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Pack.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Pack" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Placeholder.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Placeholder" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Prod.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Prod" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RaggedGather.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RaggedGather" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RaggedRange.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RaggedRange" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Range.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Range" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Rank.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Rank" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ReduceDataset.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ReduceDataset" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RefEnter.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RefEnter" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RefExit.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RefExit" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RefIdentity.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RefIdentity" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RefMerge.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RefMerge" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RefSelect.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RefSelect" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RefSwitch.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RefSwitch" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_RemoteCall.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "RemoteCall" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Roll.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Roll" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Rpc.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Rpc" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterAdd.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterAdd" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterDiv.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterDiv" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterMax.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterMax" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterMin.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterMin" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterMul.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterMul" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterNdAdd.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterNdAdd" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterNdSub.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterNdSub" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterSub.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterSub" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ScatterUpdate.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ScatterUpdate" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Select.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Select" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_SetSize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "SetSize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Shape.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Shape" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ShapeN.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ShapeN" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Size.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Size" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Skipgram.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Skipgram" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Slice.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Slice" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Snapshot.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Snapshot" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Split.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Split" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_SplitV.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "SplitV" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Squeeze.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Squeeze" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Stage.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Stage" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_StageClear.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StageClear" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_StagePeek.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StagePeek" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_StageSize.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StageSize" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_StatelessIf.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StatelessIf" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_StopGradient.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StopGradient" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_StridedSlice.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "StridedSlice" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Sum.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Sum" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Timestamp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Timestamp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_TryRpc.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "TryRpc" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Unbatch.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Unbatch" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_UnbatchGrad.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "UnbatchGrad" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Unpack.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Unpack" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_UnravelIndex.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "UnravelIndex" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Unstage.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Unstage" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_UpperBound.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "UpperBound" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_VarHandleOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "VarHandleOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_VariableShape.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "VariableShape" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_Where.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "Where" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_While.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "While" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/java_api/api_def_ZerosLike.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | graph_op_name: "ZerosLike" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_For.pbtxt: -------------------------------------------------------------------------------- 1 | op { graph_op_name: "For" visibility: HIDDEN } 2 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_If.pbtxt: -------------------------------------------------------------------------------- 1 | op { graph_op_name: "If" visibility: HIDDEN } 2 | -------------------------------------------------------------------------------- /tensorflow/core/api_def/python_api/api_def_While.pbtxt: -------------------------------------------------------------------------------- 1 | op { graph_op_name: "While" visibility: HIDDEN } 2 | -------------------------------------------------------------------------------- /tensorflow/core/debug/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/debug/BUILD -------------------------------------------------------------------------------- /tensorflow/core/graph/graph.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/graph/graph.h -------------------------------------------------------------------------------- /tensorflow/core/graph/types.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/graph/types.h -------------------------------------------------------------------------------- /tensorflow/core/grappler/inputs/testdata/test_file.txt: -------------------------------------------------------------------------------- 1 | Hello World 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/kernels/BUILD -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/scatter_nd/5b0e5f8d2990c3cac80fa792ba141c43: -------------------------------------------------------------------------------- 1 |  2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/scatter_nd/5b61fa3a30dd267828f12d9ea2b2a191: -------------------------------------------------------------------------------- 1 |  2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/scatter_nd/8bc8b7d8beb3483c48158739791e56b0: -------------------------------------------------------------------------------- 1 |  2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/scatter_nd/d2ef31d47578e9de8323bb0e4806f1be: -------------------------------------------------------------------------------- 1 |  2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/scatter_nd/e2791edcf2c8d9f4af3678a75d43a3e4: -------------------------------------------------------------------------------- 1 |  2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/2db83ea58639b6d7d585fa12e3947a82: -------------------------------------------------------------------------------- 1 | 6.023e+23 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/36b4a931886b941dc41180050d12ca94: -------------------------------------------------------------------------------- 1 | 6.023e-23 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/50a2fabfdd276f573ff97ace8b11c5f4: -------------------------------------------------------------------------------- 1 | 42 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/62edb2a1eee34b001652cd86584becf2: -------------------------------------------------------------------------------- 1 | 0xabcdef 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/90013d1ec28c46a5c00574e60c70b6fc: -------------------------------------------------------------------------------- 1 | 3.14159265359 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/94f3e3cee6957ce5815326d6788c85f4: -------------------------------------------------------------------------------- 1 | 0.69314718056 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/96f547bc04bb913da0bc08915238ebd8: -------------------------------------------------------------------------------- 1 | 6.023e23 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/d3a903d18fc11e1f35c572ad4da690ed: -------------------------------------------------------------------------------- 1 | 1.61803 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/e3b629c92af44260c189deb32d6f06f3: -------------------------------------------------------------------------------- 1 | -42 2 | -------------------------------------------------------------------------------- /tensorflow/core/kernels/fuzzing/corpus/string_to_number/f03eecf3bcfe4967a1888156a3115c8d: -------------------------------------------------------------------------------- 1 | 6.023E+23 2 | -------------------------------------------------------------------------------- /tensorflow/core/lib/db/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/lib/db/BUILD -------------------------------------------------------------------------------- /tensorflow/core/lib/gtl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/lib/gtl/BUILD -------------------------------------------------------------------------------- /tensorflow/core/lib/io/path.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/lib/io/path.h -------------------------------------------------------------------------------- /tensorflow/core/nccl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/nccl/BUILD -------------------------------------------------------------------------------- /tensorflow/core/ops/compat/ops_history_v1/ControlTrigger.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | name: "ControlTrigger" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/ops/compat/ops_history_v1/NoOp.pbtxt: -------------------------------------------------------------------------------- 1 | op { 2 | name: "NoOp" 3 | } 4 | -------------------------------------------------------------------------------- /tensorflow/core/ops/io_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/ops/io_ops.cc -------------------------------------------------------------------------------- /tensorflow/core/ops/nn_ops.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/ops/nn_ops.cc -------------------------------------------------------------------------------- /tensorflow/core/ops/no_op.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/ops/no_op.cc -------------------------------------------------------------------------------- /tensorflow/core/ops/ops.pbtxt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/ops/ops.pbtxt -------------------------------------------------------------------------------- /tensorflow/core/platform/errors.h: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/core/platform/numbers.h: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/core/platform/path.h: -------------------------------------------------------------------------------- 1 | #include "tensorflow/core/lib/io/path.h" 2 | -------------------------------------------------------------------------------- /tensorflow/core/summary/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/summary/BUILD -------------------------------------------------------------------------------- /tensorflow/core/tpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/tpu/BUILD -------------------------------------------------------------------------------- /tensorflow/core/util/bcast.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/bcast.cc -------------------------------------------------------------------------------- /tensorflow/core/util/bcast.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/bcast.h -------------------------------------------------------------------------------- /tensorflow/core/util/port.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/port.cc -------------------------------------------------------------------------------- /tensorflow/core/util/port.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/port.h -------------------------------------------------------------------------------- /tensorflow/core/util/sorter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/sorter.h -------------------------------------------------------------------------------- /tensorflow/core/util/util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/util.cc -------------------------------------------------------------------------------- /tensorflow/core/util/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/core/util/util.h -------------------------------------------------------------------------------- /tensorflow/docs_src/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/docs_src/README.md -------------------------------------------------------------------------------- /tensorflow/examples/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/adding_an_op/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/android/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/android/jni/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/how_tos/reading_data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/input_fn/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/examples/tutorials/word2vec/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/g3doc/README.txt: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/g3doc/README.txt -------------------------------------------------------------------------------- /tensorflow/go/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/BUILD -------------------------------------------------------------------------------- /tensorflow/go/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/README.md -------------------------------------------------------------------------------- /tensorflow/go/android.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/android.go -------------------------------------------------------------------------------- /tensorflow/go/attrs.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/attrs.go -------------------------------------------------------------------------------- /tensorflow/go/attrs_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/attrs_test.go -------------------------------------------------------------------------------- /tensorflow/go/context.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/context.go -------------------------------------------------------------------------------- /tensorflow/go/context_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/context_test.go -------------------------------------------------------------------------------- /tensorflow/go/doc.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/doc.go -------------------------------------------------------------------------------- /tensorflow/go/genop/main.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/genop/main.go -------------------------------------------------------------------------------- /tensorflow/go/graph.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/graph.go -------------------------------------------------------------------------------- /tensorflow/go/graph_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/graph_test.go -------------------------------------------------------------------------------- /tensorflow/go/lib.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/lib.go -------------------------------------------------------------------------------- /tensorflow/go/op/generate.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/op/generate.go -------------------------------------------------------------------------------- /tensorflow/go/op/gradients.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/op/gradients.go -------------------------------------------------------------------------------- /tensorflow/go/op/op.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/op/op.go -------------------------------------------------------------------------------- /tensorflow/go/op/op_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/op/op_test.go -------------------------------------------------------------------------------- /tensorflow/go/op/scope.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/op/scope.go -------------------------------------------------------------------------------- /tensorflow/go/op/wrappers.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/op/wrappers.go -------------------------------------------------------------------------------- /tensorflow/go/operation.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/operation.go -------------------------------------------------------------------------------- /tensorflow/go/saved_model.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/saved_model.go -------------------------------------------------------------------------------- /tensorflow/go/session.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/session.go -------------------------------------------------------------------------------- /tensorflow/go/session_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/session_test.go -------------------------------------------------------------------------------- /tensorflow/go/shape.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/shape.go -------------------------------------------------------------------------------- /tensorflow/go/shape_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/shape_test.go -------------------------------------------------------------------------------- /tensorflow/go/status.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/status.go -------------------------------------------------------------------------------- /tensorflow/go/tensor.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/tensor.go -------------------------------------------------------------------------------- /tensorflow/go/tensor_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/tensor_test.go -------------------------------------------------------------------------------- /tensorflow/go/test.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/test.sh -------------------------------------------------------------------------------- /tensorflow/go/util_test.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/util_test.go -------------------------------------------------------------------------------- /tensorflow/go/version.go: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/go/version.go -------------------------------------------------------------------------------- /tensorflow/java/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/java/BUILD -------------------------------------------------------------------------------- /tensorflow/java/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/java/README.md -------------------------------------------------------------------------------- /tensorflow/java/maven/pom.xml: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/java/maven/pom.xml -------------------------------------------------------------------------------- /tensorflow/js/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/js/BUILD -------------------------------------------------------------------------------- /tensorflow/js/ops/ts_op_gen.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/js/ops/ts_op_gen.h -------------------------------------------------------------------------------- /tensorflow/lite/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/README.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/README.md -------------------------------------------------------------------------------- /tensorflow/lite/allocation.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/allocation.cc -------------------------------------------------------------------------------- /tensorflow/lite/allocation.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/allocation.h -------------------------------------------------------------------------------- /tensorflow/lite/build_def.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/build_def.bzl -------------------------------------------------------------------------------- /tensorflow/lite/builtin_ops.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/builtin_ops.h -------------------------------------------------------------------------------- /tensorflow/lite/c/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/c/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/context.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/context.h -------------------------------------------------------------------------------- /tensorflow/lite/examples/ios/camera/data/.gitignore: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/lite/experimental/c/exported_symbols.lds: -------------------------------------------------------------------------------- 1 | TfLite* 2 | -------------------------------------------------------------------------------- /tensorflow/lite/experimental/micro/examples/micro_speech/.gitignore: -------------------------------------------------------------------------------- 1 | *.wav 2 | -------------------------------------------------------------------------------- /tensorflow/lite/experimental/micro/testing/leon_commands: -------------------------------------------------------------------------------- 1 | run 2 | quit 3 | 4 | -------------------------------------------------------------------------------- /tensorflow/lite/experimental/micro/tools/make/.gitignore: -------------------------------------------------------------------------------- 1 | downloads 2 | gen 3 | -------------------------------------------------------------------------------- /tensorflow/lite/graph_info.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/graph_info.cc -------------------------------------------------------------------------------- /tensorflow/lite/graph_info.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/graph_info.h -------------------------------------------------------------------------------- /tensorflow/lite/interpreter.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/interpreter.h -------------------------------------------------------------------------------- /tensorflow/lite/java/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/java/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/java/demo/settings.gradle: -------------------------------------------------------------------------------- 1 | include ':app' 2 | -------------------------------------------------------------------------------- /tensorflow/lite/java/ovic/demo/settings.gradle: -------------------------------------------------------------------------------- 1 | include ':app' 2 | -------------------------------------------------------------------------------- /tensorflow/lite/java/src/testdata/invalid_model.bin: -------------------------------------------------------------------------------- 1 | This is an invalid model. -------------------------------------------------------------------------------- /tensorflow/lite/kernels/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/kernels/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/kernels/if.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/kernels/if.cc -------------------------------------------------------------------------------- /tensorflow/lite/model.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/model.cc -------------------------------------------------------------------------------- /tensorflow/lite/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/model.h -------------------------------------------------------------------------------- /tensorflow/lite/model_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/model_test.cc -------------------------------------------------------------------------------- /tensorflow/lite/models/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/models/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/nnapi/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/nnapi/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/op_resolver.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/op_resolver.h -------------------------------------------------------------------------------- /tensorflow/lite/python/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/python/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/schema/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/schema/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/string.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/string.h -------------------------------------------------------------------------------- /tensorflow/lite/string_util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/string_util.h -------------------------------------------------------------------------------- /tensorflow/lite/testing/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/testing/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/toco/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/toco/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/toco/args.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/toco/args.cc -------------------------------------------------------------------------------- /tensorflow/lite/toco/args.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/toco/args.h -------------------------------------------------------------------------------- /tensorflow/lite/toco/model.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/toco/model.h -------------------------------------------------------------------------------- /tensorflow/lite/toco/toco.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/toco/toco.cc -------------------------------------------------------------------------------- /tensorflow/lite/tools/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/tools/BUILD -------------------------------------------------------------------------------- /tensorflow/lite/tools/evaluation/testdata/empty.txt: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/lite/tools/pip_package/MANIFEST.in: -------------------------------------------------------------------------------- 1 | recursive-include * *.py 2 | -------------------------------------------------------------------------------- /tensorflow/lite/util.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/util.cc -------------------------------------------------------------------------------- /tensorflow/lite/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/util.h -------------------------------------------------------------------------------- /tensorflow/lite/util_test.cc: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/util_test.cc -------------------------------------------------------------------------------- /tensorflow/lite/version.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/lite/version.h -------------------------------------------------------------------------------- /tensorflow/python/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/BUILD -------------------------------------------------------------------------------- /tensorflow/python/__init__.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/__init__.py -------------------------------------------------------------------------------- /tensorflow/python/autograph/pyct/common_transformers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/client/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/compiler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/data/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/data/BUILD -------------------------------------------------------------------------------- /tensorflow/python/debug/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/debug/BUILD -------------------------------------------------------------------------------- /tensorflow/python/debug/cli/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/debug/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/eager/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/eager/BUILD -------------------------------------------------------------------------------- /tensorflow/python/feature_column/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/warriors_vocabulary.txt: -------------------------------------------------------------------------------- 1 | 30 2 | 35 3 | 11 4 | 23 5 | 22 6 | -------------------------------------------------------------------------------- /tensorflow/python/feature_column/testdata/wire_vocabulary.txt: -------------------------------------------------------------------------------- 1 | omar 2 | stringer 3 | marlo 4 | -------------------------------------------------------------------------------- /tensorflow/python/framework/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/graph_optimizer/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/keras/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/keras/BUILD -------------------------------------------------------------------------------- /tensorflow/python/kernel_tests/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/kernel_tests/boosted_trees/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/layers/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/core/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/lib/io/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/distributions/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/linalg/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/losses/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/ops/nn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/ops/nn.py -------------------------------------------------------------------------------- /tensorflow/python/ops/rnn.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/ops/rnn.py -------------------------------------------------------------------------------- /tensorflow/python/ops/sets.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/ops/sets.py -------------------------------------------------------------------------------- /tensorflow/python/platform/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/profiler/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/summary/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/tf2.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/tf2.py -------------------------------------------------------------------------------- /tensorflow/python/tools/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/tools/BUILD -------------------------------------------------------------------------------- /tensorflow/python/tpu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/tpu/BUILD -------------------------------------------------------------------------------- /tensorflow/python/tpu/api.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/tpu/api.py -------------------------------------------------------------------------------- /tensorflow/python/tpu/tpu.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/tpu/tpu.py -------------------------------------------------------------------------------- /tensorflow/python/tpu/util.py: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/tpu/util.py -------------------------------------------------------------------------------- /tensorflow/python/training/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/user_ops/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/port.i: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/util/port.i -------------------------------------------------------------------------------- /tensorflow/python/util/protobuf/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/python/util/util.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/util/util.h -------------------------------------------------------------------------------- /tensorflow/python/util/util.i: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/python/util/util.i -------------------------------------------------------------------------------- /tensorflow/security/index.md: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/security/index.md -------------------------------------------------------------------------------- /tensorflow/tensorflow.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/tensorflow.bzl -------------------------------------------------------------------------------- /tensorflow/tools/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/common/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/tools/common/BUILD -------------------------------------------------------------------------------- /tensorflow/tools/def_file_filter/symbols_pybind.txt: -------------------------------------------------------------------------------- 1 | 2 | -------------------------------------------------------------------------------- /tensorflow/tools/dockerfiles/partials/test-import.partial.Dockerfile: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/dockerfiles/partials/ubuntu/cpu.partial.Dockerfile: -------------------------------------------------------------------------------- 1 | FROM ubuntu:${UBUNTU_VERSION} as base 2 | -------------------------------------------------------------------------------- /tensorflow/tools/dockerfiles/partials/ubuntu/test-devel.partial.Dockerfile: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/dockerfiles/partials/ubuntu/version.partial.Dockerfile: -------------------------------------------------------------------------------- 1 | ARG UBUNTU_VERSION=18.04 2 | -------------------------------------------------------------------------------- /tensorflow/tools/docs/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/tools/docs/BUILD -------------------------------------------------------------------------------- /tensorflow/tools/git/.gitignore: -------------------------------------------------------------------------------- 1 | gen 2 | -------------------------------------------------------------------------------- /tensorflow/tools/git/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/tools/git/BUILD -------------------------------------------------------------------------------- /tensorflow/tools/pip_package/README: -------------------------------------------------------------------------------- 1 | TensorFlow 2 | -------------------------------------------------------------------------------- /tensorflow/tools/proto_text/placeholder.txt: -------------------------------------------------------------------------------- 1 | Contents are unused. See gen_proto_functions.cc for details. 2 | -------------------------------------------------------------------------------- /tensorflow/tools/swig/.gitignore: -------------------------------------------------------------------------------- 1 | swig_path 2 | -------------------------------------------------------------------------------- /tensorflow/tools/tensorflow_builder/config_detector/data/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /tensorflow/tools/test/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/tools/test/BUILD -------------------------------------------------------------------------------- /tensorflow/version_check.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/version_check.bzl -------------------------------------------------------------------------------- /tensorflow/workspace.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tensorflow/workspace.bzl -------------------------------------------------------------------------------- /third_party/0001-abseil.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/0001-abseil.patch -------------------------------------------------------------------------------- /third_party/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | -------------------------------------------------------------------------------- /third_party/FP16/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/FP16/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/FP16/BUILD.bazel -------------------------------------------------------------------------------- /third_party/__init__.py: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/android/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/android/android_configure.BUILD.tpl: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/arrow.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/arrow.BUILD -------------------------------------------------------------------------------- /third_party/arrow.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/arrow.patch -------------------------------------------------------------------------------- /third_party/astor.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/astor.BUILD -------------------------------------------------------------------------------- /third_party/astunparse.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/astunparse.BUILD -------------------------------------------------------------------------------- /third_party/aws/BUILD: -------------------------------------------------------------------------------- 1 | # Dummy BUILD file to make this directory a package. 2 | -------------------------------------------------------------------------------- /third_party/aws/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/aws/BUILD.bazel -------------------------------------------------------------------------------- /third_party/aws/workspace.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/aws/workspace.bzl -------------------------------------------------------------------------------- /third_party/boringssl/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/brotli.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/brotli.BUILD -------------------------------------------------------------------------------- /third_party/brotli/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/brotli/LICENSE -------------------------------------------------------------------------------- /third_party/bzip2.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/bzip2.BUILD -------------------------------------------------------------------------------- /third_party/cares/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cares/BUILD -------------------------------------------------------------------------------- /third_party/cares/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cares/LICENSE -------------------------------------------------------------------------------- /third_party/cares/cares.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cares/cares.BUILD -------------------------------------------------------------------------------- /third_party/clang_toolchain/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/codegen.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/codegen.BUILD -------------------------------------------------------------------------------- /third_party/colm.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/colm.BUILD -------------------------------------------------------------------------------- /third_party/colm/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/colm/COPYING -------------------------------------------------------------------------------- /third_party/common.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/common.bzl -------------------------------------------------------------------------------- /third_party/cryptopp.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cryptopp.BUILD -------------------------------------------------------------------------------- /third_party/cub.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cub.BUILD -------------------------------------------------------------------------------- /third_party/cuco.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cuco.BUILD -------------------------------------------------------------------------------- /third_party/curl.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/curl.BUILD -------------------------------------------------------------------------------- /third_party/cython.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/cython.BUILD -------------------------------------------------------------------------------- /third_party/eigen.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/eigen.BUILD -------------------------------------------------------------------------------- /third_party/eigen3/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/eigen3/BUILD -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/Cholesky: -------------------------------------------------------------------------------- 1 | #include "Eigen/Cholesky" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/Core: -------------------------------------------------------------------------------- 1 | #include "Eigen/Core" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/LU: -------------------------------------------------------------------------------- 1 | #include "Eigen/LU" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/QR: -------------------------------------------------------------------------------- 1 | #include "Eigen/QR" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/Eigen/SVD: -------------------------------------------------------------------------------- 1 | #include "Eigen/SVD" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/eigen3/LICENSE -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/CXX11/ThreadPool: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/CXX11/ThreadPool" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/MatrixFunctions: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/MatrixFunctions" 2 | -------------------------------------------------------------------------------- /third_party/eigen3/unsupported/Eigen/SpecialFunctions: -------------------------------------------------------------------------------- 1 | #include "unsupported/Eigen/SpecialFunctions" 2 | -------------------------------------------------------------------------------- /third_party/enum34.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/enum34.BUILD -------------------------------------------------------------------------------- /third_party/farmhash.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/farmhash.BUILD -------------------------------------------------------------------------------- /third_party/fft2d/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/fft2d/BUILD -------------------------------------------------------------------------------- /third_party/fft2d/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/fft2d/LICENSE -------------------------------------------------------------------------------- /third_party/fft2d/fft.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/fft2d/fft.h -------------------------------------------------------------------------------- /third_party/fft2d/fft2d.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/fft2d/fft2d.BUILD -------------------------------------------------------------------------------- /third_party/fft2d/fft2d.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/fft2d/fft2d.h -------------------------------------------------------------------------------- /third_party/flatbuffers/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/flatbuffers/BUILD -------------------------------------------------------------------------------- /third_party/fmtlib.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/fmtlib.BUILD -------------------------------------------------------------------------------- /third_party/functools32.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/functools32.BUILD -------------------------------------------------------------------------------- /third_party/gast.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/gast.BUILD -------------------------------------------------------------------------------- /third_party/gif.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/gif.BUILD -------------------------------------------------------------------------------- /third_party/git/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/git/BUILD.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/git/BUILD.tpl -------------------------------------------------------------------------------- /third_party/googleapis.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/googleapis.BUILD -------------------------------------------------------------------------------- /third_party/gpus/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/gpus/cuda/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/gpus/cuda/LICENSE -------------------------------------------------------------------------------- /third_party/gpus/rocm/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/grpc/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/grpc_gettid.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/grpc_gettid.patch -------------------------------------------------------------------------------- /third_party/hadoop/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/hadoop/BUILD -------------------------------------------------------------------------------- /third_party/hadoop/hdfs.h: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/hadoop/hdfs.h -------------------------------------------------------------------------------- /third_party/highwayhash/BUILD: -------------------------------------------------------------------------------- 1 | # Dummy BUILD file to make this directory a package. 2 | -------------------------------------------------------------------------------- /third_party/hugectr.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/hugectr.BUILD -------------------------------------------------------------------------------- /third_party/hwloc/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/hwloc/BUILD -------------------------------------------------------------------------------- /third_party/hwloc/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/hwloc/BUILD.bazel -------------------------------------------------------------------------------- /third_party/icu/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/icu/BUILD -------------------------------------------------------------------------------- /third_party/icu/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/icu/BUILD.bazel -------------------------------------------------------------------------------- /third_party/icu/BUILD.system: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/icu/BUILD.system -------------------------------------------------------------------------------- /third_party/icu/data/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/icu/data/LICENSE -------------------------------------------------------------------------------- /third_party/icu/udata.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/icu/udata.patch -------------------------------------------------------------------------------- /third_party/icu/workspace.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/icu/workspace.bzl -------------------------------------------------------------------------------- /third_party/jpeg/BUILD: -------------------------------------------------------------------------------- 1 | # Needed to make this a package. 2 | -------------------------------------------------------------------------------- /third_party/jpeg/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/jpeg/BUILD.bazel -------------------------------------------------------------------------------- /third_party/jpeg/BUILD.system: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/jpeg/BUILD.system -------------------------------------------------------------------------------- /third_party/jpeg/jpeg_helpers.BUILD.bazel: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) 2 | -------------------------------------------------------------------------------- /third_party/jsoncpp.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/jsoncpp.BUILD -------------------------------------------------------------------------------- /third_party/kafka.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/kafka.BUILD -------------------------------------------------------------------------------- /third_party/kissfft/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/kissfft/BUILD -------------------------------------------------------------------------------- /third_party/leveldb.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/leveldb.BUILD -------------------------------------------------------------------------------- /third_party/leveldb/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/leveldb/LICENSE -------------------------------------------------------------------------------- /third_party/libaio.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/libaio.BUILD -------------------------------------------------------------------------------- /third_party/libaio/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/libaio/COPYING -------------------------------------------------------------------------------- /third_party/libcuckoo.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/libcuckoo.BUILD -------------------------------------------------------------------------------- /third_party/libxsmm.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/libxsmm.BUILD -------------------------------------------------------------------------------- /third_party/linenoise.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/linenoise.BUILD -------------------------------------------------------------------------------- /third_party/llvm/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/llvm/BUILD -------------------------------------------------------------------------------- /third_party/llvm/llvm.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/llvm/llvm.bzl -------------------------------------------------------------------------------- /third_party/lmdb.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/lmdb.BUILD -------------------------------------------------------------------------------- /third_party/lz4.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/lz4.BUILD -------------------------------------------------------------------------------- /third_party/lz4/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/lz4/LICENSE -------------------------------------------------------------------------------- /third_party/mkl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mkl/BUILD -------------------------------------------------------------------------------- /third_party/mkl/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mkl/LICENSE -------------------------------------------------------------------------------- /third_party/mkl/MKL_LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mkl/MKL_LICENSE -------------------------------------------------------------------------------- /third_party/mkl/mkl.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mkl/mkl.BUILD -------------------------------------------------------------------------------- /third_party/mkl_dnn/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mkl_dnn/BUILD -------------------------------------------------------------------------------- /third_party/mkl_dnn/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mkl_dnn/LICENSE -------------------------------------------------------------------------------- /third_party/mlir/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mlir/BUILD -------------------------------------------------------------------------------- /third_party/mlir/tblgen.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mlir/tblgen.bzl -------------------------------------------------------------------------------- /third_party/mlir/test.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mlir/test.BUILD -------------------------------------------------------------------------------- /third_party/mpi/.gitignore: -------------------------------------------------------------------------------- 1 | *.h 2 | *.dylib 3 | *.so 4 | -------------------------------------------------------------------------------- /third_party/mpi/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mpi/BUILD -------------------------------------------------------------------------------- /third_party/mpi/mpi.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/mpi/mpi.bzl -------------------------------------------------------------------------------- /third_party/nanopb.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/nanopb.BUILD -------------------------------------------------------------------------------- /third_party/nasm/BUILD: -------------------------------------------------------------------------------- 1 | # Needed to make this a package. 2 | -------------------------------------------------------------------------------- /third_party/nasm/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/nasm/BUILD.bazel -------------------------------------------------------------------------------- /third_party/nasm/BUILD.system: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/nasm/BUILD.system -------------------------------------------------------------------------------- /third_party/nccl/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/nccl/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/nccl/LICENSE -------------------------------------------------------------------------------- /third_party/ngraph/BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # 3-Clause BSD 2 | -------------------------------------------------------------------------------- /third_party/ngraph/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/ngraph/LICENSE -------------------------------------------------------------------------------- /third_party/ngraph/tbb.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/ngraph/tbb.BUILD -------------------------------------------------------------------------------- /third_party/nvtx.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/nvtx.BUILD -------------------------------------------------------------------------------- /third_party/opencl_headers/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/opt_einsum.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/opt_einsum.BUILD -------------------------------------------------------------------------------- /third_party/ortools/BUILD: -------------------------------------------------------------------------------- 1 | # Dummy BUILD file to make this directory a package. 2 | -------------------------------------------------------------------------------- /third_party/pasta/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/pasta/BUILD -------------------------------------------------------------------------------- /third_party/pasta/BUILD.bazel: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/pasta/BUILD.bazel -------------------------------------------------------------------------------- /third_party/pcre.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/pcre.BUILD -------------------------------------------------------------------------------- /third_party/png.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/png.BUILD -------------------------------------------------------------------------------- /third_party/png_fix_rpi.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/png_fix_rpi.patch -------------------------------------------------------------------------------- /third_party/pprof.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/pprof.BUILD -------------------------------------------------------------------------------- /third_party/protobuf/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/py/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/py/BUILD.tpl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/py/BUILD.tpl -------------------------------------------------------------------------------- /third_party/py/numpy/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/py/numpy/BUILD -------------------------------------------------------------------------------- /third_party/pybind11.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/pybind11.BUILD -------------------------------------------------------------------------------- /third_party/ragel.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/ragel.BUILD -------------------------------------------------------------------------------- /third_party/ragel/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/ragel/COPYING -------------------------------------------------------------------------------- /third_party/rapidjson.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/rapidjson.BUILD -------------------------------------------------------------------------------- /third_party/repo.bzl: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/repo.bzl -------------------------------------------------------------------------------- /third_party/rocprim.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/rocprim.BUILD -------------------------------------------------------------------------------- /third_party/sctp.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/sctp.BUILD -------------------------------------------------------------------------------- /third_party/sctp/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/sctp/COPYING -------------------------------------------------------------------------------- /third_party/seastar.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/seastar.BUILD -------------------------------------------------------------------------------- /third_party/seastar.patch: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/seastar.patch -------------------------------------------------------------------------------- /third_party/six.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/six.BUILD -------------------------------------------------------------------------------- /third_party/snappy.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/snappy.BUILD -------------------------------------------------------------------------------- /third_party/sqlite.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/sqlite.BUILD -------------------------------------------------------------------------------- /third_party/swig.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/swig.BUILD -------------------------------------------------------------------------------- /third_party/sycl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/sycl/BUILD -------------------------------------------------------------------------------- /third_party/sycl/crosstool/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/sycl/sycl/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/sycl/sycl/BUILD -------------------------------------------------------------------------------- /third_party/systemlibs/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/systemlibs/BUILD.tpl: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/systemlibs/absl_py.BUILD: -------------------------------------------------------------------------------- 1 | licenses(["notice"]) # Apache 2.0 2 | -------------------------------------------------------------------------------- /third_party/tensorrt/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/tensorrt/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/tensorrt/LICENSE -------------------------------------------------------------------------------- /third_party/termcolor.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/termcolor.BUILD -------------------------------------------------------------------------------- /third_party/thrift.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/thrift.BUILD -------------------------------------------------------------------------------- /third_party/toolchains/BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/toolchains/BUILD -------------------------------------------------------------------------------- /third_party/toolchains/preconfig/centos6/gcc7/tools/cpp/empty.cc: -------------------------------------------------------------------------------- 1 | int main() {} 2 | -------------------------------------------------------------------------------- /third_party/toolchains/preconfig/centos6/tensorrt5/LICENSE: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/toolchains/preconfig/ubuntu14.04/tensorrt5/LICENSE: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/toolchains/preconfig/ubuntu16.04/clang/tools/cpp/empty.cc: -------------------------------------------------------------------------------- 1 | int main() {} -------------------------------------------------------------------------------- /third_party/toolchains/preconfig/ubuntu16.04/gcc7_manylinux2010/tools/cpp/empty.cc: -------------------------------------------------------------------------------- 1 | int main() {} 2 | -------------------------------------------------------------------------------- /third_party/toolchains/preconfig/ubuntu16.04/tensorrt5/LICENSE: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/toolchains/remote/BUILD: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/toolchains/remote/BUILD.tpl: -------------------------------------------------------------------------------- 1 | -------------------------------------------------------------------------------- /third_party/uuid.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/uuid.BUILD -------------------------------------------------------------------------------- /third_party/uuid/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/uuid/COPYING -------------------------------------------------------------------------------- /third_party/wrapt.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/wrapt.BUILD -------------------------------------------------------------------------------- /third_party/xfs.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/xfs.BUILD -------------------------------------------------------------------------------- /third_party/xfs/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/xfs/COPYING -------------------------------------------------------------------------------- /third_party/xsimd.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/xsimd.BUILD -------------------------------------------------------------------------------- /third_party/xsimd/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/xsimd/LICENSE -------------------------------------------------------------------------------- /third_party/yaml-cpp.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/yaml-cpp.BUILD -------------------------------------------------------------------------------- /third_party/zlib.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/zlib.BUILD -------------------------------------------------------------------------------- /third_party/zstd.BUILD: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/zstd.BUILD -------------------------------------------------------------------------------- /third_party/zstd/COPYING: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/zstd/COPYING -------------------------------------------------------------------------------- /third_party/zstd/LICENSE: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/third_party/zstd/LICENSE -------------------------------------------------------------------------------- /tools/tf_env_collect.sh: -------------------------------------------------------------------------------- https://raw.githubusercontent.com/DeepRec-AI/DeepRec/HEAD/tools/tf_env_collect.sh --------------------------------------------------------------------------------