STT-tensorflow/tensorflow/core/kernels
2021-01-02 17:17:29 +00:00
..
batching_util Add TraceMeProducer/Consumer for SharedBatchScheduler. 2020-06-17 15:27:09 -07:00
boosted_trees Add Buckettize, SparseCross and BoostedTreesBucketize to flex whitelist 2020-05-28 17:29:20 -07:00
cubin_headers Add support for windows. 2020-06-22 01:43:15 -07:00
data Update "master" to "dispatch"/"dispatcher" in tf.data service terminology. 2020-07-16 13:07:28 -07:00
fuzzing Move identity_fuzz to new location. Add linkstatic=1 to fuzz target. 2020-06-08 16:43:06 -07:00
hexagon Fix issues caught by -Wtautological-constant-compare 2020-06-19 15:34:06 -07:00
neon Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
rnn minor spelling tweaks 2020-02-27 15:42:16 +09:00
sparse [ROCm] Fix for ROCm CSB breakage on 200507 2020-05-07 20:55:49 +00:00
special_math Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
spectrogram_test_data
tensor_forest
adjust_contrast_op_benchmark_test.cc
adjust_contrast_op_gpu.cu.cc
adjust_contrast_op_test.cc
adjust_contrast_op.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
adjust_contrast_op.h
adjust_hsv_gpu.cu.h
adjust_hue_op_gpu.cu.cc
adjust_hue_op.cc
adjust_hue_op.h
adjust_saturation_op_gpu.cu.cc
adjust_saturation_op.cc
adjust_saturation_op.h
aggregate_ops_cpu.h
aggregate_ops_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
aggregate_ops.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
aggregate_ops.h Reduce aggregate_ops' dependencies by moving OP_REQUIRES macro definitions to a 2020-02-18 14:19:01 -08:00
argmax_op_gpu.cu.cc Support argmin/argmax of boolean tensors on CPUs and GPUs. 2020-04-14 13:37:21 -07:00
argmax_op.cc Support argmin/argmax of boolean tensors on CPUs and GPUs. 2020-04-14 13:37:21 -07:00
argmax_op.h Internal change 2020-01-29 14:37:24 -08:00
as_string_op.cc
assign_op.h
attention_ops.cc Use ExtractGlimpseV2 and ExtractGlimpse to make sure C++ kernel is backward compatible 2020-05-12 09:31:29 -07:00
avgpooling_op_gpu.cu.cc
avgpooling_op.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
avgpooling_op.h
banded_triangular_solve_op_test.cc Add banded triangular solve op. 2020-06-18 10:03:35 -07:00
banded_triangular_solve_op.cc Add banded triangular solve op. 2020-06-18 10:03:35 -07:00
barrier_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
base64_ops.cc
basic_ops_benchmark_test.cc
batch_kernels.cc A refactor to add helper functions {Split, Concat}, which do Tensor dtype deduction automatically. 2020-06-16 10:14:28 -07:00
batch_matmul_op_complex.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
batch_matmul_op_impl.h Fix bug in complex einsum grad. 2020-05-05 19:46:15 -07:00
batch_matmul_op_real.cc
batch_matmul_op_test.cc
batch_norm_op_gpu.cu.cc
batch_norm_op_test.cc
batch_norm_op.cc
batch_norm_op.h
batch_util.h
batchtospace_op.cc
bcast_ops.cc
betainc_op_gpu.cu.cc
betainc_op.cc
betainc_op.h
bias_op_gpu.cu.cc Add int32 type support for BiasAdd. CPU support already exists, so adding GPU support only. 2019-10-31 15:58:08 -07:00
bias_op_gpu.h
bias_op_test.cc Remove redundant reshape from BiasOp 2019-10-17 21:35:51 -07:00
bias_op.cc Add int32 type support for BiasAdd. CPU support already exists, so adding GPU support only. 2019-10-31 15:58:08 -07:00
bias_op.h Remove redundant reshape from BiasOp 2019-10-17 21:35:51 -07:00
bincount_op_gpu.cu.cc Add bincount to support dense/sparse/ragged inputs. 2020-05-06 14:00:20 -07:00
bincount_op_test.cc
bincount_op.cc Update attr name for Dense version Bincount. 2020-05-13 16:14:22 -07:00
bincount_op.h Add bincount to support dense/sparse/ragged inputs. 2020-05-06 14:00:20 -07:00
broadcast_to_op_gpu.cu.cc Register int64 kernels for BroadcastTo 2020-04-28 12:19:44 -07:00
broadcast_to_op_test.cc
broadcast_to_op.cc Register int64 kernels for BroadcastTo 2020-04-28 12:19:44 -07:00
broadcast_to_op.h
bucketize_op_gpu.cu.cc
bucketize_op.cc
bucketize_op.h
BUILD Add sigmoid and tanh to deepspeech_cwise_ops 2021-01-02 17:17:29 +00:00
build_defs.bzl Use a MLIR generated kernel for tanh for the GPU backend (behind build flag). 2020-06-10 07:09:56 -07:00
candidate_sampler_ops.cc
cast_op_gpu.cu.cc
cast_op_impl_bfloat.cc
cast_op_impl_bool.cc
cast_op_impl_complex64.cc
cast_op_impl_complex128.cc
cast_op_impl_double.cc
cast_op_impl_float.cc
cast_op_impl_half.cc
cast_op_impl_int8.cc
cast_op_impl_int16.cc
cast_op_impl_int32.cc
cast_op_impl_int64.cc
cast_op_impl_uint8.cc
cast_op_impl_uint16.cc
cast_op_impl_uint32.cc
cast_op_impl_uint64.cc
cast_op_impl.h
cast_op_test.cc Fixing bug in cast_op test: A case study in the danger of default arguments. 2020-04-13 17:41:59 -07:00
cast_op.cc [CastOp] Avoid creating and destroying a temporary tensor in the common case. 2020-03-05 11:16:13 -08:00
cast_op.h
check_numerics_op_gpu.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
check_numerics_op.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
cholesky_grad.cc
cholesky_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
clustering_ops_test.cc
clustering_ops.cc
collective_nccl_broadcaster.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
collective_nccl_broadcaster.h
collective_nccl_gatherer.cc Unblock dependencies in RingReducer. 2019-10-21 19:28:33 -07:00
collective_nccl_gatherer.h
collective_nccl_reducer.cc Unblock dependencies in RingReducer. 2019-10-21 19:28:33 -07:00
collective_nccl_reducer.h
collective_nccl_test.cc [NFC] Provide synchronous versions of CopyDeviceTensorToCPU and CopyCPUTensorToDevice 2020-04-17 12:27:29 -07:00
collective_nccl.cc
collective_nccl.h
collective_ops.cc Add timeout to collective ops to detect deadlocks. 2020-05-29 15:37:42 -07:00
colorspace_op_gpu.cu.cc
colorspace_op_test.cc
colorspace_op.cc
colorspace_op.h
compare_and_bitpack_op_gpu.cu.cc
compare_and_bitpack_op.cc
compare_and_bitpack_op.h
concat_lib_cpu.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
concat_lib_cpu.h Internal change 2019-10-25 21:39:13 -07:00
concat_lib_gpu_impl.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
concat_lib_gpu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
concat_lib_gpu.h Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
concat_lib.h Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
concat_op_test.cc Fixes/updates for tensorflow::tstring migration. 2019-11-26 23:35:38 -08:00
concat_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
conditional_accumulator_base_op.cc
conditional_accumulator_base_op.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
conditional_accumulator_base.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
conditional_accumulator_base.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
conditional_accumulator_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
conditional_accumulator.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
constant_op_gpu.cu.cc
constant_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
constant_op.cc Mozilla TensorFlow r2.3 2020-08-06 19:19:26 +02:00
constant_op.h Internal change 2020-01-10 17:44:33 -08:00
control_flow_ops_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
control_flow_ops.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
control_flow_ops.h
conv_2d_gpu_double.cu.cc
conv_2d_gpu_float.cu.cc
conv_2d_gpu_half.cu.cc
conv_2d_gpu_int_spatial_convolution_backward.cu.cc Split up conv_2d kernels even further 2020-02-06 00:34:58 -08:00
conv_2d_gpu_int_spatial_convolution.cu.cc Split up conv_2d kernels even further 2020-02-06 00:34:58 -08:00
conv_2d_gpu_int.cu.cc Split up conv_2d kernels even further 2020-02-06 00:34:58 -08:00
conv_2d_gpu_uint8.cu.cc
conv_2d_gpu_uint16.cu.cc
conv_2d_gpu_uint32.cu.cc
conv_2d_gpu_uint64.cu.cc
conv_2d_gpu.h Merge pull request #39166 from kaixih:pr_vectorize_transpose 2020-05-26 18:50:26 -07:00
conv_2d.h Added int32 supports for Conv2D and Conv2DBackpropInput ops. 2019-10-21 17:27:50 -07:00
conv_3d.h
conv_grad_filter_ops_benchmark_test.cc Add benchmarks for Conv2D filter gradient with strides not equal to one 2019-11-27 16:50:27 -08:00
conv_grad_filter_ops.cc PR #36267: [ROCm] Reverting ROCm to use MIOpen Find Mode APIs (be default) for convolution 2020-04-08 00:44:58 -07:00
conv_grad_input_ops_benchmark_test.cc Add benchmarks for Conv2D input gradient with strides not equal to one 2019-11-27 16:00:31 -08:00
conv_grad_input_ops.cc Allow the compiler to vectorize the loop. 2020-06-17 13:10:12 -07:00
conv_grad_ops_3d.cc Merge pull request #40399 from kaixih:pr_cudnn_conv3d_ndhwc 2020-06-17 13:38:36 -07:00
conv_grad_ops.h Move conv grad shape related utils to a separate lib 2019-10-30 13:58:39 -07:00
conv_grad_shape_utils.cc Take #2: Improve Conv2DBackpropInput to take input_sizes as a 2D shape. 2020-03-26 16:33:53 -07:00
conv_grad_shape_utils.h Take #2: Improve Conv2DBackpropInput to take input_sizes as a 2D shape. 2020-03-26 16:33:53 -07:00
conv_ops_3d.cc Merge pull request #40399 from kaixih:pr_cudnn_conv3d_ndhwc 2020-06-17 13:38:36 -07:00
conv_ops_3d.h Supporting conv3d as a TFRT forwarded kernel. 2020-03-11 14:28:30 -07:00
conv_ops_benchmark_test.cc Add Conv2D benchmarks for NASNet shapes 2019-12-10 18:22:35 -08:00
conv_ops_fused_double.cc
conv_ops_fused_float.cc
conv_ops_fused_half.cc
conv_ops_fused_image_transform.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
conv_ops_fused_impl.h This CL optimizes C++11 range-based for loops where the variable is copied in each iteration but it would suffice to obtain it by const reference. This is only applied to loop variables of types that are expensive to copy which means they are not trivially copyable or have a non-trivial copy constructor or destructor. 2020-04-06 11:16:51 -07:00
conv_ops_gpu.h Merge pull request #32302 from houtoms:pr_cudnn_ctc_loss 2020-01-17 20:32:44 -08:00
conv_ops_test.cc PR #39548: [INTEL MKL] Fix conv_ops_test and remapper_test 2020-05-21 14:37:31 -07:00
conv_ops_using_gemm.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
conv_ops.cc PR #36267: [ROCm] Reverting ROCm to use MIOpen Find Mode APIs (be default) for convolution 2020-04-08 00:44:58 -07:00
conv_ops.h
count_ops_test.cc Add tf.sparse.bincount op. 2020-04-30 17:50:34 -07:00
count_ops.cc Automated g4 rollback of changelist 311477582. 2020-05-14 08:42:30 -07:00
count_up_to_op.cc
crop_and_resize_op_benchmark_test.cc
crop_and_resize_op_gpu.cu.cc
crop_and_resize_op_test.cc Explicitly capture variables in lambdas. 2020-01-10 14:42:49 -08:00
crop_and_resize_op.cc Remove unused unique_tensor_references library. 2020-03-12 16:35:29 -07:00
crop_and_resize_op.h
cross_op_gpu.cu.cc
cross_op_test.cc
cross_op.cc
cross_op.h
ctc_decoder_ops.cc Stops calling std::copy_n over zero-sided vec, which indeed dereferences null. 2020-06-15 18:46:51 -07:00
ctc_loss_op.cc [ROCm] Adding ROCm support for CTC Loss 2020-01-27 18:50:24 +00:00
cuda_solvers.cc This CL optimizes C++11 range-based for loops where the variable is copied in each iteration but it would suffice to obtain it by const reference. This is only applied to loop variables of types that are expensive to copy which means they are not trivially copyable or have a non-trivial copy constructor or destructor. 2020-04-06 11:16:51 -07:00
cuda_solvers.h Remove unused unique_tensor_references library. 2020-03-12 16:35:29 -07:00
cuda_sparse.cc Merge pull request #38802 from nluehr:cusparse_remove_deprecated 2020-05-06 11:05:02 -07:00
cuda_sparse.h [ROCm] Fix for ROCm CSB breakage on 200507 2020-05-07 20:55:49 +00:00
cudnn_pooling_gpu.cc
cudnn_pooling_gpu.h
cudnn_rnn_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
cwise_op_abs.cc
cwise_op_acos.cc
cwise_op_acosh.cc
cwise_op_add_1.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
cwise_op_add_2.cc Support uint32 in tf.add. 2020-04-07 18:30:13 -07:00
cwise_op_arg.cc
cwise_op_asin.cc
cwise_op_asinh.cc
cwise_op_atan2.cc
cwise_op_atan.cc
cwise_op_atanh.cc
cwise_op_bitwise_and.cc
cwise_op_bitwise_or.cc
cwise_op_bitwise_xor.cc
cwise_op_ceil.cc Add int32 support to floor, ceil & rint 2019-12-04 18:47:55 -08:00
cwise_op_clip_gpu.cu.cc
cwise_op_clip.cc
cwise_op_clip.h
cwise_op_complex.cc
cwise_op_conj.cc
cwise_op_cos.cc
cwise_op_cosh.cc
cwise_op_digamma.cc
cwise_op_div.cc Enabling several cwise op kernels for ROCm 2020-01-16 22:12:08 -08:00
cwise_op_equal_to_1.cc Add uint16, uint32, uint64 support for tf.math.equal 2020-04-06 22:42:34 +00:00
cwise_op_equal_to_2.cc
cwise_op_erf.cc
cwise_op_erfc.cc
cwise_op_exp.cc
cwise_op_expm1.cc
cwise_op_floor_div.cc
cwise_op_floor_mod.cc Add uint64 support to DynamicPartition and FloorMod on CPU. 2020-03-17 09:34:04 -07:00
cwise_op_floor.cc Add int32 support to floor, ceil & rint 2019-12-04 18:47:55 -08:00
cwise_op_gpu_abs.cu.cc
cwise_op_gpu_acos.cu.cc
cwise_op_gpu_acosh.cu.cc
cwise_op_gpu_add.cu.cc Support uint32 in tf.add. 2020-04-07 18:30:13 -07:00
cwise_op_gpu_arg.cu.cc Enabling several cwise op kernels for ROCm 2020-01-16 22:12:08 -08:00
cwise_op_gpu_asin.cu.cc
cwise_op_gpu_asinh.cu.cc
cwise_op_gpu_atan2.cu.cc
cwise_op_gpu_atan.cu.cc
cwise_op_gpu_atanh.cu.cc
cwise_op_gpu_bitwise_and.cu.cc
cwise_op_gpu_bitwise_or.cu.cc
cwise_op_gpu_bitwise_xor.cu.cc
cwise_op_gpu_ceil.cu.cc
cwise_op_gpu_complex.cu.cc
cwise_op_gpu_conj.cu.cc
cwise_op_gpu_cos.cu.cc
cwise_op_gpu_cosh.cu.cc
cwise_op_gpu_digamma.cu.cc
cwise_op_gpu_div.cu.cc Enabling several cwise op kernels for ROCm 2020-01-16 22:12:08 -08:00
cwise_op_gpu_equal_to.cu.cc
cwise_op_gpu_erf.cu.cc
cwise_op_gpu_erfc.cu.cc
cwise_op_gpu_exp.cu.cc
cwise_op_gpu_expm1.cu.cc
cwise_op_gpu_floor_div.cu.cc
cwise_op_gpu_floor_mod.cu.cc
cwise_op_gpu_floor.cu.cc
cwise_op_gpu_greater_equal.cu.cc
cwise_op_gpu_greater.cu.cc
cwise_op_gpu_igammas_double.cu.cc
cwise_op_gpu_igammas_float.cu.cc
cwise_op_gpu_imag.cu.cc
cwise_op_gpu_inverse.cu.cc
cwise_op_gpu_invert.cu.cc
cwise_op_gpu_isfinite.cu.cc
cwise_op_gpu_isinf.cu.cc
cwise_op_gpu_isnan.cu.cc
cwise_op_gpu_left_shift.cu.cc
cwise_op_gpu_less_equal.cu.cc
cwise_op_gpu_less.cu.cc
cwise_op_gpu_lgamma.cu.cc
cwise_op_gpu_log1p.cu.cc
cwise_op_gpu_log.cu.cc
cwise_op_gpu_logical_and.cu.cc
cwise_op_gpu_logical_not.cu.cc
cwise_op_gpu_logical_or.cu.cc
cwise_op_gpu_maximum.cu.cc Improves tf-numpy's clip to pass testClipStaticBounds, and adds uint8 kernels to tf.minimum and tf.maximum. 2020-04-22 13:22:24 -07:00
cwise_op_gpu_minimum.cu.cc Improves tf-numpy's clip to pass testClipStaticBounds, and adds uint8 kernels to tf.minimum and tf.maximum. 2020-04-22 13:22:24 -07:00
cwise_op_gpu_mod.cu.cc
cwise_op_gpu_mul.cu.cc
cwise_op_gpu_neg.cu.cc Expand dtype support for Neg 2020-06-18 20:31:51 -07:00
cwise_op_gpu_not_equal_to.cu.cc
cwise_op_gpu_pow.cu.cc
cwise_op_gpu_random_grad.cu.cc
cwise_op_gpu_real.cu.cc
cwise_op_gpu_right_shift.cu.cc
cwise_op_gpu_rint.cu.cc
cwise_op_gpu_round.cu.cc
cwise_op_gpu_rsqrt.cu.cc
cwise_op_gpu_select.cu.cc
cwise_op_gpu_sigmoid.cu.cc
cwise_op_gpu_sign.cu.cc
cwise_op_gpu_sin.cu.cc
cwise_op_gpu_sinh.cu.cc
cwise_op_gpu_sqrt.cu.cc
cwise_op_gpu_square.cu.cc
cwise_op_gpu_squared_difference.cu.cc
cwise_op_gpu_sub.cu.cc Adding these ops to enable the use of uint32 for indices in sparse matrices, since int32 has issues on GPU. Adding support for uint32 for: 2020-03-03 14:24:41 -08:00
cwise_op_gpu_tan.cu.cc
cwise_op_gpu_tanh.cu.cc Add support for f16 generated tanh kernel. 2020-06-15 10:12:37 -07:00
cwise_op_gpu_xdivy.cu.cc
cwise_op_gpu_xlog1py.cu.cc Add tf.math.xlog1py, a safe way to compute x * log1p(y) 2020-01-09 14:28:37 -08:00
cwise_op_gpu_xlogy.cu.cc
cwise_op_gpu_zeta.cu.cc
cwise_op_greater_equal.cc
cwise_op_greater.cc
cwise_op_igammas.cc
cwise_op_imag.cc
cwise_op_invert.cc
cwise_op_isfinite.cc
cwise_op_isinf.cc
cwise_op_isnan.cc
cwise_op_left_shift.cc
cwise_op_less_equal.cc
cwise_op_less.cc
cwise_op_lgamma.cc
cwise_op_log1p.cc
cwise_op_log.cc
cwise_op_logical_and.cc
cwise_op_logical_not.cc
cwise_op_logical_or.cc
cwise_op_maximum.cc Improves tf-numpy's clip to pass testClipStaticBounds, and adds uint8 kernels to tf.minimum and tf.maximum. 2020-04-22 13:22:24 -07:00
cwise_op_minimum.cc Improves tf-numpy's clip to pass testClipStaticBounds, and adds uint8 kernels to tf.minimum and tf.maximum. 2020-04-22 13:22:24 -07:00
cwise_op_mod.cc
cwise_op_mul_1.cc Add a CPU bfloat16 kernel for MulNoNan 2020-05-01 16:37:16 -07:00
cwise_op_mul_2.cc
cwise_op_ndtri_double.cu.cc
cwise_op_ndtri_float.cu.cc
cwise_op_ndtri.cc
cwise_op_neg_1.cc Expand dtype support for Neg 2020-06-18 20:31:51 -07:00
cwise_op_neg_2.cc Expand dtype support for Neg 2020-06-18 20:31:51 -07:00
cwise_op_not_equal_to_1.cc Merge pull request #38288 from yongtang:26069-equal-dtype 2020-04-21 11:00:34 -07:00
cwise_op_not_equal_to_2.cc
cwise_op_pow.cc
cwise_op_random_grad.cc
cwise_op_real.cc
cwise_op_reciprocal.cc
cwise_op_right_shift.cc
cwise_op_rint.cc Add int32 support to floor, ceil & rint 2019-12-04 18:47:55 -08:00
cwise_op_round.cc
cwise_op_rsqrt.cc
cwise_op_select.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
cwise_op_sigmoid.cc
cwise_op_sign.cc
cwise_op_sin.cc
cwise_op_sinh.cc
cwise_op_sqrt.cc
cwise_op_square.cc
cwise_op_squared_difference.cc
cwise_op_sub.cc Adding these ops to enable the use of uint32 for indices in sparse matrices, since int32 has issues on GPU. Adding support for uint32 for: 2020-03-03 14:24:41 -08:00
cwise_op_tan.cc
cwise_op_tanh.cc Add support for f16 generated tanh kernel. 2020-06-15 10:12:37 -07:00
cwise_op_xdivy.cc
cwise_op_xlog1py.cc Add tf.math.xlog1py, a safe way to compute x * log1p(y) 2020-01-09 14:28:37 -08:00
cwise_op_xlogy.cc Enabling several cwise op kernels for ROCm 2020-01-16 22:12:08 -08:00
cwise_op_zeta.cc
cwise_ops_common.cc
cwise_ops_common.h Fix typo 2020-03-11 10:38:38 +00:00
cwise_ops_gpu_common.cu.h Add _USE_MATH_DEFINES to cwise_ops_gpu_common.cu.h to fix Windows GPU build. 2019-12-19 11:07:54 -08:00
cwise_ops_gpu_gradients.cu.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
cwise_ops_gradients.h [ROCm] Enabling vectorization/packet support for some cwise ops on the ROCm platform 2020-01-06 21:53:49 +00:00
cwise_ops_sycl_common.h
cwise_ops_test.cc Enabling several cwise op kernels for ROCm 2020-01-16 22:12:08 -08:00
cwise_ops.h Add Bessel functions to the public api: 2020-06-17 21:06:09 -07:00
data_format_ops_gpu.cu.cc
data_format_ops.cc DataFormatVecPermute accepts a vector of size 2. 2020-05-20 16:01:33 -07:00
data_format_ops.h
debug_ops_gpu.cu.cc [tfdbg] Fix DebugNumericSummaryV2OP kernel mode=CURT_HEALTH breakage on Windows GPU builds 2019-12-20 08:53:47 -08:00
debug_ops_test.cc [tfdbg] Remove use of dirent.h in debug_ops_test.cc 2020-02-02 19:14:32 -08:00
debug_ops.cc [tfdbg] enable_dump_debug_info(): Support CONCISE_HEALTH and SHAPE modes 2019-12-17 17:43:32 -08:00
debug_ops.h [tfdbg2] Add tfdbg_run_id to metadata of data dumps 2020-06-15 13:52:52 -07:00
decode_bmp_op.cc
decode_compressed_op.cc
decode_csv_op.cc
decode_image_op.cc change tf.image.decode_image to tf.io.decode_image 2020-03-13 11:59:24 +08:00
decode_padded_raw_op.cc
decode_proto_op.cc Fixes/updates for tensorflow::tstring migration. 2019-11-26 23:35:38 -08:00
decode_raw_op.cc [tstring] Avoid temporary std::string creation in DecodeRawOp. 2020-01-23 14:48:29 -08:00
decode_wav_op_test.cc
decode_wav_op.cc
deep_conv2d_test.cc
deep_conv2d.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
deep_conv2d.h
dense_update_functor_gpu.cu.cc Adding these ops to enable the use of uint32 for indices in sparse matrices, since int32 has issues on GPU. Adding support for uint32 for: 2020-03-03 14:24:41 -08:00
dense_update_functor.cc
dense_update_functor.h
dense_update_ops.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
depthtospace_op_gpu.cu.cc
depthtospace_op.cc
depthtospace_op.h
depthwise_conv_grad_op.cc Merge pull request #40303 from kaixih:test_nhwc_depwise_pr 2020-06-10 21:26:08 -07:00
depthwise_conv_op_gpu_double.cu.cc
depthwise_conv_op_gpu_float.cu.cc
depthwise_conv_op_gpu_half.cu.cc
depthwise_conv_op_gpu.h fix LaunchDepthwiseConvBackpropFilterOp 2020-06-16 23:38:53 +08:00
depthwise_conv_op.cc Merge pull request #40303 from kaixih:test_nhwc_depwise_pr 2020-06-10 21:26:08 -07:00
depthwise_conv_op.h Add explicit padding to depthwise conv2d. 2020-03-24 12:28:49 -07:00
depthwise_conv_ops_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
dequantize_op_test.cc Support Dequantize to bfloat16. 2020-01-14 11:58:53 -08:00
dequantize_op.cc fix dequantize op regression issue 2020-05-08 07:34:54 +08:00
deserialize_sparse_string_op.cc Rename tensorflow::Reshape() to tensorflow::ReshapeSparseTensor(). 2020-04-08 10:47:41 -07:00
deserialize_sparse_variant_op.cc
determinant_op_gpu.cu.cc
determinant_op.cc
determinant_op.h
diag_op_gpu.cu.cc Register Eigen::half kernels for Diag and DiagPart 2020-05-04 18:57:36 -07:00
diag_op_test.cc
diag_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
diag_op.h
dilation_ops_gpu.cu.cc
dilation_ops.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
dilation_ops.h
draw_bounding_box_op.cc
dynamic_partition_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
dynamic_partition_op_test.cc
dynamic_partition_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
dynamic_stitch_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
dynamic_stitch_op_test.cc
dynamic_stitch_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
edit_distance_op.cc
eig_op_complex64.cc
eig_op_complex128.cc
eig_op_double.cc
eig_op_float.cc
eig_op_impl.h
eigen_activations_test.cc
eigen_activations.h
eigen_attention_test.cc
eigen_attention.h Merge pull request #38549 from yongtang:12829-extract_glimpse 2020-05-21 12:14:19 -07:00
eigen_backward_cuboid_convolutions_test.cc Split eigen_backward_spatial_convolutions_test into two. 2020-01-24 16:07:33 -08:00
eigen_backward_cuboid_convolutions.h
eigen_backward_spatial_convolutions_test.cc Split eigen_backward_spatial_convolutions_test into two. 2020-01-24 16:07:33 -08:00
eigen_backward_spatial_convolutions.h
eigen_benchmark_cpu_test.cc
eigen_benchmark.h
eigen_contraction_kernel.cc Internal Copybara change. 2020-03-20 12:06:08 -07:00
eigen_contraction_kernel.h Suppress Clang error: unused variable 'row_base' when building with MSAN instrumentation 2020-06-19 13:17:03 -07:00
eigen_convolution_helpers.h Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
eigen_cuboid_convolution.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
eigen_mkldnn_contraction_kernel_test.cc
eigen_pooling_test.cc
eigen_pooling.h Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
eigen_spatial_convolutions_test.cc Fix bug in padding detection in contraction packing 2020-01-09 18:53:24 -08:00
eigen_spatial_convolutions-inl.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
eigen_spatial_convolutions.h Optimize col-major packing for PADDING_VALID convolutions 2020-01-09 11:36:57 -08:00
eigen_volume_patch.h Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
einsum_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
einsum_op_impl_bfloat16.cc
einsum_op_impl_complex64.cc
einsum_op_impl_complex128.cc
einsum_op_impl_double.cc
einsum_op_impl_float.cc
einsum_op_impl_half.cc
einsum_op_impl_int32.cc
einsum_op_impl_int64.cc
einsum_op_impl.h Fix bug in complex einsum grad. 2020-05-05 19:46:15 -07:00
einsum_op.h
encode_jpeg_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
encode_jpeg_op.cc
encode_png_op.cc
encode_proto_op.cc
encode_wav_op_test.cc
encode_wav_op.cc
example_parsing_ops_test.cc [ParseExample] Reduce variance in benchmark. 2020-02-26 17:09:20 -08:00
example_parsing_ops.cc Remove all uses of TENSORFLOW_LITE_PROTOS. 2020-05-06 02:43:41 -07:00
extract_image_patches_op_gpu.cu.cc Add complex number support for tf.extract_image_patches 2020-01-17 21:39:58 +00:00
extract_image_patches_op.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
extract_image_patches_op.h
extract_jpeg_shape_op.cc
extract_volume_patches_op_gpu.cu.cc
extract_volume_patches_op.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
extract_volume_patches_op.h
eye_functor_gpu.cu.cc
eye_functor.h
fact_op.cc
fake_quant_ops_functor.h
fake_quant_ops_gpu.cu.cc
fake_quant_ops_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
fake_quant_ops.cc PR #36526: Removed NDIMS template arg from BinaryElementWiseOp::Operate 2020-02-26 20:38:14 -08:00
fft_ops.cc
fifo_queue_op.cc Add an internal GPU-compatible version of FIFOQueue. 2020-01-06 10:10:52 -08:00
fifo_queue.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
fifo_queue.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
fill_functor.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
fill_functor.cu.cc
fill_functor.h
fingerprint_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
fingerprint_op.cc
fixed_length_record_reader_op.cc
fractional_avg_pool_op.cc
fractional_max_pool_op.cc
fractional_pool_common.cc
fractional_pool_common.h
function_ops.cc [ArgOp] Use CanConsumeArg() and ConsumeArg() when possible. 2020-05-06 09:19:01 -07:00
function_ops.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
functional_ops.cc Add a function to dynamic choose and execute the proper implementation based on underlying device placement 2020-05-28 09:54:31 -07:00
fused_batch_norm_ex_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
fused_batch_norm_op_test.cc Automated rollback of commit 80acd88cd4 2020-02-18 13:51:51 -08:00
fused_batch_norm_op.cc Support computing exponential running mean and variance in fused_batch_norm. 2020-02-26 14:31:32 -08:00
fused_batch_norm_op.cu.cc Remove vestigial code from cuDNN 4 in stream executor. 2020-02-06 10:15:11 -08:00
fused_batch_norm_op.h Remove vestigial code from cuDNN 4 in stream executor. 2020-02-06 10:15:11 -08:00
fused_eigen_output_kernels.cc
fused_eigen_output_kernels.h
gather_functor_batched_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
gather_functor_batched_gpu.cu.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
gather_functor_batched.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
gather_functor_batched.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
gather_functor_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
gather_functor_gpu.cu.h adjust gather ops launch config. for NCF model, this means ~20% gain. (due to grid size from 80->160 on volta). 2020-05-19 16:12:30 -07:00
gather_functor.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
gather_functor.h Fix HandleCopies so it no longer invokes UB when the params or out TensorMaps are empty with no backing data. 2020-05-28 17:01:07 -07:00
gather_nd_op_cpu_impl_0.cc
gather_nd_op_cpu_impl_1.cc
gather_nd_op_cpu_impl_2.cc
gather_nd_op_cpu_impl_3.cc
gather_nd_op_cpu_impl_4.cc
gather_nd_op_cpu_impl_5.cc
gather_nd_op_cpu_impl_6.cc
gather_nd_op_cpu_impl_7.cc
gather_nd_op_cpu_impl.h
gather_nd_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
gather_nd_op_test.cc
gather_nd_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
gather_nd_op.h
gather_op_test.cc Fix parameter check for batchdim in Gather. 2020-05-19 15:58:33 -07:00
gather_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
gemm_functors.h
generate_box_proposals_op.cu.cc Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
generate_vocab_remapping_op.cc
gpu_device_array_gpu.h
gpu_device_array.h Remove unused unique_tensor_references library. 2020-03-12 16:35:29 -07:00
gpu_prim.h Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
gpu_utils.cc PR #36267: [ROCm] Reverting ROCm to use MIOpen Find Mode APIs (be default) for convolution 2020-04-08 00:44:58 -07:00
gpu_utils.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
guarantee_const_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
guarantee_const_op.cc
hinge-loss.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
histogram_op_gpu.cu.cc Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
histogram_op.cc
histogram_op.h
host_constant_op.cc
host_constant_op.h Internal change 2020-01-10 17:44:33 -08:00
i_remote_fused_graph_executor.h
i_remote_fused_graph_ops_definitions.cc
i_remote_fused_graph_ops_definitions.h
identity_n_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
identity_n_op.cc
identity_n_op.h
identity_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
identity_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
identity_op.h
identity_reader_op.cc
image_ops_gpu.cu.cc Image Translation Keras layer for preprocessing. 2020-01-29 18:58:47 -08:00
image_ops.cc Export fill mode for image_projective_transform 2020-03-12 16:54:14 -07:00
image_ops.h Export fill mode for image_projective_transform 2020-03-12 16:54:14 -07:00
image_resizer_state.h
immutable_constant_op_test.cc
immutable_constant_op.cc
immutable_constant_op.h
in_topk_op_gpu.cu.cc Fix in_top_k on GPU with empty input. 2020-03-27 09:12:21 -07:00
in_topk_op_test.cc
in_topk_op.cc
in_topk_op.h
initializable_lookup_table.cc Simplify and optimize fastpath for initializable lookuptable. 2019-12-13 01:10:21 -08:00
initializable_lookup_table.h Simplify and optimize fastpath for initializable lookuptable. 2019-12-13 01:10:21 -08:00
inplace_ops_functor_gpu.cu.cc
inplace_ops_functor.h
inplace_ops.cc Make inplace_op behavior consistent on CPU/GPU, for empty tensors. 2020-01-28 12:36:00 -08:00
kernel_platform_strings.h
l2loss_op_gpu.cu.cc Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
l2loss_op.cc
l2loss_op.h
linalg_ops_common.cc Return if an error status was set in LinearAlgebraOp::AnalyzeInput() or LinearAlgebraOp::PrepareOutputs(), instead of potentially crashing. 2019-11-11 15:51:45 -08:00
linalg_ops_common.h
list_kernels.cc Define TensorList class in a separate library 2020-01-24 17:37:07 -08:00
list_kernels.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
list_kernels.h Don't concatenate empty tensors 2020-05-07 17:32:16 -07:00
listdiff_op.cc
lmdb_reader_op.cc
load_and_remap_matrix_op.cc
logging_ops_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
logging_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
logging_ops.h
logistic-loss.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
lookup_table_init_op.cc Allowing tf.lookup tables to be initialized from a Dataset 2020-03-02 15:41:42 -08:00
lookup_table_init_op.h
lookup_table_op.cc add TF_LOCKS_EXCLUDED to MutableDenseHashTable::MemoryUsed 2020-05-27 13:27:18 +08:00
lookup_table_op.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
lookup_util.cc Allowing tf.lookup tables to be initialized from a Dataset 2020-03-02 15:41:42 -08:00
lookup_util.h Allowing tf.lookup tables to be initialized from a Dataset 2020-03-02 15:41:42 -08:00
loss_test.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
loss.h
lrn_op_test.cc Fix bad index type for Eigen::DSizes. 2019-10-17 21:14:22 -07:00
lrn_op.cc
lu_op_gpu.cu.cc
lu_op.cc
map_stage_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
matching_files_op.cc
matmul_op_fused.cc
matmul_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
matmul_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matmul_op.h
matrix_band_part_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_band_part_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_band_part_op.h
matrix_diag_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_diag_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_diag_op.h Add Matrix{Diag,SetDiag,DiagPart}V3 ops with alignment options. 2019-11-14 16:02:19 -08:00
matrix_exponential_op.cc
matrix_inverse_op.cc
matrix_logarithm_op.cc
matrix_set_diag_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_set_diag_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_set_diag_op.h Add Matrix{Diag,SetDiag,DiagPart}V3 ops with alignment options. 2019-11-14 16:02:19 -08:00
matrix_solve_ls_op_complex64.cc
matrix_solve_ls_op_complex128.cc
matrix_solve_ls_op_double.cc
matrix_solve_ls_op_float.cc
matrix_solve_ls_op_impl.h
matrix_solve_op.cc
matrix_square_root_op.cc
matrix_triangular_solve_op_complex.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
matrix_triangular_solve_op_impl.h [ROCm] Fix for a bug in the ROCm implementation for matrix_triangular_solve op 2020-02-12 15:14:49 +00:00
matrix_triangular_solve_op_real.cc Add Broadcasted Matrix Triangular Solve. 2020-01-27 20:43:43 -08:00
matrix_triangular_solve_op_test.cc Add Broadcasted Matrix Triangular Solve. 2020-01-27 20:43:43 -08:00
maxpooling_op_gpu.cu.cc
maxpooling_op_gpu.h
maxpooling_op.cc
maxpooling_op.h
merge_v2_checkpoints_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
meta_support.cc
meta_support.h
mfcc_dct_test.cc
mfcc_dct.cc
mfcc_dct.h
mfcc_mel_filterbank_test.cc
mfcc_mel_filterbank.cc Merge pull request #36405 from gaurav1086:center_frequencies_index_access_check 2020-02-26 09:28:31 -08:00
mfcc_mel_filterbank.h
mfcc_op_test.cc
mfcc_op.cc
mfcc_test.cc
mfcc.cc
mfcc.h
mirror_pad_op_benchmark_test.cc change MirrorPad packet region 2019-11-27 08:52:42 +08:00
mirror_pad_op_cpu_impl_1.cc
mirror_pad_op_cpu_impl_2.cc
mirror_pad_op_cpu_impl_3.cc
mirror_pad_op_cpu_impl_4.cc
mirror_pad_op_cpu_impl_5.cc
mirror_pad_op_cpu_impl.h
mirror_pad_op_gpu.cu.cc
mirror_pad_op_test.cc Explicitly capture variables in lambdas. 2020-01-10 14:42:49 -08:00
mirror_pad_op.cc
mirror_pad_op.h Merge pull request #34628 from Intel-tensorflow:yang/mirrorpad 2020-01-02 17:22:31 -08:00
mkl_aggregate_ops.cc [Intel MKL] Adding DNNL ops (part 2) supporting threadpool work 2020-06-15 13:22:19 -07:00
mkl_avgpooling_op.cc Merge pull request #39519 from Intel-tensorflow:sriniva2/threadpool_pooling 2020-05-27 12:16:52 -07:00
mkl_batch_matmul_op.cc Merge pull request #40128 from Intel-tensorflow:sriniva2/tp_batch_matmul 2020-06-08 12:31:59 -07:00
mkl_concat_op.cc [Intel MKL] Adding DNNL ops (part 2) supporting threadpool work 2020-06-15 13:22:19 -07:00
mkl_conv_grad_filter_ops.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_conv_grad_input_ops.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_conv_ops_test.cc Addressing review comments 2020-06-10 09:15:38 -07:00
mkl_conv_ops.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_conv_ops.h Bug Fix : resolve cast error by adding cleaner type for MKL 2020-03-21 18:13:50 +01:00
mkl_cwise_ops_common.cc
mkl_dequantize_op_test.cc Add two newlines. 2020-03-01 14:49:16 -08:00
mkl_dequantize_op.cc [Intel MKL] Adding DNNL ops (part 2) supporting threadpool work 2020-06-15 13:22:19 -07:00
mkl_fused_batch_norm_op_test.cc Minor follow-up fixes for PR #37176. 2020-03-02 10:44:26 -08:00
mkl_fused_batch_norm_op.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_fused_ops_test.cc Merge test cases and fix code style 2020-04-15 22:55:44 +08:00
mkl_identity_op.cc Added changes for DNN 0.9 to softmax, identity_op, and lrn ops. 2020-02-10 15:40:01 -08:00
mkl_input_conversion_op.cc Boiler plate code for dnnl threadpool and mkl_conv_ops.cc 2020-04-05 21:24:01 -07:00
mkl_lrn_op.cc [Intel MKL] Adding DNNL ops (part 2) supporting threadpool work 2020-06-15 13:22:19 -07:00
mkl_matmul_op_fused.cc Merge pull request #40254 from Intel-tensorflow:sriniva2/tp_qmatmul 2020-06-08 16:16:14 -07:00
mkl_matmul_op.cc Merge pull request #40254 from Intel-tensorflow:sriniva2/tp_qmatmul 2020-06-08 16:16:14 -07:00
mkl_matmul_ops_common.h matmul,qmatmul and fusedops support for threadpool api. 2020-06-07 15:48:07 -07:00
mkl_maxpooling_op.cc Merge pull request #39519 from Intel-tensorflow:sriniva2/threadpool_pooling 2020-05-27 12:16:52 -07:00
mkl_pooling_ops_common.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_pooling_ops_common.h Merge pull request #39519 from Intel-tensorflow:sriniva2/threadpool_pooling 2020-05-27 12:16:52 -07:00
mkl_qmatmul_op_test.cc Merge pull request #35285 from kiszk:spelling_tweaks_core 2020-02-28 10:58:32 -08:00
mkl_qmatmul_op.cc Merge pull request #39893 from Intel-tensorflow:sshiddib/dnnl_threadpool_openmp 2020-06-09 11:02:45 -07:00
mkl_quantize_op_test.cc [INTEL MKL] Enabled MIN_FIRST support and primitive caching for MKL-DNN Quantize OP 2019-10-28 12:54:08 +08:00
mkl_quantize_op.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_quantized_concat_op_test.cc
mkl_quantized_conv_ops_perchannel_test.cc
mkl_quantized_conv_ops_test.cc
mkl_quantized_conv_ops.h Update tensorflow/core/kernels/mkl_quantized_conv_ops.h 2020-06-08 10:30:03 -07:00
mkl_quantized_pooling_ops_test.cc
mkl_relu_op_test.cc Merge pull request #40598 from Intel-tensorflow:nhasabni/mkl_tanh_buildfix 2020-06-20 14:02:17 -07:00
mkl_relu_op.cc Merge pull request #40598 from Intel-tensorflow:nhasabni/mkl_tanh_buildfix 2020-06-20 14:02:17 -07:00
mkl_requantization_range_per_channel_op.cc Merge pull request #39893 from Intel-tensorflow:sshiddib/dnnl_threadpool_openmp 2020-06-09 11:02:45 -07:00
mkl_requantize_ops_test.cc
mkl_requantize_per_channel_op.cc Threadpool api support for misc ops. 2020-05-12 13:18:53 -07:00
mkl_reshape_op.cc Boiler plate code for dnnl threadpool and mkl_conv_ops.cc 2020-04-05 21:24:01 -07:00
mkl_slice_op.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_softmax_op.cc [Intel MKL] Adding DNNL ops (part 1) supporting threadpool work 2020-06-15 13:14:53 -07:00
mkl_tfconv_op.h Boiler plate code for dnnl threadpool and mkl_conv_ops.cc 2020-04-05 21:24:01 -07:00
mkl_tmp_bf16_ops.cc remove duplicate registration for softmax bf16 op 2020-06-05 16:09:52 -07:00
mkl_transpose_op.cc [Intel MKL] Adding DNNL ops (part 2) supporting threadpool work 2020-06-15 13:22:19 -07:00
mlir_generated_cwise_op_gpu_tanh.cu.cc Also set the unroll factor in the C++ integration code for tanh. 2020-06-18 05:32:31 -07:00
mlir_generated_op_gpu_tanh_test.cc Add a small test to cover the mlir generated Tanh GPU kernel. 2020-06-19 01:52:25 -07:00
multinomial_op_gpu.cu.cc Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
multinomial_op_test.cc
multinomial_op.cc
multinomial_op.h
mutex_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
nccl_ops.cc
nextafter_op_gpu.cu.cc
nextafter_op.cc Define missing EIGEN_USE_THREADS in Tensorflow kernels. 2019-10-28 09:49:58 -07:00
nextafter_op.h
nn_ops_test.cc [Build cleanup] Update #includes of moved header "graph/graph_constructor.h". 2020-04-29 09:20:48 -07:00
no_op.cc
no_op.h
non_max_suppression_op_benchmark_test.cc refine the cost in NMS and add more test 2020-02-24 21:17:21 +08:00
non_max_suppression_op_gpu_test.cc Make //tensorflow/core/kernels:non_max_suppression_op_gpu_test IWYU clean. 2020-01-28 17:20:20 -08:00
non_max_suppression_op_test.cc Internal change 2020-02-26 16:38:57 -08:00
non_max_suppression_op.cc Internal change 2020-02-26 16:38:57 -08:00
non_max_suppression_op.cu.cc Remove duplicate macros 2020-06-09 05:13:35 +00:00
non_max_suppression_op.h
nth_element_op.cc
nth_element_op.h
one_hot_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
one_hot_op_test.cc Optimize OneHot op on CPU 2019-10-22 12:49:09 -07:00
one_hot_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
one_hot_op.h Optimize OneHot op on CPU 2019-10-22 12:49:09 -07:00
ops_testutil_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ops_testutil.cc Optimize (legacy, reference-typed) VariableOp::Compute(). 2020-03-27 14:48:18 -07:00
ops_testutil.h Merge pull request #36852 from tfeher:allow_build_at_runtime 2020-02-20 13:35:32 -08:00
ops_util_test.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
ops_util.h
pack_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
pad_op_gpu.cu.cc
pad_op.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
pad_op.h
padding_fifo_queue_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
padding_fifo_queue.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
padding_fifo_queue.h
parameterized_truncated_normal_op_gpu.cu.cc
parameterized_truncated_normal_op_test.cc
parameterized_truncated_normal_op.cc Add StatelessParameterizedTruncatedNormal sampler. 2020-06-18 10:28:38 -07:00
parameterized_truncated_normal_op.h Add StatelessParameterizedTruncatedNormal sampler. 2020-06-18 10:28:38 -07:00
parse_tensor_op.cc
parse_tensor_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
partitioned_function_ops.cc Add ability for functions to share rendezvous 2020-06-08 11:47:46 -07:00
partitioned_function_ops.h Add ability for functions to share rendezvous 2020-06-08 11:47:46 -07:00
poisson-loss.h
pooling_ops_3d_gpu.cu.cc
pooling_ops_3d_gpu.h
pooling_ops_3d_sycl.h
pooling_ops_3d.cc Don't crash in 3D pooling ops with empty batch size on GPU. 2020-05-26 17:33:38 -07:00
pooling_ops_3d.h
pooling_ops_common_gpu.h
pooling_ops_common.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
pooling_ops_common.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
population_count_op_gpu.cu.cc
population_count_op.cc
population_count_op.h
priority_queue_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
priority_queue.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
priority_queue.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
qr_op_complex64.cc
qr_op_complex128.cc
qr_op_double.cc
qr_op_float.cc
qr_op_impl.h
quantization_utils_test.cc Internal change 2020-03-05 11:36:56 -08:00
quantization_utils.cc
quantization_utils.h segrating changes 2 2020-06-15 21:18:56 +00:00
quantize_and_dequantize_op_gpu.cu.cc Temporary rollback of QuantizeAndDequantizeV2Grad. 2020-02-21 14:06:30 -08:00
quantize_and_dequantize_op_test.cc Temporary rollback of QuantizeAndDequantizeV2Grad. 2020-02-21 14:06:30 -08:00
quantize_and_dequantize_op.cc Temporary rollback of QuantizeAndDequantizeV2Grad. 2020-02-21 14:06:30 -08:00
quantize_and_dequantize_op.h Temporary rollback of QuantizeAndDequantizeV2Grad. 2020-02-21 14:06:30 -08:00
quantize_down_and_shrink_range_op_test.cc
quantize_down_and_shrink_range.cc
quantize_op_test.cc Remove uses of rand_r in quantize/dequantize op_test. 2020-01-11 14:35:01 -08:00
quantize_op.cc Rename scalar_round_op_google -> scalar_round_half_to_even_op to document its semantics. 2019-12-17 12:47:10 -08:00
quantized_activation_ops_test.cc
quantized_activation_ops.cc
quantized_add_op_test.cc Internal change 2020-03-05 11:36:56 -08:00
quantized_add_op.cc
quantized_batch_norm_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
quantized_batch_norm_op.cc
quantized_bias_add_op_test.cc
quantized_bias_add_op.cc
quantized_concat_op_test.cc
quantized_concat_op.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
quantized_conv_ops_test.cc
quantized_conv_ops.cc Splitting out common_shape_fns.cc: 2020-03-03 14:28:49 -08:00
quantized_instance_norm_test.cc Internal change 2020-03-05 11:36:56 -08:00
quantized_instance_norm.cc
quantized_matmul_op_test.cc
quantized_matmul_op.cc
quantized_mul_op_test.cc Internal change 2020-03-05 11:36:56 -08:00
quantized_mul_op.cc
quantized_pooling_ops_test.cc
quantized_pooling_ops.cc
quantized_reshape_op_test.cc
quantized_reshape_op.cc
quantized_resize_bilinear_op_test.cc [Build cleanup] Split "core_cpu_impl" into fine-grained targets (4/n). 2020-04-28 09:53:59 -07:00
quantized_resize_bilinear_op.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
queue_base.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
queue_base.h Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
queue_op.cc
queue_op.h
queue_ops.cc
ragged_cross_op.cc Add tf.ragged.cross and tf.ragged.cross_hashed operations. These ops generate feature crosses from a list of input tensors (similar to tf.sparse.cross), and return the result as a RaggedTensor. Inputs may be tf.RaggedTensors, tf.Tensors, or tf.SparseTensors. 2020-03-02 18:13:45 -08:00
ragged_gather_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ragged_gather_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
ragged_range_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ragged_range_op.cc
ragged_tensor_from_variant_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ragged_tensor_from_variant_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
ragged_tensor_to_sparse_kernel_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ragged_tensor_to_sparse_kernel.cc
ragged_tensor_to_tensor_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ragged_tensor_to_tensor_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
ragged_tensor_to_variant_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
ragged_tensor_to_variant_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
random_binomial_op_test.cc
random_binomial_op.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
random_binomial_op.h
random_crop_op.cc
random_op_cpu.h Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
random_op_gpu.cu.cc Modifies tf.random.stateless_uniform to support unbounded int sampling (when minval=maxval=None). Adds a StatelessRandomUniformFullInt op to support this. 2020-02-13 09:00:36 -08:00
random_op_gpu.h
random_op_test.cc
random_op.cc Change log to log1p in Random Gamma sampler. 2020-04-22 11:07:43 -07:00
random_op.h
random_poisson_op_test.cc
random_poisson_op.cc Adds a tf.random.stateless_poisson sampler for CPU. 2020-02-07 10:05:56 -08:00
random_poisson_op.h Adds a tf.random.stateless_poisson sampler for CPU. 2020-02-07 10:05:56 -08:00
random_shuffle_op.cc
random_shuffle_queue_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
range_sampler_test.cc
range_sampler.cc
range_sampler.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
reader_ops.cc
record_input_op.cc
record_yielder.cc
record_yielder.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
reduce_join_op.cc
reduction_gpu_kernels.cu.h Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
reduction_ops_all.cc
reduction_ops_any.cc
reduction_ops_common_gpu.h
reduction_ops_common.cc
reduction_ops_common.h
reduction_ops_euclidean.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
reduction_ops_gpu_bool.cu.cc
reduction_ops_gpu_complex64.cu.cc
reduction_ops_gpu_complex128.cu.cc
reduction_ops_gpu_double.cu.cc
reduction_ops_gpu_float.cu.cc
reduction_ops_gpu_int.cu.cc
reduction_ops_half_mean_sum.cu.cc
reduction_ops_half_prod_max_min.cu.cc
reduction_ops_max.cc
reduction_ops_mean.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
reduction_ops_min.cc
reduction_ops_prod.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
reduction_ops_sum.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
reduction_ops_test.cc
reduction_ops.h Add a bfloat16 sum reducer that uses float32 accumulators. Fix existing tests. 2020-06-01 10:21:39 -07:00
redux_functor.h Fix fp16 FusedBatchNorm CPU crash if batch dimension is 1. 2020-06-19 10:38:53 -07:00
reference_gemm.h
regex_full_match_op.cc
regex_replace_op_test.cc
regex_replace_op.cc
relu_op_functor.h working around a known gcc/hcc interface kernel args passing bug 2020-02-14 21:37:30 +00:00
relu_op_gpu.cu.cc Merge pull request #40552 from kaixih:relu_grad_vect_pr 2020-06-18 16:10:59 -07:00
relu_op.cc Merge pull request #35965 from ROCmSoftwarePlatform:google-upstream-relu-half 2020-04-07 00:54:59 -07:00
relu_op.h PR #36526: Removed NDIMS template arg from BinaryElementWiseOp::Operate 2020-02-26 20:38:14 -08:00
remote_fused_graph_execute_op_test_utils.cc
remote_fused_graph_execute_op_test_utils.h
remote_fused_graph_execute_op_test.cc
remote_fused_graph_execute_op.cc
remote_fused_graph_execute_utils_test.cc Remove unused variables. 2019-12-19 21:23:42 -08:00
remote_fused_graph_execute_utils.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
remote_fused_graph_execute_utils.h [Build cleanup] Update #includes of moved header "graph/graph_constructor.h". 2020-04-29 09:20:48 -07:00
remote_fused_graph_rewriter_transform_test.cc
remote_fused_graph_rewriter_transform.cc
requantization_range_op_test.cc
requantization_range_op.cc
requantize_op_test.cc
requantize.cc
reshape_op.cc
reshape_op.h Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
reshape_util.cc Rename tensorflow::Reshape() to tensorflow::ReshapeSparseTensor(). 2020-04-08 10:47:41 -07:00
reshape_util.h Rename tensorflow::Reshape() to tensorflow::ReshapeSparseTensor(). 2020-04-08 10:47:41 -07:00
resize_area_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
resize_area_op.cc Fix 64-bit integer portability problems in TensorFlow kernels. 2020-01-21 19:14:20 -08:00
resize_bicubic_op_test.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
resize_bicubic_op.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
resize_bilinear_op_gpu.cu.cc
resize_bilinear_op_test.cc Optimize bilinear resizing using vectorization. 2020-06-07 23:42:57 -07:00
resize_bilinear_op.cc Optimize bilinear resizing using vectorization. 2020-06-07 23:42:57 -07:00
resize_bilinear_op.h
resize_nearest_neighbor_op_gpu.cu.cc
resize_nearest_neighbor_op_test.cc
resize_nearest_neighbor_op.cc Merge pull request #34212 from Intel-tensorflow:Leslie_fang/resize_nearest_neighbor_op 2019-11-22 16:17:40 -08:00
resize_nearest_neighbor_op.h add the cost estimator 2019-11-20 21:46:23 +08:00
resize_op_benchmark_test.cc remove ParallelExecute and use d.pallelFor instead of Shard 2019-11-20 20:30:38 +08:00
resource_variable_ops.cc [Cleanup] Remove allowed_devices of ResourceHandle since it's no longer used. 2020-06-22 13:18:43 -07:00
resource_variable_ops.h [Cleanup] Remove allowed_devices of ResourceHandle since it's no longer used. 2020-06-22 13:18:43 -07:00
restore_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
restore_op.cc
restore_v2_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
reverse_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
reverse_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
reverse_op.cc Fix tensorflow::errors:* calls, which use StrCat instead of StrFormat 2020-06-11 00:59:42 -07:00
reverse_op.h
reverse_sequence_op_gpu.cu.cc
reverse_sequence_op.cc Fix argument check tests to work in eager mode 2020-05-18 15:53:45 -07:00
reverse_sequence_op.h
rocm_solvers.cc Add Broadcasted Matrix Triangular Solve. 2020-01-27 20:43:43 -08:00
rocm_solvers.h Remove unused unique_tensor_references library. 2020-03-12 16:35:29 -07:00
rocm_sparse.cc Adding ROCm support for the GpuSparse API (TF wrapper for cuSPARSE/hipSPARSE) 2019-12-13 15:24:42 +00:00
roll_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
roll_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
roll_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
roll_op.h
rpc_op.cc Remove unused header include gtl/stl_util 2019-10-31 15:13:12 -07:00
sample_distorted_bounding_box_op.cc
sampling_kernels_test.cc
sampling_kernels.cc
sampling_kernels.h
save_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
save_op.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
save_restore_tensor.cc
save_restore_tensor.h
save_restore_v2_ops.cc
save_v2_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
scale_and_translate_op_test.cc Adding BUILD file under tensorflow/core/lib/png. 2019-11-05 15:38:19 -08:00
scale_and_translate_op.cc
scale_and_translate_op.h
scan_ops_gpu_double.cu.cc
scan_ops_gpu_float.cu.cc
scan_ops_gpu_half.cu.cc
scan_ops_gpu_int.cu.cc
scan_ops_gpu.h Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
scan_ops_test.cc
scan_ops.cc
scan_ops.h Modified cumulative_logsumexp to improve handling of -inf elements. 2020-04-20 14:26:19 -07:00
scatter_functor_gpu.cu.cc
scatter_functor_gpu.cu.h
scatter_functor.cc
scatter_functor.h Fixes/updates for tensorflow::tstring migration. 2019-11-26 23:35:38 -08:00
scatter_nd_op_cpu_impl_0.cc
scatter_nd_op_cpu_impl_1.cc
scatter_nd_op_cpu_impl_2.cc
scatter_nd_op_cpu_impl_3.cc
scatter_nd_op_cpu_impl_4.cc
scatter_nd_op_cpu_impl_5.cc
scatter_nd_op_cpu_impl_6.cc
scatter_nd_op_cpu_impl_7.cc
scatter_nd_op_cpu_impl.h Add Registration for non-stateful scatter_nd_min and scatter_nd_max. 2020-06-03 11:05:54 -07:00
scatter_nd_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
scatter_nd_op_test.cc
scatter_nd_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
scatter_nd_op.h Add Registration for non-stateful scatter_nd_min and scatter_nd_max. 2020-06-03 11:05:54 -07:00
scatter_op_gpu.cu.cc
scatter_op_test.cc
scatter_op.cc [core] scatter_op: Remove duplicate check for IsScalar() 2020-01-29 20:45:15 -05:00
scoped_allocator_ops_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
scoped_allocator_ops.cc
sdca_internal.cc
sdca_internal.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
sdca_ops_test.cc
sdca_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
searchsorted_op_gpu.cu.cc Fixed a crash when calling tf.searchsorted with zero-sized values. 2020-03-06 16:30:32 -08:00
searchsorted_op.cc remove out of date TODO 2019-11-26 10:06:23 -08:00
searchsorted_op.h
segment_reduction_ops_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
segment_reduction_ops_impl_1.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
segment_reduction_ops_impl_2.cc
segment_reduction_ops_impl_3.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
segment_reduction_ops_impl_4.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
segment_reduction_ops_impl_5.cc Add bfloat16 support for SparseSegmentMean*/SparseSegmentSqrtN* 2020-05-27 14:26:19 -07:00
segment_reduction_ops_impl.h Add bfloat16 support for SparseSegmentMean*/SparseSegmentSqrtN* 2020-05-27 14:26:19 -07:00
segment_reduction_ops_test.cc
segment_reduction_ops.h
self_adjoint_eig_op.cc
self_adjoint_eig_v2_op_complex64.cc
self_adjoint_eig_v2_op_complex128.cc
self_adjoint_eig_v2_op_double.cc
self_adjoint_eig_v2_op_float.cc
self_adjoint_eig_v2_op_gpu.cc
self_adjoint_eig_v2_op_impl.h
sendrecv_ops_test.cc
sendrecv_ops.cc Server-side cancellation support for distributed function execution. 2020-05-29 13:11:45 -07:00
sendrecv_ops.h give sendop/recvop some temporary attribute for tracing. so we can annotate the memcpy device events better. 2020-02-20 10:32:29 -08:00
sequence_ops_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
sequence_ops.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
serialize_sparse_op.cc [tf.data] Further optimizations for SerializeManySparseOp. 2020-01-23 09:00:57 -08:00
session_ops.cc
set_kernels.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
shape_ops_test.cc [ExpandDimsOp] Micro-optimizations for tf.expand_dims(). 2020-04-27 09:23:22 -07:00
shape_ops.cc
shape_ops.h [ExpandDimsOp] Micro-optimizations for tf.expand_dims(). 2020-04-27 09:23:22 -07:00
slice_op_cpu_impl_1.cc
slice_op_cpu_impl_2.cc
slice_op_cpu_impl_3.cc
slice_op_cpu_impl_4.cc
slice_op_cpu_impl_5.cc
slice_op_cpu_impl_6.cc
slice_op_cpu_impl_7.cc
slice_op_cpu_impl_8.cc
slice_op_cpu_impl.h
slice_op_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
slice_op_test.cc [Slice] Reduce variance in benchmark. 2020-03-03 10:45:10 -08:00
slice_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
slice_op.h
smooth-hinge-loss.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
snapshot_op_gpu.cu.cc
snapshot_op.cc
snapshot_op.h
sobol_op.cc Add tf.math.sobol_sample for generating Sobol sequences (CPU implementation only). 2019-12-19 03:49:17 -08:00
softmax_op_functor.h
softmax_op_gpu.cu.cc Add missing softmax kernels 2020-06-03 18:59:16 -07:00
softmax_op.cc Add missing softmax kernels 2020-06-03 18:59:16 -07:00
softplus_op_gpu.cu.cc
softplus_op.cc PR #36526: Removed NDIMS template arg from BinaryElementWiseOp::Operate 2020-02-26 20:38:14 -08:00
softplus_op.h *** Reason for rollback *** 2020-05-01 17:01:28 -07:00
softsign_op_gpu.cu.cc
softsign_op.cc PR #36526: Removed NDIMS template arg from BinaryElementWiseOp::Operate 2020-02-26 20:38:14 -08:00
softsign_op.h
spacetobatch_benchmark_test.cc
spacetobatch_functor_gpu.cu.cc
spacetobatch_functor.cc
spacetobatch_functor.h Merge pull request #37507 from t-ubukata:typo 2020-03-20 11:48:19 -07:00
spacetobatch_op.cc
spacetodepth_op_gpu.cu.cc
spacetodepth_op.cc
spacetodepth_op.h
sparse_add_grad_op.cc
sparse_add_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
sparse_add_op.cc Fixing nondeterministic nullptr access. 2020-06-05 22:45:43 -07:00
sparse_concat_op.cc
sparse_conditional_accumulator_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
sparse_conditional_accumulator.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
sparse_cross_op.cc Add SparseCrossV2 which supports strong_hash with salt, and fingerprint doens't 2020-05-18 17:28:14 -07:00
sparse_dense_binary_op_shared_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
sparse_dense_binary_op_shared.cc
sparse_fill_empty_rows_op.cc [OpKernel] Implement OpKernelContext::output_required(int). 2020-02-25 21:20:37 -08:00
sparse_matmul_op_test.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
sparse_matmul_op.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
sparse_matmul_op.h
sparse_reduce_op.cc Fix 64-bit integer portability problems in TensorFlow kernels. 2020-01-21 19:14:20 -08:00
sparse_reduce_sum_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
sparse_reorder_op.cc
sparse_reshape_op.cc Rename tensorflow::Reshape() to tensorflow::ReshapeSparseTensor(). 2020-04-08 10:47:41 -07:00
sparse_slice_grad_op.cc
sparse_slice_op.cc
sparse_softmax_op.cc
sparse_sparse_binary_op_shared.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
sparse_split_op.cc
sparse_tensor_dense_add_op.cc
sparse_tensor_dense_add_op.h
sparse_tensor_dense_matmul_op_gpu.cu.cc
sparse_tensor_dense_matmul_op_test.cc
sparse_tensor_dense_matmul_op.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
sparse_tensor_dense_matmul_op.h
sparse_tensors_map_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
sparse_to_dense_op_test.cc [SparseToDense] Fix benchmark reporting for the SparseToDense op. 2020-02-19 09:30:01 -08:00
sparse_to_dense_op.cc [SparseTensor] Optimize the tf.sparse.to_dense() implementation. 2020-02-19 15:52:10 -08:00
sparse_utils_test.cc Making GetStartIndicesOfEachDenseRow produce leading zeros in case if several beginning empty rows are empty. 2020-04-22 01:30:52 -07:00
sparse_utils.cc Making GetStartIndicesOfEachDenseRow produce leading zeros in case if several beginning empty rows are empty. 2020-04-22 01:30:52 -07:00
sparse_utils.h Making GetStartIndicesOfEachDenseRow produce leading zeros in case if several beginning empty rows are empty. 2020-04-22 01:30:52 -07:00
sparse_xent_op_gpu.cu.cc Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
sparse_xent_op_test.cc
sparse_xent_op.cc
sparse_xent_op.h
spectrogram_convert_test_data.cc
spectrogram_op_test.cc fix support of multichaannel data in audio_spectrogram 2020-03-16 10:26:05 -07:00
spectrogram_op.cc fix support of multichaannel data in audio_spectrogram 2020-03-16 10:26:05 -07:00
spectrogram_test_utils.cc
spectrogram_test_utils.h
spectrogram_test.cc Make use of GetDataDependencyFilepath and JoinPath to build paths which will 2020-02-21 09:57:35 -08:00
spectrogram.cc fix support of multichaannel data in audio_spectrogram 2020-03-16 10:26:05 -07:00
spectrogram.h fix support of multichaannel data in audio_spectrogram 2020-03-16 10:26:05 -07:00
split_lib_cpu.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
split_lib_gpu.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
split_lib_gpu.h Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
split_lib.h
split_op_test.cc
split_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
split_v_op_test.cc
split_v_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
squared-loss.h
stack_ops.cc
stack.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
stack.h
stage_op.cc
stateful_random_ops_cpu_gpu.h Fix for build without ROCm or CUDA 2020-01-17 03:18:04 -08:00
stateful_random_ops_gpu.cu.cc Fix for spurious whitespaces 2020-01-03 19:08:01 -08:00
stateful_random_ops.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
stateful_random_ops.h
stateless_random_ops.cc Change log to log1p in Random Gamma sampler. 2020-04-22 11:07:43 -07:00
stateless_random_ops.h
strided_slice_op_define_grad.cc
strided_slice_op_gpu_bool.cu.cc
strided_slice_op_gpu_complex.cu.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
strided_slice_op_gpu_impl.h
strided_slice_op_gpu_int.cu.cc Register uint8, int16, and uint16 for strided slice on GPU, such that it supports the same types as on CPU. 2020-05-27 15:35:39 -07:00
strided_slice_op_gpu_number_types.cu.cc
strided_slice_op_impl.h Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
strided_slice_op_inst_0.cc
strided_slice_op_inst_1.cc
strided_slice_op_inst_2.cc
strided_slice_op_inst_3.cc
strided_slice_op_inst_4.cc
strided_slice_op_inst_5.cc
strided_slice_op_inst_6.cc
strided_slice_op_inst_7.cc
strided_slice_op_inst_8.cc
strided_slice_op_test.cc
strided_slice_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
strided_slice_op.h Fixes/updates for tensorflow::tstring migration. 2019-11-26 23:35:38 -08:00
string_format_op_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
string_format_op.cc
string_join_op.cc
string_length_op.cc
string_lower_op.cc Change comment of the external repo #include file origin. 2020-03-23 10:42:53 -07:00
string_ngrams_op_test.cc
string_ngrams_op.cc Fix bug in tf.strings.ngrams when data is a ragged tensor with no values. (The row splits vector was not getting zeroed out.) 2020-01-23 09:23:39 -08:00
string_split_op_test.cc
string_split_op.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
string_strip_op.cc
string_to_hash_bucket_op.cc
string_to_hash_bucket_op.h
string_to_number_op.cc
string_upper_op.cc Change comment of the external repo #include file origin. 2020-03-23 10:42:53 -07:00
string_util.cc
string_util.h
substr_op_test.cc
substr_op.cc
summary_audio_op_test.cc
summary_audio_op.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
summary_image_op_test.cc
summary_image_op.cc Clean up OpKernel 1. 2020-01-29 15:49:57 -08:00
summary_interface.h
summary_kernels.cc
summary_op_test.cc
summary_op.cc Remove unnecessary string copy. 2020-06-18 16:35:39 -07:00
summary_tensor_op_test.cc
summary_tensor_op.cc Use ParseFromTString/ParseFromArray for tstring. 2020-02-04 14:18:15 -08:00
svd_op_complex64.cc
svd_op_complex128.cc
svd_op_double.cc
svd_op_float.cc
svd_op_gpu.cu.cc Correctly handle empty matrices in tf.linalg.svd. 2020-05-13 15:05:03 -07:00
svd_op_impl.h Correctly handle empty matrices in tf.linalg.svd. 2020-05-13 15:05:03 -07:00
tensor_array_ops.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
tensor_array.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
tensor_array.h Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
tensor_cord_test.cc Fixes/updates for tensorflow::tstring migration. 2019-11-26 23:35:38 -08:00
tensor_cord.cc TensorCord Implementation. 2019-10-25 16:02:26 -07:00
tensor_cord.h Avoid designated initializers, as MSVC complains about them. 2020-01-16 09:58:55 -08:00
tensor_flag_utils_test.cc Fix 64-bit integer portability problems in TensorFlow kernels. 2020-01-21 19:14:20 -08:00
tensor_flag_utils.cc
tensor_flag_utils.h
tensor_list.cc Define TensorList class in a separate library 2020-01-24 17:37:07 -08:00
tensor_list.h Define TensorList class in a separate library 2020-01-24 17:37:07 -08:00
text_line_reader_op.cc
tf_record_reader_op.cc
tile_functor_cpu_bfloat16.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_bool.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_complex64.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_complex128.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_double.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_float.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_half.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_int8.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_int16.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_int32.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_int64.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_tstring.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_uint8.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_cpu_uint32.cc Add uint32/uint64 support for tf.tile 2020-05-11 17:46:29 +00:00
tile_functor_cpu_uint64.cc Add uint32/uint64 support for tf.tile 2020-05-11 17:46:29 +00:00
tile_functor_cpu_variant.cc Allow tile op to work on variant dtype. 2020-05-19 16:55:56 -07:00
tile_functor_cpu.h [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor_gpu_bool.cu.cc
tile_functor_gpu_complex64.cu.cc
tile_functor_gpu_complex128.cu.cc
tile_functor_gpu_double.cu.cc
tile_functor_gpu_float.cu.cc
tile_functor_gpu_half.cu.cc
tile_functor_gpu_int16.cu.cc
tile_functor_gpu_int32.cu.cc
tile_functor_gpu_int64.cu.cc
tile_functor_gpu.h
tile_functor_sycl.cc [Build time] Split "tile_functor_cpu.cc" into a shared header and type-specific .cc files. 2020-04-02 17:09:49 -07:00
tile_functor.h
tile_ops_cpu_impl_1.cc
tile_ops_cpu_impl_2.cc
tile_ops_cpu_impl_3.cc
tile_ops_cpu_impl_4.cc
tile_ops_cpu_impl_5.cc
tile_ops_cpu_impl_6.cc
tile_ops_cpu_impl_7.cc
tile_ops_cpu_impl.h
tile_ops_gpu_impl_1.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_2.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_3.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_4.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_5.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_6.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_7.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl_8.cu.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_gpu_impl.h minor spelling tweaks 2020-02-27 15:42:16 +09:00
tile_ops_impl.h
tile_ops.cc Merge pull request #39424 from yongtang:39405-tile-uint32-uint64 2020-05-26 16:43:07 -07:00
topk_op_gpu_double.cu.cc
topk_op_gpu_float.cu.cc
topk_op_gpu_half.cu.cc
topk_op_gpu_int8.cu.cc
topk_op_gpu_int16.cu.cc
topk_op_gpu_int32.cu.cc
topk_op_gpu_int64.cu.cc
topk_op_gpu_uint8.cu.cc
topk_op_gpu_uint16.cu.cc Adding these ops to enable the use of uint32 for indices in sparse matrices, since int32 has issues on GPU. Adding support for uint32 for: 2020-03-03 14:24:41 -08:00
topk_op_gpu.h Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
topk_op.cc Rollback: Add uint32 & uint64 to TF_CALL_INTEGRAL_TYPES 2020-06-20 15:17:39 -07:00
topk_op.h
training_op_helpers.cc
training_op_helpers.h
training_ops_gpu.cu.cc Merge pull request #35924 from ROCmSoftwarePlatform:google_upstream_training_ops 2020-04-14 12:00:17 -07:00
training_ops_test.cc
training_ops.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
training_ops.h Added CPU and GPU implementations of a modified version of FTRL, triggered using an attribute, that multiplies the "linear" accumulator by the learning rate. This enables a learning rate of zero to work correctly. 2020-04-07 12:11:41 -07:00
transpose_functor_cpu.cc
transpose_functor_gpu.cu.cc
transpose_functor.h Handle DT_UINT32 & DT_UINT64 in transpose 2020-06-20 14:15:24 -07:00
transpose_op.cc Allow tf.math.invert_permutation to broadcast. 2020-01-10 23:37:25 -08:00
transpose_op.h
transpose_util_test.cc
tridiagonal_matmul_op_gpu.cu.cc
tridiagonal_matmul_op.cc
tridiagonal_solve_op_gpu.cu.cc Remove usages of cusparse gtsv* 2020-03-23 11:03:31 -07:00
tridiagonal_solve_op.cc
typed_conditional_accumulator_base.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
typed_queue.h Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
unary_ops_composition_test.cc Add a number of missing headers being transitively pulled in. 2020-01-23 18:18:03 -08:00
unary_ops_composition.cc Change some const declarations to constexpr 2020-04-20 14:59:17 -07:00
unicode_ops.cc Change comment of the external repo #include file origin. 2020-03-23 10:42:53 -07:00
unicode_script_op.cc Change comment of the external repo #include file origin. 2020-03-23 10:42:53 -07:00
unique_op_test.cc Rolling forward "[tf.unique] Optimize the hash table implementation in UniqueOp::Compute()." 2020-04-22 09:27:19 -07:00
unique_op.cc Rolling forward "[tf.unique] Optimize the hash table implementation in UniqueOp::Compute()." 2020-04-22 09:27:19 -07:00
unpack_op.cc Merge various kernel registrations with macros 2020-06-08 00:42:40 -07:00
unravel_index_op.cc Merge pull request #40214 from yongtang:40204-tf.unravel_index 2020-06-09 13:32:49 -07:00
unsorted_segment_join_op.cc minor spelling tweaks 2020-02-27 15:42:16 +09:00
variable_ops_test.cc
variable_ops.cc Rollforward: Add DT_BOOL support to GPU variable ops 2020-06-19 18:06:12 -07:00
variable_ops.h Optimize (legacy, reference-typed) VariableOp::Compute(). 2020-03-27 14:48:18 -07:00
where_op_gpu_impl_1.cu.cc
where_op_gpu_impl_2.cu.cc
where_op_gpu_impl_3.cu.cc
where_op_gpu_impl_4.cu.cc
where_op_gpu_impl_5.cu.cc
where_op_gpu_impl_6.cu.cc
where_op_gpu_impl_7.cu.cc
where_op_gpu_impl_8.cu.cc
where_op_gpu.cu.h Merge pull request #36640 from ROCmSoftwarePlatform:google-upstream-gpuprim 2020-04-15 09:18:52 -07:00
where_op.cc [WhereCPUOp] Optimize the tensor-wrapping of the num_true scalar. 2020-02-24 11:00:44 -08:00
where_op.h [WhereCPUOp] Optimize the tensor-wrapping of the num_true scalar. 2020-02-24 11:00:44 -08:00
whole_file_read_ops.cc
winograd_transform.h
word2vec_kernels.cc Prefixing TensorFlow thread annotation macros with TF_. 2020-03-05 08:42:01 -08:00
xent_op_gpu.cu.cc
xent_op_test.cc
xent_op.cc
xent_op.h
xsmm_conv2d_test.cc Merge pull request #24706 from hfp:upstream 2019-11-19 12:31:39 -08:00
xsmm_conv2d.cc Merge pull request #24706 from hfp:upstream 2019-11-19 12:31:39 -08:00
xsmm_conv2d.h