Merge changes from github.
authorJianwei Xie <xiejw@google.com>
Wed, 28 Mar 2018 21:36:18 +0000 (14:36 -0700)
committerTensorFlower Gardener <gardener@tensorflow.org>
Wed, 28 Mar 2018 21:38:46 +0000 (14:38 -0700)
commite97c9e91e016efd951dc52e82744f607d948bb2a
treee98e3a2aaec29758533b3c331140b464ff6ce50e
parentef6552b544b3c3bf6808be807b30dd9bd4f19669
Merge changes from github.

PiperOrigin-RevId: 190835392
116 files changed:
RELEASE.md
configure.py
tensorflow/BUILD
tensorflow/contrib/BUILD
tensorflow/contrib/boosted_trees/kernels/quantile_ops.cc
tensorflow/contrib/boosted_trees/lib/utils/batch_features.cc
tensorflow/contrib/boosted_trees/lib/utils/batch_features_test.cc
tensorflow/contrib/boosted_trees/lib/utils/dropout_utils.cc
tensorflow/contrib/boosted_trees/lib/utils/dropout_utils.h
tensorflow/contrib/boosted_trees/lib/utils/sparse_column_iterable_test.cc
tensorflow/contrib/boosted_trees/proto/tree_config.proto
tensorflow/contrib/boosted_trees/python/kernel_tests/prediction_ops_test.py
tensorflow/contrib/boosted_trees/python/kernel_tests/quantile_ops_test.py
tensorflow/contrib/boosted_trees/python/ops/quantile_ops.py
tensorflow/contrib/cmake/tf_tests.cmake
tensorflow/contrib/data/python/kernel_tests/batch_dataset_op_test.py
tensorflow/contrib/eager/python/BUILD
tensorflow/contrib/eager/python/examples/spinn/spinn_test.py
tensorflow/contrib/estimator/python/estimator/replicate_model_fn.py
tensorflow/contrib/factorization/kernels/clustering_ops.cc
tensorflow/contrib/factorization/python/ops/factorization_ops.py
tensorflow/contrib/factorization/python/ops/factorization_ops_test.py
tensorflow/contrib/factorization/python/ops/gmm_ops.py
tensorflow/contrib/factorization/python/ops/gmm_test.py
tensorflow/contrib/factorization/python/ops/kmeans_test.py
tensorflow/contrib/factorization/python/ops/wals.py
tensorflow/contrib/learn/BUILD
tensorflow/contrib/learn/python/learn/estimators/linear.py
tensorflow/contrib/linear_optimizer/python/sdca_estimator.py
tensorflow/contrib/lite/README.md
tensorflow/contrib/lite/builtin_ops.h
tensorflow/contrib/lite/g3doc/models.md
tensorflow/contrib/lite/kernels/BUILD
tensorflow/contrib/lite/kernels/internal/reference/reference_ops.h
tensorflow/contrib/lite/kernels/maximum.cc [new file with mode: 0644]
tensorflow/contrib/lite/kernels/maximum_test.cc [new file with mode: 0644]
tensorflow/contrib/lite/kernels/register.cc
tensorflow/contrib/lite/model.cc
tensorflow/contrib/lite/nnapi_delegate.cc
tensorflow/contrib/lite/python/lite.py
tensorflow/contrib/lite/schema/schema.fbs
tensorflow/contrib/lite/schema/schema_generated.h
tensorflow/contrib/lite/testing/BUILD
tensorflow/contrib/lite/testing/generate_examples.py
tensorflow/contrib/lite/testing/generated_examples_zip_test.cc
tensorflow/contrib/lite/toco/tflite/operator.cc
tensorflow/contrib/lite/toco/tflite/operator_test.cc
tensorflow/contrib/lookup/lookup_ops.py
tensorflow/contrib/makefile/download_dependencies.sh
tensorflow/contrib/makefile/tf_op_files.txt
tensorflow/contrib/seq2seq/kernels/beam_search_ops.cc
tensorflow/contrib/seq2seq/python/ops/attention_wrapper.py
tensorflow/contrib/seq2seq/python/ops/beam_search_decoder.py
tensorflow/contrib/slim/python/slim/data/parallel_reader.py
tensorflow/contrib/slim/python/slim/data/prefetch_queue.py
tensorflow/contrib/slim/python/slim/data/tfexample_decoder.py
tensorflow/contrib/tensorrt/README.md
tensorflow/contrib/tensorrt/convert/convert_graph.cc
tensorflow/contrib/tensorrt/convert/convert_nodes.cc
tensorflow/contrib/tensorrt/segment/segment.cc
tensorflow/contrib/tensorrt/segment/segment.h
tensorflow/contrib/tensorrt/segment/segment_test.cc
tensorflow/contrib/timeseries/python/timeseries/ar_model.py
tensorflow/contrib/timeseries/python/timeseries/math_utils.py
tensorflow/contrib/timeseries/python/timeseries/state_space_models/varma.py
tensorflow/core/api_def/base_api/api_def_MatrixSolveLs.pbtxt
tensorflow/core/common_runtime/mkl_cpu_allocator.cc
tensorflow/core/framework/common_shape_fns.cc
tensorflow/core/framework/common_shape_fns.h
tensorflow/core/framework/shape_inference.h
tensorflow/core/kernels/mkl_fused_batch_norm_op.cc
tensorflow/core/kernels/segment_reduction_ops.h
tensorflow/core/kernels/snapshot_op.cc
tensorflow/core/kernels/snapshot_op.h
tensorflow/core/kernels/snapshot_op_gpu.cu.cc
tensorflow/core/kernels/xent_op.cc
tensorflow/core/kernels/xent_op.h
tensorflow/core/kernels/xent_op_gpu.cu.cc
tensorflow/core/ops/array_ops.cc
tensorflow/core/ops/nn_ops.cc
tensorflow/core/ops/nn_ops_test.cc
tensorflow/core/public/version.h
tensorflow/docs_src/api_guides/python/contrib.bayesflow.monte_carlo.md
tensorflow/docs_src/api_guides/python/contrib.losses.md
tensorflow/docs_src/community/documentation.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/optimizing.md
tensorflow/docs_src/mobile/prepare_models.md
tensorflow/python/BUILD
tensorflow/python/kernel_tests/array_ops_test.py
tensorflow/python/kernel_tests/testdata/BUILD
tensorflow/python/kernel_tests/xent_op_test.py
tensorflow/python/layers/convolutional.py
tensorflow/python/layers/convolutional_test.py
tensorflow/python/ops/linalg_ops.py
tensorflow/python/training/monitored_session.py
tensorflow/python/training/monitored_session_test.py
tensorflow/tensorflow.bzl
tensorflow/tools/api/golden/tensorflow.train.pbtxt
tensorflow/tools/ci_build/osx/libtensorflow_cpu.sh
tensorflow/tools/docker/Dockerfile.devel
tensorflow/tools/docker/Dockerfile.devel-cpu-mkl
tensorflow/tools/docker/Dockerfile.devel-gpu
tensorflow/tools/lib_package/BUILD
tensorflow/tools/pip_package/BUILD
tensorflow/tools/pip_package/setup.py
tensorflow/workspace.bzl
third_party/mkl/BUILD
third_party/mkl/MKL_LICENSE [new file with mode: 0644]
third_party/mkl/build_defs.bzl
third_party/mkl/mkl.BUILD