Home
last modified time | relevance | path

Searched defs:device (Results 1 – 25 of 8350) sorted by relevance

12345678910>>...334

/aosp_15_r20/external/pytorch/test/
H A Dtest_tensor_creation_ops.py35 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 …]
H A Dtest_view_ops.py39 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 …]
H A Dtest_indexing.py35 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 …]
H A Dtest_binary_ufuncs.py194 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 …]
H A Dtest_reductions.py31 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 …]
H A Dtest_nestedtensor.py97 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 …]
H A Dtest_linalg.py88 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 …]
H A Dtest_torch.py127 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 …]
H A Dtest_type_promotion.py50 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 …]
H A Dtest_unary_ufuncs.py86 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 …]
H A Dtest_transformers.py189 def test_self_attn_TxT_attn_mask(self, device): argument
215 def test_train_with_pad_and_catch_error(self, device): argument
270 …def test_multiheadattention_fastpath_attn_mask(self, device, attn_mask_dim, key_padding_mask_dim, … argument
299 def test_transformerencoderlayer_src_mask(self, device, nhead): argument
322 …def test_transformerencoder_fastpath(self, device, use_torchscript, enable_nested_tensor, use_auto… argument
413 …f test_transformerencoder_square_input(self, with_no_grad, training, enable_nested_tensor, device): argument
458 def test_transformerencoder(self, batch_first, training, enable_nested_tensor, device): argument
762 def test_kpm_mask_trailing_column_with_nested_tensor(self, device): argument
783 def test_with_nested_tensor_input(self, device): argument
810 def test_script_encoder_subclass(self, device): argument
[all …]
H A Dtest_sparse.py192 def _gen_sparse(self, sparse_dim, nnz, with_size, dtype, device, coalesced): argument
226 def test_print_coalesced(self, device, dtype): argument
230 def test_print_uncoalesced(self, device, dtype): argument
233 def _test_print(self, device, dtype, coalesced): argument
288 def test_basic(self, device, dtype, coalesced): argument
324 def test_coalesce(self, device, dtype, coalesced): argument
372 def test_coalesce_reference_cycle(self, device, dtype): argument
398 def test_ctor_large_sizes(self, device, dtype): argument
412 def test_ctor_size_checks(self, device, dtype): argument
437 def test_ctor_is_coalesced_with_gradcheck(self, device, dtype, coalesced): argument
[all …]
H A Dtest_spectral_ops.py116 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 …]
/aosp_15_r20/external/pytorch/torch/testing/_internal/
H A Dcommon_methods_invocations.py164 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 …]
/aosp_15_r20/frameworks/base/packages/SystemUI/multivalentTests/src/com/android/systemui/statusbar/policy/
H A DCastDeviceTest.kt82 val device = in isCasting_disconnected_false() constant
95 val device = in isCasting_connecting_true() constant
108 val device = in isCasting_connected_true() constant
126 val device = route.toCastDevice(context) in routeToCastDevice_statusNone_stateDisconnected() constant
138 val device = route.toCastDevice(context) in routeToCastDevice_statusNotAvailable_stateDisconnected() constant
150 val device = route.toCastDevice(context) in routeToCastDevice_statusScanning_stateDisconnected() constant
163 val device = route.toCastDevice(context) in routeToCastDevice_statusAvailable_isSelectedFalse_stateDisconnected() constant
176 val device = route.toCastDevice(context) in routeToCastDevice_statusAvailable_isSelectedTrue_stateConnected() constant
189 val device = route.toCastDevice(context) in routeToCastDevice_statusInUse_isSelectedFalse_stateDisconnected() constant
202 val device = route.toCastDevice(context) in routeToCastDevice_statusInUse_isSelectedTrue_stateConnected() constant
[all …]
/aosp_15_r20/external/robolectric/robolectric/src/test/java/org/robolectric/shadows/
H A DShadowBluetoothDeviceTest.java56 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 …]
/aosp_15_r20/cts/hostsidetests/statsdatom/src/android/cts/statsdatom/lib/
H A DDeviceUtils.java83 public static @Nonnull TestRunResult runDeviceTests(ITestDevice device, String pkgName, in runDeviceTests()
101 public static @Nonnull TestRunResult runDeviceTests(ITestDevice device, String pkgName, in runDeviceTests()
108 private static @Nonnull TestRunResult internalRunDeviceTests(ITestDevice device, String pkgName, in internalRunDeviceTests()
160 public static @Nonnull TestRunResult runDeviceTestsOnStatsdApp(ITestDevice device, in runDeviceTestsOnStatsdApp()
169 public static void installStatsdTestApp(ITestDevice device, IBuildInfo ctsBuildInfo) in installStatsdTestApp()
177 public static void installTestApp(ITestDevice device, String apkName, String pkgName, in installTestApp()
190 private static void allowBackgroundServices(ITestDevice device, String pkgName) in allowBackgroundServices()
199 public static void uninstallStatsdTestApp(ITestDevice device) throws Exception { in uninstallStatsdTestApp()
206 public static void uninstallTestApp(ITestDevice device, String pkgName) throws Exception { in uninstallTestApp()
223 public static <T extends MessageLite> T getShellCommandOutput(@Nonnull ITestDevice device, in getShellCommandOutput()
[all …]
/aosp_15_r20/packages/modules/Bluetooth/android/app/src/com/android/bluetooth/hid/
DHidHostService.java190 private byte[] getIdentityAddress(BluetoothDevice device) { in getIdentityAddress()
198 private byte[] getByteAddress(BluetoothDevice device, int transport) { in getByteAddress()
235 private byte[] getByteAddress(BluetoothDevice device) { in getByteAddress()
245 private int getAddressType(BluetoothDevice device) { in getAddressType()
255 private int getTransport(BluetoothDevice device) { in getTransport()
270 private void setTransport(BluetoothDevice device, int transport) { in setTransport()
283 private InputDevice getOrCreateInputDevice(BluetoothDevice device) { in getOrCreateInputDevice()
294 private int getState(BluetoothDevice device, int transport) { in getState()
327 private boolean nativeConnect(BluetoothDevice device, int transport) { in nativeConnect()
355 BluetoothDevice device, int transport, boolean reconnectAllowed) { in nativeDisconnect()
[all …]
/aosp_15_r20/external/vulkan-validation-layers/layers/generated/
H A Dvk_dispatch_table_helper.h36 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 …]
/aosp_15_r20/packages/modules/Bluetooth/android/app/src/com/android/bluetooth/hfpclient/
DHeadsetClientService.java333 public boolean connect(BluetoothDevice device, AttributionSource source) { in connect()
343 public boolean disconnect(BluetoothDevice device, AttributionSource source) { in disconnect()
378 public int getConnectionState(BluetoothDevice device, AttributionSource source) { in getConnectionState()
391 BluetoothDevice device, int connectionPolicy, AttributionSource source) { in setConnectionPolicy()
403 public int getConnectionPolicy(BluetoothDevice device, AttributionSource source) { in getConnectionPolicy()
415 public boolean startVoiceRecognition(BluetoothDevice device, AttributionSource source) { in startVoiceRecognition()
425 public boolean stopVoiceRecognition(BluetoothDevice device, AttributionSource source) { in stopVoiceRecognition()
435 public int getAudioState(BluetoothDevice device, AttributionSource source) { in getAudioState()
446 BluetoothDevice device, boolean allowed, AttributionSource source) { in setAudioRouteAllowed()
457 public boolean getAudioRouteAllowed(BluetoothDevice device, AttributionSource source) { in getAudioRouteAllowed()
[all …]
/aosp_15_r20/external/deqp/external/vulkancts/framework/vulkan/generated/vulkan/
H A DvkDeviceDriverImpl.inl7 PFN_vkVoidFunction DeviceDriver::getDeviceProcAddr (VkDevice device, const char* pName) const
12 void DeviceDriver::destroyDevice (VkDevice device, const VkAllocationCallbacks* pAllocator) const
17 void DeviceDriver::getDeviceQueue (VkDevice device, uint32_t queueFamilyIndex, uint32_t queueIndex,…
37 VkResult DeviceDriver::allocateMemory (VkDevice device, const VkMemoryAllocateInfo* pAllocateInfo, …
42 void DeviceDriver::freeMemory (VkDevice device, VkDeviceMemory memory, const VkAllocationCallbacks*…
47 VkResult DeviceDriver::mapMemory (VkDevice device, VkDeviceMemory memory, VkDeviceSize offset, VkDe…
52 void DeviceDriver::unmapMemory (VkDevice device, VkDeviceMemory memory) const
57 VkResult DeviceDriver::flushMappedMemoryRanges (VkDevice device, uint32_t memoryRangeCount, const V…
62 VkResult DeviceDriver::invalidateMappedMemoryRanges (VkDevice device, uint32_t memoryRangeCount, co…
67 void DeviceDriver::getDeviceMemoryCommitment (VkDevice device, VkDeviceMemory memory, VkDeviceSize*…
[all …]
/aosp_15_r20/device/google/atv/libraries/BluetoothServices/src/com/google/android/tv/btservices/
DBluetoothDeviceService.java146 protected boolean isRemote(BluetoothDevice device) { in isRemote()
220 private static void forgetDevice(BluetoothDevice device) { in forgetDevice()
226 public static void forgetAndRepair(Context context, BluetoothDevice device) { in forgetAndRepair()
245 protected abstract RemoteProxy createRemoteProxy(BluetoothDevice device); in createRemoteProxy()
247 private RemoteProxy createDefaultProxy(BluetoothDevice device){ in createDefaultProxy()
263 private void onDeviceUpdated(BluetoothDevice device) { in onDeviceUpdated()
267 private void onDfuUpdated(BluetoothDevice device, DfuResult res) { in onDfuUpdated()
271 private void addDevice(BluetoothDevice device) { in addDevice()
301 private void removeDevice(BluetoothDevice device) { in removeDevice()
314 private void onDeviceUnbonded(BluetoothDevice device) { in onDeviceUnbonded()
[all …]
/aosp_15_r20/external/pytorch/test/functorch/
H A Dtest_eager_transforms.py244 def test_primitive(self, device): argument
249 def test_composite_simple(self, device): argument
254 def test_fn_with_kwargs(self, device): argument
264 def test_composite_complicated(self, device): argument
280 def test_composite_two_ops(self, device): argument
295 def _test_attributes(self, get_attr_lambda, device): argument
305 def test_shape(self, device): argument
308 def test_dtype(self, device): argument
311 def test_is_cuda(self, device): argument
314 def test_numel(self, device): argument
[all …]
/aosp_15_r20/external/mesa3d/src/freedreno/vulkan/
H A Dtu_rmv.cc22 struct tu_device *device = queue->device; in capture_trace() local
34 tu_rmv_fill_device_info(struct tu_device *device, in tu_rmv_fill_device_info()
78 tu_memory_trace_init(struct tu_device *device) in tu_memory_trace_init()
92 tu_memory_trace_finish(struct tu_device *device) in tu_memory_trace_finish()
98 tu_rmv_get_resource_id_locked(struct tu_device *device, const void *resource) in tu_rmv_get_resource_id_locked()
104 tu_rmv_destroy_resource_id_locked(struct tu_device *device, in tu_rmv_destroy_resource_id_locked()
111 tu_rmv_emit_resource_bind_locked(struct tu_device *device, uint32_t resource_id, in tu_rmv_emit_resource_bind_locked()
125 tu_rmv_emit_cpu_map_locked(struct tu_device *device, uint64_t address, in tu_rmv_emit_cpu_map_locked()
137 tu_rmv_emit_page_table_update_locked(struct tu_device *device, struct tu_bo *bo, in tu_rmv_emit_page_table_update_locked()
157 tu_rmv_log_heap_create(struct tu_device *device, in tu_rmv_log_heap_create()
[all …]
/aosp_15_r20/external/pytorch/test/xpu/
H A Dtest_conv.py107 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 …]

12345678910>>...334