/aosp_15_r20/external/tensorflow/tensorflow/python/data/experimental/kernel_tests/ |
H A D | dense_to_ragged_batch_test.py | 34 def _make_scalar_ds(nrows): argument 39 def _make_vector_ds(nrows): argument 44 def _make_matrix_ds1(nrows): argument 49 def _make_matrix_ds2(nrows): argument 54 def _make_matrix_ds_fully_defined(nrows): argument 59 def _make_5dtensor_ds(nrows): argument 65 def _make_ragged_ds(nrows): argument 72 def _make_dict_ds(nrows): argument 85 def _make_tuple_ds(nrows): argument 112 def testBasic(self, make_dataset, nrows, batch_size, drop_remainder): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ragged/ |
H A D | row_partition.py | 118 nrows=None, argument 194 nrows=None, argument 531 nrows=None, argument 777 def nrows(self): member in RowPartition 1217 nrows=None, argument 1296 def nrows(self): member in RowPartitionSpec 1336 def _dimensions_compatible(nrows, nvals, uniform_row_length): argument
|
H A D | ragged_tensor.py | 356 nrows=None, argument 588 nrows=None, argument 1172 def nrows(self, out_type=None, name=None): member in RaggedTensor
|
H A D | row_partition_test.py | 942 def testConstruction(self, nrows, nvals, uniform_row_length, dtype, argument 961 nrows=None, argument
|
/aosp_15_r20/external/pytorch/torch/csrc/distributed/c10d/quantization/ |
H A D | quantization.cpp | 11 const size_t nrows, in FloatToBFloat16Quantized_ref() 28 const size_t nrows, in BFloat16QuantizedToFloat_ref() 50 const auto nrows = input_sizes[0]; in _float_to_bfloat16_cpu() local 69 const auto nrows = input_sizes[0]; in _bfloat16_to_float_cpu() local
|
H A D | quantization_gpu.cu | 12 const size_t nrows, in _float_to_bfloat16_cuda_kernel() 34 const size_t nrows, in _bfloat16_to_float_cuda_kernel() 63 const auto nrows = input.size(0); in _float_to_bfloat16_cuda() local 114 const auto nrows = input.size(0); in _bfloat16_to_float_cuda() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/structured/ |
H A D | structured_tensor.py | 116 def _old_init(cls, fields, shape, nrows, row_partitions, internal=False): argument 161 nrows=None, argument 630 def nrows(self): member in StructuredTensor 1199 def _find_shape_dtype(fields, nrows, row_partitions): argument 1245 def _merge_nrows(nrows, static_nrows, value, dtype, validate): argument 1368 def _empty_dict_pylist_from_row_partitions(row_partitions, nrows): argument 1669 def _dynamic_ragged_shape_init(fields, shape, nrows, row_partitions): argument
|
H A D | structured_tensor_test.py | 556 nrows=None, argument 688 nrows=None, argument
|
H A D | structured_tensor_dynamic.py | 25 def _dynamic_ragged_shape_init(fields, shape, nrows, row_partitions): argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/mkl/ |
H A D | SparseCsrLinearAlgebra.cpp | 62 MKL_INT nrows, in SparseCsrMKLInterface() 84 MKL_INT nrows, in SparseCsrMKLInterface() 108 MKL_INT nrows, in sparse_mm() 144 MKL_INT nrows, in sparse_mm()
|
/aosp_15_r20/external/rust/android-crates-io/crates/criterion-plot/src/ |
D | data.rs | 31 nrows: usize, field 44 let mut nrows = 0; in new() localVariable 65 pub fn nrows(&self) -> usize { in nrows() method
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/sparse/cuda/ |
H A D | SparseCsrTensorMath.cu | 87 …csr_to_coo_cuda_kernel(output_t* data_out, const input_t* data_in, const int64_t nrows, const int6… in convert_indices_from_csr_to_coo_cuda_kernel() 101 int64_t nrows = crow_indices.size(-1) - 1; in convert_indices_from_csr_to_coo_cuda() local 526 const int64_t nrows in reduce_crow_indices_dim1_cuda_kernel() 544 const int64_t nrows, in reduce_sparse_csr_dim1_cuda_kernel() 571 auto nrows = sparse.size(0); in reduce_sparse_csr_dim1_cuda_template() local
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | inplace_ops_functor_gpu.cu.cc | 49 const int64 nrows = Toutput.dimension(0); in DoParallelConcatUpdate() local 114 const int64 nrows = Ty.dimension(0); in DoInplaceOp() local 149 const int64 nrows = Ty.dimension(0); in DoInplaceOp() local
|
H A D | inplace_ops.cc | 37 auto nrows = Toutput.dimension(0); in DoParallelConcatUpdate() local 257 auto nrows = Ty.dimension(0); in DoInplaceOp() local 280 auto nrows = Ty.dimension(0); in DoInplaceStringUpdateOp() local
|
H A D | ragged_range_op.cc | 64 SPLITS_TYPE nrows = in_sizes.empty() ? 1 : in_sizes[0]; in Compute() local
|
/aosp_15_r20/external/pdfium/third_party/libtiff/ |
H A D | tif_tile.c | 188 uint64_t TIFFVTileSize64(TIFF *tif, uint32_t nrows) in TIFFVTileSize64() 238 tmsize_t TIFFVTileSize(TIFF *tif, uint32_t nrows) in TIFFVTileSize()
|
H A D | tif_strip.c | 77 uint64_t TIFFVStripSize64(TIFF *tif, uint32_t nrows) in TIFFVStripSize64() 130 tmsize_t TIFFVStripSize(TIFF *tif, uint32_t nrows) in TIFFVStripSize()
|
H A D | tif_jpeg.c | 1471 tmsize_t nrows; in JPEGDecode() local 1526 tmsize_t nrows; in JPEGDecode() local 1652 tmsize_t nrows; in JPEGDecodeRaw() local 2324 tmsize_t nrows; in JPEGEncode() local 2400 tmsize_t nrows; in JPEGEncodeRaw() local
|
H A D | tif_dumpmode.c | 100 static int DumpModeSeek(TIFF *tif, uint32_t nrows) in DumpModeSeek()
|
/aosp_15_r20/device/google/contexthub/firmware/os/algos/common/math/ |
D | mat.c | 585 size_t nrows, size_t ncols) { in matTransposeMultiplyMat() 611 size_t nrows, size_t ncols) { in matMultiplyVec() 623 size_t nrows, size_t ncols) { in matTransposeMultiplyVec()
|
/aosp_15_r20/external/pytorch/torchgen/_autoheuristic/ |
H A D | train_regression.py | 41 nrows, argument 85 def get_df(self, log_path, cat_feature2cats=None, nrows=None, apply_filters=False): argument
|
H A D | train_decision.py | 303 nrows, argument 384 nrows=None, argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/ |
H A D | LinearUnpackImpl.cpp | 124 auto nrows = packed_weight_ptr->numRows(); in unpack() local
|
/aosp_15_r20/external/javasqlite/src/main/java/SQLite/ |
H A D | TableResult.java | 42 public int nrows; field in TableResult
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cpu/qnnpack/src/ |
H A D | average-pooling.c | 176 size_t nrows = pooling_height * pooling_width; in pytorch_qnnp_create_average_pooling2d_nhwc_q8() local
|