Yong Tang [Wed, 16 May 2018 13:36:37 +0000 (13:36 +0000)]
Fix pylint sanity CI build in sparse_ops.py
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
Yong Tang [Wed, 16 May 2018 13:34:57 +0000 (13:34 +0000)]
Fix pylint sanity error for CI build
The CI build is failing, caused by:
```
53 FAIL: Found 4 non-whitelited pylint errors:
54 tensorflow/python/ops/sparse_ops.py:87: [C0301(line-too-long), ] Line too long (94/80)
55
56 tensorflow/python/ops/sparse_ops.py:594: [C0301(line-too-long), ] Line too long (92/80)
57
58 tensorflow/python/ops/array_ops.py:2622: [C0301(line-too-long), ] Line too long (92/80)
59
60 tensorflow/python/ops/array_ops.py:2623: [C0301(line-too-long), ] Line too long (98/80)
```
This fix fixes the sanity pylint error.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
Martin Wicke [Wed, 16 May 2018 01:10:19 +0000 (18:10 -0700)]
Merge pull request #18597 from imsheridan/add_deprecated_arrayops
Add deprecated_args decoration to array_ops/ sparse_ops
Utkarsh Upadhyay [Tue, 15 May 2018 21:50:14 +0000 (23:50 +0200)]
Fix rendering of documentation of tf.contrib.summary. (#18517)
Joel Hestness [Tue, 15 May 2018 21:49:56 +0000 (14:49 -0700)]
Contrib MPI: Fix errors import (#18470)
* Contrib MPI: Fix errors import
For logging, mpi_utils.h needs to import error.h
* Include logging instead
Yifei Feng [Tue, 15 May 2018 20:34:11 +0000 (13:34 -0700)]
Merge pull request #19300 from yifeif/branch_196691101
Branch
196691101
Yan Facai (颜发才) [Tue, 15 May 2018 18:34:50 +0000 (02:34 +0800)]
Add `AppendFloat16ArrayToTensorProto` to acclerate `tf.constant` for float16 (#19212)
* PREP: add fast append for float16
* CLN: wrapper for float16
* CLN: replace append with extend method
* Revert "CLN: replace append with extend method"
This reverts commit
9958ba9bbf442e5b669e354b17b88c735719b366.
Robin Richtsfeld [Tue, 15 May 2018 18:33:52 +0000 (20:33 +0200)]
Update two Wikipedia links (#19256)
gracehoney [Tue, 15 May 2018 18:09:06 +0000 (11:09 -0700)]
Merge pull request #18433 from samikama/plugin_master_pr
[tftrt update]
Yifei Feng [Tue, 15 May 2018 17:58:43 +0000 (10:58 -0700)]
Merge commit for internal changes
Gunhan Gulsoy [Tue, 15 May 2018 17:41:38 +0000 (10:41 -0700)]
Add IBM ppc64le build to README. (#19285)
* Add IBM ppc64le build to README.
* ppc64le -> ppc64le CPU
Peter Hawkins [Tue, 15 May 2018 17:33:48 +0000 (10:33 -0700)]
Automated g4 rollback of changelist
196683444
PiperOrigin-RevId:
196691101
Benjamin Kramer [Tue, 15 May 2018 17:23:27 +0000 (10:23 -0700)]
[XLA] Cache computations when creating reduces in algebraic simplifier or batchnorm expander
Otherwise we create a lot of identical small computations. This shouldn't have
an effect except for cluttering the HLO, but turns out HloCSE doesn't look
inside of the computation of reduces, effectively never eliminating reduces
that were produced via this code path.
While there clean up some YAGNI, this only worked for F32 anyways, so just
hardcode it.
PiperOrigin-RevId:
196689316
gracehoney [Tue, 15 May 2018 17:09:00 +0000 (10:09 -0700)]
Merge branch 'master' of https://github.com/tensorflow/tensorflow into plugin_master_pr
Peter Hawkins [Tue, 15 May 2018 16:47:50 +0000 (09:47 -0700)]
[TF:XLA] Generalize existing support for keeping variables on an XLA device in reshaped form, instead allowing XLA devices to keep all tensors in a reshaped form outside an XLA computation.
PiperOrigin-RevId:
196683444
A. Unique TensorFlower [Tue, 15 May 2018 15:38:49 +0000 (08:38 -0700)]
Adding --distinct_host_configuration=false in tools/bazel.rc
When building TensorFlow, the host and target platforms are usually the same. So we don't have to distinct them by default. This helps avoid building the same targets twice.
If we need to do cross compilation, add --config=cross-compile to distinct them.
PiperOrigin-RevId:
196673728
A. Unique TensorFlower [Tue, 15 May 2018 15:09:04 +0000 (08:09 -0700)]
update doc
PiperOrigin-RevId:
196670274
A. Unique TensorFlower [Tue, 15 May 2018 14:28:24 +0000 (07:28 -0700)]
Small polishing changes in stream executor, no functional changes.
PiperOrigin-RevId:
196665609
A. Unique TensorFlower [Tue, 15 May 2018 09:48:07 +0000 (02:48 -0700)]
internal change
PiperOrigin-RevId:
196640024
A. Unique TensorFlower [Tue, 15 May 2018 08:22:13 +0000 (01:22 -0700)]
Reland improve fusion logic of (a dot b) * alpha
The previous fusion approach didn't work because a multiplication by a scalar value
will be changed into an explicit broadcast.
Another issue that is fixed in this CL is retrieving the constant value from
the literal. This depends on the PrimitiveType, before we always assumed it to be double.
Also when checking ImplementedAsGemm() we should not call it recursively, but instead just the check related to kDot.
Finally add an execution test and adjust the fusion logic test.
The fix for the issue that caused the revert is that we check earlier that consumer->operand_count() is 2.
Also, we fix the call to Get() to pass {} instead of {0}.
And we handle an output fusion node in GemmThunk to extract the dimension numbers from the dot operation.
PiperOrigin-RevId:
196631031
Dimitris Vardoulakis [Tue, 15 May 2018 05:28:06 +0000 (22:28 -0700)]
[TF:XLA] Scheduling test which demonstrates that we are ignoring the memory needed by subcomputations.
PiperOrigin-RevId:
196618347
Mustafa Ispir [Tue, 15 May 2018 05:04:50 +0000 (22:04 -0700)]
Added type check to feature column keys. So that users will get meaningful error messages in situations like: #19219
PiperOrigin-RevId:
196616638
Pavithra Vijay [Tue, 15 May 2018 04:43:55 +0000 (21:43 -0700)]
Partial update of tf.keras to the Keras 2.1.6 API.
Changes included are:
- Fix `batch_dot` when `axes=None`
- Add axis=-1 as an argument to keras.backend.softmax
- Fix ctc_batch_cost() error when batch_size = 1
- Print previous best in ModelCheckpoint callback
- Fix ReduceLROnPlateau callback
- Extend RemoteMonitor to send data as application/json
- Fix default dilation rate value in 2D separable conv.
- Fix for MobileNet model with undefined shape
- Disable require_flatten in nasnet & Add an error message for undefined shape.
- Improve tests by designating dtype of sample data
- Multi_gpu_model supporting legacy/fullCPU/fullGPU
PiperOrigin-RevId:
196615376
Youlong Cheng [Tue, 15 May 2018 04:28:44 +0000 (21:28 -0700)]
Function should inherit device information from the caller site.
PiperOrigin-RevId:
196614376
A. Unique TensorFlower [Tue, 15 May 2018 02:38:37 +0000 (19:38 -0700)]
Update SCALED mode to use the full quantized range of -128..127 when possible.
PiperOrigin-RevId:
196606455
Chris Leary [Tue, 15 May 2018 02:21:10 +0000 (19:21 -0700)]
[XLA] Move more comparison functions to non-test library.
PiperOrigin-RevId:
196605347
Michael Case [Tue, 15 May 2018 02:15:51 +0000 (19:15 -0700)]
Move model_to_estimator utility into Estimator from Keras.
Working on untangling TF/Estimator deps. We would like to get to a state
where Estimator depends on Keras and not vice versa
PiperOrigin-RevId:
196605024
Yunxing Dai [Tue, 15 May 2018 01:55:20 +0000 (18:55 -0700)]
Fix a bug in HloInstruction::ImplicitlyBroadcastsOperand where operands with the same dimension but different types are not considered broadcast.
PiperOrigin-RevId:
196603348
Rachel Lim [Tue, 15 May 2018 01:30:49 +0000 (18:30 -0700)]
Adds CsvDataset, which both reads and parses files.
Example usage: dataset = tf.contrib.data.CsvDataset(filenames, record_defaults=record_defaults, **kwargs)
Motivation: Fusing reading and parsing is more performant and correct than the previous canonical CSV parsing flow (`dataset = tf.data.TextLineDataset(filenames).map(lambda l: tf.decode_csv(l, **kwargs))`)
Closes #19077.
PiperOrigin-RevId:
196601381
A. Unique TensorFlower [Tue, 15 May 2018 01:29:59 +0000 (18:29 -0700)]
Disable LinearOperatorKroneckerTest.test_solve_{with_broadcast} temporarily.
PiperOrigin-RevId:
196601310
Derek Murray [Tue, 15 May 2018 01:04:31 +0000 (18:04 -0700)]
[tf.data] Add optional `args` argument to `Dataset.from_generator()`.
The new argument allows you to parameterize the generator with the value of a tf.Tensor,
enabling `Dataset.from_generator()` to be initialized from a placeholder or used in a
nested expression (such as `flat_map()` or `parallel_interleave()`). For example:
```python
def generator(n):
for _ in range(n):
yield n
# Define a generator based on a placeholder.
placeholder = tf.placeholder(tf.int64, shape=[])
dataset = tf.data.Dataset.from_generator(generator, tf.int64, args=(placeholder,))
# Define a generator based on the value of a nested dataset element.
dataset = tf.data.Dataset.range(10).flat_map(
lambda i: tf.data.Dataset.from_generator(generator, tf.int64, args=(i,)))
```
Fixes #19269. Partially addresses issue #13101.
PiperOrigin-RevId:
196598650
Yong Tang [Tue, 15 May 2018 00:58:36 +0000 (17:58 -0700)]
Add tf.regex_match for regex match support (#19160)
* Add tf.regex_match for regex match support
This fix tries to address the issue raised in 18264.
Currently tf.regex_replace has already been supported
though there was no regex match support.
This fix adds the tf.regex_match support in a similiar
pattern as tf.regex_replace.
This fix fixes 18264.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Update BUILD file for the tf.regex_match kernel
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Register RegexMatch ops
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Add test cases for tf.regex_match
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Update api_defs
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Update API golden
update with:
```
bazel-bin/tensorflow/tools/api/tests/api_compatibility_test
--update_goldens True
```
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Expose regex_full_match in tf.strings namespace
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Update golden API
```
bazel-bin/tensorflow/tools/api/tests/api_compatibility_test
--update_goldens True
```
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
Yong Tang [Tue, 15 May 2018 00:57:23 +0000 (17:57 -0700)]
Improve shape function of `tf.image.draw_bounding_boxes` (#19237)
* Improve shape function of `tf.image.draw_bounding_boxes`
The `tf.image.draw_bounding_boxes` requires `boxes` to be
3-D shape though there was no check on shape function.
This fix improves the shape function by restricting the
boxes to 3-D.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Add additional check to make sure boxes shape
ends with 4 ([batch, num_bounding_boxes, 4])
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Address review feedback with addtional shape checks.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Add unit tests
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
James Qin [Tue, 15 May 2018 00:51:11 +0000 (17:51 -0700)]
Introduce LossScalingOptimizer for mixed precision training.
PiperOrigin-RevId:
196597196
A. Unique TensorFlower [Mon, 14 May 2018 23:39:11 +0000 (16:39 -0700)]
Add an option to execute eval on cpu, regardless of training runs on TPU.
This will let users to benefit from TPU training, but avoid complex
eval metrics functions to be ported to TPU.
PiperOrigin-RevId:
196587755
Yu-Cheng Ling [Mon, 14 May 2018 23:35:22 +0000 (16:35 -0700)]
Refactoring: Make OpResolver return const pointer.
PiperOrigin-RevId:
196587227
Pavithra Vijay [Mon, 14 May 2018 23:30:49 +0000 (16:30 -0700)]
Automated g4 rollback of changelist
196565296
PiperOrigin-RevId:
196586601
A. Unique TensorFlower [Mon, 14 May 2018 23:26:33 +0000 (16:26 -0700)]
ClangTidy - Readability cleanup:/code-findings-fixes.
* unused using-declarations
* redundant string conversions
* C-style casts
* redundant get() call on smart pointer
* the 'empty' method should be used to check for emptiness instead of 'size'
PiperOrigin-RevId:
196585984
Suharsh Sivakumar [Mon, 14 May 2018 23:17:46 +0000 (16:17 -0700)]
Make sure that variables aren't created as partition variables since only non-scalar partition variables are supported.
PiperOrigin-RevId:
196584749
Reed Wanderman-Milne [Mon, 14 May 2018 23:07:33 +0000 (16:07 -0700)]
Fix bug where custom layers could crash.
Layer.add_weight would crash when called without a dtype or initializer.
PiperOrigin-RevId:
196583182
James Qin [Mon, 14 May 2018 22:51:36 +0000 (15:51 -0700)]
Fix functional.While(), functional.For(rewrite_with_while)
When executing on GPU, synchronously copy cond result from device to host.
PiperOrigin-RevId:
196580820
A. Unique TensorFlower [Mon, 14 May 2018 22:50:06 +0000 (15:50 -0700)]
Go: Update generated wrapper functions for TensorFlow ops.
PiperOrigin-RevId:
196580619
A. Unique TensorFlower [Mon, 14 May 2018 22:45:33 +0000 (15:45 -0700)]
Add ExplicitShapes as a new shape inference function for Ops with
multiple outputs, each of which is explicitly declared.
PiperOrigin-RevId:
196579920
Pavithra Vijay [Mon, 14 May 2018 22:32:44 +0000 (15:32 -0700)]
Remove CuDNNRNN timing test.
PiperOrigin-RevId:
196578043
Yu-Cheng Ling [Mon, 14 May 2018 22:27:51 +0000 (15:27 -0700)]
Fix copy functions of MutableOpResolver
PiperOrigin-RevId:
196577314
Shashi Shekhar [Mon, 14 May 2018 22:22:04 +0000 (15:22 -0700)]
Used aligned allocation for vector cache.
PiperOrigin-RevId:
196576497
A. Unique TensorFlower [Mon, 14 May 2018 22:20:07 +0000 (15:20 -0700)]
Update ops-related pbtxt files.
PiperOrigin-RevId:
196576189
A. Unique TensorFlower [Mon, 14 May 2018 22:15:38 +0000 (15:15 -0700)]
Internal change.
PiperOrigin-RevId:
196575483
Yu-Cheng Ling [Mon, 14 May 2018 22:14:53 +0000 (15:14 -0700)]
Refactoring: Remove lite/tools:mutable_op_resolver dependency.
PiperOrigin-RevId:
196575387
A. Unique TensorFlower [Mon, 14 May 2018 22:06:17 +0000 (15:06 -0700)]
Stricter analysis for functional conditional generation
PiperOrigin-RevId:
196573938
Alexandre Passos [Mon, 14 May 2018 21:58:17 +0000 (14:58 -0700)]
Do shape validation in ScatterNd kernel, not just the shape inference function.
Fixes #18648
PiperOrigin-RevId:
196572262
Asim Shankar [Mon, 14 May 2018 21:56:36 +0000 (14:56 -0700)]
Fail gracefully with a helpful error message when provided with conflicting
visible_devices_list.
See #19083
See #18861
More generally, this change avoids assertion failures (that will bring the
whole process down) on a few code-paths that can be triggerred by user input.
PiperOrigin-RevId:
196572013
A. Unique TensorFlower [Mon, 14 May 2018 21:49:08 +0000 (14:49 -0700)]
Internal change.
PiperOrigin-RevId:
196570742
A. Unique TensorFlower [Mon, 14 May 2018 21:44:31 +0000 (14:44 -0700)]
Make CollectiveParamReducerLocal::InitInstanceSharedParams non-blocking.
PiperOrigin-RevId:
196570011
Gunhan Gulsoy [Mon, 14 May 2018 21:32:15 +0000 (14:32 -0700)]
Automated g4 rollback of changelist
196456687
PiperOrigin-RevId:
196567964
A. Unique TensorFlower [Mon, 14 May 2018 21:32:03 +0000 (14:32 -0700)]
Add score filtering to tf.image.non_max_suppression.
PiperOrigin-RevId:
196567928
Akshay Agrawal [Mon, 14 May 2018 21:25:55 +0000 (14:25 -0700)]
Update the eager programmer's guide to reflect the fact that "==" is not
implemented in the natural way for the Tensor class.
PiperOrigin-RevId:
196566940
Yunxing Dai [Mon, 14 May 2018 21:18:11 +0000 (14:18 -0700)]
ReverseDFS scheduler reverses the heuristics used in DFSScheduler.
Also fixes hlo_schedule_test to remove the expected order on unrelated operations.
PiperOrigin-RevId:
196565651
Gunhan Gulsoy [Mon, 14 May 2018 21:16:09 +0000 (14:16 -0700)]
Disable flaky cudnn_recurrent test
PiperOrigin-RevId:
196565296
Guangda Lai [Mon, 14 May 2018 21:15:14 +0000 (14:15 -0700)]
Reenable virtual gpu test, and decrease the number of testing rounds.
PiperOrigin-RevId:
196565153
Justin Lebar [Mon, 14 May 2018 21:09:01 +0000 (14:09 -0700)]
[XLA] Ergonomic improvements to --xla_hlo_profile.
- Don't display ops with 0 optimal seconds and 0 actual cycles. These
are ops that were expected to be free and were actually free.
- Fix HloCostAnalysis to mark parameters, constants, and
get-tuple-element as expected-to-be-free per the definition above.
- Allow optimal-seconds < 0 to indicate "I don't know". Use this for
custom calls, and then hide such ops from the "seconds above the
optimum" table.
- Don't display "<none>" and "<unknown>" -- instead, just display the
empty string. Less visual noise.
- Instead of showing ~5 ops per category in the categories tables, show
everything. This isn't so noisy now that we're hiding "free" ops, and
it makes finding optimization opportunities much easier.
PiperOrigin-RevId:
196564177
Jacques Pienaar [Mon, 14 May 2018 21:04:05 +0000 (14:04 -0700)]
Add If op rewriter.
* Add attribute to If op to indicate if lowering to switch-merge form is
needed;
* Add initial version of If op rewriter than transforms a If op into
switch/merge nodes (as would have been constructed via tf.cond) if the If op
has the lowering attribute set.
- The pass is not ready for general use and, for example, does not support
reference data types.
PiperOrigin-RevId:
196563421
gracehoney [Mon, 14 May 2018 20:59:12 +0000 (13:59 -0700)]
Merge branch 'master' of https://github.com/tensorflow/tensorflow into plugin_master_pr
Jianwei Xie [Mon, 14 May 2018 20:53:00 +0000 (13:53 -0700)]
Reserves 'context' key in TPUEstimator params dict.
PiperOrigin-RevId:
196561620
Saurabh Saxena [Mon, 14 May 2018 20:44:52 +0000 (13:44 -0700)]
Add CheckpointInputPipelineHook to the API docs.
PiperOrigin-RevId:
196560221
Benoit Steiner [Mon, 14 May 2018 20:33:46 +0000 (13:33 -0700)]
Added support for strided slicing of symbolic shapes
PiperOrigin-RevId:
196558466
A. Unique TensorFlower [Mon, 14 May 2018 20:30:53 +0000 (13:30 -0700)]
Resolve inlined function input/output types from GrapplerFunctionItem.
Remove duplicated code to resolve type from attributes.
PiperOrigin-RevId:
196558061
Pete Warden [Mon, 14 May 2018 20:24:58 +0000 (13:24 -0700)]
Updated speech commands example to use new dataset
PiperOrigin-RevId:
196557132
A. Unique TensorFlower [Mon, 14 May 2018 20:22:09 +0000 (13:22 -0700)]
Various ClangTidy-inspired fixes.
PiperOrigin-RevId:
196556727
A. Unique TensorFlower [Mon, 14 May 2018 20:00:26 +0000 (13:00 -0700)]
add memory utilization estimate for HLO op profile.
PiperOrigin-RevId:
196553696
A. Unique TensorFlower [Mon, 14 May 2018 19:03:50 +0000 (12:03 -0700)]
Deletes an unused private method in head.py
PiperOrigin-RevId:
196545696
A. Unique TensorFlower [Mon, 14 May 2018 18:40:50 +0000 (11:40 -0700)]
Don't check that bool arrays are quantized.
PiperOrigin-RevId:
196541955
Yong Tang [Mon, 14 May 2018 18:35:40 +0000 (11:35 -0700)]
Add int64 support for output_shape of tf.nn.conv3d_transpose (#19248)
* Add int64 support for output_shape of tf.nn.conv3d_transpose
This fix tries to address the issue raised in 18887 where
the output_shape of tf.nn.conv3d_transpose only support
int32 data types. The support of int64 has been added in this PR
with test case covered.
This fix fixes 18887.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Update op registration for Conv3DBackpropInputV2
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Add test case for int64 support of output_shape with tf.nn.conv3d_transpose
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Update test case with both int32 and int64
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Fix pylint issue
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
Yilei (Dolee) Yang [Mon, 14 May 2018 18:34:54 +0000 (11:34 -0700)]
Fix links on the community/swift page. (#19230)
They were broken rendered on https://www.tensorflow.org/community/swift.
Yong Tang [Mon, 14 May 2018 18:12:32 +0000 (11:12 -0700)]
Fix warning caused by squeeze_dims (#19227)
The `squeeze_dims` in `tf.squeeze` has been deprecated
in favor of `axis`. This fix fixes the `squeeze_dims`
in text_classification_cnn.py so that the warning
could be removed.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
Yong Tang [Mon, 14 May 2018 18:10:27 +0000 (11:10 -0700)]
Add complex support for tf.segment_mean (#19225)
* Add complex support for tf.segment_mean
While using tf.segment_mean I noticed that it does not
have the complex support like tf.segment_sum. I think it
makes sense to support complex for it. This fix adds the
complex support for tf.segment_mean.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
* Add test cases for complex support with tf.segment_mean
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
Yong Tang [Mon, 14 May 2018 18:09:30 +0000 (11:09 -0700)]
Fix misleading cupti.h error message (#19224)
This fix tries to address the issue raised in 19223
where the cupti.h eror message was misleading. The following error:
```
Cuda Configuration Error: Cannot find cupti.h under /usr/local/cuda-9.0
```
is not the true patch searched.
This fix updates the bzl file to print out the
complete searched paths when error occurs:
```
Cuda Configuration Error: Cannot find cupti.h under /usr/local/cuda-9.0/extras/CUPTI/include/, /usr/local/cuda-9.0/include/cuda/CUPTI/
```
This fix fixes 19223.
Signed-off-by: Yong Tang <yong.tang.github@outlook.com>
A. Unique TensorFlower [Mon, 14 May 2018 17:43:08 +0000 (10:43 -0700)]
Use utility methods to compute AttrValue hash code and check for equality.
PiperOrigin-RevId:
196531355
A. Unique TensorFlower [Mon, 14 May 2018 16:51:52 +0000 (09:51 -0700)]
avoid having stream_executor depend on tensorflow/core
PiperOrigin-RevId:
196521381
A. Unique TensorFlower [Mon, 14 May 2018 16:45:42 +0000 (09:45 -0700)]
Extracts the following optimizations into methods:
PartialConstPropThroughIdentityN
ConstantPushDown
PiperOrigin-RevId:
196520167
A. Unique TensorFlower [Mon, 14 May 2018 16:06:25 +0000 (09:06 -0700)]
Pre-factoring: Fix overly specific test expectations to prepare for multi-output fusion.
PiperOrigin-RevId:
196514026
Jan Zikes [Mon, 14 May 2018 16:03:34 +0000 (18:03 +0200)]
Enable OrderedEnqueuer from keras in tf.keras. (#19183)
gracehoney [Mon, 14 May 2018 15:27:42 +0000 (08:27 -0700)]
Fix various formatting and build issues.
Paul Van Eck [Mon, 14 May 2018 15:27:42 +0000 (08:27 -0700)]
Make op unique name generation case insensitive (#18413)
* Make op unique name generation case insensitive
Unique name generation for operations depends on checking a dict for
names currently in use. This commit makes it so that the names stored in
this dict are always lowercase so that we can check if a name already
exists regardless of the capitalization.
This helps in filesystems where file paths are case insensitive and
tensor dumps (like with tfdbg) try to follow directory structures that
correspond to the tensor names. If two tensors have names with the same
spelling, but different capitalizations, then this can lead to unintended
side effects/errors on these case-insensitive file systems.
* Change variable name to match unique_name
* Adjust op names to fix tests
A. Unique TensorFlower [Mon, 14 May 2018 14:53:04 +0000 (07:53 -0700)]
Prevent removal of constant inputs to passthrough ops.
PiperOrigin-RevId:
196505061
Gunhan Gulsoy [Mon, 14 May 2018 05:30:21 +0000 (22:30 -0700)]
Bump protobuf dependency to fix windows build issues.
PiperOrigin-RevId:
196456687
Yu-Cheng Ling [Mon, 14 May 2018 02:52:18 +0000 (19:52 -0700)]
Introduce op version into TFLite
PiperOrigin-RevId:
196448769
Shashi Shekhar [Mon, 14 May 2018 01:21:21 +0000 (18:21 -0700)]
Update UI for Camera example.
PiperOrigin-RevId:
196444970
A. Unique TensorFlower [Sun, 13 May 2018 23:52:14 +0000 (16:52 -0700)]
ClangTidy - Legacy cleanup:
* use nullptr
* converting integer literal to bool, use bool literal instead
* annotate this function with 'override' or (rarely) 'final'
* prefer using 'override' or (rarely) 'final' instead of 'virtual'
PiperOrigin-RevId:
196441181
A. Unique TensorFlower [Sun, 13 May 2018 20:53:35 +0000 (13:53 -0700)]
Fix logic bug: should use logical-AND, not bitwise-AND.
PiperOrigin-RevId:
196435466
A. Unique TensorFlower [Sun, 13 May 2018 17:09:58 +0000 (10:09 -0700)]
Make CPython implementation function type-correct, which removes UB from calling a function through a pointer of the wrong type, and also removes a C-style cast.
PiperOrigin-RevId:
196428430
David Norman [Sun, 13 May 2018 02:11:23 +0000 (19:11 -0700)]
Allow for disabling of 2 tests (#18208)
AG Ramesh [Sun, 13 May 2018 01:35:11 +0000 (18:35 -0700)]
Fix for crash in mkl_layout_pass_test (#19107)
A. Unique TensorFlower [Sat, 12 May 2018 22:40:29 +0000 (15:40 -0700)]
Automated g4 rollback of changelist
196349902
PiperOrigin-RevId:
196387391
A. Unique TensorFlower [Sat, 12 May 2018 14:13:06 +0000 (07:13 -0700)]
Check that the module group metadata builder correctly detects whether there are more than one companion instruction per device/module.
PiperOrigin-RevId:
196369766
A. Unique TensorFlower [Sat, 12 May 2018 06:48:06 +0000 (23:48 -0700)]
Adding cuDNN header dependency to targets that include the cuDNN header file.
PiperOrigin-RevId:
196349902
A. Unique TensorFlower [Sat, 12 May 2018 02:41:09 +0000 (19:41 -0700)]
Automated g4 rollback of changelist
196166118
PiperOrigin-RevId:
196340289
A. Unique TensorFlower [Sat, 12 May 2018 02:38:48 +0000 (19:38 -0700)]
Making GetInput from kernel_util.h return a pointer to const data.
PiperOrigin-RevId:
196340200
A. Unique TensorFlower [Sat, 12 May 2018 02:31:37 +0000 (19:31 -0700)]
Add bool conversion in toco for tflite since bool is supported by tflite.
PiperOrigin-RevId:
196339883
A. Unique TensorFlower [Sat, 12 May 2018 00:53:06 +0000 (17:53 -0700)]
Implement additional options to control the string output of HloInstruction and HloComputation.
PiperOrigin-RevId:
196334340