Merge changes from github.
authorYifei Feng <yifeif@google.com>
Fri, 25 May 2018 02:12:26 +0000 (19:12 -0700)
committerTensorFlower Gardener <gardener@tensorflow.org>
Fri, 25 May 2018 02:15:01 +0000 (19:15 -0700)
commitb59833c3fd91511b33255369016868e4ae6cda2e
treeecbd70cfd3abb5d934f6eb4b7280a35e8589f5cf
parent2b99d9cbc7166efedaff9eee11744348da30fc8a
Merge changes from github.
Revert #18413. Too many internal test failures due to the name scope change caused by this change.
Revert #18192. Cannot use re2::StringPiece internally. Need alternative for set call. Will pull and clean this up in a separate change.

PiperOrigin-RevId: 197991247
266 files changed:
CONTRIBUTING.md
README.md
RELEASE.md
SECURITY.md
configure.py
tensorflow/compiler/jit/encapsulate_subgraphs_pass.cc
tensorflow/compiler/xla/README.md
tensorflow/compiler/xla/service/conditional_simplifier.cc
tensorflow/compiler/xla/service/copy_insertion.cc
tensorflow/compiler/xla/service/cpu/ir_function.h
tensorflow/compiler/xla/service/cpu/shape_partition.h
tensorflow/compiler/xla/service/despecializer.h
tensorflow/compiler/xla/service/gpu/ir_emitter_unnested.h
tensorflow/compiler/xla/service/hlo_evaluator.cc
tensorflow/compiler/xla/service/interpreter/README.md
tensorflow/compiler/xla/service/layout_assignment.h
tensorflow/compiler/xla/service/reduce_precision_insertion.cc
tensorflow/compiler/xla/service/source_map_util.h
tensorflow/compiler/xla/shape_util.h
tensorflow/compiler/xla/tests/dot_operation_test.cc
tensorflow/compiler/xla/tests/tuple_test.cc
tensorflow/compiler/xla/xlalogo.png [new file with mode: 0644]
tensorflow/contrib/autograph/impl/config.py
tensorflow/contrib/autograph/operators/control_flow.py
tensorflow/contrib/boosted_trees/python/training/functions/gbdt_batch.py
tensorflow/contrib/cmake/CMakeLists.txt
tensorflow/contrib/cmake/external/zlib.cmake
tensorflow/contrib/cmake/tf_tests.cmake
tensorflow/contrib/data/python/kernel_tests/BUILD
tensorflow/contrib/data/python/kernel_tests/resample_test.py
tensorflow/contrib/data/python/ops/BUILD
tensorflow/contrib/data/python/ops/resampling.py
tensorflow/contrib/distributions/python/ops/bijectors/cholesky_outer_product.py
tensorflow/contrib/eager/README.md
tensorflow/contrib/ffmpeg/ffmpeg_lib.h
tensorflow/contrib/framework/python/ops/critical_section_ops.py
tensorflow/contrib/gan/python/estimator/python/gan_estimator_impl.py
tensorflow/contrib/gan/python/estimator/python/gan_estimator_test.py
tensorflow/contrib/gan/python/estimator/python/head_impl.py
tensorflow/contrib/gan/python/estimator/python/head_test.py
tensorflow/contrib/gan/python/features/python/conditioning_utils.py
tensorflow/contrib/graph_editor/transform.py
tensorflow/contrib/hvx/hvx_ops_support_checker/hvx_ops_support_checker_main.cc
tensorflow/contrib/image/__init__.py
tensorflow/contrib/kfac/examples/convnet.py
tensorflow/contrib/kfac/python/ops/optimizer.py
tensorflow/contrib/kfac/python/ops/placement.py
tensorflow/contrib/layers/python/layers/layers.py
tensorflow/contrib/layers/python/layers/layers_test.py
tensorflow/contrib/learn/python/learn/utils/saved_model_export_utils.py
tensorflow/contrib/lite/BUILD
tensorflow/contrib/lite/Makefile
tensorflow/contrib/lite/examples/minimal/minimal.cc [new file with mode: 0644]
tensorflow/contrib/lite/g3doc/rpi.md
tensorflow/contrib/lite/kernels/internal/optimized/optimized_ops.h
tensorflow/contrib/lite/kernels/internal/reference/reference_ops.h
tensorflow/contrib/lite/schema/schema.fbs
tensorflow/contrib/lite/schema/schema_v0.fbs
tensorflow/contrib/lite/schema/schema_v1.fbs
tensorflow/contrib/lite/schema/schema_v2.fbs
tensorflow/contrib/lite/schema/schema_v3.fbs
tensorflow/contrib/lite/testing/generate_examples.py
tensorflow/contrib/lite/testing/tflite_driver.cc
tensorflow/contrib/lite/toco/g3doc/cmdline_examples.md
tensorflow/contrib/lite/toco/tflite/operator.h
tensorflow/contrib/lite/toco/toco_flags.proto
tensorflow/contrib/opt/python/training/elastic_average_optimizer_test.py
tensorflow/contrib/opt/python/training/model_average_optimizer_test.py
tensorflow/contrib/signal/python/ops/window_ops.py
tensorflow/contrib/slim/python/slim/data/tfexample_decoder.py
tensorflow/contrib/slim/python/slim/learning.py
tensorflow/contrib/tensorboard/db/summary_db_writer.cc
tensorflow/contrib/tensorboard/db/summary_db_writer_test.cc
tensorflow/contrib/tensorrt/BUILD
tensorflow/contrib/tensorrt/convert/convert_graph.cc
tensorflow/contrib/tensorrt/convert/convert_graph.h
tensorflow/contrib/tensorrt/convert/convert_nodes.cc
tensorflow/contrib/tensorrt/convert/convert_nodes.h
tensorflow/contrib/tensorrt/convert/trt_optimization_pass.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/convert/trt_optimization_pass.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/BUILD [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/__init__.py [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/inc_op.py [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/inc_op_kernel.cu.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/inc_op_kernel.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/inc_op_plugin.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/inc_op_plugin.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/ops/inc_op.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/custom_plugin_examples/plugin_test.py [new file with mode: 0644]
tensorflow/contrib/tensorrt/kernels/trt_engine_op.cc
tensorflow/contrib/tensorrt/kernels/trt_engine_op.h
tensorflow/contrib/tensorrt/log/trt_logger.h
tensorflow/contrib/tensorrt/plugin/trt_plugin.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/plugin/trt_plugin.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/plugin/trt_plugin_factory.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/plugin/trt_plugin_factory.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/plugin/trt_plugin_factory_test.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/plugin/trt_plugin_utils.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/plugin/trt_plugin_utils.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/resources/trt_allocator.cc [new file with mode: 0644]
tensorflow/contrib/tensorrt/resources/trt_allocator.h [new file with mode: 0644]
tensorflow/contrib/tensorrt/resources/trt_resources.h
tensorflow/contrib/tensorrt/segment/segment.cc
tensorflow/contrib/tensorrt/segment/segment.h
tensorflow/contrib/tensorrt/segment/segment_test.cc
tensorflow/contrib/tensorrt/shape_fn/trt_shfn.cc
tensorflow/contrib/tensorrt/test/test_tftrt.py
tensorflow/contrib/tensorrt/test/tf_trt_integration_test.py
tensorflow/contrib/tpu/python/tpu/tpu_context.py
tensorflow/contrib/verbs/README.md
tensorflow/core/BUILD
tensorflow/core/api_def/base_api/api_def_RegexFullMatch.pbtxt [new file with mode: 0644]
tensorflow/core/api_def/python_api/api_def_RegexFullMatch.pbtxt [new file with mode: 0644]
tensorflow/core/common_runtime/broadcaster.cc
tensorflow/core/common_runtime/buf_rendezvous.h
tensorflow/core/common_runtime/ring_reducer.cc
tensorflow/core/common_runtime/scoped_allocator_mgr.cc
tensorflow/core/debug/debug_io_utils.cc
tensorflow/core/distributed_runtime/rpc/grpc_worker_cache.cc
tensorflow/core/example/example.proto
tensorflow/core/example/example_parser_configuration.proto
tensorflow/core/example/feature.proto
tensorflow/core/framework/allocation_description.proto
tensorflow/core/framework/api_def.proto
tensorflow/core/framework/attr_value.proto
tensorflow/core/framework/cost_graph.proto
tensorflow/core/framework/device_attributes.proto
tensorflow/core/framework/function.proto
tensorflow/core/framework/graph.proto
tensorflow/core/framework/graph_transfer_info.proto
tensorflow/core/framework/iterator.proto
tensorflow/core/framework/kernel_def.proto
tensorflow/core/framework/log_memory.proto
tensorflow/core/framework/node_def.proto
tensorflow/core/framework/op_def.proto
tensorflow/core/framework/op_gen_lib.h
tensorflow/core/framework/op_kernel.h
tensorflow/core/framework/reader_base.proto
tensorflow/core/framework/remote_fused_graph_execute_info.proto
tensorflow/core/framework/resource_handle.proto
tensorflow/core/framework/step_stats.proto
tensorflow/core/framework/summary.proto
tensorflow/core/framework/tensor.proto
tensorflow/core/framework/tensor_description.proto
tensorflow/core/framework/tensor_shape.proto
tensorflow/core/framework/tensor_slice.proto
tensorflow/core/framework/types.proto
tensorflow/core/framework/variable.proto
tensorflow/core/framework/versions.proto
tensorflow/core/graph/mkl_layout_pass_test.cc
tensorflow/core/graph/while_context.h
tensorflow/core/grappler/costs/graph_properties.cc
tensorflow/core/grappler/costs/virtual_scheduler.h
tensorflow/core/grappler/optimizers/layout_optimizer.cc
tensorflow/core/kernels/BUILD
tensorflow/core/kernels/batch_matmul_op_impl.h
tensorflow/core/kernels/batch_matmul_op_real.cc
tensorflow/core/kernels/batching_util/adaptive_shared_batch_scheduler.h
tensorflow/core/kernels/conv_grad_ops_3d.cc
tensorflow/core/kernels/conv_ops_gpu_3.cu.cc
tensorflow/core/kernels/nth_element_op.cc
tensorflow/core/kernels/regex_full_match_op.cc [new file with mode: 0644]
tensorflow/core/kernels/roll_op.cc
tensorflow/core/kernels/segment_reduction_ops.cc
tensorflow/core/kernels/segment_reduction_ops.h
tensorflow/core/lib/core/error_codes.proto
tensorflow/core/ops/image_ops.cc
tensorflow/core/ops/image_ops_test.cc
tensorflow/core/ops/math_ops.cc
tensorflow/core/ops/nn_ops.cc
tensorflow/core/ops/random_ops.cc
tensorflow/core/ops/string_ops.cc
tensorflow/core/platform/cloud/gcs_file_system.cc
tensorflow/core/platform/cloud/gcs_throttle.h
tensorflow/core/profiler/g3doc/command_line.md
tensorflow/core/protobuf/cluster.proto
tensorflow/core/protobuf/config.proto
tensorflow/core/protobuf/control_flow.proto
tensorflow/core/protobuf/critical_section.proto
tensorflow/core/protobuf/debug.proto
tensorflow/core/protobuf/device_properties.proto
tensorflow/core/protobuf/master.proto
tensorflow/core/protobuf/master_service.proto
tensorflow/core/protobuf/meta_graph.proto
tensorflow/core/protobuf/named_tensor.proto
tensorflow/core/protobuf/queue_runner.proto
tensorflow/core/protobuf/rewriter_config.proto
tensorflow/core/protobuf/saved_model.proto
tensorflow/core/protobuf/saver.proto
tensorflow/core/protobuf/tensor_bundle.proto
tensorflow/core/protobuf/tensorflow_server.proto
tensorflow/core/protobuf/worker.proto
tensorflow/core/protobuf/worker_service.proto
tensorflow/core/public/version.h
tensorflow/core/util/cuda_device_functions.h
tensorflow/core/util/mkl_util.h
tensorflow/core/util/tensor_format.h
tensorflow/docs_src/api_guides/python/reading_data.md
tensorflow/docs_src/community/benchmarks.md
tensorflow/docs_src/community/swift.md
tensorflow/docs_src/deploy/s3.md
tensorflow/docs_src/extend/adding_an_op.md
tensorflow/docs_src/extend/architecture.md
tensorflow/docs_src/install/install_c.md
tensorflow/docs_src/install/install_go.md
tensorflow/docs_src/install/install_java.md
tensorflow/docs_src/install/install_linux.md
tensorflow/docs_src/install/install_mac.md
tensorflow/docs_src/install/install_sources.md
tensorflow/docs_src/mobile/mobile_intro.md
tensorflow/docs_src/mobile/tflite/index.md
tensorflow/docs_src/programmers_guide/faq.md
tensorflow/docs_src/programmers_guide/tensors.md
tensorflow/docs_src/programmers_guide/variables.md
tensorflow/docs_src/tutorials/layers.md
tensorflow/examples/learn/text_classification_cnn.py
tensorflow/go/op/wrappers.go
tensorflow/python/data/util/nest.py
tensorflow/python/debug/cli/curses_ui.py
tensorflow/python/estimator/estimator.py
tensorflow/python/estimator/inputs/queues/feeding_functions.py
tensorflow/python/estimator/keras.py
tensorflow/python/estimator/training.py
tensorflow/python/feature_column/feature_column.py
tensorflow/python/framework/fast_tensor_util.pyx
tensorflow/python/framework/ops.py
tensorflow/python/framework/tensor_util.py
tensorflow/python/framework/test_util.py
tensorflow/python/keras/utils/__init__.py
tensorflow/python/kernel_tests/BUILD
tensorflow/python/kernel_tests/conv1d_test.py
tensorflow/python/kernel_tests/conv3d_transpose_test.py
tensorflow/python/kernel_tests/distributions/util_test.py
tensorflow/python/kernel_tests/manip_ops_test.py
tensorflow/python/kernel_tests/regex_full_match_op_test.py [new file with mode: 0644]
tensorflow/python/kernel_tests/segment_reduction_ops_test.py
tensorflow/python/layers/base.py
tensorflow/python/layers/base_test.py
tensorflow/python/ops/math_ops.py
tensorflow/python/ops/string_ops.py
tensorflow/python/profiler/model_analyzer_test.py
tensorflow/python/saved_model/builder_impl.py
tensorflow/python/training/distribute.py
tensorflow/python/training/saver.py
tensorflow/python/util/tf_inspect.py
tensorflow/python/util/util.cc
tensorflow/python/util/util.h
tensorflow/stream_executor/blas.h
tensorflow/stream_executor/cuda/cuda_blas.cc
tensorflow/stream_executor/cuda/cuda_blas.h
tensorflow/stream_executor/stream.cc
tensorflow/stream_executor/stream.h
tensorflow/tensorflow.bzl
tensorflow/tools/api/generator/BUILD
tensorflow/tools/api/golden/tensorflow.pbtxt
tensorflow/tools/api/golden/tensorflow.strings.pbtxt [new file with mode: 0644]
tensorflow/tools/ci_build/install/install_pip_packages.sh
tensorflow/tools/docker/Dockerfile.devel
tensorflow/tools/docker/Dockerfile.devel-cpu-mkl
tensorflow/tools/docker/Dockerfile.devel-gpu
tensorflow/tools/graph_transforms/README.md
tensorflow/tools/pip_package/build_pip_package.sh
tensorflow/tools/pip_package/setup.py
third_party/examples/eager/spinn/README.md
third_party/gpus/cuda_configure.bzl
third_party/mkl/BUILD