Home
last modified time | relevance | path

Searched defs:embedding_dim (Results 1 – 25 of 27) sorted by relevance

12

/aosp_15_r20/external/pytorch/benchmarks/operator_benchmark/pt/
H A Dqembedding_pack_test.py43 def init(self, num_embeddings, embedding_dim, op_func): argument
54 def init(self, num_embeddings, embedding_dim, batch_size, op_func): argument
68 def init(self, num_embeddings, embedding_dim, op_func): argument
78 def init(self, num_embeddings, embedding_dim, batch_size, op_func): argument
H A Dembeddingbag_test.py55 def init(self, num_embeddings, embedding_dim, input_size, device): argument
H A Dqatembedding_ops_test.py69 def init(self, num_embeddings, embedding_dim, input_size, device): argument
/aosp_15_r20/external/executorch/backends/vulkan/test/op_tests/
H A Dsdpa_test.cpp216 const int embedding_dim, in test_reference_sdpa()
285 const int embedding_dim, in test_vulkan_sdpa()
443 const int embedding_dim = 18; in TEST() local
463 const int embedding_dim = 18; in TEST() local
482 const int embedding_dim = 2048; in TEST() local
501 const int embedding_dim = 2048; in TEST() local
/aosp_15_r20/external/pytorch/torch/csrc/api/src/nn/options/
H A Dembedding.cpp7 int64_t embedding_dim) in EmbeddingOptions()
12 int64_t embedding_dim) in EmbeddingBagOptions()
/aosp_15_r20/external/pytorch/torch/csrc/api/include/torch/nn/modules/
H A Dembedding.h32 EmbeddingImpl(int64_t num_embeddings, int64_t embedding_dim) in EmbeddingImpl()
109 EmbeddingBagImpl(int64_t num_embeddings, int64_t embedding_dim) in EmbeddingBagImpl()
/aosp_15_r20/external/pytorch/benchmarks/distributed/rpc/parameter_server/configurations/
H A Dmodel_configurations.json6 "embedding_dim": 1024, number
17 "embedding_dim": 1024, number
/aosp_15_r20/external/pytorch/aten/src/ATen/native/nested/cuda/
H A DNestedTensorBinaryOps.cu32 int64_t embedding_dim, in op_dense_esuhm()
57 int64_t embedding_dim, in nested_op_dense_kernelLauncher()
/aosp_15_r20/external/pytorch/torch/ao/nn/qat/modules/
H A Dembedding_ops.py31 embedding_dim, argument
145 embedding_dim, argument
/aosp_15_r20/external/executorch/kernels/quantized/cpu/
H A Dop_embedding.cpp137 auto embedding_dim = weight.size(1); in embedding_byte_per_channel() local
190 const size_t embedding_dim = weight.size(1); in resize_out_tensor() local
H A Dembeddingxb.cpp177 auto embedding_dim = get_embedding_dim(weight.size(1), weight_nbit); in embedding_xbit_per_channel() local
232 const size_t embedding_dim = get_embedding_dim(weight.size(1), weight_nbit); in resize_out_tensor() local
/aosp_15_r20/external/pytorch/test/quantization/core/
H A Dtest_quantized_op.py4548 …def _test_embedding_bag_unpack_fn(self, pack_fn, unpack_fn, num_embeddings, embedding_dim, bit_rat… argument
4568 embedding_dim, num_offsets, argument
4617 num_embeddings, embedding_dim, argument
4702 embedding_dim, num_offsets, argument
4727 embedding_dim, num_offsets, argument
4754 embedding_dim, num_offsets, argument
4773 def test_embedding(self, num_embeddings, embedding_dim): argument
H A Dtest_quantized_module.py1232 def test_embedding_api(self, num_embeddings, embedding_dim, set_qconfig): argument
1271 def test_embedding_bag_api(self, num_embeddings, embedding_dim, num_offsets, set_qconfig): argument
/aosp_15_r20/external/pytorch/test/distributed/_shard/sharded_tensor/ops/
H A Dtest_embedding.py36 embedding_dim, argument
H A Dtest_embedding_bag.py36 embedding_dim, argument
/aosp_15_r20/external/pytorch/test/distributed/_tensor/
H A Dtest_embedding_ops.py52 embedding_dim, argument
/aosp_15_r20/external/tensorflow/tensorflow/python/training/
H A Dcheckpoint_ops.py418 embedding_dim, argument
/aosp_15_r20/external/libtextclassifier/native/lang_id/common/
H A Dembedding-network.cc161 const int embedding_dim = embedding_matrix.cols; in ConcatEmbeddings() local
/aosp_15_r20/external/pytorch/scripts/release_notes/
H A Dclassifier.py63 embedding_dim: int = 8 variable in CategoryConfig
/aosp_15_r20/external/pytorch/torch/ao/nn/quantized/modules/
H A Dembedding_ops.py17 def __init__(self, num_embeddings, embedding_dim, dtype=torch.quint8): argument
/aosp_15_r20/external/pytorch/test/distributed/checkpoint/
H A Dtest_state_dict.py837 def __init__(self, vocab_size, embedding_dim): argument
/aosp_15_r20/external/executorch/kernels/portable/cpu/util/
H A Dkernel_ops_util.cpp607 const size_t embedding_dim = weight.size(1); in resize_embedding_output() local
/aosp_15_r20/external/pytorch/torch/fx/experimental/migrate_gradual_types/
H A Dconstraint_generator.py304 def gen_embedding_rules(n: Node, symbols, embedding_dim, counter): argument
/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dcommon_quantization.py1116 def checkEmbeddingSerialization(self, qemb, num_embeddings, embedding_dim, indices, offsets, argument
2618 def __init__(self, dense_dim, dense_out, embedding_dim, top_out_in, top_out_out) -> None: argument
2643 def __init__(self, num_embeddings, embedding_dim): argument
/aosp_15_r20/external/pytorch/test/distributed/
H A Dtest_c10d_nccl.py3467 def __init__(self, rank, vocab_size, embedding_dim): argument

12