/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/nn_ops/ |
H A D | embedding_ops_test.py | 136 vocab_size, argument 166 vocab_size, argument 186 vocab_size, argument 650 def _RandomIdsAndWeights(self, batch_size, vocab_size): argument 812 def _random_weights(self, vocab_size=4, embed_dim=4, num_shards=1): argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/data/experimental/ops/ |
H A D | lookup_ops.py | 105 vocab_size=None, argument 193 vocab_size=None, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/ |
H A D | lookup_util.cc | 83 Status Init(const string& filename, int64_t vocab_size, char delimiter, in Init() 362 Status InitializeTableFromTextFile(const string& filename, int64_t vocab_size, in InitializeTableFromTextFile() 372 const string& filename, int64_t vocab_size, char delimiter, in InitializeTableFromTextFile()
|
/aosp_15_r20/external/executorch/examples/mediatek/executor_runner/llama_runner/ |
H A D | Utils.h | 70 static uint64_t argmax(const void* logits_buffer, const size_t vocab_size) { in argmax() 86 const size_t vocab_size) { in argmax()
|
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/ |
H A D | lookup_ops.py | 666 vocab_size=None, argument 817 vocab_size=None, argument 868 vocab_size=None, argument 1412 vocab_size=None, argument 1633 vocab_size=None, argument
|
H A D | sparse_ops.py | 1723 def sparse_to_indicator(sp_input, vocab_size, name=None): argument 1787 def sparse_merge(sp_ids, sp_values, vocab_size, name=None, argument 1885 vocab_size, argument
|
/aosp_15_r20/external/pytorch/test/inductor/ |
H A D | test_padding.py | 43 def gen_transformer_inputs(vocab_size, bs, seq_length): argument 62 def __init__(self, vocab_size=30523, bias=True): argument 199 def create_model(vocab_size): argument
|
/aosp_15_r20/external/pytorch/aten/src/ATen/native/ |
H A D | EmbeddingBag.cpp | 131 auto vocab_size = src.size(0); in index_select_add() local 316 auto vocab_size = src.size(0); in index_select_add() local 461 auto vocab_size = src.size(0); in index_select_add() local 519 auto vocab_size = src.size(0); in index_select_scale_add() local 699 auto vocab_size = src.size(0); in index_select_scale_add() local 836 auto vocab_size = src.size(0); in index_select_scale_add() local 1075 int64_t vocab_size = weight.size(0); in embedding_bag_cpu_max_out() local
|
/aosp_15_r20/external/executorch/examples/mediatek/executor_runner/ |
H A D | mtk_llama_executor_runner.cpp | 222 const auto vocab_size = tokenizer->vocab_size(); in digest_prompt() local 253 const auto vocab_size = tokenizer->vocab_size(); in gen_response() local
|
H A D | mtk_llama_runner.cpp | 231 const auto vocab_size = tokenizer->vocab_size(); in digest_prompt() local 263 const auto vocab_size = tokenizer->vocab_size(); in gen_response() local
|
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/sparse_ops/ |
H A D | sparse_ops_test.py | 132 def _AssertResultsSorted(self, output, vocab_size): argument 138 def _AssertResultsNotSorted(self, output, vocab_size): argument 247 def _AssertResultsSorted(self, output, vocab_size): argument
|
/aosp_15_r20/external/executorch/examples/mediatek/aot_utils/llm_utils/tokenizers_/ |
H A D | tokenization_utils_fast.py | 218 def vocab_size(self) -> int: member in PreTrainedTokenizerFast 750 vocab_size, argument
|
/aosp_15_r20/external/executorch/examples/models/llama/params/ |
H A D | demo_config.json | 1 {"dim": 64, "multiple_of": 4, "n_heads": 8, "n_layers": 5, "norm_eps": 1e-05, "vocab_size": 512} number
|
/aosp_15_r20/external/executorch/extension/llm/tokenizer/ |
H A D | tokenizer.h | 56 int32_t vocab_size() const { in vocab_size() function
|
/aosp_15_r20/external/executorch/backends/xnnpack/test/models/ |
H A D | w2l.py | 17 vocab_size = 4096 variable in TestW2L
|
/aosp_15_r20/external/executorch/extension/llm/runner/ |
H A D | text_decoder_runner.cpp | 27 int32_t vocab_size, in TextDecoderRunner()
|
/aosp_15_r20/external/executorch/examples/mediatek/models/llm_models/weights/llama3-8B-instruct/ |
H A D | config.json | 14 "vocab_size": 128256, number
|
/aosp_15_r20/external/executorch/examples/models/llama3_2_vision/text_decoder/params/ |
H A D | demo_config.json | 16 "vocab_size": 128256, number
|
/aosp_15_r20/external/executorch/examples/models/phi-3-mini-lora/ |
H A D | export_model.py | 16 vocab_size = 32064 variable
|
/aosp_15_r20/external/executorch/examples/models/llava/runner/ |
H A D | llava_text_decoder_runner.h | 22 int32_t vocab_size, in LlavaTextDecoderRunner()
|
/aosp_15_r20/external/tflite-support/tensorflow_lite_support/custom_ops/python/ |
H A D | sentencepiece_tokenizer.py | 123 def vocab_size(self): member in SentencepieceTokenizer
|
/aosp_15_r20/external/executorch/examples/mediatek/models/llm_models/weights/Llama-3.2-1B-Instruct/ |
H A D | config.json | 21 "vocab_size": 128256, number
|
/aosp_15_r20/external/executorch/examples/mediatek/models/llm_models/weights/Llama-3.2-3B-Instruct/ |
H A D | config.json | 22 "vocab_size": 128256, number
|
/aosp_15_r20/external/executorch/examples/mediatek/models/llm_models/ |
H A D | configuration_llama.py | 31 vocab_size=None, argument
|
/aosp_15_r20/external/tensorflow/tensorflow/python/keras/layers/preprocessing/benchmarks/ |
H A D | feature_column_benchmark.py | 99 def create_vocabulary(vocab_size): argument
|