Home
last modified time | relevance | path

Searched defs:input_dim (Results 1 – 25 of 57) sorted by relevance

123

/aosp_15_r20/external/tensorflow/tensorflow/compiler/tf2xla/kernels/
H A Dextract_image_patches_op.cc78 int input_dim = GetTensorSpatialDimIndex(num_dims, data_format, i); in Compile() local
111 int input_dim = GetTensorSpatialDimIndex(num_dims, data_format, i); in Compile() local
/aosp_15_r20/external/libopus/dnn/torch/neural-pitch/
H A Dmodels.py11 def __init__(self, input_dim=88, gru_dim=64, output_dim=192): argument
35 def __init__(self, input_dim=90, gru_dim=64, output_dim=192): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DSpectralOps.cpp206 const auto input_dim = input.dim(); in fft_c2r() local
232 const auto input_dim = input.dim(); in fft_r2c() local
264 const auto input_dim = input.dim(); in fft_c2c() local
286 const int64_t input_dim = input.dim(); in canonicalize_fft_shape_and_dim_args() local
898 const auto input_dim = input_shape.size(); in stft() local
1056 const auto input_dim = input.dim(); in istft() local
H A DSoftMax.cpp51 int64_t input_dim = input.dim() > 0 ? input.dim() : 1; in TORCH_META_FUNC() local
72 int64_t input_dim = input.dim() > 0 ? input.dim() : 1; in TORCH_META_FUNC() local
H A DPadding.h35 int input_dim = input.dim(); in check_valid_input() local
H A DPadNd.cpp192 const auto input_dim = self.dim(); in _pad_enum_symint() local
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/
H A Dtesting_utils.py422 def get_small_sequential_mlp(num_hidden, num_classes, input_dim=None): argument
433 def get_small_functional_mlp(num_hidden, num_classes, input_dim): argument
499 def get_small_mlp(num_hidden, num_classes, input_dim): argument
/aosp_15_r20/external/libopus/dnn/torch/rdovae/rdovae/
H A Drdovae.py263 def __init__(self, input_dim, output_dim, dilation=1): argument
382 def __init__(self, input_dim, output_dim, cond_size, cond_size2, state_size=24): argument
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/
H A Ddynamic_padder.cc316 HloInstruction* reshape, int64_t input_dim, in GenerateBinaryMask()
469 HloInstruction* reshape, int64_t input_dim, in RewriteDynamicReshapeSplitInput()
783 int64_t input_dim = input_dims[0]; in RewriteDynamicReshapeSingleGroup() local
2262 for (int64_t input_dim = 0; input_dim < operand->shape().rank(); in Run() local
/aosp_15_r20/external/pytorch/aten/src/ATen/native/nested/cuda/
H A DNestedTensorTransformerFunctions.cu254 int input_dim, in add_padding_1()
292 int input_dim, in add_padding_2()
336 int input_dim, in add_padding_3()
388 int input_dim, in add_padding_kernelLauncher()
/aosp_15_r20/external/libopus/dnn/torch/lpcnet/utils/layers/
H A Ddual_fc.py34 def __init__(self, input_dim, output_dim): argument
/aosp_15_r20/external/tensorflow/tensorflow/lite/kernels/internal/
H A Dbatch_to_space_nd_test.cc25 int input_dim, int output_dim) { in GetIndexRange()
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/xnnpack/
H A Dreshape_tester.h35 for (int32_t input_dim : input_shape) { in InputShape() local
/aosp_15_r20/external/tensorflow/tensorflow/python/debug/examples/v1/
H A Ddebug_mnist_v1.py158 def nn_layer(input_tensor, input_dim, output_dim, layer_name, act=tf.nn.relu): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/cudnn/
H A DConvShared.h24 uint8_t input_dim; member
/aosp_15_r20/external/tensorflow/tensorflow/python/debug/examples/v2/
H A Ddebug_mnist_v2.py160 def get_dense_weights(input_dim, output_dim): argument
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/
H A Dembeddings.py107 input_dim, argument
/aosp_15_r20/external/pytorch/benchmarks/gpt_fast/
H A Dbenchmark.py37 def __init__(self, input_dim, hidden_dim, output_dim, dtype): argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/vulkan/ops/
H A DPadding.cpp19 const int input_dim = input_size.size(); in pad2d() local
/aosp_15_r20/external/executorch/examples/cadence/models/
H A Drnnt_encoder.py147 input_dim = 80 variable
/aosp_15_r20/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
H A DTensorDeviceSycl.h546 const std::array<Index, 2> &input_dim, cl::sycl::range<2> &global_range, in parallel_for_setup()
585 const std::array<Index, 3> &input_dim, cl::sycl::range<3> &global_range, in parallel_for_setup()
H A DTensorConvolution.h33 const Index input_dim = input_dims[index]; in IndexMapper() local
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/
H A Ddecompose_ops.cpp129 Value* input_dim = graph->insert(aten::dim, {input}); in DecomposeOps() local
/aosp_15_r20/external/XNNPACK/src/operators/
H A Dconstant-pad-nd.c147 const size_t input_dim = input_shape[num_dims - 1 - i]; in setup_constant_pad_nd() local
/aosp_15_r20/external/pytorch/test/distributed/
H A Dtest_c10d_spawn_gloo.py189 def __init__(self, input_dim, hidden_dim, output_dim, hidden_layers): argument

123