| /external/tensorflow/tensorflow/python/ops/risc/ |
| D | risc_ops.py | 21 def risc_abs(x, name='RISC_ABS'): argument 28 name='RISC_ADD'): argument 32 def risc_binary_arithmetic(x, y, op_type, name='RISC_BinaryArithmetic'): argument 36 def risc_binary_comparison(x, y, op_type, name='RISC_BinaryComparison'): argument 40 def risc_bitcast(x, dtype, name='RISC_BITCAST'): argument 44 def risc_broadcast(x, shape, name='RISC_BROADCAST'): argument 48 def risc_cast(x, dtype, name='RISC_CAST'): argument 52 def risc_ceil(x, name='RISC_CEIL'): argument 56 def risc_cos(x, name='RISC_COS'): argument 60 def risc_cholesky(x, name='RISC_CHOLESKY'): argument [all …]
|
| /external/tensorflow/tensorflow/python/ops/ |
| D | special_math_ops.py | 47 def lbeta(x, name=None): argument 103 def dawsn(x, name=None): argument 134 def expint(x, name=None): argument 164 def fresnel_cos(x, name=None): argument 195 def fresnel_sin(x, name=None): argument 225 def spence(x, name=None): argument 255 def bessel_i0(x, name=None): argument 284 def bessel_i0e(x, name=None): argument 311 def bessel_i1(x, name=None): argument 340 def bessel_i1e(x, name=None): argument [all …]
|
| D | math_ops.py | 117 def linspace_nd(start, stop, num, name=None, axis=0): argument 259 name=None, argument 269 def argmax_v2(input, axis=None, output_type=dtypes.int64, name=None): argument 313 name=None, argument 323 def argmin_v2(input, axis=None, output_type=dtypes.int64, name=None): argument 367 def abs(x, name=None): # pylint: disable=redefined-builtin argument 415 def _bucketize(input, boundaries, name=None): argument 425 def __init__(self, x, name): argument 448 def divide(x, y, name=None): argument 483 def multiply(x, y, name=None): argument [all …]
|
| D | check_ops.py | 275 def _make_assert_msg_data(sym, x, y, summarize, test_op): argument 355 def _binary_assert(sym, opname, op_func, static_func, x, y, data, summarize, argument 464 def assert_negative_v2(x, message=None, summarize=None, name=None): argument 499 def assert_negative(x, data=None, summarize=None, message=None, name=None): # pylint: disable=miss… argument 518 def assert_positive_v2(x, message=None, summarize=None, name=None): argument 553 def assert_positive(x, data=None, summarize=None, message=None, name=None): # pylint: disable=miss… argument 571 def assert_non_negative_v2(x, message=None, summarize=None, name=None): argument 608 def assert_non_negative(x, data=None, summarize=None, message=None, name=None): # pylint: disable=… argument 627 def assert_non_positive_v2(x, message=None, summarize=None, name=None): argument 664 def assert_non_positive(x, data=None, summarize=None, message=None, name=None): # pylint: disable=… argument [all …]
|
| D | nn_impl.py | 46 def log_poisson_loss(targets, log_input, compute_full_loss=False, name=None): argument 112 def sigmoid_cross_entropy_with_logits( # pylint: disable=invalid-name argument 156 def sigmoid_cross_entropy_with_logits_v2( # pylint: disable=invalid-name argument 255 name=None): argument 350 name=None, argument 516 def relu_layer(x, weights, biases, name=None): argument 593 def normalize(tensor, ord="euclidean", axis=None, name=None): argument 648 def l2_normalize(x, axis=None, epsilon=1e-12, name=None, dim=None): argument 726 def zero_fraction(value, name=None): argument 774 name=None, argument [all …]
|
| /external/tensorflow/tensorflow/python/ops/distributions/ |
| D | util.py | 36 def assert_integer_form(x, argument 41 name="assert_integer_form"): argument 87 x, name="embed_check_nonnegative_integer_form"): argument 135 def maybe_get_static_value(x, dtype=None): argument 164 name="get_logits_and_probs", argument 299 categorical_param, name="embed_check_categorical_event_shape"): argument 393 def embed_check_integer_casting_closed(x, argument 396 name="embed_check_casting_closed"): argument 484 def log_combinations(n, counts, name="log_combinations"): argument 518 def matrix_diag_transform(matrix, transform=None, name=None): argument [all …]
|
| D | special_math.py | 107 def ndtr(x, name="ndtr"): argument 142 def _ndtr(x): argument 155 def ndtri(p, name="ndtri"): argument 278 def log_ndtr(x, series_order=3, name="log_ndtr"): argument 370 def _log_ndtr_lower(x, series_order): argument 378 def _log_ndtr_asymptotic_series(x, series_order): argument 397 def erfinv(x, name="erfinv"): argument 425 def log_cdf_laplace(x, name="log_cdf_laplace"): argument
|
| D | bijector_impl.py | 44 def __new__(cls, x=None, y=None, ildj_map=None, kwargs=None): argument 72 def merge(self, x=None, y=None, ildj_map=None, kwargs=None, mapping=None): argument 124 def _deep_tuple(self, x): argument 495 name=None): argument 575 def camel_to_snake(name): argument 638 def name(self): member in Bijector 649 name="forward_event_shape_tensor"): argument 693 name="inverse_event_shape_tensor"): argument 730 def _forward(self, x): argument 734 def _call_forward(self, x, name, **kwargs): argument [all …]
|
| /external/libevent/WIN32-Code/ |
| D | tree.h | 57 #define SPLAY_HEAD(name, type) \ argument 114 #define SPLAY_PROTOTYPE(name, type, field, cmp) \ argument 156 #define SPLAY_GENERATE(name, type, field, cmp) \ argument 276 #define SPLAY_INSERT(name, x, y) name##_SPLAY_INSERT(x, y) argument 277 #define SPLAY_REMOVE(name, x, y) name##_SPLAY_REMOVE(x, y) argument 278 #define SPLAY_FIND(name, x, y) name##_SPLAY_FIND(x, y) argument 279 #define SPLAY_NEXT(name, x, y) name##_SPLAY_NEXT(x, y) argument 280 #define SPLAY_MIN(name, x) (SPLAY_EMPTY(x) ? NULL \ argument 282 #define SPLAY_MAX(name, x) (SPLAY_EMPTY(x) ? NULL \ argument 285 #define SPLAY_FOREACH(x, name, head) \ argument [all …]
|
| /external/lzma/CPP/7zip/Common/ |
| D | RegisterCodec.h | 25 #define REGISTER_CODEC_CREATE_2(name, cls, i) static void *name() { return (void *)(i *)(new cls); } argument 26 #define REGISTER_CODEC_CREATE(name, cls) REGISTER_CODEC_CREATE_2(name, cls, ICompressCoder) argument 28 #define REGISTER_CODEC_NAME(x) CRegisterCodec ## x argument 31 #define REGISTER_CODEC(x) struct REGISTER_CODEC_NAME(x) { \ argument 36 #define REGISTER_CODECS_NAME(x) CRegisterCodecs ## x argument 39 #define REGISTER_CODECS(x) struct REGISTER_CODECS_NAME(x) { \ argument 45 #define REGISTER_CODEC_2(x, crDec, crEnc, id, name) \ argument 52 #define REGISTER_CODEC_E(x, clsDec, clsEnc, id, name) \ argument 56 #define REGISTER_CODEC_E(x, clsDec, clsEnc, id, name) \ argument 64 #define REGISTER_FILTER_CREATE(name, cls) REGISTER_CODEC_CREATE_2(name, cls, ICompressFilter) argument [all …]
|
| /external/tensorflow/tensorflow/python/util/ |
| D | dispatch_test.py | 55 def test_op(x, y, z): argument 67 def __init__(self, name, args=None, kwargs=None): argument 111 def _flatten_with_slice_flattening(self, x): argument 143 def custom_atan2(y, x, name=None): # pylint: disable=unused-variable argument 176 def override_for_test_op(x, y, z): # pylint: disable=unused-variable argument 205 def some_op(x, y): argument 211 def override_for_some_op(x, y): # pylint: disable=unused-variable argument 219 def some_op(x): argument 355 def masked_add(x, y, name=None): argument 373 def masked_add(x, y): argument [all …]
|
| /external/libopus/celt/x86/ |
| D | x86cpu.h | 32 # define MAY_HAVE_SSE(name) name ## _sse argument 34 # define MAY_HAVE_SSE(name) name ## _c argument 38 # define MAY_HAVE_SSE2(name) name ## _sse2 argument 40 # define MAY_HAVE_SSE2(name) name ## _c argument 44 # define MAY_HAVE_SSE4_1(name) name ## _sse4_1 argument 46 # define MAY_HAVE_SSE4_1(name) name ## _c argument 50 # define MAY_HAVE_AVX(name) name ## _avx argument 52 # define MAY_HAVE_AVX(name) name ## _c argument 63 #define OP_LOADU_EPI32(x) \ argument 67 #define OP_CVTEPI8_EPI32_M32(x) \ argument [all …]
|
| /external/scapy/scapy/contrib/ |
| D | ppi_geotag.py | 41 def i2h(self, pkt, x): argument 51 def h2i(self, pkt, x): argument 61 def i2m(self, pkt, x): argument 68 def i2repr(self,pkt,x): argument 75 def i2h(self, pkt, x): argument 85 def h2i(self, pkt, x): argument 95 def i2m(self, pkt, x): argument 101 def i2repr(self,pkt,x): argument 109 def i2h(self, pkt, x): argument 119 def h2i(self, pkt, x): argument [all …]
|
| D | eigrp.py | 63 def __init__(self, name, default, length=None, length_from=None): argument 69 def h2i(self, pkt, x): argument 72 def i2m(self, pkt, x): argument 85 def m2i(self, pkt, x): argument 109 def i2len(self, pkt, x): argument 131 def __init__(self, name, default, length=None, length_from=None): argument 137 def any2i(self, pkt, x): argument 140 def i2repr(self, pkt, x): argument 143 def h2i(self, pkt, x): argument 146 def i2m(self, pkt, x): argument [all …]
|
| D | send.py | 39 def __init__(self, name, default): argument 41 def h2i(self, pkt, x): argument 50 def i2m(self, pkt, x): argument 52 def m2i(self, pkt, x): argument 54 def any2i(self, pkt, x): argument 56 def i2repr(self, pkt, x): argument 60 name = "ICMPv6NDOptNonce" variable in ICMPv6NDOptNonce 66 name = "ICMPv6NDOptTmstp" variable in ICMPv6NDOptTmstp 73 name = "ICMPv6NDOptRsaSig" variable in ICMPv6NDOptRsaSig 81 name = "ICMPv6NDOptCGA" variable in ICMPv6NDOptCGA
|
| /external/tensorflow/tensorflow/c/experimental/ops/ |
| D | math_ops.cc | 37 Status Mul(AbstractContext* ctx, AbstractTensorHandle* const x, in Mul() 39 const char* name, const char* raw_device_name) { in Mul() 68 AbstractTensorHandle** output, const char* name, in Conj() 85 Status AddV2(AbstractContext* ctx, AbstractTensorHandle* const x, in AddV2() 87 const char* name, const char* raw_device_name) { in AddV2() 110 bool transpose_a, bool transpose_b, const char* name, in MatMul() 128 Status Neg(AbstractContext* ctx, AbstractTensorHandle* const x, in Neg() 129 AbstractTensorHandle** y, const char* name, in Neg() 149 AbstractTensorHandle** output, bool keep_dims, const char* name, in Sum() 167 Status Sub(AbstractContext* ctx, AbstractTensorHandle* const x, in Sub() [all …]
|
| /external/scapy/scapy/layers/ |
| D | inet6.py | 83 def get_cls(name, fallback_cls): argument 166 name = "ipv6" variable in Net6 234 def __init__(self, name, default): argument 236 def h2i(self, pkt, x): argument 245 def i2m(self, pkt, x): argument 247 def m2i(self, pkt, x): argument 249 def any2i(self, pkt, x): argument 251 def i2repr(self, pkt, x): argument 267 def __init__(self, name, dstname): argument 270 def i2m(self, pkt, x): argument [all …]
|
| D | dhcp6.py | 41 def get_cls(name, fallback_cls): argument 219 name = "DUID - Link-layer address plus time" variable in DUID_LLT 241 name = "DUID - Assigned by Vendor Based on Enterprise Number" variable in DUID_EN 247 name = "DUID - Based on Link-layer Address" variable in DUID_LL 253 name = "DUID - Based on UUID" variable in DUID_UUID 275 name = "Unknown DHCPv6 Option" variable in DHCP6OptUnknown 283 def __init__(self, name, default, length_from=None): argument 290 def m2i(self, pkt, x): argument 303 name = "DHCP6 Client Identifier Option" variable in DHCP6OptClientId 311 name = "DHCP6 Server Identifier Option" variable in DHCP6OptServerId [all …]
|
| D | dns.py | 35 def h2i(self, pkt, x): argument 40 def i2m(self, pkt, x): argument 77 def __init__(self, name, default, rr): argument 88 def i2m(self, pkt, x): argument 92 def i2h(self, pkt, x): argument 133 def __init__(self, name, countfld, passon=1): argument 137 def i2m(self, pkt, x): argument 141 def decodeRR(self, name, s, p): argument 183 def decodeRR(self, name, s, p): argument 251 def __init__(self, name): argument [all …]
|
| /external/openscreen/tools/cddl/ |
| D | codegen.cc | 21 std::string ToUnderscoreId(const std::string& x) { in ToUnderscoreId() 32 std::string ToCamelCase(const std::string& x) { in ToCamelCase() 90 for (const auto& x : parent.enum_type.members) { in WriteEnumEqualityOperatorSwitchCases() local 108 std::string name = ToCamelCase(type.name); in WriteEnumEqualityOperator() local 141 std::string name) { in WriteEnumStreamOperatorSwitchCases() 142 for (const auto& x : type.enum_type.members) { in WriteEnumStreamOperatorSwitchCases() local 156 std::string name = ToCamelCase(type.name); in WriteEnumOperators() local 181 const std::string name = name_prefix + ToCamelCase(type.name); in WriteDiscriminatedUnionEqualityOperator() local 215 const std::string name = name_prefix + ToCamelCase(type.name); in WriteStructEqualityOperator() local 224 auto name = ToUnderscoreId(type.struct_type.members[i].name); in WriteStructEqualityOperator() local [all …]
|
| /external/cronet/base/ |
| D | thread_annotations.h | 44 #define THREAD_ANNOTATION_ATTRIBUTE__(x) __attribute__((x)) argument 46 #define THREAD_ANNOTATION_ATTRIBUTE__(x) // no-op argument 59 #define GUARDED_BY(x) THREAD_ANNOTATION_ATTRIBUTE__(guarded_by(x)) argument 78 #define PT_GUARDED_BY(x) THREAD_ANNOTATION_ATTRIBUTE__(pt_guarded_by(x)) argument 130 #define LOCK_RETURNED(x) THREAD_ANNOTATION_ATTRIBUTE__(lock_returned(x)) argument 206 #define TS_UNCHECKED(x) "" argument 211 #define TS_FIXME(x) "" argument 223 #define GUARDED_BY_FIXME(x) argument 228 #define TS_UNCHECKED_READ(x) thread_safety_analysis::ts_unchecked_read(x) argument 251 #define GUARDED_BY_CONTEXT(name) GUARDED_BY(name) argument [all …]
|
| /external/cronet/base/allocator/partition_allocator/partition_alloc_base/ |
| D | thread_annotations.h | 44 #define PA_THREAD_ANNOTATION_ATTRIBUTE__(x) __attribute__((x)) argument 46 #define PA_THREAD_ANNOTATION_ATTRIBUTE__(x) // no-op argument 59 #define PA_GUARDED_BY(x) PA_THREAD_ANNOTATION_ATTRIBUTE__(guarded_by(x)) argument 78 #define PA_PT_GUARDED_BY(x) PA_THREAD_ANNOTATION_ATTRIBUTE__(pt_guarded_by(x)) argument 130 #define PA_LOCK_RETURNED(x) PA_THREAD_ANNOTATION_ATTRIBUTE__(lock_returned(x)) argument 206 #define PA_TS_UNCHECKED(x) "" argument 211 #define PA_TS_FIXME(x) "" argument 223 #define PA_GUARDED_BY_FIXME(x) argument 228 #define PA_TS_UNCHECKED_READ(x) \ argument 252 #define PA_GUARDED_BY_CONTEXT(name) PA_GUARDED_BY(name) argument [all …]
|
| /external/scapy/scapy/ |
| D | fields.py | 36 def __init__(self, name, default, fmt="H"): argument 49 def i2len(self, pkt, x): argument 52 def i2count(self, pkt, x): argument 56 def h2i(self, pkt, x): argument 59 def i2h(self, pkt, x): argument 62 def m2i(self, pkt, x): argument 65 def i2m(self, pkt, x): argument 72 def any2i(self, pkt, x): argument 75 def i2repr(self, pkt, x): argument 84 def do_copy(self, x): argument [all …]
|
| /external/tensorflow/tensorflow/python/ops/linalg/ |
| D | linear_operator_util.py | 36 def convert_nonref_to_tensor(value, dtype=None, dtype_hint=None, name=None): argument 144 def is_ref(x): argument 165 def assert_not_ref_type(x, arg_name): argument 177 x, message=None, name="assert_no_entries_with_modulus_zero"): argument 196 def assert_zero_imag_part(x, message=None, name="assert_zero_imag_part"): argument 218 def assert_compatible_matrix_dimensions(operator, x): argument 254 def shape_tensor(shape, name=None): argument 270 def broadcast_matrix_batch_dims(batch_matrices, name=None): argument 363 def matrix_solve_with_broadcast(matrix, rhs, adjoint=False, name=None): argument 390 def identity(x): argument
|
| /external/dynamic_depth/internal/base/ |
| D | port.h | 162 #define bswap_16(x) _byteswap_ushort(x) argument 163 #define bswap_32(x) _byteswap_ulong(x) argument 164 #define bswap_64(x) _byteswap_uint64(x) argument 169 #define bswap_16(x) OSSwapInt16(x) argument 170 #define bswap_32(x) OSSwapInt32(x) argument 171 #define bswap_64(x) OSSwapInt64(x) argument 178 static inline uint16 bswap_16(uint16 x) { in bswap_16() 181 #define bswap_16(x) bswap_16(x) argument 182 static inline uint32 bswap_32(uint32 x) { in bswap_32() 186 #define bswap_32(x) bswap_32(x) argument [all …]
|