Home
last modified time | relevance | path

Searched full:bitwise_and (Results 1 – 25 of 213) sorted by relevance

123456789

/aosp_15_r20/external/fonttools/Lib/fontTools/merge/
H A Dtables.py32 1: bitwise_and, # Baseline at y = 0
33 2: bitwise_and, # lsb at x = 0
34 3: bitwise_and, # Force ppem to integer values. FIXME?
35 5: bitwise_and, # Font is vertical
37 11: bitwise_and, # Font data is 'lossless'
38 13: bitwise_and, # Optimized for ClearType
39 14: bitwise_and, # Last resort font. FIXME? equal or first may be better
102 2: bitwise_and, # allow previewing and printing documents
103 3: bitwise_and, # allow editing documents
/aosp_15_r20/external/pytorch/test/expect/
H A DHasDecompTest.test_aten_core_operators.expect85 aten::bitwise_and.Scalar
86 aten::bitwise_and.Scalar_Tensor
87 aten::bitwise_and.Scalar_Tensor_out
88 aten::bitwise_and.Scalar_out
89 aten::bitwise_and.Tensor
90 aten::bitwise_and.Tensor_out
/aosp_15_r20/external/ComputeLibrary/tests/validation/fixtures/
H A DBitwiseAndFixture.h68 FunctionType bitwise_and; in compute_target() local
70 bitwise_and.configure(&src1, &src2, &dst); in compute_target()
89 bitwise_and.run(); in compute_target()
104 return reference::bitwise_and<T>(src1, src2); in compute_reference()
/aosp_15_r20/external/executorch/kernels/portable/cpu/pattern/
H A Dbitwise_op.h26 DEFINE_BINARY_OPERATOR_TEMPLATE(bitwise_and, &)
36 if (op == "bitwise_and.Tensor_out" || op == "bitwise_and.Scalar_out") { in get_bitwise_fn()
37 return bitwise_and; in get_bitwise_fn()
/aosp_15_r20/external/executorch/backends/apple/mps/operators/
H A Dbinary_ops.py53 "aten.bitwise_and.Tensor",
54 "aten.bitwise_and.Scalar",
80 exir_ops.edge.aten.bitwise_and.Tensor: MPSBitwiseAnd,
81 exir_ops.edge.aten.bitwise_and.Scalar: MPSBitwiseAnd,
/aosp_15_r20/external/pytorch/torch/distributed/tensor/_ops/
H A D_pointwise_ops.py105 aten.bitwise_and.Scalar,
106 aten.bitwise_and.Scalar_Tensor,
107 aten.bitwise_and.Scalar_out,
108 aten.bitwise_and.Tensor,
109 aten.bitwise_and.Tensor_out,
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/atomic/include/boost/atomic/detail/
Dextra_ops_gcc_aarch32.hpp68 base_type::bitwise_and(storage, v, order); in opaque_and()
98 return !!base_type::bitwise_and(storage, v, order); in and_and_test()
223 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
454 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
684 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
922 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
Dextra_ops_generic.hpp72 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
150 return !!bitwise_and(storage, v, order); in and_and_test()
243 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
341 return !!bitwise_and(storage, v, order); in and_and_test()
Dextra_ops_gcc_ppc.hpp69 return !!base_type::bitwise_and(storage, v, order); in and_and_test()
176 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
365 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
546 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
733 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
Dextra_ops_gcc_aarch64.hpp70 base_type::bitwise_and(storage, v, order); in opaque_and()
100 return !!base_type::bitwise_and(storage, v, order); in and_and_test()
227 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
462 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
697 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
932 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
1182 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
Dextra_ops_gcc_arm.hpp72 return !!base_type::bitwise_and(storage, v, order); in and_and_test()
208 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
461 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
711 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
969 …static BOOST_FORCEINLINE storage_type bitwise_and(storage_type volatile& storage, storage_type v, … in bitwise_and() function
/aosp_15_r20/external/pytorch/aten/src/ATen/native/
H A DBinaryOps.cpp28 #include <ATen/ops/bitwise_and.h>
286 TORCH_META_FUNC2(bitwise_and, Tensor) (const Tensor& self, const Tensor& other) { in TORCH_META_FUNC2() argument
1194 Tensor bitwise_and(const Tensor& self, const Scalar& other) { in bitwise_and() function
1195 return at::bitwise_and(self, wrapped_scalar_tensor(other)); in bitwise_and()
1198 Tensor bitwise_and(const Scalar& self, const Tensor& other) { in bitwise_and() function
1199 return at::bitwise_and(wrapped_scalar_tensor(self), other); in bitwise_and()
1206 // Legacy and interfaces. They are aliased to bitwise_and* functions
1208 return at::bitwise_and(self, other); in __and__()
1212 return at::bitwise_and(self, other); in __and__()
/aosp_15_r20/external/tensorflow/tensorflow/python/ops/
H A Dbitwise_ops_test.py42 [bitwise_ops.bitwise_and(lhs, rhs),
82 [bitwise_ops.bitwise_and(
150 and_tensor = bitwise_ops.bitwise_and(lhs, rhs)
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/phoenix/doc/inside/
Drules.qbk120 [[`expression::bitwise_and<Lhs, Rhs>`] [``
121 rule::bitwise_and
122 : expression::bitwise_and<meta_grammar, meta_grammar>
/aosp_15_r20/external/eigen/Eigen/src/Core/arch/GPU/
H A DPacketMath.h126 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE float bitwise_and(const float& a,
130 EIGEN_DEVICE_FUNC EIGEN_STRONG_INLINE double bitwise_and(const double& a,
188 return make_float4(bitwise_and(a.x, b.x), bitwise_and(a.y, b.y),
189 bitwise_and(a.z, b.z), bitwise_and(a.w, b.w));
194 return make_double2(bitwise_and(a.x, b.x), bitwise_and(a.y, b.y));
/aosp_15_r20/external/executorch/kernels/portable/cpu/
H A Dop_bitwise_and.cpp21 static constexpr const char op_name[] = "bitwise_and.Tensor_out"; in bitwise_and_Tensor_out()
31 static constexpr const char op_name[] = "bitwise_and.Scalar_out"; in bitwise_and_Scalar_out()
/aosp_15_r20/external/tensorflow/tensorflow/core/kernels/
H A Dcwise_op_bitwise_and.cc20 REGISTER8(BinaryOp, CPU, "BitwiseAnd", functor::bitwise_and, int8, int16, int32,
25 REGISTER8(BinaryOp, GPU, "BitwiseAnd", functor::bitwise_and, int8, int16, int32,
/aosp_15_r20/external/ComputeLibrary/tests/validation/reference/
H A DBitwiseAnd.cpp35 SimpleTensor<T> bitwise_and(const SimpleTensor<T> &src1, const SimpleTensor<T> &src2) in bitwise_and() function
49 template SimpleTensor<uint8_t> bitwise_and(const SimpleTensor<uint8_t> &src1, const SimpleTensor<ui…
/aosp_15_r20/external/pytorch/aten/src/ATen/
H A DTensorOperators.h26 _(&, x.bitwise_and(y), y.bitwise_and(x)) \
/aosp_15_r20/external/sdv/vsomeip/third_party/boost/proto/include/boost/proto/
Dproto_fwd.hpp285 struct bitwise_and;
573 template<typename T, typename U> struct bitwise_and;
656 typedef make_expr<tag::bitwise_and> make_bitwise_and;
727 typedef functional::make_expr<tag::bitwise_and> _make_bitwise_and;
/aosp_15_r20/external/pytorch/test/typing/pass/
H A Dmath_ops.py59 # bitwise_and
60 torch.bitwise_and(t, torch.tensor([1, 0, 3], dtype=torch.int8))
61 torch.bitwise_and(torch.tensor([True, True, False]), torch.tensor([False, True, False]))
/aosp_15_r20/external/deqp/android/cts/main/vk-main-2019-03-01/
H A Dglsl.txt8711 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_fragment
8712 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_ivec2_fragment
8713 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_ivec2_vertex
8714 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_ivec3_fragment
8715 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_ivec3_vertex
8716 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_ivec4_fragment
8717 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_ivec4_vertex
8718 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_int_vertex
8719 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_ivec2_fragment
8720 dEQP-VK.glsl.operator.binary_operator.bitwise_and.highp_ivec2_int_fragment
[all …]
/aosp_15_r20/external/ComputeLibrary/src/core/NEON/kernels/
H A DNEBitwiseAndKernel.cpp48 inline void bitwise_and(const T *__restrict input1, const T *__restrict input2, T *__restrict outpu… in bitwise_and() function
108 bitwise_and<uint8_t>(input1.ptr(), input2.ptr(), output.ptr()); in run()
/aosp_15_r20/external/executorch/kernels/aten/
H A Dfunctions.yaml83 - op: bitwise_and.Tensor_out
85 - op: bitwise_and.Scalar_out
/aosp_15_r20/external/pytorch/test/torch_np/
H A Dtest_binary_ufuncs.py23 np.bitwise_and(5, 6), bitwise_and(5, 6), atol=1e-7, check_dtype=False

123456789