Home
last modified time | relevance | path

Searched refs:b_t (Results 1 – 25 of 26) sorted by relevance

12

/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/sparse/
H A Dmul_op.cc48 const Tensor& b_t = ctx->input(1); in Compute() local
50 OP_REQUIRES(ctx, a_matrix->dtype() == b_t.dtype(), in Compute()
54 " vs. b.dtype == ", DataTypeString(b_t.dtype()))); in Compute()
56 const int b_rank = b_t.dims(); in Compute()
64 ((a_matrix->dims() == 3) && (b_t.dim_size(0) == batch_size) && in Compute()
65 (b_t.NumElements() == batch_size)), in Compute()
70 b_t.shape().DebugString(), in Compute()
77 b_t.shape().DebugString())); in Compute()
83 auto b = b_t.scalar<T>(); in Compute()
89 auto b = b_t.flat<T>(); in Compute()
H A Dmat_mul_op.cc511 const Tensor& b_t = ctx->input(1); in Compute() local
516 this->ValidateInputs(*a_matrix, b_t, &rank, &batch_size)); in Compute()
528 b_t.shape().dim_size(this->transpose_b_ ? row_dim + 1 : row_dim); in Compute()
530 b_t.dim_size(this->transpose_b_ ? row_dim : row_dim + 1); in Compute()
561 const T* b_base_ptr = b_t.template flat<T>().data(); in Compute()
574 {1}, DataTypeToEnum<T>::value, b_t.shape(), &b_conj_t)); in Compute()
575 functor::maybe_conj<GPUDevice, T>::run(d, b_t, &b_conj_t); in Compute()
646 b_t_input = b_t; in Compute()
652 b_t_transposed_shape.AddDim(b_t.dim_size(row_dim + 1)); in Compute()
653 b_t_transposed_shape.AddDim(b_t.dim_size(row_dim)); in Compute()
[all …]
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/spirit/include/boost/spirit/home/classic/attribute/
Dclosure.hpp288 typedef typename ::phoenix::as_actor<B>::type b_t; in operator ()() typedef
289 typedef ::phoenix::tuple<a_t, b_t> actor_tuple_t; in operator ()()
312 typedef typename ::phoenix::as_actor<B>::type b_t; in operator ()() typedef
314 typedef ::phoenix::tuple<a_t, b_t, c_t> actor_tuple_t; in operator ()()
345 typedef typename ::phoenix::as_actor<B>::type b_t; in operator ()() typedef
349 a_t, b_t, c_t, d_t in operator ()()
381 typedef typename ::phoenix::as_actor<B>::type b_t; in operator ()() typedef
386 a_t, b_t, c_t, d_t, e_t in operator ()()
422 typedef typename ::phoenix::as_actor<B>::type b_t; in operator ()() typedef
428 a_t, b_t, c_t, d_t, e_t, f_t in operator ()()
[all …]
/aosp_15_r20/external/llvm/test/CodeGen/X86/
H A D2010-02-04-SchedulerBug.ll5 %struct.b_t = type { i32, i32, i32, i32, i64, i64, i64, i64 }
9 %0 = load %struct.b_t*, %struct.b_t** null, align 4 ; <%struct.b_t*> [#uses=1]
10 %1 = getelementptr inbounds %struct.b_t, %struct.b_t* %0, i32 %cNum, i32 5 ; <i64*> [#uses=1]
/aosp_15_r20/external/rust/android-crates-io/crates/plotters-backend/src/rasterizer/
Dpath.rs25 let (b_t, b_n) = get_dir_vector(triple[2], triple[1], true);
38 if a_t.1 * b_t.0 == a_t.0 * b_t.1 {
58 let b0 = -b_t.0;
61 let b1 = -b_t.1;
75 let cross_product = a_t.0 * b_t.1 - a_t.1 * b_t.0;
/aosp_15_r20/external/tensorflow/tensorflow/lite/delegates/gpu/common/tasks/
H A Dwinograd_test_util.cc41 auto b_t = BtMatrixForWinograd4x4To6x6(); in Winograd4x4To36TileX6Test() local
52 sum += src_tensor.data[index] * b_t[x * 6 + i]; in Winograd4x4To36TileX6Test()
62 sum += b_t[y * 6 + i] * temp[i * 6 + x]; in Winograd4x4To36TileX6Test()
176 auto b_t = BtMatrixForWinograd4x4To6x6(); in Winograd4x4To36Test() local
187 sum += src_tensor.data[index] * b_t[x * 6 + i]; in Winograd4x4To36Test()
197 sum += b_t[y * 6 + i] * temp[i * 6 + x]; in Winograd4x4To36Test()
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/spirit/include/boost/spirit/home/classic/core/composite/impl/
Ddirectives.ipp167 typedef typename to_longest_alternative<B>::result_t b_t;
168 typedef longest_alternative<a_t, b_t> result_t;
192 typedef typename to_shortest_alternative<B>::result_t b_t;
193 typedef shortest_alternative<a_t, b_t> result_t;
/aosp_15_r20/external/selinux/secilc/test/
H A Dintegration.cil209 (type b_t)
215 (allow a_t b_t (file (write))))
217 (allow a_t b_t (file (execute)))))
220 (allow a_t b_t (file (read))))))
/aosp_15_r20/external/selinux/libsepol/tests/policies/test-deps/
H A Dmodreq-bool-global.conf11 type b_t;
14 allow a_t b_t : file { read write };
H A Dmodreq-perm-global.conf9 type b_t;
10 allow a_t b_t: msg { send receive };
H A Dmodreq-bool-opt.conf16 type b_t;
20 allow a_t b_t : file { read write };
/aosp_15_r20/external/clang/test/Rewriter/
H A Dblockstruct.m5 typedef void (^b_t)(void);
6 void a(b_t work) { }
H A Drewrite-local-static-id.mm14 typedef void (^b_t)(void);
16 void bar(b_t block);
/aosp_15_r20/external/tensorflow/tensorflow/python/kernel_tests/v1_compat_tests/
H A Dsession_ops_test.py190 b_p, b_t = session_ops.get_session_tensor(b_handle.handle, dtypes.float32)
191 c = math_ops.add(a_t, b_t)
235 b_p, b_t = session_ops.get_session_tensor(b_handle.handle, dtypes.float32)
237 c = math_ops.add(a_t, b_t)
/aosp_15_r20/external/pytorch/aten/src/ATen/native/quantized/cuda/
H A DEmbeddingBag.cu102 int32_t b_t = blockIdx.x * blockDim.y + threadIdx.y; in embedding_bag_nbits_rowwise_offsets_kernel() local
103 if (b_t >= B * D) { in embedding_bag_nbits_rowwise_offsets_kernel()
106 int32_t t = b_t / B; in embedding_bag_nbits_rowwise_offsets_kernel()
107 int32_t b = b_t % B; in embedding_bag_nbits_rowwise_offsets_kernel()
/aosp_15_r20/external/pytorch/test/
H A Dtest_binary_ufuncs.py1873 b_t = torch.tensor(b, device=device)
1875 actual_tensor = torch_op(a_t, b_t)
1877 actual_second_tensor = torch_op(a, b_t)
1913 b_t = torch.tensor(b, device=device)
1915 self.assertEqual(scripted_div(a_t, b_t), expected_div)
1916 self.assertEqual(scripted_floordiv(a_t, b_t), expected_floordiv)
2024 b_t = torch.tensor(b, device=device)
2031 tmp1 /= b_t
2036 scripted_true_divide__tensor(a_t.clone(), b_t).item(),
2047 tmp /= b_t
[all …]
/aosp_15_r20/external/tensorflow/tensorflow/core/grappler/optimizers/
H A Darithmetic_optimizer_test.cc2365 auto b_t = GenerateRandomTensor<DT_FLOAT>(TensorShape({2, 2})); in TEST_F() local
2368 {"a", a_t}, {"b", b_t}, {"c", c_t}}; in TEST_F()
2434 auto b_t = GenerateRandomTensor<DT_FLOAT>(TensorShape({2, 2})); in TEST_F() local
2440 {"a", a_t}, {"b", b_t}, {"c", c_t}, {"x", x_t}, {"y", y_t}, {"z", z_t}}; in TEST_F()
2515 auto b_t = GenerateRandomTensor<DT_FLOAT>(TensorShape({2, 2})); in TEST_F() local
2518 {"a", a_t}, {"b", b_t}, {"c", c_t}}; in TEST_F()
2643 auto b_t = GenerateRandomTensor<DT_FLOAT>(TensorShape({32, 32})); in TEST_F() local
2649 {"a", a_t}, {"b", b_t}, {"c", c_t}, {"x", x_t}, {"y", y_t}, {"z", z_t}}; in TEST_F()
3330 auto b_t = GenerateRandomTensor<DT_FLOAT>(TensorShape({32, 32})); in TEST_F() local
3333 {"a", a_t}, {"b", b_t}, {"c", c_t}}; in TEST_F()
[all …]
H A Dconstant_folding_test.cc971 auto b_t = GenerateRandomTensor<DT_FLOAT>(TensorShape({2, 3})); in TEST_F() local
978 {{"x", x_t}, {"y", y_t}, {"a", a_t}, {"b", b_t}, {"bias", bias_t}}); in TEST_F()
982 {{"x", x_t}, {"y", y_t}, {"a", a_t}, {"b", b_t}, {"bias", bias_t}}); in TEST_F()
/aosp_15_r20/external/pytorch/torch/csrc/jit/passes/onnx/
H A Dfunction_extraction.cpp992 [](const at::Tensor& a_t, const at::Tensor& b_t) { in HasSameAttribute() argument
993 return a_t.equal(b_t); in HasSameAttribute()
/aosp_15_r20/external/tensorflow/tensorflow/compiler/xla/service/
H A Dhlo_instruction_test.cc1457 auto b_t = builder.AddInstruction( in TEST_F() local
1463 data_shape, a, b_t, dot_dnums, DefaultPrecisionConfig(2))); in TEST_F()
1477 {dot, b_t}, HloInstruction::FusionKind::kLoop); in TEST_F()
/aosp_15_r20/external/cpuinfo/test/dmesg/
H A Dgalaxy-c9-pro.log95 …chg=1, ta_exist=1, v=3582, v_avg=3588, i=56, i_avg=69, ocv=3591, fg_t=294, b_t=249, cycle=0, soc=3…
168 …chg=1, ta_exist=1, v=3566, v_avg=3577, i=56, i_avg=57, ocv=3591, fg_t=295, b_t=249, cycle=0, soc=3…
257 …g=1, ta_exist=1, v=3558, v_avg=3563, i=195, i_avg=116, ocv=3591, fg_t=295, b_t=249, cycle=0, soc=3…
496 …g=1, ta_exist=1, v=3539, v_avg=3549, i=248, i_avg=207, ocv=3591, fg_t=294, b_t=249, cycle=0, soc=3…
823 …0, ta_exist=1, v=3472, v_avg=3510, i=-995, i_avg=-300, ocv=3591, fg_t=296, b_t=249, cycle=0, soc=3…
904 …0, ta_exist=1, v=3511, v_avg=3500, i=-767, i_avg=-590, ocv=3591, fg_t=298, b_t=249, cycle=0, soc=3…
H A Dgalaxy-s8-us.log1914 …g=0, ta_exist=0, v=4349, v_avg=4349, i=542, i_avg=542, ocv=4269, fg_t=224, b_t=300, cycle=0, soc=9…
2228 …g=0, ta_exist=0, v=4340, v_avg=4346, i=535, i_avg=540, ocv=4269, fg_t=226, b_t=300, cycle=0, soc=9…
2546 …g=1, ta_exist=1, v=4348, v_avg=4344, i=538, i_avg=535, ocv=4269, fg_t=226, b_t=259, cycle=0, soc=9…
3250 …g=1, ta_exist=1, v=4349, v_avg=4346, i=521, i_avg=532, ocv=4270, fg_t=232, b_t=259, cycle=0, soc=9…
3386 …g=1, ta_exist=1, v=4348, v_avg=4347, i=516, i_avg=521, ocv=4270, fg_t=233, b_t=260, cycle=0, soc=9…
4962 …g=1, ta_exist=1, v=4350, v_avg=4348, i=524, i_avg=521, ocv=4270, fg_t=260, b_t=260, cycle=0, soc=9…
5044 …g=1, ta_exist=1, v=4347, v_avg=4348, i=523, i_avg=522, ocv=4270, fg_t=264, b_t=260, cycle=0, soc=9…
5359 …g=1, ta_exist=1, v=4344, v_avg=4346, i=513, i_avg=519, ocv=4270, fg_t=271, b_t=261, cycle=0, soc=9…
6044 …g=1, ta_exist=1, v=4320, v_avg=4339, i=350, i_avg=453, ocv=4270, fg_t=287, b_t=264, cycle=0, soc=9…
/aosp_15_r20/external/ComputeLibrary/src/core/CL/cl_kernels/common/
H A Dgemmlowp.cl926 TRANSPOSE_K0XN0(K0, N0, b_t, b, DATA_TYPE);
928 ARM_MM_K0XN0XM0(M0, N0, K0, a, b_t, c);
950 TRANSPOSE_K0XN0(1, N0, b_t, b, DATA_TYPE);
952 ARM_MM_K0XN0XM0(M0, N0, 1, a, b_t, c);
/aosp_15_r20/external/ComputeLibrary/cl_kernels/common/
H A Dgemmlowp.clembed8481 TRANSPOSE_K0XN0(K0, N0, b_t, b, DATA_TYPE);
8483 ARM_MM_K0XN0XM0(M0, N0, K0, a, b_t, c);
8505 TRANSPOSE_K0XN0(1, N0, b_t, b, DATA_TYPE);
8507 ARM_MM_K0XN0XM0(M0, N0, 1, a, b_t, c);
/aosp_15_r20/external/aws-sdk-java-v2/test/protocol-tests/src/test/resources/__files/
HDcompressed_json_body_with_extra_data.gz

12