/external/executorch/examples/models/llama3_2_vision/runner/ |
D | eager.py | 41 tokens: Optional[torch.LongTensor] = None, argument 42 input_pos: Optional[torch.LongTensor] = None, argument 43 mask: Optional[torch.LongTensor] = None, argument
|
D | exported.py | 43 tokens: Optional[torch.LongTensor] = None, argument 44 input_pos: Optional[torch.LongTensor] = None, argument 45 mask: Optional[torch.LongTensor] = None, argument
|
D | native.py | 53 mask: Optional[torch.LongTensor] = None, argument
|
/external/libopus/dnn/torch/lpcnet/data/ |
D | lpcnet_dataset.py | 189 …signals = torch.cat([torch.LongTensor(lin2ulaw(sample[key])).unsqueeze(-1) for key in self.input_s… 190 target = torch.LongTensor(lin2ulaw(sample[self.target])) 191 periods = torch.LongTensor(sample['periods']) 220 …signals = torch.cat([torch.LongTensor(sample[key]).unsqueeze(-1) for key in self.input_signals], d… 221 target = torch.LongTensor(sample[self.target]) 222 periods = torch.LongTensor(sample['periods'])
|
/external/pytorch/torch/onnx/ |
D | symbolic_opset13.py | 544 const_one = if_context_greater.op("Constant", value_t=torch.LongTensor([1])) 562 const_one = if_context_less.op("Constant", value_t=torch.LongTensor([1])) 642 g, repeats, g.op("Constant", value_t=torch.LongTensor([0])) 645 "Equal", repeat_dim, g.op("Constant", value_t=torch.LongTensor([1])) 700 loop_context.op("Constant", value_t=torch.LongTensor(input_sizes[: dim + 1])), 702 loop_context.op("Constant", value_t=torch.LongTensor(input_sizes[dim + 1 :])), 707 loop_context, i_split, g.op("Constant", value_t=torch.LongTensor(output_sizes)) 733 g, self, dim=g.op("Constant", value_t=torch.LongTensor([dim1])) 736 g, self, dim=g.op("Constant", value_t=torch.LongTensor([dim2])) 764 offset_op = g.op("Constant", value_t=torch.LongTensor([offset])) [all …]
|
D | symbolic_opset11.py | 439 source = symbolic_helper._reshape_helper(g, source, torch.LongTensor([-1])) 443 axes=torch.LongTensor([0]), 444 starts=torch.LongTensor([0]), 445 ends=opset9.size(g, index, torch.LongTensor([0])), 457 sz_0 = size(g, self, g.op("Constant", value_t=torch.LongTensor([0]))) 1082 pad = g.op("Constant", value_t=torch.LongTensor([0, 0, padding_h, padding_w] * 2))
|
D | symbolic_opset9.py | 847 size = g.op("Constant", value_t=torch.LongTensor(size)) 867 size = g.op("Constant", value_t=torch.LongTensor(size)) 1241 sz_0 = size(g, self, g.op("Constant", value_t=torch.LongTensor([0]))) 2856 g.op("Constant", value_t=torch.LongTensor(input_size_reshape)), 3466 shape_reference = g.op("Constant", value_t=torch.LongTensor([1])) 4108 g.op("Constant", value_t=torch.LongTensor(input_sizes_temp[: dim + 1])), 4110 g.op("Constant", value_t=torch.LongTensor(input_sizes_temp[dim + 1 :])), 4117 g.op("Constant", value_t=torch.LongTensor(input_sizes)), 4471 g.op("Constant", value_t=torch.LongTensor([0, 0, -1])), 5131 values = g.op("Constant", value_t=torch.LongTensor([0, 1])) [all …]
|
D | symbolic_helper.py | 668 index = g.op("Constant", value_t=torch.LongTensor([index_const])) 673 g, index, g.op("Constant", value_t=torch.LongTensor([1])) 1223 repeats = g.op("Constant", value_t=torch.LongTensor(repeats)) 1354 shape = g.op("Constant", value_t=torch.LongTensor(shape)) 2098 g.op("Equal", self, g.op("Constant", value_t=torch.LongTensor([0]))),
|
/external/libopus/dnn/torch/osce/data/ |
D | lpcnet_vocoding_dataset.py | 189 periods = torch.LongTensor(sample['periods']) 218 …signals = torch.cat([torch.LongTensor(sample[key]).unsqueeze(-1) for key in self.input_signals], d… 219 target = torch.LongTensor(sample[self.target]) 220 periods = torch.LongTensor(sample['periods'])
|
/external/libopus/dnn/torch/dnntools/dnntools/relegance/ |
D | relegance.py | 55 widths = torch.LongTensor(widths) 98 widths = torch.LongTensor(widths) 99 strides = torch.LongTensor(strides)
|
/external/pytorch/torch/distributed/benchmarks/ |
D | benchmark_ddp_rpc.py | 157 indices = torch.LongTensor(num_indices).random_(0, NUM_EMBEDDINGS) 169 offsets_tensor = torch.LongTensor(offsets) 170 target = torch.LongTensor(batch_size).random_(8).cuda(rank)
|
/external/executorch/examples/models/phi-3-mini/ |
D | phi_3_mini.py | 33 input_ids: torch.LongTensor = None, argument
|
/external/pytorch/test/jit/ |
D | test_misc.py | 348 torch.LongTensor([3]), 362 return torch.LongTensor(2, 3, 4) 377 return torch.LongTensor(1, [2]) 386 return torch.LongTensor(hello="1")
|
/external/pytorch/benchmarks/operator_benchmark/pt/ |
D | qembeddingbag_test.py | 37 offset = torch.LongTensor([offset], device=device)
|
D | embeddingbag_test.py | 32 offsets = torch.LongTensor([offset], device=device)
|
D | qatembedding_ops_test.py | 39 offsets = torch.LongTensor([offset], device=device)
|
/external/pytorch/aten/src/ATen/core/ |
D | type_factory.cpp | 16 _(LongTensor, TensorType) \
|
/external/pytorch/test/distributed/_tools/ |
D | test_memory_tracker.py | 40 target = torch.LongTensor([0, 1]).cuda()
|
/external/pytorch/torch/testing/_internal/distributed/ |
D | ddp_under_dist_autograd_test.py | 74 sparse_features: torch.LongTensor 105 return self.em(input, offsets=torch.LongTensor(range(input.shape[0]))) 598 input = torch.LongTensor(10).random_(0, 10) 599 offsets = torch.LongTensor([0, 4])
|
/external/pytorch/test/functorch/ |
D | functorch_additional_op_db.py | 319 adv_idx = torch.LongTensor([[0, 1], [2, 3]]) 342 (3, ([[0, 2, 3], [1, 3, 3], torch.LongTensor([0, 0, 2])],)), 400 adv_idx = torch.LongTensor([[0, 1], [2, 3]])
|
/external/pytorch/test/distributed/ |
D | test_c10d_ucc.py | 582 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]) 626 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]) 726 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]).to(
|
D | test_c10d_gloo.py | 1715 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]) 1759 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]) 1901 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]).to( 2250 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]) 2263 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)]) 2288 target = torch.LongTensor([random.randrange(4) for _ in range(batch_size)])
|
/external/executorch/examples/models/llama/ |
D | llama_transformer.py | 488 tokens: Optional[torch.LongTensor] = None, # tokens argument 490 torch.LongTensor argument
|
/external/pytorch/test/nn/ |
D | test_embedding.py | 71 input = torch.LongTensor([[0, 2, 4, 5], [4, 3, 0, 9]]) 115 input = torch.LongTensor([0, 1]) 155 input = torch.LongTensor([0, 1]) 241 input = torch.LongTensor([[0, 1]]) 257 input = torch.LongTensor([[0, 1]])
|
/external/pytorch/torch/jit/ |
D | annotations.py | 378 torch.LongTensor,
|