STT-tensorflow/tensorflow/python/ops
Sachin Joglekar 14b2d686d6
Merge pull request #41140 from srjoglekar246/cherrypicks_5EM5L
r2.3 cherry-pick request: Shift padded NMS compat window forward to fix TFLite conversion
2020-07-08 12:51:39 -07:00
..
distributions Merge pull request #36617 from marload:master 2020-02-13 08:08:40 -08:00
linalg Add banded triangular solve op. 2020-06-18 10:03:35 -07:00
losses Follow up to 0e1f3de50a. This change enables keras tensor tests related to updates/losses. 2020-06-09 01:13:30 -07:00
numpy_ops [TF-numpy] Adds __rmatmul__ method to ndarray. 2020-06-22 18:16:03 -07:00
parallel_for Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
ragged Merge pull request #40240 from cclauss:Fix-SyntaxWarnings 2020-06-18 11:48:25 -07:00
signal Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
structured Internal visibility change 2020-06-15 09:46:32 -07:00
accumulate_n_benchmark.py
array_grad.py Add additional constraint to place identity under CPU 2020-05-22 19:12:20 +00:00
array_ops_test.py array_ops.meshgrid should correctly handle no/empty args 2020-04-28 14:04:16 -07:00
array_ops.py Merge pull request #40474 from guillaumekln:reverse-sequence-doc-remove-deprecation-warnings 2020-06-16 11:45:30 -07:00
batch_norm_benchmark.py
batch_ops_test.py
batch_ops.py Move python batch op from contrib to core. 2019-04-09 13:38:12 -07:00
bincount_ops_test.py use bincount_v2 in tf.math.bincount, support axis and binary_output, and support int64. 2020-05-20 15:55:06 -07:00
bincount_ops.py use bincount_v2 in tf.math.bincount, support axis and binary_output, and support int64. 2020-05-20 15:55:06 -07:00
bitwise_ops_test.py
bitwise_ops.py
boosted_trees_ops.py
candidate_sampling_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
check_ops.py Improve the documentation of tf.debugging.assert_shapes() 2020-06-21 19:54:30 -07:00
clip_ops_test.py Use arithmetic instead of tf.where to set NaN for tf.clip_by_global_norm failure. 2020-04-13 05:39:43 -07:00
clip_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
clustering_ops_test.py
clustering_ops.py
collective_ops_benchmark.py
collective_ops_gpu_test.py Disable collective_ops_gpu_test on single GPU and enable on multiple GPUs. 2020-01-10 12:51:56 -08:00
collective_ops_test.py Remove run_deprecated_v1 annotations from collective ops tests. 2020-06-19 13:22:16 -07:00
collective_ops_xla_test.py Error out from ScopedAllocatorOptimizer when input shape is not fully known. 2020-04-23 14:04:42 -07:00
collective_ops.py Add timeout to collective ops to detect deadlocks. 2020-05-29 15:37:42 -07:00
concat_benchmark.py More conversions of flags library to argparse. 2017-01-11 15:08:53 -08:00
cond_v2.py No lowering on gradient case op when input is DeviceIndex op 2020-06-02 22:20:41 -07:00
confusion_matrix.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
control_flow_grad.py More tolerant control flow grad code. It currently fails sometimes inside tf.function 2020-06-01 15:20:48 -07:00
control_flow_ops_benchmark.py
control_flow_ops_test.py Add DeviceIndex xla op. 2020-06-22 15:06:38 -07:00
control_flow_ops.py Rollback of rollback: [TF/XLA] Only force retracing for non-unique XLA context ID for TPUReplicatedContext 2020-06-18 11:07:20 -07:00
control_flow_state.py
control_flow_util_v2.py Add a function to dynamic choose and execute the proper implementation based on underlying device placement 2020-05-28 09:54:31 -07:00
control_flow_util.py minor spelling tweaks 2020-02-11 15:09:21 +09:00
control_flow_v2_disable_test.py
control_flow_v2_enable_test.py
control_flow_v2_func_graphs.py Do not propagate parent name_scope in v2 control flow when inside v1 graph since that would break existing TF2 estimator models. 2020-03-19 12:46:36 -07:00
control_flow_v2_toggles_test.py
control_flow_v2_toggles.py [Tensorflow Metrics] Add tracking for enable_control_flow() and disable_control_flow() usage. 2020-04-02 16:34:16 -07:00
conv2d_benchmark.py
critical_section_ops.py
ctc_ops.py Merge pull request #40012 from kyscg:ctc 2020-06-02 11:55:24 -07:00
cudnn_rnn_grad.py
custom_gradient.py Adds custom_grad and vjp to tf_numpy/extensions and trax/math. 2020-06-02 18:40:42 -07:00
data_flow_grad.py
data_flow_ops.py
default_gradient.py Support taking gradients of tf.cond and tf.while_loop using LookupTable. 2019-10-28 11:06:28 -07:00
dequantize_op_test.py
embedding_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
functional_ops_test.py Make tf.If work with ConcreteFunction. 2020-05-29 15:32:59 -07:00
functional_ops.py Make tf.If work with ConcreteFunction. 2020-05-29 15:32:59 -07:00
gradient_checker_test.py Change XLA's default to disable cpu_fast_math options with the exception of min_max behavior. 2020-05-15 13:11:47 -07:00
gradient_checker_v2_test.py Removes the special case for bfloat16 in gradient_checker_v2, which causes an infinite loop and doesn't help with anything (if the function returns bfloat16, the precision has already been lost). 2020-06-01 15:48:09 -07:00
gradient_checker_v2.py Removes the special case for bfloat16 in gradient_checker_v2, which causes an infinite loop and doesn't help with anything (if the function returns bfloat16, the precision has already been lost). 2020-06-01 15:48:09 -07:00
gradient_checker.py
gradients_impl.py Modernize tf.gradients docstring. 2020-04-25 10:32:07 -07:00
gradients_test.py Handle the case in unconnected gradients where an op has multiple outputs and only some of them having incoming grads. 2020-06-03 17:25:26 -07:00
gradients_util.py Handle the case in unconnected gradients where an op has multiple outputs and only some of them having incoming grads. 2020-06-03 17:25:26 -07:00
gradients.py
histogram_ops_test.py Internal change 2020-05-06 09:44:17 -07:00
histogram_ops.py Merge pull request #38958 from yongtang:histogram-doc 2020-05-26 12:05:27 -07:00
image_grad_test.py Merge pull request #32374 from autoih:t_raise 2019-10-15 12:35:31 -07:00
image_grad.py Move rgb_to_hsv example. 2020-03-02 11:44:15 -08:00
image_ops_impl.py Shift forward-compat window for NMS padded to fix TFLite conversion in 2.3 2020-07-06 16:10:41 -07:00
image_ops_test.py Enable tf.image.ssim to run on tensor-like inputs and add SSIM name space. 2020-06-22 10:41:49 -07:00
image_ops.py Export fill mode for image_projective_transform 2020-03-12 16:54:14 -07:00
init_ops_test.py
init_ops_v2_test.py
init_ops_v2.py Make Keras maintain its own initializer classes. 2020-03-26 11:29:12 -07:00
init_ops.py
initializers_ns.py
inplace_ops.py Deprecate alias_inplace_{update,add,sub} ops. 2019-06-04 12:22:09 -07:00
io_ops.py
linalg_grad.py Add banded triangular solve op. 2020-06-18 10:03:35 -07:00
linalg_ops_impl.py
linalg_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
list_ops.py Handle case when delement is None in PopBackGrad. 2020-03-30 16:22:09 -07:00
logging_ops.py Enable type annotations for python/ops. 2020-06-18 20:06:47 -07:00
lookup_ops.py Add SaveableObjects to SavedModel. 2020-07-01 14:28:41 -07:00
manip_grad.py
manip_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
map_fn.py Fix formatting 2020-06-17 07:26:51 -07:00
math_grad_test.py
math_grad.py Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
math_ops_linspace_test.py Move linspace tests to their own file. 2020-05-29 14:26:50 -07:00
math_ops_test.py Make a couple of remaining tests in math_ops_test.py run in eager mode. 2020-06-22 17:16:11 -07:00
math_ops.py Export tf.math.reduce_all first 2020-06-12 15:21:49 +02:00
matmul_benchmark.py
metrics_impl.py
metrics.py
nccl_ops_test.py Small adjustments on import spacing. 2019-12-18 20:32:12 -08:00
nccl_ops.py Make nccl work in eager mode: wrap nccl ops in a defun; remove control dependencies on NcclAllReduce 2019-01-10 16:54:05 -08:00
nn_batchnorm_test.py Fix nn_batchnorm_test test. Remove squeeze. 2019-08-02 14:14:30 -07:00
nn_fused_batchnorm_test.py Fix fp16 FusedBatchNorm CPU crash if batch dimension is 1. 2020-06-19 10:38:53 -07:00
nn_grad_test.py Add a bfloat16 sum reducer that uses float32 accumulators. Fix existing tests. 2020-06-01 10:21:39 -07:00
nn_grad.py Add explicit padding to depthwise conv2d. 2020-03-24 12:28:49 -07:00
nn_impl.py Follow up to 0e1f3de50a. This change enables keras tensor tests related to updates/losses. 2020-06-09 01:13:30 -07:00
nn_loss_scaling_utilities_test.py Drop experimental and v2 qualifiers from Strategy experimental_run_v2 method. 2020-03-12 10:26:26 -07:00
nn_ops.py Reduce Conv2D.__call__ eager overhead by ~20%, Conv3D.__call__ by ~35%, and 2020-06-12 14:54:58 -07:00
nn_test.py Enable XLA:CPU fast math for min/max by default to be similar to TF's behavior. 2020-06-17 01:27:08 -07:00
nn_xent_test.py Add @run_deprecated_v1 annotation to tests failing in v2 2018-11-29 15:43:25 -08:00
nn.py Remove magic-doc-links from code. 2018-08-16 12:10:03 -07:00
numerics.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
op_selector_test.py
op_selector.py
optional_grad.py
parsing_config.py Remove circular dependencies by removing submodule imports from ragged package. 2020-03-06 18:26:12 -08:00
parsing_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
partitioned_variables.py
proto_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
quantized_conv_ops_test.py
quantized_ops_test.py Add 'narrow_range' and 'int axis' options to tf.quantize and_tf.dequantize to match tf.quantize_and_dequantize 2019-09-06 17:04:14 -07:00
random_grad.py Add StatelessParameterizedTruncatedNormal sampler. 2020-06-18 10:28:38 -07:00
random_ops.py Merge pull request #40240 from cclauss:Fix-SyntaxWarnings 2020-06-18 11:48:25 -07:00
raw_ops_test.py
resource_variable_ops.py Make "map_resources" overridable by subclass of Trackable. 2020-06-18 15:59:43 -07:00
resources.py
rnn_cell_impl.py Move legacy TF RNN cells to Keras and export there. 2020-03-23 14:54:51 -07:00
rnn_cell_wrapper_impl.py Move legacy TF RNN cells to Keras and export there. 2020-03-23 14:54:51 -07:00
rnn_cell.py
rnn_grad_test.py
rnn_grad.py Added BlockLSTMV2 and BlockLSTMGradV2 with IFCO layout 2019-08-14 21:34:19 -07:00
rnn.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
script_ops_test.py
script_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
sdca_ops.py
session_ops.py
sets_impl.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
sets.py Removing @@ comments from core TensorFlow. They are no longer needed for exporting symbols to the TensorFlow API. 2018-04-26 11:31:14 -07:00
sobol_ops_test.py
sort_ops_test.py
sort_ops.py tf.numpy: Change a bunch of ops to handle unknown shapes. 2020-06-15 23:04:26 -07:00
sparse_grad.py Clean up uses of deprecated math_ops casts 2019-03-11 12:53:19 -07:00
sparse_ops_test.py
sparse_ops.py Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
special_math_ops_test.py Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
special_math_ops.py Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
split_benchmark.py
standard_ops.py
state_grad.py Adding CPU kernels for tf.scatter_nd(), tf.scatter_nd_update(), tf.scatter_nd_add(), tf.scatter_nd_sub(), tf.scatter_nd_mul() and tf.scatter_nd_div() as well as gradient functions for tf.scatter_nd() and tf.gather_nd() 2016-11-02 17:10:10 -07:00
state_ops.py
stateful_random_ops_test.py Call uniform_full_int in tf.random.Generator.uniform when dtype is integer and both minval and maxval are None, to align with stateless_random_uniform. 2020-03-06 16:05:21 -08:00
stateful_random_ops.py Added a sub-class of tf.random.Generator in keras/layers/preprocessing/image_preprocessing.py to temporarily allow creating generators inside distribution strategies (with all replicas generating the same numbers). 2020-06-09 16:44:47 -07:00
stateless_random_ops.py Add StatelessParameterizedTruncatedNormal sampler. 2020-06-18 10:28:38 -07:00
string_ops.py Add dispatch support to more Python APIs. 2020-05-15 11:03:18 -07:00
summary_op_util.py Add skip_on_eager flag to ops.name_scope 2019-11-11 05:08:32 -08:00
summary_ops_v2.py Exposes should_record_summaries() and optimizes for static record_if values. 2020-04-22 13:52:03 -07:00
template.py minor spelling tweaks 2020-02-11 15:09:21 +09:00
tensor_array_grad.py Fix race condition in TensorArrayWrite grad. 2020-03-28 10:06:18 -07:00
tensor_array_ops_test.py Add test case for TensorArray concat. 2019-12-05 17:35:04 -08:00
tensor_array_ops.py Fix the formatting of TensorArray. __doc__ indents anything after the first line doc. Dedent the rest of the doc after the first line so that it is formatted properly on the site. 2020-05-20 15:17:32 -07:00
tensor_forest_ops.py Merge pull request #21803 from yupbank:add-tensor-forest-classification-inference 2018-11-19 13:39:31 -08:00
transpose_benchmark.py
unconnected_gradients.py
variable_scope.py Make core.Tensor the base type for Tensor and replace the register_dense_tensor_like with direct subclassing. 2020-05-12 14:57:45 -07:00
variable_spec_test.py
variables.py Add Registration for non-stateful scatter_nd_min and scatter_nd_max. 2020-06-03 11:05:54 -07:00
weights_broadcast_ops.py Branch 154885009 (#9604) 2017-05-03 12:25:10 -07:00
while_v2_indexed_slices_rewriter.py Make while_v2_indexed_slices_writers compatible with tensor equality. 2020-03-07 19:12:51 -08:00
while_v2.py Calculate only necessary gradients of captures in while loop 2020-04-27 16:40:13 -07:00