/external/pytorch/test/ |
D | test_view_ops.py | 39 def _generate_input(shape, dtype, device, with_extremal): argument 81 def _convert_t(dtype, device): argument 92 def _make_tensor(shape, dtype, device, fill_ones=False) -> torch.Tensor: argument 149 def test_conj_self(self, device, dtype): argument 157 def test_view_dtype_new(self, device, dtype): argument 271 def test_view_dtype_upsize_errors(self, device, dtype): argument 306 def test_view_as_complex(self, device): argument 372 def test_view_as_real(self, device, dtype): argument 398 def test_view_tensor_split(self, device, dtype): argument 409 def test_view_tensor_hsplit(self, device, dtype): argument [all …]
|
D | test_indexing.py | 35 def test_index(self, device): argument 182 def test_advancedindex(self, device, dtype): argument 798 def test_advancedindex_big(self, device): argument 806 def test_set_item_to_scalar_tensor(self, device): argument 816 def test_single_int(self, device): argument 820 def test_multiple_int(self, device): argument 825 def test_none(self, device): argument 832 def test_step(self, device): argument 840 def test_step_assignment(self, device): argument 846 def test_bool_indices(self, device): argument [all …]
|
D | test_tensor_creation_ops.py | 35 def _generate_input(shape, dtype, device, with_extremal): argument 86 def test_diag_embed(self, device, dtype): argument 96 def test_cat_mem_overlap(self, device): argument 103 def test_vander(self, device): argument 118 def test_vander_types(self, device, dtype): argument 150 def test_cat_all_dtypes_and_devices(self, device): argument 160 def test_fill_all_dtypes_and_devices(self, device): argument 172 def test_roll(self, device): argument 235 def test_diagflat(self, device): argument 267 def test_block_diag(self, device): argument [all …]
|
D | test_type_promotion.py | 50 def test_inplace(self, device): argument 79 def test_unsigned(self, device): argument 86 def test_int_promotion(self, device): argument 94 def test_float_promotion(self, device): argument 107 def test_complex_promotion(self, device): argument 208 def test_complex_scalar_mult_tensor_promotion(self, device): argument 216 def test_add_wrapped(self, device): argument 224 def test_int_to_float(self, device): argument 234 def test_from_issue(self, device): argument 251 def test_half(self, device): argument [all …]
|
D | test_binary_ufuncs.py | 194 def test_reference_numerics(self, device, dtype, op): argument 199 def test_reference_numerics_small_values(self, device, dtype, op): argument 222 def test_reference_numerics_large_values(self, device, dtype, op): argument 239 def test_reference_numerics_extremal_values(self, device, dtype, op): argument 253 def test_broadcasting(self, device, dtype, op): argument 263 def test_scalar_support(self, device, dtype, op): argument 274 def test_contig_vs_every_other(self, device, dtype, op): argument 296 def test_contig_vs_transposed(self, device, dtype, op): argument 318 def test_non_contig(self, device, dtype, op): argument 349 def test_non_contig_index(self, device, dtype, op): argument [all …]
|
D | test_numpy_interop.py | 29 def test_numpy_non_writeable(self, device): argument 35 def test_numpy_unresizable(self, device) -> None: argument 49 def test_to_numpy(self, device) -> None: argument 151 def test_to_numpy_bool(self, device) -> None: argument 168 def test_to_numpy_force_argument(self, device) -> None: argument 205 def test_from_numpy(self, device) -> None: argument 290 def test_from_list_of_ndarray_warning(self, device): argument 297 def test_ctor_with_invalid_numpy_array_sequence(self, device): argument 333 def test_ctor_with_numpy_scalar_ctor(self, device) -> None: argument 348 def test_numpy_index(self, device): argument [all …]
|
D | test_shape_ops.py | 39 def _generate_input(shape, dtype, device, with_extremal): argument 74 def test_unbind(self, device): argument 88 def test_tolist(self, device): argument 111 def test_movedim_invalid(self, device, dtype): argument 150 def test_movedim(self, device, dtype): argument 232 def test_diag(self, device, dtype): argument 243 def test_diagonal(self, device): argument 256 def test_diagonal_multidim(self, device, dtype): argument 274 def test_trace(self, device, dtype): argument 294 def generate_clamp_baseline(self, device, dtype, *, min_vals, max_vals, with_nans): argument [all …]
|
D | test_reductions.py | 31 def _generate_input(shape, dtype, device, with_extremal): argument 101 def _test_dim_keepdim(self, op: ReductionOpInfo, device, *, ndim, **dim_keepdim): argument 117 def test_dim_default(self, device, op: ReductionOpInfo): argument 123 def test_dim_default_keepdim(self, device, op: ReductionOpInfo): argument 129 def test_dim_none(self, device, op: ReductionOpInfo): argument 135 def test_dim_none_keepdim(self, device, op: ReductionOpInfo): argument 141 def test_dim_single(self, device, op: ReductionOpInfo): argument 149 def test_dim_single_keepdim(self, device, op: ReductionOpInfo): argument 157 def test_dim_empty(self, device, op: ReductionOpInfo): argument 163 def test_dim_empty_keepdim(self, device, op: ReductionOpInfo): argument [all …]
|
D | test_unary_ufuncs.py | 86 def test_float_domains(self, device, dtype, op): argument 273 def test_reference_numerics_normal(self, device, dtype, op): argument 281 def test_reference_numerics_small(self, device, dtype, op): argument 292 def test_reference_numerics_large(self, device, dtype, op): argument 306 def test_reference_numerics_extremal(self, device, dtype, op): argument 314 def test_contig_vs_every_other(self, device, dtype, op): argument 330 def test_contig_vs_transposed(self, device, dtype, op): argument 346 def test_non_contig(self, device, dtype, op): argument 362 def test_non_contig_index(self, device, dtype, op): argument 380 def test_non_contig_expand(self, device, dtype, op): argument [all …]
|
D | test_sort_and_select.py | 82 def test_sort(self, device): argument 181 def test_sort_large_slice(self, device): argument 198 def test_stable_sort(self, device, dtype): argument 215 def test_sort_large(self, device, dtype): argument 230 def test_sort_restride(self, device, dtype): argument 245 def _test_sort_discontiguous(self, device, dtype): argument 283 def test_sort_discontiguous(self, device, dtype): argument 289 def test_sort_discontiguous_slow(self, device, dtype): argument 293 def test_sort_1d_output_discontiguous(self, device, dtype): argument 305 def test_sort_1d_parallel(self, device, dtype): argument [all …]
|
D | test_nestedtensor.py | 97 def random_nt_noncontiguous_pair(ragged_sizes, device="cpu", dtype=torch.float16): argument 143 device, argument 187 dims, device=None, dtype=None, layout=torch.strided, requires_grad=False argument 852 def random_nt_pair(self, device, dtype, num_tensors, max_dims): argument 872 def test_detach(self, device, dtype): argument 900 def test_unbind_noncontiguous(self, device, dtype): argument 913 def test_to_then_from_padded_tensor_no_transform0213(self, device, dtype): argument 930 def test_layer_norm(self, device, dtype): argument 991 def test_layer_norm_breaking(self, device, dtype): argument 1018 def test_embedding(self, device, layout): argument [all …]
|
D | test_spectral_ops.py | 116 def skip_helper_for_fft(device, dtype): argument 134 def test_reference_1d(self, device, dtype, op): argument 179 def test_fft_round_trip(self, device, dtype): argument 236 def test_empty_fft(self, device, dtype, op): argument 244 def test_empty_ifft(self, device): argument 254 def test_fft_invalid_dtypes(self, device): argument 270 def test_fft_type_promotion(self, device, dtype): argument 322 def test_fft_half_and_bfloat16_errors(self, device, dtype, op): argument 338 def test_fft_half_and_chalf_not_power_of_two_error(self, device, dtype, op): argument 357 def test_reference_nd(self, device, dtype, op): argument [all …]
|
D | test_linalg.py | 88 def test_inner(self, device, dtype): argument 125 def test_outer(self, device, dtype): argument 161 def test_matrix_rank_removed_error(self, device): argument 166 def test_solve_removed_error(self, device): argument 174 def test_eig_removed_error(self, device): argument 181 def test_symeig_removed_error(self, device): argument 188 def test_lstsq_removed_error(self, device): argument 199 def test_linalg_lstsq(self, device, dtype): argument 349 def test_linalg_lstsq_batch_broadcasting(self, device, dtype): argument 388 def test_linalg_lstsq_input_checks(self, device, dtype): argument [all …]
|
D | test_torch.py | 127 def test_cuda_vitals_gpu_only(self, device): argument 147 def test_constants(self, device): argument 164 def test_bytes_to_scalar(self, device, dtype): argument 181 def test_storage(self, device, dtype): argument 211 def test_storage_setitem(self, device, dtype): argument 243 def test_tensor_storage_type(self, device, dtype): argument 253 def test_tensor_from_storage(self, device, dtype): argument 270 def test_set_storage(self, device, dtype): argument 308 def test_typed_storage_meta(self, device, dtype): argument 321 def test_untyped_storage_meta(self, device): argument [all …]
|
/external/robolectric/robolectric/src/test/java/org/robolectric/shadows/ |
D | ShadowBluetoothDeviceTest.java | 56 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetUuids() local 70 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in getUuids_setUuidsNotCalled_shouldReturnNull() local 77 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetBondState() local 88 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetCreatedBond() local 99 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetPin() local 110 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetPairingConfirmation() local 124 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetFetchUuidsWithSdpResult() local 134 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canSetAndGetBluetoothClass() local 147 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in canCreateAndRemoveBonds() local 160 BluetoothDevice device = BluetoothAdapter.getDefaultAdapter().getRemoteDevice(MOCK_MAC_ADDRESS); in getCorrectFetchUuidsWithSdpCount() local [all …]
|
/external/mtools/ |
D | device.h | 45 typedef struct device { struct 46 const char *name; /* full path to device */ argument 56 * mformatting partitioned devices */ argument 58 off_t offset; /* skip this many bytes */ 60 unsigned int partition; 62 unsigned int misc_flags; 87 } device_t; argument 89 extern struct device *devices; argument
|
/external/mesa3d/src/freedreno/vulkan/ |
D | tu_rmv.cc | 23 struct tu_device *device = queue->device; in capture_trace() local 35 tu_rmv_fill_device_info(struct tu_device *device, in tu_rmv_fill_device_info() 79 tu_memory_trace_init(struct tu_device *device) in tu_memory_trace_init() 93 tu_memory_trace_finish(struct tu_device *device) in tu_memory_trace_finish() 99 tu_rmv_get_resource_id_locked(struct tu_device *device, const void *resource) in tu_rmv_get_resource_id_locked() 105 tu_rmv_destroy_resource_id_locked(struct tu_device *device, in tu_rmv_destroy_resource_id_locked() 112 tu_rmv_emit_resource_bind_locked(struct tu_device *device, uint32_t resource_id, in tu_rmv_emit_resource_bind_locked() 126 tu_rmv_emit_cpu_map_locked(struct tu_device *device, uint64_t address, in tu_rmv_emit_cpu_map_locked() 138 tu_rmv_emit_page_table_update_locked(struct tu_device *device, struct tu_bo *bo, in tu_rmv_emit_page_table_update_locked() 158 tu_rmv_log_heap_create(struct tu_device *device, in tu_rmv_log_heap_create() [all …]
|
/external/mesa3d/src/intel/vulkan/ |
D | anv_rmv.c | 43 anv_memory_trace_init(struct anv_device *device) in anv_memory_trace_init() 57 fill_memory_info(const struct anv_physical_device *device, in fill_memory_info() 80 anv_rmv_fill_device_info(const struct anv_physical_device *device, in anv_rmv_fill_device_info() 102 anv_memory_trace_finish(struct anv_device *device) in anv_memory_trace_finish() 107 resource_id_locked(struct anv_device *device, const void *obj) in resource_id_locked() 113 resource_destroy_locked(struct anv_device *device, const void *obj) in resource_destroy_locked() 120 log_resource_bind_locked(struct anv_device *device, uint64_t resource_id, in log_resource_bind_locked() 135 log_state_pool_bind_locked(struct anv_device *device, uint64_t resource_id, in log_state_pool_bind_locked() 151 anv_heap_index_to_memory_location(struct anv_device *device, in anv_heap_index_to_memory_location() 165 anv_rmv_log_bo_gtt_unmap_locked(struct anv_device *device, in anv_rmv_log_bo_gtt_unmap_locked() [all …]
|
/external/chromium-trace/catapult/devil/devil/android/tools/ |
D | provision_devices.py | 150 def ProvisionDevice(device, steps, denylist, reboot_timeout=None): argument 183 def Wipe(device, adb_key_files=None): argument 198 def WipeChromeData(device): argument 243 def _UninstallIfMatch(device, pattern): argument 257 def _WipeUnderDirIfMatch(device, path, pattern): argument 263 def _WipeFileOrDir(device, path): argument 268 def WipeDevice(device, adb_key_files): argument 304 def _WriteAdbKeysFile(device, adb_keys_string): argument 318 def SetProperties(device, enable_java_debug, disable_location, argument 350 def DisableNetwork(device): argument [all …]
|
/external/coreboot/util/sconfig/ |
D | sconfig.h | 116 struct device { struct 120 /* non-zero if the device should be included in all cases */ argument 123 /* Subsystem IDs for the device. */ argument 125 int subsystem_device; argument 128 /* Name of this device. */ argument 131 /* Alias of this device (for internal references) */ argument 134 /* Path of this device. */ argument 139 /* Type of bus that exists under this device. */ argument 142 /* Pointer to bus of parent on which this device resides. */ argument 146 struct device *sibling; argument [all …]
|
/external/pytorch/test/xpu/ |
D | test_conv.py | 107 def test_Conv2d_large_workspace(self, device, dtype): argument 125 def test_ConvTranspose2d_large_output_padding(self, device, dtype): argument 142 def test_Conv2d_depthwise_naive_groups(self, device, dtype): argument 205 def test_Conv3d_depthwise_naive_groups(self, device, dtype): argument 268 def test_noncontig_conv_grad(self, device, dtype): argument 288 def test_conv_double_backward(self, device, dtype): argument 371 def test_conv1d_same_padding(self, device, dtype): argument 401 def test_conv3d_same_padding(self, device, dtype): argument 419 def test_conv1d_valid_padding(self, device, dtype): argument 427 def test_conv2d_valid_padding(self, device, dtype): argument [all …]
|
/external/pytorch/torch/testing/_internal/ |
D | common_methods_invocations.py | 164 def sample_inputs_slice(op_info, device, dtype, requires_grad, **kwargs): argument 178 def sample_inputs_tensor_split(op_info, device, dtype, requires_grad, **kwargs): argument 202 def sample_inputs_hsplit(op_info, device, dtype, requires_grad, **kwargs): argument 208 def sample_inputs_vsplit(op_info, device, dtype, requires_grad, **kwargs): argument 214 def sample_inputs_dsplit(op_info, device, dtype, requires_grad, **kwargs): argument 220 def error_inputs_hsplit(op_info, device, **kwargs): argument 237 def error_inputs_vsplit(op_info, device, **kwargs): argument 254 def error_inputs_dsplit(op_info, device, **kwargs): argument 266 def sample_inputs_as_strided(op_info, device, dtype, requires_grad, **kwargs): argument 283 def sample_inputs_as_strided_partial_views(op_info, device, dtype, requires_grad, **kwargs): argument [all …]
|
D | common_optimizers.py | 176 def get_decorators(self, test_class, test_name, device, dtype, param_kwargs): argument 244 def get_error_inputs_for_all_optims(device, dtype): argument 315 def optim_inputs_func_adadelta(device, dtype=None): argument 348 def optim_error_inputs_func_adadelta(device, dtype): argument 365 def optim_inputs_func_adafactor(device, dtype=None): argument 391 def optim_error_inputs_func_adafactor(device, dtype): argument 438 def optim_inputs_func_adagrad(device, dtype=None): argument 468 def optim_error_inputs_func_adagrad(device, dtype): argument 487 def optim_inputs_func_adam(device, dtype=None): argument 543 def optim_error_inputs_func_adam(device, dtype): argument [all …]
|
/external/tensorflow/tensorflow/c/experimental/stream_executor/ |
D | stream_executor_test_util.cc | 23 void Allocate(const SP_Device* const device, uint64_t size, in Allocate() 25 void Deallocate(const SP_Device* const device, SP_DeviceMemoryBase* const mem) { in Deallocate() 27 void* HostMemoryAllocate(const SP_Device* const device, uint64_t size) { in HostMemoryAllocate() 30 void HostMemoryDeallocate(const SP_Device* const device, void* mem) {} in HostMemoryDeallocate() 31 TF_Bool GetAllocatorStats(const SP_Device* const device, in GetAllocatorStats() 35 TF_Bool DeviceMemoryUsage(const SP_Device* const device, int64_t* const free, in DeviceMemoryUsage() 39 void CreateStream(const SP_Device* const device, SP_Stream* stream, in CreateStream() 43 void DestroyStream(const SP_Device* const device, SP_Stream stream) {} in DestroyStream() 44 void CreateStreamDependency(const SP_Device* const device, SP_Stream dependent, in CreateStreamDependency() 46 void GetStreamStatus(const SP_Device* const device, SP_Stream stream, in GetStreamStatus() [all …]
|
/external/vulkan-validation-layers/layers/generated/ |
D | vk_dispatch_table_helper.h | 36 static VKAPI_ATTR VkResult VKAPI_CALL StubBindBufferMemory2(VkDevice device, uint32_t bindInfoCount… in StubBindBufferMemory2() 37 static VKAPI_ATTR VkResult VKAPI_CALL StubBindImageMemory2(VkDevice device, uint32_t bindInfoCount,… in StubBindImageMemory2() 38 static VKAPI_ATTR void VKAPI_CALL StubGetDeviceGroupPeerMemoryFeatures(VkDevice device, uint32_t he… in StubGetDeviceGroupPeerMemoryFeatures() 41 static VKAPI_ATTR void VKAPI_CALL StubGetImageMemoryRequirements2(VkDevice device, const VkImageMem… in StubGetImageMemoryRequirements2() 42 static VKAPI_ATTR void VKAPI_CALL StubGetBufferMemoryRequirements2(VkDevice device, const VkBufferM… in StubGetBufferMemoryRequirements2() 43 static VKAPI_ATTR void VKAPI_CALL StubGetImageSparseMemoryRequirements2(VkDevice device, const VkIm… in StubGetImageSparseMemoryRequirements2() 44 static VKAPI_ATTR void VKAPI_CALL StubTrimCommandPool(VkDevice device, VkCommandPool commandPool, V… in StubTrimCommandPool() 45 static VKAPI_ATTR void VKAPI_CALL StubGetDeviceQueue2(VkDevice device, const VkDeviceQueueInfo2* pQ… in StubGetDeviceQueue2() 46 static VKAPI_ATTR VkResult VKAPI_CALL StubCreateSamplerYcbcrConversion(VkDevice device, const VkSam… in StubCreateSamplerYcbcrConversion() 47 static VKAPI_ATTR void VKAPI_CALL StubDestroySamplerYcbcrConversion(VkDevice device, VkSamplerYcbcr… in StubDestroySamplerYcbcrConversion() [all …]
|