/external/pandora/mmi2grpc/mmi2grpc/ |
D | a2dp.py | 60 self, test: str, pts_addr: bytes, **kwargs): 96 def TSC_AVDTP_mmi_iut_initiate_discover(self, **kwargs): 109 def TSC_AVDTP_mmi_iut_initiate_start(self, test: str, **kwargs): 126 def TSC_AVDTP_mmi_iut_initiate_suspend(self, test: str, **kwargs): 138 def TSC_AVDTP_mmi_iut_initiate_close_stream(self, test: str, **kwargs): 156 self, pts_addr: bytes, **kwargs): 174 def TSC_AVDTP_mmi_iut_begin_streaming(self, test: str, **kwargs): 199 def TSC_AVDTP_mmi_iut_initiate_media(self, **kwargs): 208 def TSC_AVDTP_mmi_iut_initiate_stream_media(self, **kwargs): 223 def TSC_AVDTP_mmi_user_verify_media_playback(self, **kwargs): [all …]
|
/external/rust/android-crates-io/crates/grpcio-sys/grpc/third_party/upb/cmake/ |
D | make_cmakelists.py | 52 def _add_deps(self, kwargs, keyword=""): argument 64 def cc_library(self, **kwargs): 100 def cc_binary(self, **kwargs): 103 def cc_test(self, **kwargs): 128 def cc_fuzz_test(self, **kwargs): 131 def pkg_files(self, **kwargs): 134 def py_library(self, **kwargs): 137 def py_binary(self, **kwargs): 140 def lua_proto_library(self, **kwargs): 143 def sh_test(self, **kwargs): [all …]
|
/external/grpc-grpc/third_party/upb/upb/cmake/ |
D | make_cmakelists.py | 70 def _add_deps(self, kwargs, keyword=""): argument 82 def cc_library(self, **kwargs): 123 def cc_binary(self, **kwargs): 126 def cc_test(self, **kwargs): 151 def cc_fuzz_test(self, **kwargs): 154 def pkg_files(self, **kwargs): 157 def py_library(self, **kwargs): 160 def py_binary(self, **kwargs): 163 def lua_proto_library(self, **kwargs): 166 def sh_test(self, **kwargs): [all …]
|
/external/pytorch/torch/nested/_internal/ |
D | ops.py | 67 def check_schema(schema_str: str, func, *args, **kwargs) -> None: 187 def inner(*args, **kwargs): 203 def lookup_jagged(func, *args, **kwargs) -> Optional[Callable]: 242 def jagged_unary_pointwise(func, *args, **kwargs): 251 def jagged_binary_pointwise(func, *args, **kwargs): 311 def jagged_torch_function(func, *args, **kwargs): 364 def tensor_attr_supported_getter(func, *args, **kwargs): 387 def prim_layout_default(func, *args, **kwargs): 395 def tensor_attr_unsupported_getter(func, *args, **kwargs): 404 def is_contiguous_general(func, *args, **kwargs): [all …]
|
/external/pytorch/torch/masked/maskedtensor/ |
D | _ops_refs.py | 34 def _check_args_kwargs_length( argument 199 def _general_function_reductions(func, *args, **kwargs): 204 def _function_where(func, *args, **kwargs): 212 def _function_contiguous(func, *args, **kwargs): 217 def _function_to_dense(func, *args, **kwargs): 222 def _function_to_sparse(func, *args, **kwargs): 227 def _function_to_sparse_csr(func, *args, **kwargs): 254 def _general_reduction(func, *args, **kwargs): 259 def _general_passthrough(func, *args, **kwargs): 264 def _general_unary(func, *args, **kwargs): [all …]
|
/external/pytorch/torch/testing/_internal/ |
D | common_methods_invocations.py | 164 def sample_inputs_slice(op_info, device, dtype, requires_grad, **kwargs): 178 def sample_inputs_tensor_split(op_info, device, dtype, requires_grad, **kwargs): 202 def sample_inputs_hsplit(op_info, device, dtype, requires_grad, **kwargs): 208 def sample_inputs_vsplit(op_info, device, dtype, requires_grad, **kwargs): 214 def sample_inputs_dsplit(op_info, device, dtype, requires_grad, **kwargs): 220 def error_inputs_hsplit(op_info, device, **kwargs): 237 def error_inputs_vsplit(op_info, device, **kwargs): 254 def error_inputs_dsplit(op_info, device, **kwargs): 266 def sample_inputs_as_strided(op_info, device, dtype, requires_grad, **kwargs): 283 def sample_inputs_as_strided_partial_views(op_info, device, dtype, requires_grad, **kwargs): [all …]
|
D | common_modules.py | 128 def test_wrapper(*args, **kwargs): 156 def __init__(self, *args, **kwargs): 174 def copy_reference_fn(m, *args, **kwargs): 268 def module_inputs_torch_nn_Linear(module_info, device, dtype, requires_grad, training, **kwargs): 288 def module_inputs_torch_nn_Bilinear(module_info, device, dtype, requires_grad, training, **kwargs): 317 def module_inputs_torch_nn_KLDivLoss(module_info, device, dtype, requires_grad, training, **kwargs): 354 def module_inputs_torch_nn_NLLLoss(module_info, device, dtype, requires_grad, training, **kwargs): 421 …ule_inputs_torch_nn_GaussianNLLLoss(module_info, device, dtype, requires_grad, training, **kwargs): 446 …dule_inputs_torch_nn_PoissonNLLLoss(module_info, device, dtype, requires_grad, training, **kwargs): 494 def module_inputs_torch_nn_MSELoss(module_info, device, dtype, requires_grad, training, **kwargs): [all …]
|
D | jit_metaprogramming_utils.py | 333 def get_call(method_name, func_type, args, kwargs): argument 384 def gen_script_fn_and_args(method_name, func_type, *args, **kwargs): 396 def script_fn(*args, **kwargs): 419 def __init__(self, args, kwargs): argument 445 def partial_apply_nontensors(fn, args, kwargs): argument 458 def traced_fn(*inputs, **kwargs): 590 def create_script_module(self, nn_module, constructor_args, *args, **kwargs): 591 def script_module(*args, **kwargs): 627 def check_alias_annotation(method_name, args, kwargs, *, aten_name, func_type='method'): argument 637 def get_nn_module_name_from_kwargs(**kwargs): [all …]
|
/external/pytorch/torch/testing/_internal/opinfo/definitions/ |
D | linalg.py | 62 def sample_kwargs_vector_norm(t, **kwargs): 81 def sample_inputs_svd(op_info, device, dtype, requires_grad=False, **kwargs): 126 def sample_inputs_cross(op_info, device, dtype, requires_grad, **kwargs): 137 def error_inputs_cross(op_info, device, **kwargs): 159 def sample_inputs_householder_product(op_info, device, dtype, requires_grad, **kwargs): 191 def sample_inputs_linalg_det_singular(op_info, device, dtype, requires_grad, **kwargs): 222 def sample_inputs_linalg_matrix_power(op_info, device, dtype, requires_grad, **kwargs): 246 op_info, device, dtype, requires_grad, **kwargs 272 def sample_inputs_lu_solve(op_info, device, dtype, requires_grad=False, **kwargs): 313 def sample_inputs_linalg_multi_dot(op_info, device, dtype, requires_grad, **kwargs): [all …]
|
D | signal.py | 25 def sample_inputs_window(op_info, device, dtype, requires_grad, *args, **kwargs): 45 def reference_inputs_window(op_info, device, dtype, requires_grad, *args, **kwargs): 64 op_info, device, dtype, requires_grad, **kwargs 83 def reference_inputs_gaussian_window(op_info, device, dtype, requires_grad, **kwargs): 100 def reference_inputs_kaiser_window(op_info, device, dtype, requires_grad, **kwargs): 118 op_info, device, dtype, requires_grad, **kwargs 137 op_info, device, dtype, requires_grad, **kwargs 155 def error_inputs_window(op_info, device, *args, **kwargs): 199 def error_inputs_exponential_window(op_info, device, **kwargs): 218 def error_inputs_gaussian_window(op_info, device, **kwargs): [all …]
|
D | _masked.py | 43 **kwargs, 68 def _generate_masked_op_mask(input_shape, device, **kwargs): 91 def sample_inputs_masked_reduction(op_info, device, dtype, requires_grad, **kwargs): 132 op_info, device, dtype, requires_grad, **kwargs 166 op_info, device, dtype, requires_grad, **kwargs 221 def sample_inputs_masked_norm(op_info, device, dtype, requires_grad, **kwargs): 249 **kwargs, 265 def sample_inputs_masked_std_var(op_info, device, dtype, requires_grad, **kwargs): 335 op_info, device, dtype, requires_grad, with_dtype=False, **kwargs 358 def sample_inputs_masked_cumops(op_info, device, dtype, requires_grad, **kwargs): [all …]
|
D | sparse.py | 59 **kwargs, 77 maybe_failing_sample_inputs, validate_sample_input, op_info, *args, **kwargs 96 def wrapper(op_info, device, dtype, requires_grad, layout, **kwargs): 121 op_info, device, dtype, requires_grad, layout, blocksize=None, **kwargs 371 op_info, device, dtype, requires_grad, layout, **kwargs 466 op_info, device, dtype, requires_grad, layout, **kwargs 482 def error_inputs_sparse_reduction_sum(op_info, device, layout, **kwargs): 499 op_info, device, dtype, requires_grad, layout, **kwargs 507 def _to_sparse(tensor, **kwargs): 656 op_info, device, dtype, requires_grad, layout, **kwargs [all …]
|
/external/openthread/tests/scripts/thread-cert/pktverify/ |
D | packet_filter.py | 169 def filter_if(self, cond: bool, *args, **kwargs) -> 'PacketFilter': 356 def filter_mle_advertisement(self, role: str, **kwargs): 371 def filter_coap(self, **kwargs): 380 def filter_coap_request(self, uri_path, port=None, confirmable=None, **kwargs): 396 def filter_coap_ack(self, uri_path, port=None, **kwargs): 431 def filter_wpan(self, **kwargs): 440 def filter_wpan_ack(self, **kwargs): 449 def filter_wpan_beacon(self, **kwargs): 458 def filter_wpan_data(self, **kwargs): 467 def filter_wpan_seq(self, seq, **kwargs): [all …]
|
/external/pytorch/torch/distributed/_shard/sharded_tensor/_ops/ |
D | tensor_ops.py | 42 def tensor_device(types, args=(), kwargs=None, pg=None): argument 58 def st_is_meta(types, args=(), kwargs=None, pg=None): argument 62 def sharded_type_as_check(*args, **kwargs): 77 def same_dtype(*args, **kwargs): 88 def sharded_type_as(args, kwargs, pg): argument 118 def sharded_deepcopy(args, kwargs, pg): argument 137 def sharded_inplace_copy(types, args, kwargs, pg): argument 154 def sharded_clone(args, kwargs, pg): argument 176 def sharded_detach(args, kwargs, pg): argument 197 def tensor_requires_grad_set(types, args=(), kwargs=None, pg=None): argument
|
/external/google-fruit/extras/benchmark/ |
D | run_benchmarks.py | 343 def __init__(self, **kwargs): 354 def __init__(self, **kwargs): 365 def __init__(self, **kwargs): 376 def __init__(self, **kwargs): 387 def __init__(self, **kwargs): 399 def __init__(self, **kwargs): 411 def __init__(self, **kwargs): 417 def __init__(self, fruit_sources_dir, **kwargs): 424 def __init__(self, fruit_sources_dir, **kwargs): 431 def __init__(self, fruit_sources_dir, **kwargs): [all …]
|
/external/python/jinja/src/jinja2/ |
D | idtracking.py | 36 def analyze_node(self, node, **kwargs): 154 def _simple_visit(self, node, **kwargs): 166 def visit_AssignBlock(self, node, **kwargs): 170 def visit_CallBlock(self, node, **kwargs): 174 def visit_OverlayScope(self, node, **kwargs): 178 def visit_For(self, node, for_branch="body", **kwargs): 194 def visit_With(self, node, **kwargs): 200 def generic_visit(self, node, *args, **kwargs): 212 def visit_Name(self, node, store_as_param=False, **kwargs): 221 def visit_NSRef(self, node, **kwargs): [all …]
|
/external/libchrome/third_party/jinja2/ |
D | idtracking.py | 39 def analyze_node(self, node, **kwargs): 156 def _simple_visit(self, node, **kwargs): 164 def visit_AssignBlock(self, node, **kwargs): 168 def visit_CallBlock(self, node, **kwargs): 172 def visit_OverlayScope(self, node, **kwargs): 176 def visit_For(self, node, for_branch='body', **kwargs): 192 def visit_With(self, node, **kwargs): 198 def generic_visit(self, node, *args, **kwargs): 209 def visit_Name(self, node, store_as_param=False, **kwargs): 218 def visit_NSRef(self, node, **kwargs): [all …]
|
/external/pytorch/torch/_prims/ |
D | rng_prims.py | 135 def get_device(args, kwargs): argument 159 def __call__(self, op, *args, **kwargs): 169 def impl_cuda(op, *args, **kwargs): 173 def impl_cpu(op, *args, **kwargs): 177 def impl_hpu(op, *args, **kwargs): 183 def impl_xpu(op, *args, **kwargs): 187 def impl_backend_select(op, *args, **kwargs): 200 def impl_fake_tensor_mode(mode, op, *args, **kwargs): 206 def impl_proxy_dispatch_mode(mode, op, *args, **kwargs): 223 def __call__(self, rng_state, op, *args, **kwargs): [all …]
|
/external/pytorch/torch/sparse/ |
D | _semi_structured_ops.py | 29 def fallback_dispatcher(func, types, args, kwargs): argument 34 def semi_sparse_values(func, types, args=(), kwargs=None) -> torch.Tensor: argument 47 def semi_sparse_indices(func, types, args=(), kwargs=None) -> torch.Tensor: argument 61 def semi_sparse_t(func, types, args=(), kwargs=None) -> torch.Tensor: argument 83 def semi_sparse_view(func, types, args=(), kwargs=None) -> torch.Tensor: argument 93 def semi_sparse_detach(func, types, args, kwargs) -> torch.Tensor: argument 107 def semi_sparse_mm(func, types, args=(), kwargs=None) -> torch.Tensor: argument 128 def semi_sparse_addmm(func, types, args=(), kwargs=None) -> torch.Tensor: argument 151 def semi_sparse_linear(func, types, args=(), kwargs=None) -> torch.Tensor: argument
|
/external/google-cloud-java/owl-bot-postprocessor/synthtool/gcp/ |
D | common.py | 52 def _generic_library(self, directory: str, relative_dir=None, **kwargs) -> Path: 79 def py_samples(self, **kwargs) -> List[Path]: 209 def python_notebooks(self, **kwargs) -> Path: 215 def py_mono_repo_library(self, relative_dir, **kwargs) -> Path: 241 def py_library(self, **kwargs) -> Path: 324 def java_library(self, **kwargs) -> Path: 330 def node_library(self, **kwargs) -> Path: 356 def node_mono_repo_library(self, relative_dir, **kwargs) -> Path: 386 def php_library(self, **kwargs) -> Path: 389 def ruby_library(self, **kwargs) -> Path: [all …]
|
/external/google-cloud-java/owl-bot-postprocessor/synthtool/ |
D | log.py | 31 def success(self, msg, *args, **kwargs): 84 def success(*args, **kwargs): 88 def debug(*args, **kwargs): 92 def info(*args, **kwargs): 96 def warning(*args, **kwargs): 100 def error(*args, **kwargs): 104 def exception(*args, **kwargs): 108 def critical(*args, **kwargs):
|
/external/tensorflow/tensorflow/python/keras/ |
D | keras_parameterized.py | 142 def decorated(self, saved_format, *args, **kwargs): 157 def _test_h5_saved_model_format(f, test_or_class, *args, **kwargs): 162 def _test_tf_saved_model_format(f, test_or_class, *args, **kwargs): 167 def _test_tf_saved_model_format_no_traces(f, test_or_class, *args, **kwargs): 282 def decorated(self, model_type, *args, **kwargs): 297 def _test_functional_model_type(f, test_or_class, *args, **kwargs): 302 def _test_subclass_model_type(f, test_or_class, *args, **kwargs): 307 def _test_sequential_model_type(f, test_or_class, *args, **kwargs): 316 **kwargs): 400 def decorated(self, run_mode, *args, **kwargs): [all …]
|
/external/ruy/cmake/ |
D | bazel_to_cmake.py | 145 def package(**kwargs): 167 def config_setting(**kwargs): 174 def filegroup(**kwargs): 178 def config_setting_group(**kwargs): 183 def bzl_library(**kwargs): 213 def generic_rule(rule_name, **kwargs): 248 def cc_library(**kwargs): 252 def cc_test(**kwargs): 256 def cc_binary(**kwargs):
|
/external/tensorflow/tensorflow/python/trackable/ |
D | base_delegate.py | 94 def _no_dependency(self, *args, **kwargs): 97 def _name_based_attribute_restore(self, *args, **kwargs): 108 def _lookup_dependency(self, *args, **kwargs): 111 def _add_variable_with_custom_getter(self, *args, **kwargs): 114 def _preload_simple_restoration(self, *args, **kwargs): 117 def _track_trackable(self, *args, **kwargs): # pylint: disable=redefined-outer-name 123 def _gather_saveables_for_checkpoint(self, *args, **kwargs): 126 def _trackable_children(self, *args, **kwargs): 129 def _deserialization_dependencies(self, *args, **kwargs): 132 def _export_to_saved_model_graph(self, *args, **kwargs):
|
/external/fonttools/Lib/fontTools/varLib/ |
D | plot.py | 25 def _plotLocationsDots(locations, axes, subplot, **kwargs): 42 def plotLocations(locations, fig, names=None, **kwargs): 62 def _plotLocations2D(model, axis, fig, cols, rows, names, **kwargs): 83 def _plotLocations3D(model, axes, fig, rows, cols, names, **kwargs): 119 def plotDocument(doc, fig, **kwargs): 126 def _plotModelFromMasters2D(model, masterValues, fig, **kwargs): 147 def _plotModelFromMasters3D(model, masterValues, fig, **kwargs): 176 def plotModelFromMasters(model, masterValues, fig, **kwargs):
|