/aosp_15_r20/external/tensorflow/tensorflow/python/eager/ |
H A D | def_function_test.py | 250 def __call__(self, val): argument 255 def compute(self, val): argument 723 def f(inputs): argument
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/frontend/ |
H A D | tracer.cpp | 125 [&](const IValue& val) { return getValue(val); }))) in getValue() 131 [&](const IValue& val) { return getValue(val); }))) in getValue() 463 Stack inputs, in trace()
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/mlir_hlo/lib/Dialect/mhlo/IR/ |
H A D | hlo_ops.cc | 170 inline static bool isDynamicDimSize(int64_t val) { in isDynamicDimSize() 3716 auto getFlattenedOperands = [&](const Value& val) -> ValueRange { in matchAndRewrite() 3728 llvm::for_each(op.val(), [&](Value val) { in matchAndRewrite() 3952 auto inputs = adaptor.val(); in reifyReturnTypeShapes() local 4148 APInt val; in matchAndRewrite() local 5397 auto inputs = adaptor.operands(); in reifyReturnTypeShapes() local 5868 for (const APInt& val : padHighAttr.getValues<APInt>()) in reifyReturnTypeShapes() local 5871 for (const APInt& val : padLowAttr.getValues<APInt>()) in reifyReturnTypeShapes() local 5874 for (const APInt& val : padInteriorAttr.getValues<APInt>()) in reifyReturnTypeShapes() local 6274 auto val = operands[0].dyn_cast_or_null<DenseElementsAttr>(); in fold() local [all …]
|
/aosp_15_r20/external/pytorch/test/dynamo/ |
H A D | test_higher_order_ops.py | 223 def g(x, val): argument 228 def f(x, val): argument 2934 def _compile_check(self, fn, inputs, fullgraph=True, graph_idx=0): argument 3732 def wrapper_fn(model, params, inputs, targets): argument 3793 def wrapper_fn(model, params, buffers, inputs): argument 3851 def wrapper_fn(model, params, inputs, targets): argument 3878 def wrapper_fn(model, params, inputs, targets): argument
|
H A D | test_misc.py | 138 def closure_adder(val): argument 1565 def fn(inputs): argument 1599 def fn1(inputs): argument 1605 def fn2(inputs): argument 1611 def fn3(inputs): argument 1630 def fn1(inputs): argument 1643 def fn2(inputs): argument 2802 def forward(self, inputs): argument 3316 def __init__(self, val): argument 6509 def fn(inputs, params): argument [all …]
|
/aosp_15_r20/external/mesa3d/src/gallium/drivers/vc4/ |
H A D | vc4_program.c | 287 qir_SAT(struct vc4_compile *c, struct qreg val) in qir_SAT() 2588 struct vc4_fs_inputs inputs; in vc4_setup_compiled_fs_inputs() local 2917 const struct vc4_fs_inputs *inputs = key; in fs_inputs_hash() local
|
/aosp_15_r20/external/pytorch/torch/_inductor/ |
H A D | lowering.py | 414 def promote_constants(inputs, override_return_dtype=None, type_promotion_kind=None): argument 810 def broadcast_tensors(*inputs): 1072 def pointwise_cat(inputs, dim=0): argument 1404 def cat(inputs, dim=0): argument 5377 def mutate_to(changed, val, unsafe_alias=False): argument 6332 def _all_reduce_coalesced(inputs, reduce_op, group_name): argument 6343 def _all_reduce_coalesced_(inputs, reduce_op, group_name): argument 6364 def _all_gather_into_tensor_coalesced(inputs, group_size, group_name): argument 6399 def _reduce_scatter_tensor_coalesced(inputs, reduce_op, group_size, group_name): argument
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/runtime/ |
H A D | register_prim_ops.cpp | 385 int64_t val = static_cast<int64_t>(std::stoll(s->string(), &sz)); in __anonbfe5918f1602() local 848 std::vector<at::Tensor> inputs(num_inputs - 1); in __anonbfe5918f3602() local 860 std::vector<at::Tensor> inputs(num_inputs - 1); in __anonbfe5918f3702() local 2829 auto val = pop(stack); in __anonbfe5918f9b02() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tensorflow/ir/ |
H A D | tf_ops_a_m.cc | 1590 auto is_not_positive = [](Attribute val) { in VerifyConvOpAttributes() 1659 auto is_negative = [](Attribute val) { in Verify() 2082 auto complexIsZero = [](const std::complex<APFloat> val) { in matchAndRewrite() 2097 for (const auto val : attr.getValues<APFloat>()) { in matchAndRewrite() local 2105 for (const auto val : attr.getValues<std::complex<APFloat>>()) { in matchAndRewrite() local 2315 for (const auto val : int_attr.getValues<int32_t>()) { in fold() local 2333 APInt val(int_type.getWidth(), 0, int_type.getSignedness()); in fold() local 2599 Value inputs = op.inputs(); in verify() local 3023 APFloat val = arg.getValue(); in fold() local
|
H A D | tf_ops_n_z.cc | 1778 constexpr const T &Clamp(const T &val, const T &low, const T &high) { in Clamp() 1785 constexpr bool IsSet(const T &val, unsigned index) { in IsSet() 1791 constexpr void Set(T &val, unsigned index) { in Set() 1797 constexpr void Unset(T &val, unsigned index) { in Unset() 3479 SmallVector<Value> inputs{op.input()}; in matchAndRewrite() local 3502 auto check = [&](mlir::Value val, std::string attr_name) -> LogicalResult { in verify() 3570 auto check = [&](mlir::Value val, std::string attr_name) -> LogicalResult { in verify()
|
/aosp_15_r20/external/deqp/modules/glshared/ |
H A D | glsDrawTest.cpp | 286 inline static void alignmentSafeAssignment(char *dst, T val) in alignmentSafeAssignment() 1199 inline GLValue::Fixed abs(GLValue::Fixed val) in abs() 1205 inline GLValue::Ubyte abs(GLValue::Ubyte val) in abs() 1211 inline GLValue::Byte abs(GLValue::Byte val) in abs() 1217 inline GLValue::Ushort abs(GLValue::Ushort val) in abs() 1223 inline GLValue::Short abs(GLValue::Short val) in abs() 1229 inline GLValue::Float abs(GLValue::Float val) in abs() 1235 inline GLValue::Double abs(GLValue::Double val) in abs() 1241 inline GLValue::Uint abs(GLValue::Uint val) in abs() 1247 inline GLValue::Int abs(GLValue::Int val) in abs() [all …]
|
/aosp_15_r20/external/mesa3d/src/panfrost/midgard/ |
H A D | midgard_compile.c | 1270 unsigned val = nir_src_index(ctx, &instr->src[1]); in emit_atomic() local 1406 unsigned val = nir_src_index(ctx, &instr->src[3]); in emit_image_op() local 2974 const struct panfrost_compile_inputs *inputs, in midgard_compile_shader_nir()
|
/aosp_15_r20/packages/modules/NeuralNetworks/runtime/test/ |
D | TestPartitioning.cpp | 766 const std::vector<uint32_t>& inputs, WrapperType outputType, in addExplicitOperationXTo1() 826 const PartitioningModel& falseModel, const std::vector<uint32_t>& inputs, in addIfOperation() 837 const std::vector<uint32_t>& inputs, in addWhileOperation() 1568 [&inputsAndOutputsModelToStep](const RemapVectorType::value_type& val) { in compareRemapVectors() 1581 [&inputsAndOutputsModelToStep](const StepModelOutputSetType::value_type& val) { in compareStepModelOutputSets()
|
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/optimizers/ |
H A D | arithmetic_optimizer.cc | 387 std::vector<InputAndShape> inputs; member 666 const auto& inputs = shape_sig_to_inputs[ShapeSignature(shapes[i])]; in RewriteOptimizedNodesGroup() local 692 const std::vector<InputAndShape>& inputs) { in AddInputsOfSymbolicallyEqualShape() 1043 std::size_t CountUniqueShapes(const std::vector<InputAndShape>& inputs) { in CountUniqueShapes() 1252 for (int val : perm32) { in GetPermutation() local
|
/aosp_15_r20/external/pytorch/torch/csrc/jit/python/ |
H A D | python_sugared_value.cpp | 129 auto inputs = toValues(*m.graph(), argsWithSelf); in call() local 537 auto val = tryGetAttr(loc, m, name); in getSugaredNamedParameterDict() local
|
/aosp_15_r20/external/tensorflow/tensorflow/compiler/mlir/tosa/transforms/ |
H A D | legalize_tf.cc | 279 SmallVector<Value> inputs(tf_addn_op.inputs()); in matchAndRewrite() local 1496 SmallVector<Value> inputs(tf_pack_op.values()); in matchAndRewrite() local 2051 Value val = tf_reverse_op.tensor(); in matchAndRewrite() local
|
H A D | legalize_tfl.cc | 851 SmallVector<Value> inputs(tfl_addn_op.inputs()); in matchAndRewrite() local 1659 for (auto val : shape_vals) in matchAndRewrite() local 2107 SmallVector<Value> inputs(tfl_pack_op.values()); in matchAndRewrite() local 2953 Value val = tfl_reverse_op.input(); in matchAndRewrite() local
|
/aosp_15_r20/external/deqp/external/vulkancts/modules/vulkan/spirv_assembly/ |
H A D | vktSpvAsmInstructionTests.cpp | 781 int64_t val = rnd.getUint64(); in randomInt64LogDistributed() local 1256 bool compareFUnord(const std::vector<Resource> &inputs, const vector<AllocationSp> &outputAllocs, in compareFUnord() 4740 float calcOpPhiCase5(float val, const string &s) in calcOpPhiCase5() 6140 vector<float> inputs; in createOpQuantizeToF16Group() local 6241 vector<float> inputs(numCases, 0.f); in createSpecConstantOpQuantizeToF16Group() local 6266 vector<float> inputs(numCases, 0.f); in createSpecConstantOpQuantizeToF16Group() local 6288 vector<float> inputs(numCases, 0.f); in createSpecConstantOpQuantizeToF16Group() local 6313 vector<float> inputs(numCases, 0.f); in createSpecConstantOpQuantizeToF16Group() local 6335 vector<float> inputs(numCases, 0.f); in createSpecConstantOpQuantizeToF16Group() local 7551 bool compareFP16Logical(const std::vector<Resource> &inputs, const vector<AllocationSp> &outputAllo… in compareFP16Logical() [all …]
|
/aosp_15_r20/external/tensorflow/tensorflow/core/common_runtime/ |
H A D | graph_constructor.cc | 1006 StringPiece val(coloc_values[i]); in UpdateUniquifiedColocationNames() local 1126 std::vector<InputInfo> inputs; in Convert() local
|
/aosp_15_r20/external/pytorch/torch/csrc/autograd/ |
H A D | init.cpp | 244 [](const c10::IValue& val) { in THPAutograd_initExtension() 252 std::unordered_map<std::string, py::object> inputs; in THPAutograd_initExtension() local
|
/aosp_15_r20/prebuilts/rust/linux-musl-x86/1.81.0/lib/rustlib/src/rust/library/stdarch/crates/core_arch/src/x86/ |
H A D | sse.rs | 1784 let val = (_mm_getcsr() & !_MM_FLUSH_ZERO_MASK) | x; in _MM_SET_FLUSH_ZERO_MODE() localVariable 2972 let inputs = &[42.0f32, -3.1, 4.0e10, 4.0e-20, NAN, 2147483500.1]; in test_mm_cvtss_si32() localVariable 2988 let inputs = &[ in test_mm_cvttss_si32() localVariable 3013 let inputs = &[ in test_mm_cvtsi32_ss() localVariable
|
/aosp_15_r20/prebuilts/rust/linux-musl-x86/1.80.1/lib/rustlib/src/rust/library/stdarch/crates/core_arch/src/x86/ |
H A D | sse.rs | 1784 let val = (_mm_getcsr() & !_MM_FLUSH_ZERO_MASK) | x; in _MM_SET_FLUSH_ZERO_MODE() localVariable 2972 let inputs = &[42.0f32, -3.1, 4.0e10, 4.0e-20, NAN, 2147483500.1]; in test_mm_cvtss_si32() localVariable 2988 let inputs = &[ in test_mm_cvttss_si32() localVariable 3013 let inputs = &[ in test_mm_cvtsi32_ss() localVariable
|
/aosp_15_r20/prebuilts/rust/linux-x86/1.81.0/lib/rustlib/src/rust/library/stdarch/crates/core_arch/src/x86/ |
H A D | sse.rs | 1784 let val = (_mm_getcsr() & !_MM_FLUSH_ZERO_MASK) | x; in _MM_SET_FLUSH_ZERO_MODE() localVariable 2972 let inputs = &[42.0f32, -3.1, 4.0e10, 4.0e-20, NAN, 2147483500.1]; in test_mm_cvtss_si32() localVariable 2988 let inputs = &[ in test_mm_cvttss_si32() localVariable 3013 let inputs = &[ in test_mm_cvtsi32_ss() localVariable
|
/aosp_15_r20/prebuilts/rust/linux-x86/1.80.1/lib/rustlib/src/rust/library/stdarch/crates/core_arch/src/x86/ |
H A D | sse.rs | 1784 let val = (_mm_getcsr() & !_MM_FLUSH_ZERO_MASK) | x; in _MM_SET_FLUSH_ZERO_MODE() localVariable 2972 let inputs = &[42.0f32, -3.1, 4.0e10, 4.0e-20, NAN, 2147483500.1]; in test_mm_cvtss_si32() localVariable 2988 let inputs = &[ in test_mm_cvttss_si32() localVariable 3013 let inputs = &[ in test_mm_cvtsi32_ss() localVariable
|
/aosp_15_r20/prebuilts/rust/linux-x86/1.81.0.u1/lib/rustlib/src/rust/library/stdarch/crates/core_arch/src/x86/ |
H A D | sse.rs | 1784 let val = (_mm_getcsr() & !_MM_FLUSH_ZERO_MASK) | x; in _MM_SET_FLUSH_ZERO_MODE() localVariable 2972 let inputs = &[42.0f32, -3.1, 4.0e10, 4.0e-20, NAN, 2147483500.1]; in test_mm_cvtss_si32() localVariable 2988 let inputs = &[ in test_mm_cvttss_si32() localVariable 3013 let inputs = &[ in test_mm_cvtsi32_ss() localVariable
|