Home
last modified time | relevance | path

Searched refs:cudaSuccess (Results 1 – 25 of 27) sorted by relevance

12

/external/eigen/unsupported/Eigen/CXX11/src/Tensor/
DTensorDeviceCuda.h62 if (status != cudaSuccess) { in initializeDeviceProp()
66 assert(status == cudaSuccess); in initializeDeviceProp()
71 if (status != cudaSuccess) { in initializeDeviceProp()
77 assert(status == cudaSuccess); in initializeDeviceProp()
122 assert(err == cudaSuccess); in initializeDeviceProp()
142 assert(err == cudaSuccess); in initializeDeviceProp()
145 assert(err == cudaSuccess); in initializeDeviceProp()
152 assert(err == cudaSuccess); in initializeDeviceProp()
155 assert(err == cudaSuccess); in initializeDeviceProp()
171 assert(err == cudaSuccess); in initializeDeviceProp()
[all …]
/external/eigen/unsupported/test/
Dcxx11_tensor_device.cu71 assert(cudaMalloc((void**)(&kernel_1d_), 2*sizeof(float)) == cudaSuccess); in GPUContext()
73 …ert(cudaMemcpy(kernel_1d_, kernel_1d_val, 2*sizeof(float), cudaMemcpyHostToDevice) == cudaSuccess); in GPUContext()
75 assert(cudaMalloc((void**)(&kernel_2d_), 4*sizeof(float)) == cudaSuccess); in GPUContext()
77 …ert(cudaMemcpy(kernel_2d_, kernel_2d_val, 4*sizeof(float), cudaMemcpyHostToDevice) == cudaSuccess); in GPUContext()
79 assert(cudaMalloc((void**)(&kernel_3d_), 8*sizeof(float)) == cudaSuccess); in GPUContext()
81 …ert(cudaMemcpy(kernel_3d_, kernel_3d_val, 8*sizeof(float), cudaMemcpyHostToDevice) == cudaSuccess); in GPUContext()
84 assert(cudaFree(kernel_1d_) == cudaSuccess); in ~GPUContext()
85 assert(cudaFree(kernel_2d_) == cudaSuccess); in ~GPUContext()
86 assert(cudaFree(kernel_3d_) == cudaSuccess); in ~GPUContext()
299 assert(cudaMemcpy(out.data(), d_out, out_bytes, cudaMemcpyDeviceToHost) == cudaSuccess); in test_gpu()
[all …]
Dcxx11_tensor_argmax_cuda.cu56 …out_max.data(), d_out_max, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_simple_argmax()
57 …out_min.data(), d_out_min, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_simple_argmax()
58 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_simple_argmax()
116 …(tensor_arg.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_argmax_dim()
117 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_argmax_dim()
144 …(tensor_arg.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_argmax_dim()
145 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_argmax_dim()
205 …(tensor_arg.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_argmin_dim()
206 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_argmin_dim()
233 …(tensor_arg.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_argmin_dim()
[all …]
Dcxx11_tensor_cuda.cu53 gpu_device.stream()) == cudaSuccess); in test_cuda_nullary()
55 gpu_device.stream()) == cudaSuccess); in test_cuda_nullary()
57 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_nullary()
102 gpu_device.stream()) == cudaSuccess); in test_cuda_elementwise_small()
103 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_elementwise_small()
154 …pyAsync(out.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_elementwise()
155 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_elementwise()
197 gpu_device.stream()) == cudaSuccess); in test_cuda_props()
198 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_props()
236 …pyAsync(out.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_reduction()
[all …]
Dcxx11_tensor_random_cuda.cu40 …pyAsync(out.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_random_uniform()
41 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_random_uniform()
66 …pyAsync(out.data(), d_out, out_bytes, cudaMemcpyDeviceToHost, gpu_device.stream()) == cudaSuccess); in test_cuda_random_normal()
67 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_random_normal()
Dcxx11_tensor_complex_cuda.cu57 gpu_device.stream()) == cudaSuccess); in test_cuda_nullary()
59 gpu_device.stream()) == cudaSuccess); in test_cuda_nullary()
61 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_nullary()
Dcxx11_tensor_complex_cwise_ops_cuda.cu79 gpu_device.stream()) == cudaSuccess); in test_cuda_complex_cwise_ops()
80 assert(cudaStreamSynchronize(gpu_device.stream()) == cudaSuccess); in test_cuda_complex_cwise_ops()
/external/tensorflow/tensorflow/core/util/
Dgpu_kernel_helper_test.cu.cc32 EXPECT_EQ(cudaSuccess, err) << cudaGetErrorString(err); \
39 ASSERT_EQ(cudaSuccess, err) << cudaGetErrorString(err); \
168 ASSERT_EQ(cudaSuccess, err) << cudaGetErrorString(err); in SetUp()
316 ASSERT_EQ(cudaMallocManaged(&failure_count, sizeof(unsigned)), cudaSuccess); in TEST()
318 ASSERT_EQ(hipHostMalloc(&failure_count, sizeof(unsigned), 0), cudaSuccess); in TEST()
323 ASSERT_EQ(gpuDeviceSynchronize(), cudaSuccess); in TEST()
Dgpu_launch_config.h169 CHECK_EQ(err, cudaSuccess); in GetGpuLaunchConfig()
202 CHECK_EQ(err, cudaSuccess); in GetGpuLaunchConfigFixedBlockSize()
302 CHECK_EQ(err, cudaSuccess); in GetGpu3DLaunchConfig()
Dgpu_kernel_helper.h47 #define gpuSuccess cudaSuccess
112 if (result != cudaSuccess) { in GpuLaunchKernel()
Dgpu_device_functions.h65 #define cudaSuccess 0 macro
81 if (!SE_PREDICT_TRUE(error == cudaSuccess)) { \
90 if (!SE_PREDICT_TRUE(error == cudaSuccess)) { \
/external/skqp/src/compute/common/cuda/
Dassert_cuda.c34 if (code != cudaSuccess) in assert_cuda()
/external/tensorflow/tensorflow/core/profiler/internal/gpu/
Ddevice_tracer_test.cc308 ASSERT_EQ(cudaSuccess, cudaMalloc(&devptr, size_in_bytes)); in TEST_F()
310 ASSERT_EQ(cudaSuccess, cudaMemset(devptr, test_value, size_in_bytes)); in TEST_F()
312 ASSERT_EQ(cudaSuccess, in TEST_F()
315 ASSERT_EQ(cudaSuccess, cudaFree(devptr)); in TEST_F()
/external/tensorflow/tensorflow/core/common_runtime/gpu/
Dgpu_managed_allocator.cc48 CHECK_EQ(cudaFree(ptr), cudaSuccess); in DeallocateRaw()
Dgpu_device.cc173 CHECK_EQ(err, cudaSuccess); in deallocate()
1202 if (err != cudaSuccess) { in CreateDevices()
1219 if (err != cudaSuccess) { in CreateDevices()
1225 if (err != cudaSuccess) { in CreateDevices()
1232 if (err != cudaSuccess) { in CreateDevices()
1272 if (err != cudaSuccess) { in CreateDevices()
/external/tensorflow/tensorflow/stream_executor/cuda/
Dcuda_driver_test.cc38 if (result == cudaSuccess) { in CheckCuda()
/external/tensorflow/tensorflow/compiler/tf2tensorrt/utils/
Dtrt_int8_calibrator.cc73 if (status != cudaSuccess) { in setBatch()
/external/tensorflow/tensorflow/core/kernels/
Dtopk_op_gpu.h506 if (err != cudaSuccess) {
531 if (err != cudaSuccess) {
574 if (err != cudaSuccess) {
/external/tensorflow/tensorflow/compiler/xla/service/gpu/
Dnccl_utils.h44 #define cudaSuccess hipSuccess macro
Dcustom_call_test.cc35 #define gpuSuccess cudaSuccess
Dnccl_utils.cc92 if (s == cudaSuccess) { in ToStatus()
/external/tensorflow/tensorflow/core/grappler/clusters/
Dutils.cc85 if (error != cudaSuccess) { in GetLocalGPUInfo()
/external/tensorflow/tensorflow/core/nccl/
Dnccl_manager.cc49 #define cudaSuccess hipSuccess
65 if (cuda_status != cudaSuccess) { \
/external/tensorflow/tensorflow/compiler/tf2tensorrt/convert/
Dconvert_graph.cc815 if (cuda_error != cudaSuccess) { in ConvertAfterShapes()
/external/tensorflow/tensorflow/compiler/tf2tensorrt/kernels/
Dtrt_engine_op.cc1063 if (err != cudaSuccess) { in AllocateCalibrationResources()

12