Home
last modified time | relevance | path

Searched defs:sparse (Results 1 – 25 of 235) sorted by relevance

12345678910

/aosp_15_r20/external/pytorch/torch/testing/_internal/distributed/rpc/
H A Ddist_autograd_test.py166 def _run_trainer(rref_t1, t2, ps, rank_diff, sparse): argument
180 def _run_trainer_torchscript(rref_t1, t2, ps, rank_diff, sparse): argument
274 def _test_graph(self, fn, exec_mode, sparse): argument
334 def _test_graph_for_py_nested_call(self, exec_mode, sparse): argument
417 def _test_graph_for_py_nested_call_itself(self, exec_mode, sparse): argument
491 def _test_no_graph_with_tensors_not_require_grad(self, exec_mode, sparse): argument
533 def _test_rpc_complex_args(self, exec_mode, sparse): argument
609 def _backward_no_grad_on_tensor(self, t1, t2, sparse): argument
645 def _backward_rref(self, callee, rref_owner, t1, t2, local_grads, sparse): argument
697 def _test_trainer_ps(self, create_ref_fn, trainer_fn, sparse): argument
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/python/data/kernel_tests/
H A Dbucket_by_sequence_length_test.py41 def _format_record(array, sparse): argument
51 def _get_record_type(sparse): argument
61 def _get_record_shape(sparse): argument
113 def build_dataset(sparse): argument
212 def build_dataset(sparse): argument
358 def build_dataset(sparse): argument
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Dtraining_ops.cc968 const bool sparse = false; in Compute() local
1051 const bool sparse = false; in Compute() local
1065 const bool sparse = false; in DoValidate() local
1121 const bool sparse = false; in DoCompute() local
1196 const bool sparse = true; in Compute() local
1204 const bool sparse = true; in DoCompute() local
1365 const bool sparse = false; in Compute() local
1435 const bool sparse = true; in Compute() local
1581 const bool sparse = false; in Compute() local
1678 const bool sparse = false; in Compute() local
[all …]
H A Dtraining_op_helpers.h110 mutex* GetTrainingVariableMutex(OpKernelContext* ctx, int input, bool sparse, in GetTrainingVariableMutex()
141 OpKernelContext* ctx, bool do_lock, bool sparse, in MaybeLockVariableInputMutexesInOrder()
237 bool lock_held, bool sparse, Tensor* out) { in GetInputTensorFromVariable()
/aosp_15_r20/external/openscreen/build/code_coverage/
H A Dmerge_lib.py32 sparse=True): argument
91 sparse=True): argument
144 profdata_tool_path, sparse=True): argument
232 sparse=True, argument
/aosp_15_r20/external/cronet/testing/merge_scripts/code_coverage/
H A Dmerge_lib.py27 sparse=False, argument
103 sparse=False): argument
163 profdata_tool_path, sparse=False): argument
246 sparse=False, argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/sparse/
H A DSparseCsrTensorMath.cpp222 Tensor intersection_binary_op_with_wrapped_scalar(const Tensor& sparse, const Tensor& scalar, const… in intersection_binary_op_with_wrapped_scalar()
236 Tensor& intersection_binary_op_with_wrapped_scalar_(Tensor& sparse, const Tensor& scalar, const str… in intersection_binary_op_with_wrapped_scalar_()
526 const Tensor& sparse, in addmm_out_sparse_csr_native_cpu()
723 const SparseCsrTensor& sparse, in addmm_sparse_compressed_dense()
1020 Tensor reduce_sparse_csr_dim0_cpu_template(const Tensor& sparse, ReductionOp rop) { in reduce_sparse_csr_dim0_cpu_template()
1106 Tensor reduce_sparse_csr_dim1_cpu_template(const Tensor& sparse, ReductionOp rop) { in reduce_sparse_csr_dim1_cpu_template()
1222 Tensor reduce_sparse_csr_dim01_cpu_template(const Tensor& sparse, ReductionOp rop) { in reduce_sparse_csr_dim01_cpu_template()
1278 Tensor reduce_sparse_csr_cpu_template(const Tensor& sparse, std::vector<int64_t> dims, ReductionOp … in reduce_sparse_csr_cpu_template()
1296 Tensor reduce_sparse_csr_cpu_template(const Tensor& sparse, IntArrayRef dims_to_sum, bool keepdim, … in reduce_sparse_csr_cpu_template()
H A DSparseTensorMath.cpp596 …e_sparse_worker_non_hybrid_cpu(Tensor& r, const Scalar& value, const SparseTensor& sparse, const T… in add_dense_sparse_worker_non_hybrid_cpu()
619 …dense_sparse_worker_hybrid_cpu(Tensor& r, const Scalar& value, const SparseTensor& sparse, const T… in add_dense_sparse_worker_hybrid_cpu()
651 const SparseTensor& sparse, const Tensor& indices, const Tensor& values) { in add_dense_sparse_worker_non_coalesced_cpu()
748 SparseTensor sparse = sparse_; in add_out_dense_sparse_cpu() local
1325 const SparseTensor& sparse, in s_addmm_sparse_dense_cpu()
1348 const SparseTensor& sparse, in s_addmm_sparse_dense_cpu_()
1360 const SparseTensor& sparse, in _sparse_addmm()
1389 SparseTensor& _sparse_mm_out(const SparseTensor& sparse, in _sparse_mm_out()
1430 SparseTensor sparse = sparse_.coalesce(); in hspmm_out_sparse_cpu() local
1475 SparseTensor hspmm_sparse_cpu(const SparseTensor& sparse, const Tensor& dense) { in hspmm_sparse_cpu()
[all …]
/aosp_15_r20/external/libopus/dnn/torch/weight-exchange/wexchange/torch/
H A Dtorch.py249 def dump_torch_dense_weights(where, dense, name='dense', scale=1/128, sparse=False, diagonal=False,… argument
278 def dump_torch_conv1d_weights(where, conv, name='conv', scale=1/128, quantize=False, sparse=False): argument
308 def dump_torch_tconv1d_weights(where, conv, name='conv', scale=1/128, quantize=False, sparse=False): argument
365 def dump_torch_embedding_weights(where, embed, name='embed', scale=1/128, sparse=False, diagonal=Fa… argument
/aosp_15_r20/bootable/libbootloader/gbl/libgbl/src/fastboot/
H A Dsparse.rs310 let sparse = include_bytes!("../../testdata/sparse_test.bin"); in test_sparse_write() localVariable
323 let sparse = include_bytes!("../../testdata/sparse_test_blk1024.bin"); in test_sparse_write_non_default_block_size() localVariable
340 let mut sparse = include_bytes!("../../testdata/sparse_test.bin").to_vec(); in test_sparse_invalid_magic() localVariable
349 let mut sparse = include_bytes!("../../testdata/sparse_test.bin").to_vec(); in test_sparse_invalid_major_version() localVariable
358 let mut sparse = include_bytes!("../../testdata/sparse_test.bin").to_vec(); in test_sparse_invalid_minor_version() localVariable
/aosp_15_r20/system/core/fastboot/fuzzy_fastboot/
H A Dmain.cpp557 SparseWrapper sparse(bs, bs); in TEST_F() local
572 SparseWrapper sparse(bs, bs); in TEST_F() local
584 SparseWrapper sparse(4096, 4096); in TEST_F() local
591 SparseWrapper sparse(4096, 10 * 4096); in TEST_F() local
601 SparseWrapper sparse(4096, 4097); in TEST_F() local
618 SparseWrapper sparse(4096, size); in TEST_F() local
645 SparseWrapper sparse(4096, 4096); in TEST_F() local
970 SparseWrapper sparse(4096, 0); in TEST_F() local
1054 SparseWrapper sparse(4096, 4096); // 1 block, but we send two chunks that will use 2 blocks in TEST_F() local
1695 SparseWrapper sparse(4096, 4096); in TEST_P() local
[all …]
/aosp_15_r20/external/pytorch/aten/src/ATen/native/sparse/cuda/
H A DSparseCUDATensorMath.cu116 SparseTensor sparse = sparse_.coalesce(); in s_addmm_out_sparse_dense_cuda() local
143 const SparseTensor& sparse, in s_addmm_sparse_dense_cuda()
166 const SparseTensor& sparse, in s_addmm_sparse_dense_cuda_()
213 SparseTensor sparse = sparse_.coalesce(); in hspmm_out_sparse_cuda() local
244 SparseTensor hspmm_sparse_cuda(const SparseTensor& sparse, const Tensor& dense) { in hspmm_sparse_cuda()
271 Tensor& add_out_dense_sparse_cuda(Tensor& r_, const Tensor& dense, const SparseTensor& sparse, cons… in add_out_dense_sparse_cuda()
H A DSparseCsrTensorMath.cu433 Tensor reduce_sparse_csr_dim0_cuda_template(const Tensor& sparse, ReductionOp rop) { in reduce_sparse_csr_dim0_cuda_template()
562 Tensor reduce_sparse_csr_dim1_cuda_template(const Tensor& sparse, ReductionOp rop) { in reduce_sparse_csr_dim1_cuda_template()
627 Tensor reduce_sparse_csr_dim01_cuda_template(const Tensor& sparse, ReductionOp rop) { in reduce_sparse_csr_dim01_cuda_template()
655 Tensor reduce_sparse_csr_cuda_template(const Tensor& sparse, std::vector<int64_t> dims, ReductionOp… in reduce_sparse_csr_cuda_template()
673 Tensor reduce_sparse_csr_cuda_template(const Tensor& sparse, IntArrayRef dims_to_sum, bool keepdim,… in reduce_sparse_csr_cuda_template()
/aosp_15_r20/system/core/libsparse/
H A Dsparse.cpp145 int sparse_file_write(struct sparse_file* s, int fd, bool gz, bool sparse, bool crc) { in sparse_file_write()
168 int sparse_file_callback(struct sparse_file* s, bool sparse, bool crc, in sparse_file_callback()
199 int sparse_file_foreach_chunk(struct sparse_file* s, bool sparse, bool crc, in sparse_file_foreach_chunk()
236 int64_t sparse_file_len(struct sparse_file* s, bool sparse, bool crc) { in sparse_file_len()
/aosp_15_r20/external/pytorch/test/
H A Dtest_masked.py331 def set_values(sparse, index, value): argument
340 def set_values(sparse, index, value): argument
348 def set_values(sparse, index, value): argument
/aosp_15_r20/external/libopus/dnn/torch/weight-exchange/wexchange/c_export/
H A Dcommon.py267 sparse=False, argument
286 sparse=False): argument
374 sparse=False): argument
/aosp_15_r20/external/pytorch/test/nn/
H A Dtest_embedding.py644 def embedding_bag_check(indices, weights, mode, sparse, padding_idx): argument
1217 sparse=False, argument
1295 def run_tests(mode, sparse, trainable_per_sample_weights): argument
1340 sparse, argument
/aosp_15_r20/external/pytorch/benchmarks/distributed/rpc/parameter_server/configurations/
H A Dmodel_configurations.json10 "sparse": false boolean
21 "sparse": true boolean
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/engine/
H A Dinput_layer.py103 sparse=None, argument
263 sparse=None, argument
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ao_sparse/quantized/cpu/
H A Dqlinear_unpack.cpp19 namespace sparse { namespace
135 TORCH_LIBRARY_IMPL(sparse, CatchAll, m) { in TORCH_LIBRARY_IMPL() argument
H A Dqlinear_dynamic.cpp22 namespace sparse { namespace
188 TORCH_LIBRARY_IMPL(sparse, CPU, m) { in TORCH_LIBRARY_IMPL() argument
H A Dqlinear.cpp19 namespace sparse { namespace
249 TORCH_LIBRARY_IMPL(sparse, QuantizedCPU, m) { in TORCH_LIBRARY_IMPL() argument
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/functional/
H A Dembedding.h31 bool sparse) { in embedding()
97 bool sparse, in embedding_bag()
/aosp_15_r20/external/mesa3d/src/intel/vulkan/
H A Danv_sparse.c892 struct anv_sparse_binding_data *sparse, in anv_init_sparse_bindings()
938 struct anv_sparse_binding_data *sparse) in anv_free_sparse_bindings()
1178 vk_bind_to_anv_vm_bind(struct anv_sparse_binding_data *sparse, in vk_bind_to_anv_vm_bind()
1203 struct anv_sparse_binding_data *sparse, in anv_sparse_bind_resource_memory()
/aosp_15_r20/external/pytorch/torch/ao/nn/qat/modules/
H A Dembedding_ops.py36 sparse=False, argument
150 sparse=False, argument

12345678910