Merge changes from github.
authorMichael Case <mikecase@google.com>
Wed, 7 Feb 2018 22:36:00 +0000 (14:36 -0800)
committerTensorFlower Gardener <gardener@tensorflow.org>
Wed, 7 Feb 2018 22:39:49 +0000 (14:39 -0800)
commitd90054e7c0f41f4bab81df0548577a73b939a87a
treea15aea686a9d3f305e316d2a6ada0859ad8170d1
parent8461760f9f6cde8ed97507484d2a879140141032
Merge changes from github.

PiperOrigin-RevId: 184897758
256 files changed:
ISSUE_TEMPLATE.md
README.md
RELEASE.md
WORKSPACE
configure.py
tensorflow/BUILD
tensorflow/cc/BUILD
tensorflow/cc/tools/freeze_saved_model_test.cc
tensorflow/compiler/aot/BUILD
tensorflow/compiler/aot/tests/BUILD
tensorflow/compiler/tests/binary_ops_test.py
tensorflow/compiler/tf2xla/kernels/pooling_ops.cc
tensorflow/compiler/xla/client/computation_builder.h
tensorflow/compiler/xla/tools/parser/hlo_parser.cc
tensorflow/contrib/BUILD
tensorflow/contrib/android/java/org/tensorflow/contrib/android/TensorFlowInferenceInterface.java
tensorflow/contrib/cmake/python_modules.txt
tensorflow/contrib/cmake/tf_core_ops.cmake
tensorflow/contrib/cmake/tf_python.cmake
tensorflow/contrib/cmake/tools/create_def_file.py
tensorflow/contrib/coder/README.md
tensorflow/contrib/coder/kernels/range_coder.cc
tensorflow/contrib/cudnn_rnn/python/kernel_tests/cudnn_rnn_ops_benchmark.py
tensorflow/contrib/eager/python/evaluator.py
tensorflow/contrib/eager/python/examples/resnet50/README.md
tensorflow/contrib/eager/python/examples/resnet50/resnet50.py
tensorflow/contrib/eager/python/examples/resnet50/resnet50_test.py
tensorflow/contrib/eager/python/examples/rnn_ptb/README.md
tensorflow/contrib/eager/python/examples/rnn_ptb/rnn_ptb.py
tensorflow/contrib/eager/python/examples/spinn/data.py
tensorflow/contrib/eager/python/examples/spinn/spinn_test.py
tensorflow/contrib/eager/python/network_test.py
tensorflow/contrib/eager/python/saver.py
tensorflow/contrib/ffmpeg/decode_video_op.cc
tensorflow/contrib/framework/python/ops/variables.py
tensorflow/contrib/gan/python/eval/python/classifier_metrics_impl.py
tensorflow/contrib/gan/python/losses/python/losses_impl_test.py
tensorflow/contrib/hvx/README.md
tensorflow/contrib/kafka/BUILD [new file with mode: 0644]
tensorflow/contrib/kafka/__init__.py [new file with mode: 0644]
tensorflow/contrib/kafka/kernels/kafka_dataset_ops.cc [new file with mode: 0644]
tensorflow/contrib/kafka/ops/kafka_ops.cc [new file with mode: 0644]
tensorflow/contrib/kafka/python/kernel_tests/kafka_test.py [new file with mode: 0644]
tensorflow/contrib/kafka/python/kernel_tests/kafka_test.sh [new file with mode: 0644]
tensorflow/contrib/kafka/python/ops/kafka_dataset_ops.py [new file with mode: 0644]
tensorflow/contrib/layers/__init__.py
tensorflow/contrib/layers/python/layers/layers.py
tensorflow/contrib/layers/python/layers/layers_test.py
tensorflow/contrib/learn/python/learn/datasets/synthetic.py
tensorflow/contrib/learn/python/learn/datasets/synthetic_test.py
tensorflow/contrib/learn/python/learn/estimators/dnn_test.py
tensorflow/contrib/lite/build_def.bzl
tensorflow/contrib/lite/examples/label_image/BUILD
tensorflow/contrib/lite/examples/label_image/bitmap_helpers.h
tensorflow/contrib/lite/examples/label_image/bitmap_helpers_impl.h
tensorflow/contrib/lite/examples/label_image/label_image.cc
tensorflow/contrib/lite/examples/label_image/label_image.h
tensorflow/contrib/lite/examples/label_image/label_image.md
tensorflow/contrib/lite/kernels/internal/BUILD
tensorflow/contrib/lite/kernels/internal/optimized/cpu_check.h
tensorflow/contrib/lite/kernels/internal/optimized/neon_tensor_utils.cc
tensorflow/contrib/lite/kernels/internal/tensor_utils.cc
tensorflow/contrib/lite/nnapi/NeuralNetworksShim.h
tensorflow/contrib/lite/toco/graph_transformations/graph_transformations.cc
tensorflow/contrib/lite/toco/graph_transformations/resolve_constant_concatenation.cc
tensorflow/contrib/lite/toco/model.h
tensorflow/contrib/lite/toco/tooling_util.cc
tensorflow/contrib/makefile/Makefile
tensorflow/contrib/makefile/build_all_android.sh
tensorflow/contrib/makefile/build_all_ios.sh
tensorflow/contrib/makefile/samples/build_and_run_inception_hexagon.sh
tensorflow/contrib/makefile/sub_makefiles/android/Makefile.in
tensorflow/contrib/makefile/tf_op_files.txt
tensorflow/contrib/mpi/mpi_rendezvous_mgr.cc
tensorflow/contrib/mpi/mpi_rendezvous_mgr.h
tensorflow/contrib/ndlstm/__init__.py
tensorflow/contrib/ndlstm/python/lstm1d.py
tensorflow/contrib/opt/python/training/external_optimizer.py
tensorflow/contrib/opt/python/training/external_optimizer_test.py
tensorflow/contrib/py2tf/impl/api.py
tensorflow/contrib/receptive_field/python/util/graph_compute_order.py
tensorflow/contrib/reduce_slice_ops/ops/reduce_slice_ops.cc
tensorflow/contrib/rnn/python/kernel_tests/core_rnn_cell_test.py
tensorflow/contrib/rnn/python/kernel_tests/rnn_cell_test.py
tensorflow/contrib/rnn/python/ops/rnn_cell.py
tensorflow/contrib/seq2seq/python/ops/attention_wrapper.py
tensorflow/contrib/session_bundle/bundle_shim.py
tensorflow/contrib/session_bundle/constants.py
tensorflow/contrib/slim/python/slim/evaluation_test.py
tensorflow/contrib/solvers/python/kernel_tests/linear_equations_test.py
tensorflow/contrib/solvers/python/kernel_tests/util_test.py
tensorflow/contrib/solvers/python/ops/linear_equations.py
tensorflow/contrib/solvers/python/ops/util.py
tensorflow/contrib/tpu/profiler/pip_package/cloud_tpu_profiler/main.py
tensorflow/contrib/tpu/profiler/pip_package/setup.py
tensorflow/core/BUILD
tensorflow/core/api_def/base_api/api_def_MatchingFiles.pbtxt
tensorflow/core/api_def/base_api/api_def_Roll.pbtxt [new file with mode: 0644]
tensorflow/core/api_def/base_api/api_def_UnravelIndex.pbtxt [new file with mode: 0644]
tensorflow/core/common_runtime/gpu/gpu_device.cc
tensorflow/core/distributed_runtime/BUILD
tensorflow/core/distributed_runtime/master_session.cc
tensorflow/core/distributed_runtime/rpc/grpc_worker_service.cc
tensorflow/core/distributed_runtime/rpc/grpc_worker_service.h
tensorflow/core/distributed_runtime/session_mgr.cc
tensorflow/core/distributed_runtime/session_mgr.h
tensorflow/core/framework/register_types.h
tensorflow/core/framework/variant_op_registry.cc
tensorflow/core/framework/variant_op_registry.h
tensorflow/core/graph/mkl_layout_pass.cc
tensorflow/core/graph/mkl_layout_pass_test.cc
tensorflow/core/graph/testlib.cc
tensorflow/core/graph/testlib.h
tensorflow/core/kernels/BUILD
tensorflow/core/kernels/compare_and_bitpack_op.cc
tensorflow/core/kernels/decode_bmp_op.cc
tensorflow/core/kernels/fractional_pool_common.h
tensorflow/core/kernels/mkl_aggregate_ops.cc
tensorflow/core/kernels/mkl_avgpooling_op.cc
tensorflow/core/kernels/mkl_concat_op.cc
tensorflow/core/kernels/mkl_conv_grad_filter_ops.cc
tensorflow/core/kernels/mkl_conv_grad_input_ops.cc
tensorflow/core/kernels/mkl_conv_ops.cc
tensorflow/core/kernels/mkl_conv_ops.h
tensorflow/core/kernels/mkl_cwise_ops_common.cc
tensorflow/core/kernels/mkl_fused_batch_norm_op.cc
tensorflow/core/kernels/mkl_identity_op.cc
tensorflow/core/kernels/mkl_input_conversion_op.cc
tensorflow/core/kernels/mkl_lrn_op.cc
tensorflow/core/kernels/mkl_maxpooling_op.cc
tensorflow/core/kernels/mkl_pooling_ops_common.cc
tensorflow/core/kernels/mkl_pooling_ops_common.h
tensorflow/core/kernels/mkl_relu_op.cc
tensorflow/core/kernels/mkl_reshape_op.cc
tensorflow/core/kernels/mkl_softmax_op.cc
tensorflow/core/kernels/mkl_tfconv_op.h
tensorflow/core/kernels/roll_op.cc [new file with mode: 0644]
tensorflow/core/kernels/roll_op_test.cc [new file with mode: 0644]
tensorflow/core/kernels/unravel_index_op.cc [new file with mode: 0644]
tensorflow/core/lib/io/random_inputstream.cc
tensorflow/core/lib/io/random_inputstream.h
tensorflow/core/ops/array_ops.cc
tensorflow/core/ops/image_ops.cc
tensorflow/core/ops/manip_ops.cc [new file with mode: 0644]
tensorflow/core/ops/nn_ops.cc
tensorflow/core/platform/cpu_feature_guard.cc
tensorflow/core/platform/profile_utils/cpu_utils.h
tensorflow/core/platform/s3/s3_file_system.cc
tensorflow/core/platform/s3/s3_file_system.h
tensorflow/core/platform/s3/s3_file_system_test.cc
tensorflow/core/platform/windows/cpu_info.h
tensorflow/core/profiler/README.md
tensorflow/core/profiler/internal/tfprof_stats.h
tensorflow/core/profiler/profiler.cc
tensorflow/core/public/version.h
tensorflow/core/util/mkl_util.h
tensorflow/core/util/mkl_util_test.cc
tensorflow/docs_src/about/bib.md
tensorflow/docs_src/api_guides/python/contrib.signal.md
tensorflow/docs_src/api_guides/python/regression_examples.md
tensorflow/docs_src/get_started/custom_estimators.md
tensorflow/docs_src/get_started/datasets_quickstart.md
tensorflow/docs_src/get_started/feature_columns.md
tensorflow/docs_src/get_started/premade_estimators.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/install/install_windows.md
tensorflow/docs_src/programmers_guide/graphs.md
tensorflow/examples/android/BUILD
tensorflow/examples/android/build.gradle
tensorflow/examples/android/download-models.gradle
tensorflow/examples/android/src/org/tensorflow/demo/LegacyCameraConnectionFragment.java
tensorflow/examples/android/src/org/tensorflow/demo/tracking/MultiBoxTracker.java
tensorflow/examples/udacity/Dockerfile
tensorflow/python/BUILD
tensorflow/python/__init__.py
tensorflow/python/client/session_benchmark.py
tensorflow/python/data/ops/dataset_ops.py
tensorflow/python/data/util/nest.py
tensorflow/python/data/util/sparse.py
tensorflow/python/debug/cli/tensor_format.py
tensorflow/python/debug/lib/debug_data.py
tensorflow/python/eager/execution_callbacks.py
tensorflow/python/estimator/canned/dnn_testing_utils.py
tensorflow/python/estimator/canned/linear_testing_utils.py
tensorflow/python/estimator/estimator.py
tensorflow/python/estimator/run_config.py
tensorflow/python/keras/_impl/keras/layers/convolutional.py
tensorflow/python/kernel_tests/BUILD
tensorflow/python/kernel_tests/array_ops_test.py
tensorflow/python/kernel_tests/constant_op_test.py
tensorflow/python/kernel_tests/conv_ops_test.py
tensorflow/python/kernel_tests/decode_jpeg_op_test.py
tensorflow/python/kernel_tests/io_ops_test.py
tensorflow/python/kernel_tests/losses_test.py
tensorflow/python/kernel_tests/manip_ops_test.py [new file with mode: 0644]
tensorflow/python/kernel_tests/rnn_test.py
tensorflow/python/kernel_tests/tensordot_op_test.py
tensorflow/python/kernel_tests/topk_op_test.py
tensorflow/python/layers/convolutional.py
tensorflow/python/layers/utils.py
tensorflow/python/ops/array_ops.py
tensorflow/python/ops/functional_ops.py
tensorflow/python/ops/gradients_impl.py
tensorflow/python/ops/image_ops.py
tensorflow/python/ops/image_ops_impl.py
tensorflow/python/ops/image_ops_test.py
tensorflow/python/ops/linalg_grad.py
tensorflow/python/ops/losses/losses_impl.py
tensorflow/python/ops/manip_grad.py [new file with mode: 0644]
tensorflow/python/ops/manip_ops.py [new file with mode: 0644]
tensorflow/python/ops/math_ops.py
tensorflow/python/ops/rnn.py
tensorflow/python/ops/standard_ops.py
tensorflow/python/saved_model/loader_impl.py
tensorflow/python/tools/freeze_graph.py
tensorflow/python/tools/freeze_graph_test.py
tensorflow/python/tools/optimize_for_inference_lib.py
tensorflow/python/tools/optimize_for_inference_test.py
tensorflow/python/tools/saved_model_cli.py
tensorflow/python/training/basic_session_run_hooks.py
tensorflow/python/training/input.py
tensorflow/python/training/saver.py
tensorflow/python/util/compat_internal.py [new file with mode: 0644]
tensorflow/stream_executor/cuda/cuda_diagnostics.cc
tensorflow/stream_executor/dso_loader.cc
tensorflow/tensorflow.bzl
tensorflow/tools/api/golden/tensorflow.image.pbtxt
tensorflow/tools/api/golden/tensorflow.keras.layers.-conv3-d-transpose.pbtxt
tensorflow/tools/api/golden/tensorflow.keras.layers.-convolution3-d-transpose.pbtxt
tensorflow/tools/api/golden/tensorflow.manip.pbtxt [new file with mode: 0644]
tensorflow/tools/api/golden/tensorflow.pbtxt
tensorflow/tools/ci_build/ci_sanity.sh
tensorflow/tools/ci_build/windows/libtensorflow_cpu.sh
tensorflow/tools/ci_build/windows/libtensorflow_gpu.sh
tensorflow/tools/docker/jupyter_notebook_config.py
tensorflow/tools/docs/pretty_docs.py
tensorflow/tools/lib_package/BUILD
tensorflow/tools/pip_package/BUILD
tensorflow/tools/pip_package/build_pip_package.sh
tensorflow/tools/pip_package/setup.py
tensorflow/workspace.bzl
third_party/com_google_absl.BUILD [new file with mode: 0644]
third_party/flatbuffers/flatbuffers.BUILD
third_party/gast.BUILD
third_party/gpus/cuda_configure.bzl
third_party/jpeg/jpeg.BUILD
third_party/kafka/BUILD [new file with mode: 0644]
third_party/kafka/config.patch [new file with mode: 0644]
third_party/pcre.BUILD
third_party/py/python_configure.bzl
third_party/termcolor.BUILD