| /external/tensorflow/tensorflow/python/keras/legacy_tf_layers/ |
| D | pooling.py | 48 def __init__(self, pool_size, strides, argument 63 def average_pooling1d(inputs, pool_size, strides, argument 119 def __init__(self, pool_size, strides, argument 134 def max_pooling1d(inputs, pool_size, strides, argument 194 def __init__(self, pool_size, strides, argument 206 pool_size, strides, argument 268 def __init__(self, pool_size, strides, argument 280 pool_size, strides, argument 344 def __init__(self, pool_size, strides, argument 356 pool_size, strides, argument [all …]
|
| D | convolutional.py | 86 strides=1, argument 126 strides=1, argument 291 strides=(1, 1), argument 331 strides=(1, 1), argument 504 strides=(1, 1, 1), argument 544 strides=(1, 1, 1), argument 719 strides=1, argument 834 strides=(1, 1), argument 883 strides=1, argument 1006 strides=(1, 1), argument [all …]
|
| /external/libaom/libaom/third_party/libyuv/source/ |
| D | convert_jpeg.cc | 36 const int* strides, in JpegCopyI420() 54 const int* strides, in JpegI422ToI420() 72 const int* strides, in JpegI444ToI420() 90 const int* strides, in JpegI411ToI420() 108 const int* strides, in JpegI400ToI420() 234 const int* strides, in JpegI420ToARGB() 248 const int* strides, in JpegI422ToARGB() 262 const int* strides, in JpegI444ToARGB() 276 const int* strides, in JpegI411ToARGB() 290 const int* strides, in JpegI400ToARGB()
|
| /external/tensorflow/tensorflow/core/lib/random/ |
| D | random_distributions_test.cc | 151 const std::vector<int>& strides, T z_limit) { in UniformMomentsTest() 169 const std::vector<int>& strides, T z_limit) { in NormalMomentsTest() 244 const std::vector<int>& strides, T z_limit) { in RandomParametersMomentsTest() 260 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local 265 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local 270 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local 276 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local 281 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local 286 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local 291 const std::vector<int> strides = {0, 1, 4, 17}; in TEST() local [all …]
|
| /external/libyuv/files/source/ |
| D | convert_jpeg.cc | 37 const int* strides, in JpegCopyI420() 51 const int* strides, in JpegI422ToI420() 65 const int* strides, in JpegI444ToI420() 79 const int* strides, in JpegI400ToI420() 204 const int* strides, in JpegI420ToNV21() 216 const int* strides, in JpegI422ToNV21() 228 const int* strides, in JpegI444ToNV21() 240 const int* strides, in JpegI400ToNV21() 340 const int* strides, in JpegI420ToARGB() 351 const int* strides, in JpegI422ToARGB() [all …]
|
| /external/tensorflow/tensorflow/python/ops/ |
| D | nn_ops.py | 112 strides=None, argument 192 strides=None, argument 257 def _conv1d(self, input, filter, strides, padding, data_format, name): argument 331 strides, argument 399 strides=None, argument 821 def _get_strides_and_dilation_rate(num_spatial_dims, strides, dilation_rate): argument 870 strides=None, argument 1007 strides=None, argument 1031 strides=None, argument 1208 strides=None, argument [all …]
|
| D | conv2d_benchmark.py | 44 def build_graph(device, dtype, data_format, input_shape, filter_shape, strides, argument 98 strides, padding, num_iters, warmup_iters): argument
|
| /external/libvpx/libvpx/third_party/libyuv/source/ |
| D | convert_jpeg.cc | 37 const int* strides, in JpegCopyI420() 51 const int* strides, in JpegI422ToI420() 65 const int* strides, in JpegI444ToI420() 79 const int* strides, in JpegI400ToI420() 203 const int* strides, in JpegI420ToARGB() 214 const int* strides, in JpegI422ToARGB() 225 const int* strides, in JpegI444ToARGB() 236 const int* strides, in JpegI400ToARGB()
|
| /external/tensorflow/tensorflow/python/kernel_tests/ |
| D | extract_volume_patches_grad_test.py | 60 def testGradient(self, in_shape, ksizes, strides): argument 75 def extract(in_val, ksizes=ksizes, strides=strides, padding=padding): argument
|
| /external/tensorflow/tensorflow/python/keras/utils/ |
| D | conv_utils.py | 214 def conv_kernel_mask(input_shape, kernel_shape, strides, padding): argument 293 def conv_kernel_idxs(input_shape, kernel_shape, strides, padding, filters_in, argument 387 def conv_connected_inputs(input_shape, kernel_shape, output_position, strides, argument 446 def conv_output_shape(input_shape, kernel_shape, strides, padding): argument
|
| /external/tensorflow/tensorflow/compiler/xla/python/ |
| D | dlpack.cc | 50 std::vector<int64> strides; member 166 std::vector<int64> strides; in StridesForShape() local 180 absl::Span<int64 const> strides) { in StridesToLayout() 343 absl::Span<int64 const> strides( in DLPackManagedTensorToBuffer() local
|
| /external/llvm-project/libcxx/test/std/numerics/numarray/template.valarray/valarray.sub/ |
| D | gslice_non_const.pass.cpp | 31 typedef std::valarray<std::size_t> strides; in main() typedef 69 typedef std::valarray<std::size_t> strides; in main() typedef
|
| /external/tensorflow/tensorflow/compiler/tests/ |
| D | pooling_ops_test.py | 74 def _VerifyOneTest(self, pool_func, input_sizes, ksize, strides, padding, argument 110 def _VerifyValues(self, pool_func, input_sizes, ksize, strides, padding, argument 300 strides, argument 451 strides, argument 554 def AvgPoolGrad(inputs, outputs, output_gradients, ksize, strides, padding, argument
|
| D | pooling_ops_3d_test.py | 34 def _AvgPoolGrad(inputs, outputs, output_gradients, ksize, strides, padding): argument 46 def _VerifyValues(self, pool_func, input_sizes, window, strides, padding, argument 195 strides, argument
|
| /external/tensorflow/tensorflow/python/keras/layers/ |
| D | pooling.py | 57 def __init__(self, pool_function, pool_size, strides, argument 191 def __init__(self, pool_size=2, strides=None, argument 237 def __init__(self, pool_size=2, strides=None, argument 273 def __init__(self, pool_function, pool_size, strides, argument 456 strides=None, argument 509 strides=None, argument 546 def __init__(self, pool_function, pool_size, strides, argument 658 strides=None, argument 711 strides=None, argument
|
| /external/tensorflow/tensorflow/lite/delegates/gpu/gl/workgroups/ |
| D | ideal_workgroup_picker.cc | 46 HW strides; member 158 OperationType op_type, HW kernel, HW strides, in GetIdealWorkgroupIfPossible() 198 OperationType op_type, HW kernel, HW strides, in GetIdealWorkgroupIfPossible()
|
| /external/tensorflow/tensorflow/lite/kernels/internal/ |
| D | strided_slice_logic.h | 79 const auto* strides = params.strides; in StartForAxis() local 128 const auto* strides = params.strides; in StopForAxis() local 185 const std::vector<int>& strides) { in BuildStridedSliceParams()
|
| /external/eigen/unsupported/test/ |
| D | cxx11_tensor_striding.cpp | 21 array<ptrdiff_t, 4> strides; in test_simple_striding() local 74 array<ptrdiff_t, 4> strides; in test_striding_as_lvalue() local
|
| D | cxx11_tensor_morphing.cpp | 335 Index2 strides(-2,-1); in test_strided_slice() local 348 Index2 strides(1,1); in test_strided_slice() local 356 Index2 strides(1,-1); in test_strided_slice() local 371 Eigen::DSizes<Eigen::DenseIndex, 5> strides(1, 1, 1, 1, 1); in test_strided_slice() local 380 Index5 strides(1, 1, 1, 1, 1); in test_strided_slice() local 428 Index2 strides(1,1); in test_strided_slice_write() local
|
| /external/tensorflow/tensorflow/core/kernels/ |
| D | conv_grad_shape_utils.cc | 56 const gtl::ArraySlice<int32>& dilations, const std::vector<int32>& strides, in ConvBackpropExtractAndVerifyDimension() 97 const gtl::ArraySlice<int32>& dilations, const std::vector<int32>& strides, in ConvBackpropComputeDimensionsV2() 159 const std::vector<int32>& strides, in ConvBackpropComputeDimensions()
|
| /external/tensorflow/tensorflow/compiler/xla/client/lib/ |
| D | sorting.cc | 66 std::vector<int64> strides(input_shape.dimensions_size(), 1); in TopK() local 128 std::vector<int64> strides(input_shape.dimensions_size(), 1); in TopKWithPartitions() local 143 std::vector<int64> strides(input_shape.dimensions_size(), 1); in TopKWithPartitions() local
|
| /external/deqp/modules/gles2/stress/ |
| D | es2sVertexArrayTests.cpp | 75 int strides[] = {17}; in init() local 144 int strides[] = {17}; in init() local 215 …int strides[] = {/*0,*/ -1, 17, 32}; // Tread negative value as sizeof input. Same as 0, but … in init() local 285 …int strides[] = {/*0,*/ -1, 17, 32}; // Tread negative value as sizeof input. Same as 0, but … in init() local
|
| /external/tensorflow/tensorflow/python/keras/applications/ |
| D | mobilenet.py | 315 def _conv_block(inputs, filters, alpha, kernel=(3, 3), strides=(1, 1)): argument 368 strides=(1, 1), argument
|
| /external/tensorflow/tensorflow/core/framework/ |
| D | common_shape_fns_test.cc | 629 const std::vector<int32>& explicit_paddings = {}) { in TEST() 818 const std::vector<int32>& explicit_paddings = {}) { in TEST() 932 const string& padding) { in TEST() 1034 const string& padding) { in TEST() 1075 std::vector<int32> strides = {{1, 1, 1, 1}}; in TEST() local 1121 const string& data_format) { in TEST() 1167 const string& data_format) { in TEST() 1203 const string& data_format) { in TEST() 1242 const std::vector<int32>& ksizes, const string& padding) { in TEST()
|
| /external/tensorflow/tensorflow/cc/gradients/ |
| D | nn_grad_test.cc | 231 const std::vector<int> strides{1, 1, 1, 1}; in TEST_F() local 242 const std::vector<int> strides{1, 2, 2, 1}; in TEST_F() local 255 Tensor strides = test::AsTensor<int>({1, 2, 2, 1}, {4}); in TEST_F() local 268 const std::vector<int> strides{1, 3, 3, 3, 1}; in TEST_F() local 281 const std::vector<int> strides{1, 2, 2, 1}; in TEST_F() local 292 const std::vector<int> strides{1, 3, 3, 3, 1}; in TEST_F() local
|