From 350c7d8f674841433152998ad82f58f3607c8eb8 Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Wed, 9 Oct 2024 00:23:18 +0000 Subject: [PATCH 1/7] chore: bm --- README.md | 39 +-------------------------------------- 1 file changed, 1 insertion(+), 38 deletions(-) diff --git a/README.md b/README.md index 59b4671..289c98f 100644 --- a/README.md +++ b/README.md @@ -98,41 +98,4 @@ This project is inspired by some existing proprietary solutions: ## Benchmarks -### Without multiplexing - -```bash -strace -T -c -e trace=read,write,open,close python3 -c "import torch; print(torch.cuda.is_available())" -``` - -``` -% time seconds usecs/call calls errors syscall ------- ----------- ----------- --------- --------- ---------------- - 69.12 0.004175 1 2141 read - 26.66 0.001610 1 1157 close - 4.22 0.000255 2 93 write ------- ----------- ----------- --------- --------- ---------------- -100.00 0.006040 1 3391 total -``` - - - -```bash -strace -T -c -e trace=read,write,open,close python3 -c " -import torch -print('Creating a tensor...') -tensor = torch.zeros(10, 10) -print('Moving tensor to CUDA...') -tensor = tensor.to('cuda:0') -print('Tensor successfully moved to CUDA') -" -``` - -``` -% time seconds usecs/call calls errors syscall ------- ----------- ----------- --------- --------- ---------------- - 71.63 0.005715 2 2253 read - 22.00 0.001755 1 1159 close - 6.37 0.000508 2 231 write ------- ----------- ----------- --------- --------- ---------------- -100.00 0.007978 2 3643 total -``` \ No newline at end of file +todo \ No newline at end of file From 232a32762306097443a8922063c63af7174da8f3 Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Fri, 29 Nov 2024 16:53:44 +0000 Subject: [PATCH 2/7] chore: cublas + cudnn codegen updates --- codegen/annotationgen.py | 43 +- codegen/annotations.h | 7695 ++++++++++++++++++++++++++++++++++++++ codegen/gen_api.h | 560 ++- 3 files changed, 8278 insertions(+), 20 deletions(-) diff --git a/codegen/annotationgen.py b/codegen/annotationgen.py index d997a2e..3c30118 100644 --- a/codegen/annotationgen.py +++ b/codegen/annotationgen.py @@ -4,10 +4,13 @@ def main(): - options = ParserOptions(preprocessor=make_gcc_preprocessor()) + options = ParserOptions(preprocessor=make_gcc_preprocessor(defines=["CUBLASAPI="])) nvml_ast: ParsedData = parse_file("/usr/include/nvml.h", options=options) + cudnn_graph_ast: ParsedData = parse_file("/usr/include/cudnn_graph.h", options=options) + cudnn_ops_ast: ParsedData = parse_file("/usr/include/cudnn_ops.h", options=options) cuda_ast: ParsedData = parse_file("/usr/include/cuda.h", options=options) + cublas_ast: ParsedData = parse_file("/usr/include/cublas_api.h", options=options) cudart_ast: ParsedData = parse_file( "/usr/include/cuda_runtime_api.h", options=options ) @@ -17,6 +20,9 @@ def main(): nvml_ast.namespace.functions + cuda_ast.namespace.functions + cudart_ast.namespace.functions + + cudnn_graph_ast.namespace.functions + + cudnn_ops_ast.namespace.functions + + cublas_ast.namespace.functions ) with open("annotations.h", "a") as f: @@ -39,21 +45,34 @@ def main(): ) ) f.write(" */\n") + + params = [] + + for param in function.parameters: + if param.name and "[]" in param.type.format(): + params.append( + "{type} {name}".format( + type=param.type.format().replace("[]", ""), + name=param.name + "[]", + ) + ) + elif param.name: + params.append( + "{type} {name}".format( + type=param.type.format(), + name=param.name, + ) + ) + else: + params.append(param.type.format()) + + joined_params = ", ".join(params) + f.write( "{return_type} {name}({params});\n".format( return_type=function.return_type.format(), name=function.name.format(), - params=", ".join( - ( - "{type} {name}".format( - type=param.type.format(), - name=param.name, - ) - if param.name - else param.type.format() - ) - for param in function.parameters - ), + params=joined_params, ) ) diff --git a/codegen/annotations.h b/codegen/annotations.h index 623f35f..8b857d9 100644 --- a/codegen/annotations.h +++ b/codegen/annotations.h @@ -5648,3 +5648,7698 @@ cudnnStatus_t cudnnSetActivationDescriptor( * @param handle SEND_ONLY */ cudnnStatus_t cudnnDestroy(cudnnHandle_t handle); +/** + */ +size_t cudnnGetVersion(); +/** + */ +size_t cudnnGetMaxDeviceVersion(); +/** + */ +size_t cudnnGetCudartVersion(); +/** + * @param status SEND_ONLY + */ +const char* cudnnGetErrorString(cudnnStatus_t status); +/** + * @param message SEND_RECV + * @param max_size SEND_ONLY + */ +void cudnnGetLastErrorString(char* message, size_t max_size); +/** + * @param handle SEND_ONLY + * @param rstatus SEND_RECV + * @param mode SEND_ONLY + * @param tag SEND_RECV + */ +cudnnStatus_t cudnnQueryRuntimeError(cudnnHandle_t handle, cudnnStatus_t* rstatus, cudnnErrQueryMode_t mode, cudnnRuntimeTag_t* tag); +/** + * @param type SEND_ONLY + * @param value SEND_RECV + */ +cudnnStatus_t cudnnGetProperty(libraryPropertyType type, int* value); +/** + * @param handle SEND_ONLY + * @param streamId SEND_ONLY + */ +cudnnStatus_t cudnnSetStream(cudnnHandle_t handle, cudaStream_t streamId); +/** + * @param handle SEND_ONLY + * @param streamId SEND_RECV + */ +cudnnStatus_t cudnnGetStream(cudnnHandle_t handle, cudaStream_t* streamId); +/** + * @param mask SEND_ONLY + * @param udata SEND_RECV + * @param fptr SEND_ONLY + */ +cudnnStatus_t cudnnSetCallback(unsigned mask, void* udata, cudnnCallback_t fptr); +/** + * @param mask SEND_RECV + * @param udata SEND_RECV + * @param fptr SEND_RECV + */ +cudnnStatus_t cudnnGetCallback(unsigned* mask, void** udata, cudnnCallback_t* fptr); +/** + */ +cudnnStatus_t cudnnGraphVersionCheck(); +/** + * @param descriptorType SEND_ONLY + * @param descriptor SEND_RECV + */ +cudnnStatus_t cudnnBackendCreateDescriptor(cudnnBackendDescriptorType_t descriptorType, cudnnBackendDescriptor_t* descriptor); +/** + * @param descriptor SEND_ONLY + */ +cudnnStatus_t cudnnBackendDestroyDescriptor(cudnnBackendDescriptor_t descriptor); +/** + * @param descriptor SEND_ONLY + */ +cudnnStatus_t cudnnBackendInitialize(cudnnBackendDescriptor_t descriptor); +/** + * @param descriptor SEND_ONLY + */ +cudnnStatus_t cudnnBackendFinalize(cudnnBackendDescriptor_t descriptor); +/** + * @param descriptor SEND_ONLY + * @param attributeName SEND_ONLY + * @param attributeType SEND_ONLY + * @param elementCount SEND_ONLY + * @param arrayOfElements SEND_RECV + */ +cudnnStatus_t cudnnBackendSetAttribute(cudnnBackendDescriptor_t descriptor, cudnnBackendAttributeName_t attributeName, cudnnBackendAttributeType_t attributeType, int64_t elementCount, const void* arrayOfElements); +/** + * @param descriptor SEND_ONLY + * @param attributeName SEND_ONLY + * @param attributeType SEND_ONLY + * @param requestedElementCount SEND_ONLY + * @param elementCount SEND_RECV + * @param arrayOfElements SEND_RECV + */ +cudnnStatus_t cudnnBackendGetAttribute(const cudnnBackendDescriptor_t descriptor, cudnnBackendAttributeName_t attributeName, cudnnBackendAttributeType_t attributeType, int64_t requestedElementCount, int64_t* elementCount, void* arrayOfElements); +/** + * @param handle SEND_ONLY + * @param executionPlan SEND_ONLY + * @param variantPack SEND_ONLY + */ +cudnnStatus_t cudnnBackendExecute(cudnnHandle_t handle, cudnnBackendDescriptor_t executionPlan, cudnnBackendDescriptor_t variantPack); +/** + * @param handle SEND_ONLY + * @param executionPlan SEND_ONLY + * @param variantPack SEND_ONLY + * @param graph SEND_ONLY + */ +cudnnStatus_t cudnnBackendPopulateCudaGraph(cudnnHandle_t handle, cudnnBackendDescriptor_t executionPlan, cudnnBackendDescriptor_t variantPack, cudaGraph_t graph); +/** + * @param handle SEND_ONLY + * @param executionPlan SEND_ONLY + * @param variantPack SEND_ONLY + * @param graph SEND_ONLY + */ +cudnnStatus_t cudnnBackendUpdateCudaGraph(cudnnHandle_t handle, cudnnBackendDescriptor_t executionPlan, cudnnBackendDescriptor_t variantPack, cudaGraph_t graph); +/** + * @param tensorDesc SEND_ONLY + * @param dataType SEND_ONLY + * @param n SEND_ONLY + * @param c SEND_ONLY + * @param h SEND_ONLY + * @param w SEND_ONLY + * @param nStride SEND_ONLY + * @param cStride SEND_ONLY + * @param hStride SEND_ONLY + * @param wStride SEND_ONLY + */ +cudnnStatus_t cudnnSetTensor4dDescriptorEx(cudnnTensorDescriptor_t tensorDesc, cudnnDataType_t dataType, int n, int c, int h, int w, int nStride, int cStride, int hStride, int wStride); +/** + * @param tensorDesc SEND_ONLY + * @param dataType SEND_RECV + * @param n SEND_RECV + * @param c SEND_RECV + * @param h SEND_RECV + * @param w SEND_RECV + * @param nStride SEND_RECV + * @param cStride SEND_RECV + * @param hStride SEND_RECV + * @param wStride SEND_RECV + */ +cudnnStatus_t cudnnGetTensor4dDescriptor(const cudnnTensorDescriptor_t tensorDesc, cudnnDataType_t* dataType, int* n, int* c, int* h, int* w, int* nStride, int* cStride, int* hStride, int* wStride); +/** + * @param tensorDesc SEND_ONLY + * @param dataType SEND_ONLY + * @param nbDims SEND_ONLY + */ +cudnnStatus_t cudnnSetTensorNdDescriptor(cudnnTensorDescriptor_t tensorDesc, cudnnDataType_t dataType, int nbDims, const int dimA[], const int strideA[]); +/** + * @param tensorDesc SEND_ONLY + * @param format SEND_ONLY + * @param dataType SEND_ONLY + * @param nbDims SEND_ONLY + */ +cudnnStatus_t cudnnSetTensorNdDescriptorEx(cudnnTensorDescriptor_t tensorDesc, cudnnTensorFormat_t format, cudnnDataType_t dataType, int nbDims, const int dimA[]); +/** + * @param tensorDesc SEND_ONLY + * @param nbDimsRequested SEND_ONLY + * @param dataType SEND_RECV + * @param nbDims SEND_RECV + */ +cudnnStatus_t cudnnGetTensorNdDescriptor(const cudnnTensorDescriptor_t tensorDesc, int nbDimsRequested, cudnnDataType_t* dataType, int* nbDims, int dimA[], int strideA[]); +/** + * @param tensorDesc SEND_ONLY + * @param size SEND_RECV + */ +cudnnStatus_t cudnnGetTensorSizeInBytes(const cudnnTensorDescriptor_t tensorDesc, size_t* size); +/** + * @param tensorDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyTensorDescriptor(cudnnTensorDescriptor_t tensorDesc); +/** + * @param transformDesc SEND_ONLY + * @param srcDesc SEND_ONLY + * @param destDesc SEND_ONLY + * @param destSizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnInitTransformDest(const cudnnTensorTransformDescriptor_t transformDesc, const cudnnTensorDescriptor_t srcDesc, cudnnTensorDescriptor_t destDesc, size_t* destSizeInBytes); +/** + * @param transformDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateTensorTransformDescriptor(cudnnTensorTransformDescriptor_t* transformDesc); +/** + * @param transformDesc SEND_ONLY + * @param nbDims SEND_ONLY + * @param destFormat SEND_ONLY + * @param direction SEND_ONLY + */ +cudnnStatus_t cudnnSetTensorTransformDescriptor(cudnnTensorTransformDescriptor_t transformDesc, const uint32_t nbDims, const cudnnTensorFormat_t destFormat, const int32_t padBeforeA[], const int32_t padAfterA[], const uint32_t foldA[], const cudnnFoldingDirection_t direction); +/** + * @param transformDesc SEND_ONLY + * @param nbDimsRequested SEND_ONLY + * @param destFormat SEND_RECV + * @param direction SEND_RECV + */ +cudnnStatus_t cudnnGetTensorTransformDescriptor(cudnnTensorTransformDescriptor_t transformDesc, uint32_t nbDimsRequested, cudnnTensorFormat_t* destFormat, int32_t padBeforeA[], int32_t padAfterA[], uint32_t foldA[], cudnnFoldingDirection_t* direction); +/** + * @param transformDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyTensorTransformDescriptor(cudnnTensorTransformDescriptor_t transformDesc); +/** + * @param handle SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + */ +cudnnStatus_t cudnnTransformTensor(cudnnHandle_t handle, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t yDesc, void* y); +/** + * @param handle SEND_ONLY + * @param transDesc SEND_ONLY + * @param alpha SEND_RECV + * @param srcDesc SEND_ONLY + * @param srcData SEND_RECV + * @param beta SEND_RECV + * @param destDesc SEND_ONLY + * @param destData SEND_RECV + */ +cudnnStatus_t cudnnTransformTensorEx(cudnnHandle_t handle, const cudnnTensorTransformDescriptor_t transDesc, const void* alpha, const cudnnTensorDescriptor_t srcDesc, const void* srcData, const void* beta, const cudnnTensorDescriptor_t destDesc, void* destData); +/** + * @param handle SEND_ONLY + * @param alpha SEND_RECV + * @param aDesc SEND_ONLY + * @param A SEND_RECV + * @param beta SEND_RECV + * @param cDesc SEND_ONLY + * @param C SEND_RECV + */ +cudnnStatus_t cudnnAddTensor(cudnnHandle_t handle, const void* alpha, const cudnnTensorDescriptor_t aDesc, const void* A, const void* beta, const cudnnTensorDescriptor_t cDesc, void* C); +/** + * @param opTensorDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateOpTensorDescriptor(cudnnOpTensorDescriptor_t* opTensorDesc); +/** + * @param opTensorDesc SEND_ONLY + * @param opTensorOp SEND_ONLY + * @param opTensorCompType SEND_ONLY + * @param opTensorNanOpt SEND_ONLY + */ +cudnnStatus_t cudnnSetOpTensorDescriptor(cudnnOpTensorDescriptor_t opTensorDesc, cudnnOpTensorOp_t opTensorOp, cudnnDataType_t opTensorCompType, cudnnNanPropagation_t opTensorNanOpt); +/** + * @param opTensorDesc SEND_ONLY + * @param opTensorOp SEND_RECV + * @param opTensorCompType SEND_RECV + * @param opTensorNanOpt SEND_RECV + */ +cudnnStatus_t cudnnGetOpTensorDescriptor(const cudnnOpTensorDescriptor_t opTensorDesc, cudnnOpTensorOp_t* opTensorOp, cudnnDataType_t* opTensorCompType, cudnnNanPropagation_t* opTensorNanOpt); +/** + * @param opTensorDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyOpTensorDescriptor(cudnnOpTensorDescriptor_t opTensorDesc); +/** + * @param handle SEND_ONLY + * @param opTensorDesc SEND_ONLY + * @param alpha1 SEND_RECV + * @param aDesc SEND_ONLY + * @param A SEND_RECV + * @param alpha2 SEND_RECV + * @param bDesc SEND_ONLY + * @param B SEND_RECV + * @param beta SEND_RECV + * @param cDesc SEND_ONLY + * @param C SEND_RECV + */ +cudnnStatus_t cudnnOpTensor(cudnnHandle_t handle, const cudnnOpTensorDescriptor_t opTensorDesc, const void* alpha1, const cudnnTensorDescriptor_t aDesc, const void* A, const void* alpha2, const cudnnTensorDescriptor_t bDesc, const void* B, const void* beta, const cudnnTensorDescriptor_t cDesc, void* C); +/** + * @param reduceTensorDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateReduceTensorDescriptor(cudnnReduceTensorDescriptor_t* reduceTensorDesc); +/** + * @param reduceTensorDesc SEND_ONLY + * @param reduceTensorOp SEND_ONLY + * @param reduceTensorCompType SEND_ONLY + * @param reduceTensorNanOpt SEND_ONLY + * @param reduceTensorIndices SEND_ONLY + * @param reduceTensorIndicesType SEND_ONLY + */ +cudnnStatus_t cudnnSetReduceTensorDescriptor(cudnnReduceTensorDescriptor_t reduceTensorDesc, cudnnReduceTensorOp_t reduceTensorOp, cudnnDataType_t reduceTensorCompType, cudnnNanPropagation_t reduceTensorNanOpt, cudnnReduceTensorIndices_t reduceTensorIndices, cudnnIndicesType_t reduceTensorIndicesType); +/** + * @param reduceTensorDesc SEND_ONLY + * @param reduceTensorOp SEND_RECV + * @param reduceTensorCompType SEND_RECV + * @param reduceTensorNanOpt SEND_RECV + * @param reduceTensorIndices SEND_RECV + * @param reduceTensorIndicesType SEND_RECV + */ +cudnnStatus_t cudnnGetReduceTensorDescriptor(const cudnnReduceTensorDescriptor_t reduceTensorDesc, cudnnReduceTensorOp_t* reduceTensorOp, cudnnDataType_t* reduceTensorCompType, cudnnNanPropagation_t* reduceTensorNanOpt, cudnnReduceTensorIndices_t* reduceTensorIndices, cudnnIndicesType_t* reduceTensorIndicesType); +/** + * @param reduceTensorDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyReduceTensorDescriptor(cudnnReduceTensorDescriptor_t reduceTensorDesc); +/** + * @param handle SEND_ONLY + * @param reduceTensorDesc SEND_ONLY + * @param aDesc SEND_ONLY + * @param cDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnGetReductionIndicesSize(cudnnHandle_t handle, const cudnnReduceTensorDescriptor_t reduceTensorDesc, const cudnnTensorDescriptor_t aDesc, const cudnnTensorDescriptor_t cDesc, size_t* sizeInBytes); +/** + * @param handle SEND_ONLY + * @param reduceTensorDesc SEND_ONLY + * @param aDesc SEND_ONLY + * @param cDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnGetReductionWorkspaceSize(cudnnHandle_t handle, const cudnnReduceTensorDescriptor_t reduceTensorDesc, const cudnnTensorDescriptor_t aDesc, const cudnnTensorDescriptor_t cDesc, size_t* sizeInBytes); +/** + * @param handle SEND_ONLY + * @param reduceTensorDesc SEND_ONLY + * @param indices SEND_RECV + * @param indicesSizeInBytes SEND_ONLY + * @param workspace SEND_RECV + * @param workspaceSizeInBytes SEND_ONLY + * @param alpha SEND_RECV + * @param aDesc SEND_ONLY + * @param A SEND_RECV + * @param beta SEND_RECV + * @param cDesc SEND_ONLY + * @param C SEND_RECV + */ +cudnnStatus_t cudnnReduceTensor(cudnnHandle_t handle, const cudnnReduceTensorDescriptor_t reduceTensorDesc, void* indices, size_t indicesSizeInBytes, void* workspace, size_t workspaceSizeInBytes, const void* alpha, const cudnnTensorDescriptor_t aDesc, const void* A, const void* beta, const cudnnTensorDescriptor_t cDesc, void* C); +/** + * @param handle SEND_ONLY + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param valuePtr SEND_RECV + */ +cudnnStatus_t cudnnSetTensor(cudnnHandle_t handle, const cudnnTensorDescriptor_t yDesc, void* y, const void* valuePtr); +/** + * @param handle SEND_ONLY + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param alpha SEND_RECV + */ +cudnnStatus_t cudnnScaleTensor(cudnnHandle_t handle, const cudnnTensorDescriptor_t yDesc, void* y, const void* alpha); +/** + * @param filterDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateFilterDescriptor(cudnnFilterDescriptor_t* filterDesc); +/** + * @param filterDesc SEND_ONLY + * @param dataType SEND_ONLY + * @param format SEND_ONLY + * @param k SEND_ONLY + * @param c SEND_ONLY + * @param h SEND_ONLY + * @param w SEND_ONLY + */ +cudnnStatus_t cudnnSetFilter4dDescriptor(cudnnFilterDescriptor_t filterDesc, cudnnDataType_t dataType, cudnnTensorFormat_t format, int k, int c, int h, int w); +/** + * @param filterDesc SEND_ONLY + * @param dataType SEND_RECV + * @param format SEND_RECV + * @param k SEND_RECV + * @param c SEND_RECV + * @param h SEND_RECV + * @param w SEND_RECV + */ +cudnnStatus_t cudnnGetFilter4dDescriptor(const cudnnFilterDescriptor_t filterDesc, cudnnDataType_t* dataType, cudnnTensorFormat_t* format, int* k, int* c, int* h, int* w); +/** + * @param filterDesc SEND_ONLY + * @param dataType SEND_ONLY + * @param format SEND_ONLY + * @param nbDims SEND_ONLY + */ +cudnnStatus_t cudnnSetFilterNdDescriptor(cudnnFilterDescriptor_t filterDesc, cudnnDataType_t dataType, cudnnTensorFormat_t format, int nbDims, const int filterDimA[]); +/** + * @param filterDesc SEND_ONLY + * @param nbDimsRequested SEND_ONLY + * @param dataType SEND_RECV + * @param format SEND_RECV + * @param nbDims SEND_RECV + */ +cudnnStatus_t cudnnGetFilterNdDescriptor(const cudnnFilterDescriptor_t filterDesc, int nbDimsRequested, cudnnDataType_t* dataType, cudnnTensorFormat_t* format, int* nbDims, int filterDimA[]); +/** + * @param filterDesc SEND_ONLY + * @param size SEND_RECV + */ +cudnnStatus_t cudnnGetFilterSizeInBytes(const cudnnFilterDescriptor_t filterDesc, size_t* size); +/** + * @param handle SEND_ONLY + * @param transDesc SEND_ONLY + * @param alpha SEND_RECV + * @param srcDesc SEND_ONLY + * @param srcData SEND_RECV + * @param beta SEND_RECV + * @param destDesc SEND_ONLY + * @param destData SEND_RECV + */ +cudnnStatus_t cudnnTransformFilter(cudnnHandle_t handle, const cudnnTensorTransformDescriptor_t transDesc, const void* alpha, const cudnnFilterDescriptor_t srcDesc, const void* srcData, const void* beta, const cudnnFilterDescriptor_t destDesc, void* destData); +/** + * @param filterDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyFilterDescriptor(cudnnFilterDescriptor_t filterDesc); +/** + * @param handle SEND_ONLY + * @param algo SEND_ONLY + * @param mode SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + */ +cudnnStatus_t cudnnSoftmaxForward(cudnnHandle_t handle, cudnnSoftmaxAlgorithm_t algo, cudnnSoftmaxMode_t mode, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t yDesc, void* y); +/** + * @param poolingDesc SEND_RECV + */ +cudnnStatus_t cudnnCreatePoolingDescriptor(cudnnPoolingDescriptor_t* poolingDesc); +/** + * @param poolingDesc SEND_ONLY + * @param mode SEND_ONLY + * @param maxpoolingNanOpt SEND_ONLY + * @param windowHeight SEND_ONLY + * @param windowWidth SEND_ONLY + * @param verticalPadding SEND_ONLY + * @param horizontalPadding SEND_ONLY + * @param verticalStride SEND_ONLY + * @param horizontalStride SEND_ONLY + */ +cudnnStatus_t cudnnSetPooling2dDescriptor(cudnnPoolingDescriptor_t poolingDesc, cudnnPoolingMode_t mode, cudnnNanPropagation_t maxpoolingNanOpt, int windowHeight, int windowWidth, int verticalPadding, int horizontalPadding, int verticalStride, int horizontalStride); +/** + * @param poolingDesc SEND_ONLY + * @param mode SEND_RECV + * @param maxpoolingNanOpt SEND_RECV + * @param windowHeight SEND_RECV + * @param windowWidth SEND_RECV + * @param verticalPadding SEND_RECV + * @param horizontalPadding SEND_RECV + * @param verticalStride SEND_RECV + * @param horizontalStride SEND_RECV + */ +cudnnStatus_t cudnnGetPooling2dDescriptor(const cudnnPoolingDescriptor_t poolingDesc, cudnnPoolingMode_t* mode, cudnnNanPropagation_t* maxpoolingNanOpt, int* windowHeight, int* windowWidth, int* verticalPadding, int* horizontalPadding, int* verticalStride, int* horizontalStride); +/** + * @param poolingDesc SEND_ONLY + * @param mode SEND_ONLY + * @param maxpoolingNanOpt SEND_ONLY + * @param nbDims SEND_ONLY + */ +cudnnStatus_t cudnnSetPoolingNdDescriptor(cudnnPoolingDescriptor_t poolingDesc, const cudnnPoolingMode_t mode, const cudnnNanPropagation_t maxpoolingNanOpt, int nbDims, const int windowDimA[], const int paddingA[], const int strideA[]); +/** + * @param poolingDesc SEND_ONLY + * @param nbDimsRequested SEND_ONLY + * @param mode SEND_RECV + * @param maxpoolingNanOpt SEND_RECV + * @param nbDims SEND_RECV + */ +cudnnStatus_t cudnnGetPoolingNdDescriptor(const cudnnPoolingDescriptor_t poolingDesc, int nbDimsRequested, cudnnPoolingMode_t* mode, cudnnNanPropagation_t* maxpoolingNanOpt, int* nbDims, int windowDimA[], int paddingA[], int strideA[]); +/** + * @param poolingDesc SEND_ONLY + * @param inputTensorDesc SEND_ONLY + * @param nbDims SEND_ONLY + */ +cudnnStatus_t cudnnGetPoolingNdForwardOutputDim(const cudnnPoolingDescriptor_t poolingDesc, const cudnnTensorDescriptor_t inputTensorDesc, int nbDims, int outputTensorDimA[]); +/** + * @param poolingDesc SEND_ONLY + * @param inputTensorDesc SEND_ONLY + * @param n SEND_RECV + * @param c SEND_RECV + * @param h SEND_RECV + * @param w SEND_RECV + */ +cudnnStatus_t cudnnGetPooling2dForwardOutputDim(const cudnnPoolingDescriptor_t poolingDesc, const cudnnTensorDescriptor_t inputTensorDesc, int* n, int* c, int* h, int* w); +/** + * @param poolingDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyPoolingDescriptor(cudnnPoolingDescriptor_t poolingDesc); +/** + * @param handle SEND_ONLY + * @param poolingDesc SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + */ +cudnnStatus_t cudnnPoolingForward(cudnnHandle_t handle, const cudnnPoolingDescriptor_t poolingDesc, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t yDesc, void* y); +/** + * @param activationDesc SEND_ONLY + * @param mode SEND_RECV + * @param reluNanOpt SEND_RECV + * @param coef SEND_RECV + */ +cudnnStatus_t cudnnGetActivationDescriptor(const cudnnActivationDescriptor_t activationDesc, cudnnActivationMode_t* mode, cudnnNanPropagation_t* reluNanOpt, double* coef); +/** + * @param activationDesc SEND_ONLY + * @param swish_beta SEND_ONLY + */ +cudnnStatus_t cudnnSetActivationDescriptorSwishBeta(cudnnActivationDescriptor_t activationDesc, double swish_beta); +/** + * @param activationDesc SEND_ONLY + * @param swish_beta SEND_RECV + */ +cudnnStatus_t cudnnGetActivationDescriptorSwishBeta(cudnnActivationDescriptor_t activationDesc, double* swish_beta); +/** + * @param activationDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyActivationDescriptor(cudnnActivationDescriptor_t activationDesc); +/** + * @param normDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateLRNDescriptor(cudnnLRNDescriptor_t* normDesc); +/** + * @param normDesc SEND_ONLY + * @param lrnN SEND_ONLY + * @param lrnAlpha SEND_ONLY + * @param lrnBeta SEND_ONLY + * @param lrnK SEND_ONLY + */ +cudnnStatus_t cudnnSetLRNDescriptor(cudnnLRNDescriptor_t normDesc, unsigned lrnN, double lrnAlpha, double lrnBeta, double lrnK); +/** + * @param normDesc SEND_ONLY + * @param lrnN SEND_RECV + * @param lrnAlpha SEND_RECV + * @param lrnBeta SEND_RECV + * @param lrnK SEND_RECV + */ +cudnnStatus_t cudnnGetLRNDescriptor(cudnnLRNDescriptor_t normDesc, unsigned* lrnN, double* lrnAlpha, double* lrnBeta, double* lrnK); +/** + * @param lrnDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyLRNDescriptor(cudnnLRNDescriptor_t lrnDesc); +/** + * @param handle SEND_ONLY + * @param normDesc SEND_ONLY + * @param lrnMode SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + */ +cudnnStatus_t cudnnLRNCrossChannelForward(cudnnHandle_t handle, cudnnLRNDescriptor_t normDesc, cudnnLRNMode_t lrnMode, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t yDesc, void* y); +/** + * @param handle SEND_ONLY + * @param normDesc SEND_ONLY + * @param mode SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param means SEND_RECV + * @param temp SEND_RECV + * @param temp2 SEND_RECV + * @param beta SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + */ +cudnnStatus_t cudnnDivisiveNormalizationForward(cudnnHandle_t handle, cudnnLRNDescriptor_t normDesc, cudnnDivNormMode_t mode, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* means, void* temp, void* temp2, const void* beta, const cudnnTensorDescriptor_t yDesc, void* y); +/** + * @param derivedBnDesc SEND_ONLY + * @param xDesc SEND_ONLY + * @param mode SEND_ONLY + */ +cudnnStatus_t cudnnDeriveBNTensorDescriptor(cudnnTensorDescriptor_t derivedBnDesc, const cudnnTensorDescriptor_t xDesc, cudnnBatchNormMode_t mode); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param alpha SEND_RECV + * @param beta SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param bnScaleBiasMeanVarDesc SEND_ONLY + * @param bnScale SEND_RECV + * @param bnBias SEND_RECV + * @param estimatedMean SEND_RECV + * @param estimatedVariance SEND_RECV + * @param epsilon SEND_ONLY + */ +cudnnStatus_t cudnnBatchNormalizationForwardInference(cudnnHandle_t handle, cudnnBatchNormMode_t mode, const void* alpha, const void* beta, const cudnnTensorDescriptor_t xDesc, const void* x, const cudnnTensorDescriptor_t yDesc, void* y, const cudnnTensorDescriptor_t bnScaleBiasMeanVarDesc, const void* bnScale, const void* bnBias, const void* estimatedMean, const void* estimatedVariance, double epsilon); +/** + * @param derivedNormScaleBiasDesc SEND_ONLY + * @param derivedNormMeanVarDesc SEND_ONLY + * @param xDesc SEND_ONLY + * @param mode SEND_ONLY + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnDeriveNormTensorDescriptor(cudnnTensorDescriptor_t derivedNormScaleBiasDesc, cudnnTensorDescriptor_t derivedNormMeanVarDesc, const cudnnTensorDescriptor_t xDesc, cudnnNormMode_t mode, int groupCnt); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param normOps SEND_ONLY + * @param algo SEND_ONLY + * @param alpha SEND_RECV + * @param beta SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param normScaleBiasDesc SEND_ONLY + * @param normScale SEND_RECV + * @param normBias SEND_RECV + * @param normMeanVarDesc SEND_ONLY + * @param estimatedMean SEND_RECV + * @param estimatedVariance SEND_RECV + * @param zDesc SEND_ONLY + * @param z SEND_RECV + * @param activationDesc SEND_ONLY + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param epsilon SEND_ONLY + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnNormalizationForwardInference(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const void* alpha, const void* beta, const cudnnTensorDescriptor_t xDesc, const void* x, const cudnnTensorDescriptor_t normScaleBiasDesc, const void* normScale, const void* normBias, const cudnnTensorDescriptor_t normMeanVarDesc, const void* estimatedMean, const void* estimatedVariance, const cudnnTensorDescriptor_t zDesc, const void* z, cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t yDesc, void* y, double epsilon, int groupCnt); +/** + * @param stDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateSpatialTransformerDescriptor(cudnnSpatialTransformerDescriptor_t* stDesc); +/** + * @param stDesc SEND_ONLY + * @param samplerType SEND_ONLY + * @param dataType SEND_ONLY + * @param nbDims SEND_ONLY + */ +cudnnStatus_t cudnnSetSpatialTransformerNdDescriptor(cudnnSpatialTransformerDescriptor_t stDesc, cudnnSamplerType_t samplerType, cudnnDataType_t dataType, const int nbDims, const int dimA[]); +/** + * @param stDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroySpatialTransformerDescriptor(cudnnSpatialTransformerDescriptor_t stDesc); +/** + * @param handle SEND_ONLY + * @param stDesc SEND_ONLY + * @param theta SEND_RECV + * @param grid SEND_RECV + */ +cudnnStatus_t cudnnSpatialTfGridGeneratorForward(cudnnHandle_t handle, const cudnnSpatialTransformerDescriptor_t stDesc, const void* theta, void* grid); +/** + * @param handle SEND_ONLY + * @param stDesc SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param grid SEND_RECV + * @param beta SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + */ +cudnnStatus_t cudnnSpatialTfSamplerForward(cudnnHandle_t handle, cudnnSpatialTransformerDescriptor_t stDesc, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* grid, const void* beta, cudnnTensorDescriptor_t yDesc, void* y); +/** + * @param dropoutDesc SEND_RECV + */ +cudnnStatus_t cudnnCreateDropoutDescriptor(cudnnDropoutDescriptor_t* dropoutDesc); +/** + * @param dropoutDesc SEND_ONLY + */ +cudnnStatus_t cudnnDestroyDropoutDescriptor(cudnnDropoutDescriptor_t dropoutDesc); +/** + * @param handle SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnDropoutGetStatesSize(cudnnHandle_t handle, size_t* sizeInBytes); +/** + * @param xdesc SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnDropoutGetReserveSpaceSize(cudnnTensorDescriptor_t xdesc, size_t* sizeInBytes); +/** + * @param dropoutDesc SEND_ONLY + * @param handle SEND_ONLY + * @param dropout SEND_ONLY + * @param states SEND_RECV + * @param stateSizeInBytes SEND_ONLY + * @param seed SEND_ONLY + */ +cudnnStatus_t cudnnSetDropoutDescriptor(cudnnDropoutDescriptor_t dropoutDesc, cudnnHandle_t handle, float dropout, void* states, size_t stateSizeInBytes, unsigned long long seed); +/** + * @param dropoutDesc SEND_ONLY + * @param handle SEND_ONLY + * @param dropout SEND_ONLY + * @param states SEND_RECV + * @param stateSizeInBytes SEND_ONLY + * @param seed SEND_ONLY + */ +cudnnStatus_t cudnnRestoreDropoutDescriptor(cudnnDropoutDescriptor_t dropoutDesc, cudnnHandle_t handle, float dropout, void* states, size_t stateSizeInBytes, unsigned long long seed); +/** + * @param dropoutDesc SEND_ONLY + * @param handle SEND_ONLY + * @param dropout SEND_RECV + * @param states SEND_RECV + * @param seed SEND_RECV + */ +cudnnStatus_t cudnnGetDropoutDescriptor(cudnnDropoutDescriptor_t dropoutDesc, cudnnHandle_t handle, float* dropout, void** states, unsigned long long* seed); +/** + * @param handle SEND_ONLY + * @param dropoutDesc SEND_ONLY + * @param xdesc SEND_ONLY + * @param x SEND_RECV + * @param ydesc SEND_ONLY + * @param y SEND_RECV + * @param reserveSpace SEND_RECV + * @param reserveSpaceSizeInBytes SEND_ONLY + */ +cudnnStatus_t cudnnDropoutForward(cudnnHandle_t handle, const cudnnDropoutDescriptor_t dropoutDesc, const cudnnTensorDescriptor_t xdesc, const void* x, const cudnnTensorDescriptor_t ydesc, void* y, void* reserveSpace, size_t reserveSpaceSizeInBytes); +/** + */ +cudnnStatus_t cudnnOpsVersionCheck(); +/** + * @param handle SEND_ONLY + * @param algo SEND_ONLY + * @param mode SEND_ONLY + * @param alpha SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param dyDesc SEND_ONLY + * @param dy SEND_RECV + * @param beta SEND_RECV + * @param dxDesc SEND_ONLY + * @param dx SEND_RECV + */ +cudnnStatus_t cudnnSoftmaxBackward(cudnnHandle_t handle, cudnnSoftmaxAlgorithm_t algo, cudnnSoftmaxMode_t mode, const void* alpha, const cudnnTensorDescriptor_t yDesc, const void* y, const cudnnTensorDescriptor_t dyDesc, const void* dy, const void* beta, const cudnnTensorDescriptor_t dxDesc, void* dx); +/** + * @param handle SEND_ONLY + * @param poolingDesc SEND_ONLY + * @param alpha SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param dyDesc SEND_ONLY + * @param dy SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param dxDesc SEND_ONLY + * @param dx SEND_RECV + */ +cudnnStatus_t cudnnPoolingBackward(cudnnHandle_t handle, const cudnnPoolingDescriptor_t poolingDesc, const void* alpha, const cudnnTensorDescriptor_t yDesc, const void* y, const cudnnTensorDescriptor_t dyDesc, const void* dy, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t dxDesc, void* dx); +/** + * @param handle SEND_ONLY + * @param activationDesc SEND_ONLY + * @param alpha SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param dyDesc SEND_ONLY + * @param dy SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param dxDesc SEND_ONLY + * @param dx SEND_RECV + */ +cudnnStatus_t cudnnActivationBackward(cudnnHandle_t handle, cudnnActivationDescriptor_t activationDesc, const void* alpha, const cudnnTensorDescriptor_t yDesc, const void* y, const cudnnTensorDescriptor_t dyDesc, const void* dy, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t dxDesc, void* dx); +/** + * @param handle SEND_ONLY + * @param normDesc SEND_ONLY + * @param lrnMode SEND_ONLY + * @param alpha SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param dyDesc SEND_ONLY + * @param dy SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param dxDesc SEND_ONLY + * @param dx SEND_RECV + */ +cudnnStatus_t cudnnLRNCrossChannelBackward(cudnnHandle_t handle, cudnnLRNDescriptor_t normDesc, cudnnLRNMode_t lrnMode, const void* alpha, const cudnnTensorDescriptor_t yDesc, const void* y, const cudnnTensorDescriptor_t dyDesc, const void* dy, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t dxDesc, void* dx); +/** + * @param handle SEND_ONLY + * @param normDesc SEND_ONLY + * @param mode SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param means SEND_RECV + * @param dy SEND_RECV + * @param temp SEND_RECV + * @param temp2 SEND_RECV + * @param beta SEND_RECV + * @param dXdMeansDesc SEND_ONLY + * @param dx SEND_RECV + * @param dMeans SEND_RECV + */ +cudnnStatus_t cudnnDivisiveNormalizationBackward(cudnnHandle_t handle, cudnnLRNDescriptor_t normDesc, cudnnDivNormMode_t mode, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* means, const void* dy, void* temp, void* temp2, const void* beta, const cudnnTensorDescriptor_t dXdMeansDesc, void* dx, void* dMeans); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param bnOps SEND_ONLY + * @param xDesc SEND_ONLY + * @param zDesc SEND_ONLY + * @param yDesc SEND_ONLY + * @param bnScaleBiasMeanVarDesc SEND_ONLY + * @param activationDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t zDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t bnScaleBiasMeanVarDesc, const cudnnActivationDescriptor_t activationDesc, size_t* sizeInBytes); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param bnOps SEND_ONLY + * @param xDesc SEND_ONLY + * @param yDesc SEND_ONLY + * @param dyDesc SEND_ONLY + * @param dzDesc SEND_ONLY + * @param dxDesc SEND_ONLY + * @param dBnScaleBiasDesc SEND_ONLY + * @param activationDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnGetBatchNormalizationBackwardExWorkspaceSize(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t dyDesc, const cudnnTensorDescriptor_t dzDesc, const cudnnTensorDescriptor_t dxDesc, const cudnnTensorDescriptor_t dBnScaleBiasDesc, const cudnnActivationDescriptor_t activationDesc, size_t* sizeInBytes); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param bnOps SEND_ONLY + * @param activationDesc SEND_ONLY + * @param xDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + */ +cudnnStatus_t cudnnGetBatchNormalizationTrainingExReserveSpaceSize(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t xDesc, size_t* sizeInBytes); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param alpha SEND_RECV + * @param beta SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param yDesc SEND_ONLY + * @param y SEND_RECV + * @param bnScaleBiasMeanVarDesc SEND_ONLY + * @param bnScale SEND_RECV + * @param bnBias SEND_RECV + * @param exponentialAverageFactor SEND_ONLY + * @param resultRunningMean SEND_RECV + * @param resultRunningVariance SEND_RECV + * @param epsilon SEND_ONLY + * @param resultSaveMean SEND_RECV + * @param resultSaveInvVariance SEND_RECV + */ +cudnnStatus_t cudnnBatchNormalizationForwardTraining(cudnnHandle_t handle, cudnnBatchNormMode_t mode, const void* alpha, const void* beta, const cudnnTensorDescriptor_t xDesc, const void* x, const cudnnTensorDescriptor_t yDesc, void* y, const cudnnTensorDescriptor_t bnScaleBiasMeanVarDesc, const void* bnScale, const void* bnBias, double exponentialAverageFactor, void* resultRunningMean, void* resultRunningVariance, double epsilon, void* resultSaveMean, void* resultSaveInvVariance); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param bnOps SEND_ONLY + * @param alpha SEND_RECV + * @param beta SEND_RECV + * @param xDesc SEND_ONLY + * @param xData SEND_RECV + * @param zDesc SEND_ONLY + * @param zData SEND_RECV + * @param yDesc SEND_ONLY + * @param yData SEND_RECV + * @param bnScaleBiasMeanVarDesc SEND_ONLY + * @param bnScale SEND_RECV + * @param bnBias SEND_RECV + * @param exponentialAverageFactor SEND_ONLY + * @param resultRunningMean SEND_RECV + * @param resultRunningVariance SEND_RECV + * @param epsilon SEND_ONLY + * @param resultSaveMean SEND_RECV + * @param resultSaveInvVariance SEND_RECV + * @param activationDesc SEND_ONLY + * @param workspace SEND_RECV + * @param workSpaceSizeInBytes SEND_ONLY + * @param reserveSpace SEND_RECV + * @param reserveSpaceSizeInBytes SEND_ONLY + */ +cudnnStatus_t cudnnBatchNormalizationForwardTrainingEx(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const void* alpha, const void* beta, const cudnnTensorDescriptor_t xDesc, const void* xData, const cudnnTensorDescriptor_t zDesc, const void* zData, const cudnnTensorDescriptor_t yDesc, void* yData, const cudnnTensorDescriptor_t bnScaleBiasMeanVarDesc, const void* bnScale, const void* bnBias, double exponentialAverageFactor, void* resultRunningMean, void* resultRunningVariance, double epsilon, void* resultSaveMean, void* resultSaveInvVariance, cudnnActivationDescriptor_t activationDesc, void* workspace, size_t workSpaceSizeInBytes, void* reserveSpace, size_t reserveSpaceSizeInBytes); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param alphaDataDiff SEND_RECV + * @param betaDataDiff SEND_RECV + * @param alphaParamDiff SEND_RECV + * @param betaParamDiff SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param dyDesc SEND_ONLY + * @param dy SEND_RECV + * @param dxDesc SEND_ONLY + * @param dx SEND_RECV + * @param dBnScaleBiasDesc SEND_ONLY + * @param bnScale SEND_RECV + * @param dBnScaleResult SEND_RECV + * @param dBnBiasResult SEND_RECV + * @param epsilon SEND_ONLY + * @param savedMean SEND_RECV + * @param savedInvVariance SEND_RECV + */ +cudnnStatus_t cudnnBatchNormalizationBackward(cudnnHandle_t handle, cudnnBatchNormMode_t mode, const void* alphaDataDiff, const void* betaDataDiff, const void* alphaParamDiff, const void* betaParamDiff, const cudnnTensorDescriptor_t xDesc, const void* x, const cudnnTensorDescriptor_t dyDesc, const void* dy, const cudnnTensorDescriptor_t dxDesc, void* dx, const cudnnTensorDescriptor_t dBnScaleBiasDesc, const void* bnScale, void* dBnScaleResult, void* dBnBiasResult, double epsilon, const void* savedMean, const void* savedInvVariance); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param bnOps SEND_ONLY + * @param alphaDataDiff SEND_RECV + * @param betaDataDiff SEND_RECV + * @param alphaParamDiff SEND_RECV + * @param betaParamDiff SEND_RECV + * @param xDesc SEND_ONLY + * @param xData SEND_RECV + * @param yDesc SEND_ONLY + * @param yData SEND_RECV + * @param dyDesc SEND_ONLY + * @param dyData SEND_RECV + * @param dzDesc SEND_ONLY + * @param dzData SEND_RECV + * @param dxDesc SEND_ONLY + * @param dxData SEND_RECV + * @param dBnScaleBiasDesc SEND_ONLY + * @param bnScaleData SEND_RECV + * @param bnBiasData SEND_RECV + * @param dBnScaleData SEND_RECV + * @param dBnBiasData SEND_RECV + * @param epsilon SEND_ONLY + * @param savedMean SEND_RECV + * @param savedInvVariance SEND_RECV + * @param activationDesc SEND_ONLY + * @param workSpace SEND_RECV + * @param workSpaceSizeInBytes SEND_ONLY + * @param reserveSpace SEND_RECV + * @param reserveSpaceSizeInBytes SEND_ONLY + */ +cudnnStatus_t cudnnBatchNormalizationBackwardEx(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const void* alphaDataDiff, const void* betaDataDiff, const void* alphaParamDiff, const void* betaParamDiff, const cudnnTensorDescriptor_t xDesc, const void* xData, const cudnnTensorDescriptor_t yDesc, const void* yData, const cudnnTensorDescriptor_t dyDesc, const void* dyData, const cudnnTensorDescriptor_t dzDesc, void* dzData, const cudnnTensorDescriptor_t dxDesc, void* dxData, const cudnnTensorDescriptor_t dBnScaleBiasDesc, const void* bnScaleData, const void* bnBiasData, void* dBnScaleData, void* dBnBiasData, double epsilon, const void* savedMean, const void* savedInvVariance, cudnnActivationDescriptor_t activationDesc, void* workSpace, size_t workSpaceSizeInBytes, void* reserveSpace, size_t reserveSpaceSizeInBytes); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param normOps SEND_ONLY + * @param algo SEND_ONLY + * @param xDesc SEND_ONLY + * @param zDesc SEND_ONLY + * @param yDesc SEND_ONLY + * @param normScaleBiasDesc SEND_ONLY + * @param activationDesc SEND_ONLY + * @param normMeanVarDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnGetNormalizationForwardTrainingWorkspaceSize(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t zDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t normScaleBiasDesc, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t normMeanVarDesc, size_t* sizeInBytes, int groupCnt); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param normOps SEND_ONLY + * @param algo SEND_ONLY + * @param xDesc SEND_ONLY + * @param yDesc SEND_ONLY + * @param dyDesc SEND_ONLY + * @param dzDesc SEND_ONLY + * @param dxDesc SEND_ONLY + * @param dNormScaleBiasDesc SEND_ONLY + * @param activationDesc SEND_ONLY + * @param normMeanVarDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnGetNormalizationBackwardWorkspaceSize(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t dyDesc, const cudnnTensorDescriptor_t dzDesc, const cudnnTensorDescriptor_t dxDesc, const cudnnTensorDescriptor_t dNormScaleBiasDesc, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t normMeanVarDesc, size_t* sizeInBytes, int groupCnt); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param normOps SEND_ONLY + * @param algo SEND_ONLY + * @param activationDesc SEND_ONLY + * @param xDesc SEND_ONLY + * @param sizeInBytes SEND_RECV + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnGetNormalizationTrainingReserveSpaceSize(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t xDesc, size_t* sizeInBytes, int groupCnt); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param normOps SEND_ONLY + * @param algo SEND_ONLY + * @param alpha SEND_RECV + * @param beta SEND_RECV + * @param xDesc SEND_ONLY + * @param xData SEND_RECV + * @param normScaleBiasDesc SEND_ONLY + * @param normScale SEND_RECV + * @param normBias SEND_RECV + * @param exponentialAverageFactor SEND_ONLY + * @param normMeanVarDesc SEND_ONLY + * @param resultRunningMean SEND_RECV + * @param resultRunningVariance SEND_RECV + * @param epsilon SEND_ONLY + * @param resultSaveMean SEND_RECV + * @param resultSaveInvVariance SEND_RECV + * @param activationDesc SEND_ONLY + * @param zDesc SEND_ONLY + * @param zData SEND_RECV + * @param yDesc SEND_ONLY + * @param yData SEND_RECV + * @param workspace SEND_RECV + * @param workSpaceSizeInBytes SEND_ONLY + * @param reserveSpace SEND_RECV + * @param reserveSpaceSizeInBytes SEND_ONLY + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnNormalizationForwardTraining(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const void* alpha, const void* beta, const cudnnTensorDescriptor_t xDesc, const void* xData, const cudnnTensorDescriptor_t normScaleBiasDesc, const void* normScale, const void* normBias, double exponentialAverageFactor, const cudnnTensorDescriptor_t normMeanVarDesc, void* resultRunningMean, void* resultRunningVariance, double epsilon, void* resultSaveMean, void* resultSaveInvVariance, cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t zDesc, const void* zData, const cudnnTensorDescriptor_t yDesc, void* yData, void* workspace, size_t workSpaceSizeInBytes, void* reserveSpace, size_t reserveSpaceSizeInBytes, int groupCnt); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param normOps SEND_ONLY + * @param algo SEND_ONLY + * @param alphaDataDiff SEND_RECV + * @param betaDataDiff SEND_RECV + * @param alphaParamDiff SEND_RECV + * @param betaParamDiff SEND_RECV + * @param xDesc SEND_ONLY + * @param xData SEND_RECV + * @param yDesc SEND_ONLY + * @param yData SEND_RECV + * @param dyDesc SEND_ONLY + * @param dyData SEND_RECV + * @param dzDesc SEND_ONLY + * @param dzData SEND_RECV + * @param dxDesc SEND_ONLY + * @param dxData SEND_RECV + * @param dNormScaleBiasDesc SEND_ONLY + * @param normScaleData SEND_RECV + * @param normBiasData SEND_RECV + * @param dNormScaleData SEND_RECV + * @param dNormBiasData SEND_RECV + * @param epsilon SEND_ONLY + * @param normMeanVarDesc SEND_ONLY + * @param savedMean SEND_RECV + * @param savedInvVariance SEND_RECV + * @param activationDesc SEND_ONLY + * @param workSpace SEND_RECV + * @param workSpaceSizeInBytes SEND_ONLY + * @param reserveSpace SEND_RECV + * @param reserveSpaceSizeInBytes SEND_ONLY + * @param groupCnt SEND_ONLY + */ +cudnnStatus_t cudnnNormalizationBackward(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const void* alphaDataDiff, const void* betaDataDiff, const void* alphaParamDiff, const void* betaParamDiff, const cudnnTensorDescriptor_t xDesc, const void* xData, const cudnnTensorDescriptor_t yDesc, const void* yData, const cudnnTensorDescriptor_t dyDesc, const void* dyData, const cudnnTensorDescriptor_t dzDesc, void* dzData, const cudnnTensorDescriptor_t dxDesc, void* dxData, const cudnnTensorDescriptor_t dNormScaleBiasDesc, const void* normScaleData, const void* normBiasData, void* dNormScaleData, void* dNormBiasData, double epsilon, const cudnnTensorDescriptor_t normMeanVarDesc, const void* savedMean, const void* savedInvVariance, cudnnActivationDescriptor_t activationDesc, void* workSpace, size_t workSpaceSizeInBytes, void* reserveSpace, size_t reserveSpaceSizeInBytes, int groupCnt); +/** + * @param handle SEND_ONLY + * @param stDesc SEND_ONLY + * @param dgrid SEND_RECV + * @param dtheta SEND_RECV + */ +cudnnStatus_t cudnnSpatialTfGridGeneratorBackward(cudnnHandle_t handle, const cudnnSpatialTransformerDescriptor_t stDesc, const void* dgrid, void* dtheta); +/** + * @param handle SEND_ONLY + * @param stDesc SEND_ONLY + * @param alpha SEND_RECV + * @param xDesc SEND_ONLY + * @param x SEND_RECV + * @param beta SEND_RECV + * @param dxDesc SEND_ONLY + * @param dx SEND_RECV + * @param alphaDgrid SEND_RECV + * @param dyDesc SEND_ONLY + * @param dy SEND_RECV + * @param grid SEND_RECV + * @param betaDgrid SEND_RECV + * @param dgrid SEND_RECV + */ +cudnnStatus_t cudnnSpatialTfSamplerBackward(cudnnHandle_t handle, cudnnSpatialTransformerDescriptor_t stDesc, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t dxDesc, void* dx, const void* alphaDgrid, const cudnnTensorDescriptor_t dyDesc, const void* dy, const void* grid, const void* betaDgrid, void* dgrid); +/** + * @param handle SEND_ONLY + * @param dropoutDesc SEND_ONLY + * @param dydesc SEND_ONLY + * @param dy SEND_RECV + * @param dxdesc SEND_ONLY + * @param dx SEND_RECV + * @param reserveSpace SEND_RECV + * @param reserveSpaceSizeInBytes SEND_ONLY + */ +cudnnStatus_t cudnnDropoutBackward(cudnnHandle_t handle, const cudnnDropoutDescriptor_t dropoutDesc, const cudnnTensorDescriptor_t dydesc, const void* dy, const cudnnTensorDescriptor_t dxdesc, void* dx, void* reserveSpace, size_t reserveSpaceSizeInBytes); +/** + * @param handle SEND_ONLY + * @param version SEND_RECV + */ +cublasStatus_t cublasGetVersion_v2(cublasHandle_t handle, int* version); +/** + * @param type SEND_ONLY + * @param value SEND_RECV + */ +cublasStatus_t cublasGetProperty(libraryPropertyType type, int* value); +/** + */ +size_t cublasGetCudartVersion(); +/** + * @param handle SEND_ONLY + * @param workspace SEND_RECV + * @param workspaceSizeInBytes SEND_ONLY + */ +cublasStatus_t cublasSetWorkspace_v2(cublasHandle_t handle, void* workspace, size_t workspaceSizeInBytes); +/** + * @param handle SEND_ONLY + * @param streamId SEND_ONLY + */ +cublasStatus_t cublasSetStream_v2(cublasHandle_t handle, cudaStream_t streamId); +/** + * @param handle SEND_ONLY + * @param streamId SEND_RECV + */ +cublasStatus_t cublasGetStream_v2(cublasHandle_t handle, cudaStream_t* streamId); +/** + * @param handle SEND_ONLY + * @param mode SEND_RECV + */ +cublasStatus_t cublasGetPointerMode_v2(cublasHandle_t handle, cublasPointerMode_t* mode); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + */ +cublasStatus_t cublasSetPointerMode_v2(cublasHandle_t handle, cublasPointerMode_t mode); +/** + * @param handle SEND_ONLY + * @param mode SEND_RECV + */ +cublasStatus_t cublasGetAtomicsMode(cublasHandle_t handle, cublasAtomicsMode_t* mode); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + */ +cublasStatus_t cublasSetAtomicsMode(cublasHandle_t handle, cublasAtomicsMode_t mode); +/** + * @param handle SEND_ONLY + * @param mode SEND_RECV + */ +cublasStatus_t cublasGetMathMode(cublasHandle_t handle, cublasMath_t* mode); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + */ +cublasStatus_t cublasSetMathMode(cublasHandle_t handle, cublasMath_t mode); +/** + * @param handle SEND_ONLY + * @param smCountTarget SEND_RECV + */ +cublasStatus_t cublasGetSmCountTarget(cublasHandle_t handle, int* smCountTarget); +/** + * @param handle SEND_ONLY + * @param smCountTarget SEND_ONLY + */ +cublasStatus_t cublasSetSmCountTarget(cublasHandle_t handle, int smCountTarget); +/** + * @param status SEND_ONLY + */ +const char* cublasGetStatusName(cublasStatus_t status); +/** + * @param status SEND_ONLY + */ +const char* cublasGetStatusString(cublasStatus_t status); +/** + * @param logIsOn SEND_ONLY + * @param logToStdOut SEND_ONLY + * @param logToStdErr SEND_ONLY + * @param logFileName SEND_RECV + */ +cublasStatus_t cublasLoggerConfigure(int logIsOn, int logToStdOut, int logToStdErr, const char* logFileName); +/** + * @param userCallback SEND_ONLY + */ +cublasStatus_t cublasSetLoggerCallback(cublasLogCallback userCallback); +/** + * @param userCallback SEND_RECV + */ +cublasStatus_t cublasGetLoggerCallback(cublasLogCallback* userCallback); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param devicePtr SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSetVector(int n, int elemSize, const void* x, int incx, void* devicePtr, int incy); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param devicePtr SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSetVector_64(int64_t n, int64_t elemSize, const void* x, int64_t incx, void* devicePtr, int64_t incy); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasGetVector(int n, int elemSize, const void* x, int incx, void* y, int incy); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasGetVector_64(int64_t n, int64_t elemSize, const void* x, int64_t incx, void* y, int64_t incy); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasSetMatrix(int rows, int cols, int elemSize, const void* A, int lda, void* B, int ldb); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasSetMatrix_64(int64_t rows, int64_t cols, int64_t elemSize, const void* A, int64_t lda, void* B, int64_t ldb); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasGetMatrix(int rows, int cols, int elemSize, const void* A, int lda, void* B, int ldb); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasGetMatrix_64(int64_t rows, int64_t cols, int64_t elemSize, const void* A, int64_t lda, void* B, int64_t ldb); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param hostPtr SEND_RECV + * @param incx SEND_ONLY + * @param devicePtr SEND_RECV + * @param incy SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasSetVectorAsync(int n, int elemSize, const void* hostPtr, int incx, void* devicePtr, int incy, cudaStream_t stream); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param hostPtr SEND_RECV + * @param incx SEND_ONLY + * @param devicePtr SEND_RECV + * @param incy SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasSetVectorAsync_64(int64_t n, int64_t elemSize, const void* hostPtr, int64_t incx, void* devicePtr, int64_t incy, cudaStream_t stream); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param devicePtr SEND_RECV + * @param incx SEND_ONLY + * @param hostPtr SEND_RECV + * @param incy SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasGetVectorAsync(int n, int elemSize, const void* devicePtr, int incx, void* hostPtr, int incy, cudaStream_t stream); +/** + * @param n SEND_ONLY + * @param elemSize SEND_ONLY + * @param devicePtr SEND_RECV + * @param incx SEND_ONLY + * @param hostPtr SEND_RECV + * @param incy SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasGetVectorAsync_64(int64_t n, int64_t elemSize, const void* devicePtr, int64_t incx, void* hostPtr, int64_t incy, cudaStream_t stream); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasSetMatrixAsync(int rows, int cols, int elemSize, const void* A, int lda, void* B, int ldb, cudaStream_t stream); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasSetMatrixAsync_64(int64_t rows, int64_t cols, int64_t elemSize, const void* A, int64_t lda, void* B, int64_t ldb, cudaStream_t stream); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasGetMatrixAsync(int rows, int cols, int elemSize, const void* A, int lda, void* B, int ldb, cudaStream_t stream); +/** + * @param rows SEND_ONLY + * @param cols SEND_ONLY + * @param elemSize SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param stream SEND_ONLY + */ +cublasStatus_t cublasGetMatrixAsync_64(int64_t rows, int64_t cols, int64_t elemSize, const void* A, int64_t lda, void* B, int64_t ldb, cudaStream_t stream); +/** + * @param srName SEND_RECV + * @param info SEND_ONLY + */ +void cublasXerbla(const char* srName, int info); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasNrm2Ex(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, void* result, cudaDataType resultType, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasNrm2Ex_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, void* result, cudaDataType resultType, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasSnrm2_v2(cublasHandle_t handle, int n, const float* x, int incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasSnrm2_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDnrm2_v2(cublasHandle_t handle, int n, const double* x, int incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDnrm2_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasScnrm2_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasScnrm2_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDznrm2_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDznrm2_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasDotEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, const void* y, cudaDataType yType, int incy, void* result, cudaDataType resultType, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasDotEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, const void* y, cudaDataType yType, int64_t incy, void* result, cudaDataType resultType, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasDotcEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, const void* y, cudaDataType yType, int incy, void* result, cudaDataType resultType, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasDotcEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, const void* y, cudaDataType yType, int64_t incy, void* result, cudaDataType resultType, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasSdot_v2(cublasHandle_t handle, int n, const float* x, int incx, const float* y, int incy, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasSdot_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, const float* y, int64_t incy, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDdot_v2(cublasHandle_t handle, int n, const double* x, int incx, const double* y, int incy, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDdot_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, const double* y, int64_t incy, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasCdotu_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasCdotu_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasCdotc_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasCdotc_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasZdotu_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasZdotu_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasZdotc_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasZdotc_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param alphaType SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasScalEx(cublasHandle_t handle, int n, const void* alpha, cudaDataType alphaType, void* x, cudaDataType xType, int incx, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param alphaType SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param executionType SEND_ONLY + */ +cublasStatus_t cublasScalEx_64(cublasHandle_t handle, int64_t n, const void* alpha, cudaDataType alphaType, void* x, cudaDataType xType, int64_t incx, cudaDataType executionType); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasSscal_v2(cublasHandle_t handle, int n, const float* alpha, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasSscal_v2_64(cublasHandle_t handle, int64_t n, const float* alpha, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDscal_v2(cublasHandle_t handle, int n, const double* alpha, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDscal_v2_64(cublasHandle_t handle, int64_t n, const double* alpha, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCscal_v2(cublasHandle_t handle, int n, const cuComplex* alpha, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCscal_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* alpha, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCsscal_v2(cublasHandle_t handle, int n, const float* alpha, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCsscal_v2_64(cublasHandle_t handle, int64_t n, const float* alpha, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZscal_v2(cublasHandle_t handle, int n, const cuDoubleComplex* alpha, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZscal_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* alpha, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZdscal_v2(cublasHandle_t handle, int n, const double* alpha, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZdscal_v2_64(cublasHandle_t handle, int64_t n, const double* alpha, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param alphaType SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasAxpyEx(cublasHandle_t handle, int n, const void* alpha, cudaDataType alphaType, const void* x, cudaDataType xType, int incx, void* y, cudaDataType yType, int incy, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param alphaType SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasAxpyEx_64(cublasHandle_t handle, int64_t n, const void* alpha, cudaDataType alphaType, const void* x, cudaDataType xType, int64_t incx, void* y, cudaDataType yType, int64_t incy, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSaxpy_v2(cublasHandle_t handle, int n, const float* alpha, const float* x, int incx, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSaxpy_v2_64(cublasHandle_t handle, int64_t n, const float* alpha, const float* x, int64_t incx, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDaxpy_v2(cublasHandle_t handle, int n, const double* alpha, const double* x, int incx, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDaxpy_v2_64(cublasHandle_t handle, int64_t n, const double* alpha, const double* x, int64_t incx, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCaxpy_v2(cublasHandle_t handle, int n, const cuComplex* alpha, const cuComplex* x, int incx, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCaxpy_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZaxpy_v2(cublasHandle_t handle, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZaxpy_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCopyEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, void* y, cudaDataType yType, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCopyEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, void* y, cudaDataType yType, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasScopy_v2(cublasHandle_t handle, int n, const float* x, int incx, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasScopy_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDcopy_v2(cublasHandle_t handle, int n, const double* x, int incx, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDcopy_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCcopy_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCcopy_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZcopy_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZcopy_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSswap_v2(cublasHandle_t handle, int n, float* x, int incx, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSswap_v2_64(cublasHandle_t handle, int64_t n, float* x, int64_t incx, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDswap_v2(cublasHandle_t handle, int n, double* x, int incx, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDswap_v2_64(cublasHandle_t handle, int64_t n, double* x, int64_t incx, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCswap_v2(cublasHandle_t handle, int n, cuComplex* x, int incx, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCswap_v2_64(cublasHandle_t handle, int64_t n, cuComplex* x, int64_t incx, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZswap_v2(cublasHandle_t handle, int n, cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZswap_v2_64(cublasHandle_t handle, int64_t n, cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSwapEx(cublasHandle_t handle, int n, void* x, cudaDataType xType, int incx, void* y, cudaDataType yType, int incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSwapEx_64(cublasHandle_t handle, int64_t n, void* x, cudaDataType xType, int64_t incx, void* y, cudaDataType yType, int64_t incy); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIsamax_v2(cublasHandle_t handle, int n, const float* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIsamax_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIdamax_v2(cublasHandle_t handle, int n, const double* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIdamax_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIcamax_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIcamax_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIzamax_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIzamax_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIamaxEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIamaxEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIsamin_v2(cublasHandle_t handle, int n, const float* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIsamin_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIdamin_v2(cublasHandle_t handle, int n, const double* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIdamin_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIcamin_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIcamin_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIzamin_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIzamin_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIaminEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, int* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasIaminEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, int64_t* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasAsumEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, void* result, cudaDataType resultType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param result SEND_RECV + * @param resultType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasAsumEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, void* result, cudaDataType resultType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasSasum_v2(cublasHandle_t handle, int n, const float* x, int incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasSasum_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDasum_v2(cublasHandle_t handle, int n, const double* x, int incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDasum_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasScasum_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasScasum_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, float* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDzasum_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param result SEND_RECV + */ +cublasStatus_t cublasDzasum_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, double* result); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasSrot_v2(cublasHandle_t handle, int n, float* x, int incx, float* y, int incy, const float* c, const float* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasSrot_v2_64(cublasHandle_t handle, int64_t n, float* x, int64_t incx, float* y, int64_t incy, const float* c, const float* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasDrot_v2(cublasHandle_t handle, int n, double* x, int incx, double* y, int incy, const double* c, const double* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasDrot_v2_64(cublasHandle_t handle, int64_t n, double* x, int64_t incx, double* y, int64_t incy, const double* c, const double* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasCrot_v2(cublasHandle_t handle, int n, cuComplex* x, int incx, cuComplex* y, int incy, const float* c, const cuComplex* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasCrot_v2_64(cublasHandle_t handle, int64_t n, cuComplex* x, int64_t incx, cuComplex* y, int64_t incy, const float* c, const cuComplex* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasCsrot_v2(cublasHandle_t handle, int n, cuComplex* x, int incx, cuComplex* y, int incy, const float* c, const float* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasCsrot_v2_64(cublasHandle_t handle, int64_t n, cuComplex* x, int64_t incx, cuComplex* y, int64_t incy, const float* c, const float* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasZrot_v2(cublasHandle_t handle, int n, cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy, const double* c, const cuDoubleComplex* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasZrot_v2_64(cublasHandle_t handle, int64_t n, cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy, const double* c, const cuDoubleComplex* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasZdrot_v2(cublasHandle_t handle, int n, cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy, const double* c, const double* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasZdrot_v2_64(cublasHandle_t handle, int64_t n, cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy, const double* c, const double* s); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + * @param csType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasRotEx(cublasHandle_t handle, int n, void* x, cudaDataType xType, int incx, void* y, cudaDataType yType, int incy, const void* c, const void* s, cudaDataType csType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + * @param csType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasRotEx_64(cublasHandle_t handle, int64_t n, void* x, cudaDataType xType, int64_t incx, void* y, cudaDataType yType, int64_t incy, const void* c, const void* s, cudaDataType csType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param a SEND_RECV + * @param b SEND_RECV + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasSrotg_v2(cublasHandle_t handle, float* a, float* b, float* c, float* s); +/** + * @param handle SEND_ONLY + * @param a SEND_RECV + * @param b SEND_RECV + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasDrotg_v2(cublasHandle_t handle, double* a, double* b, double* c, double* s); +/** + * @param handle SEND_ONLY + * @param a SEND_RECV + * @param b SEND_RECV + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasCrotg_v2(cublasHandle_t handle, cuComplex* a, cuComplex* b, float* c, cuComplex* s); +/** + * @param handle SEND_ONLY + * @param a SEND_RECV + * @param b SEND_RECV + * @param c SEND_RECV + * @param s SEND_RECV + */ +cublasStatus_t cublasZrotg_v2(cublasHandle_t handle, cuDoubleComplex* a, cuDoubleComplex* b, double* c, cuDoubleComplex* s); +/** + * @param handle SEND_ONLY + * @param a SEND_RECV + * @param b SEND_RECV + * @param abType SEND_ONLY + * @param c SEND_RECV + * @param s SEND_RECV + * @param csType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasRotgEx(cublasHandle_t handle, void* a, void* b, cudaDataType abType, void* c, void* s, cudaDataType csType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param param SEND_RECV + */ +cublasStatus_t cublasSrotm_v2(cublasHandle_t handle, int n, float* x, int incx, float* y, int incy, const float* param); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param param SEND_RECV + */ +cublasStatus_t cublasSrotm_v2_64(cublasHandle_t handle, int64_t n, float* x, int64_t incx, float* y, int64_t incy, const float* param); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param param SEND_RECV + */ +cublasStatus_t cublasDrotm_v2(cublasHandle_t handle, int n, double* x, int incx, double* y, int incy, const double* param); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param param SEND_RECV + */ +cublasStatus_t cublasDrotm_v2_64(cublasHandle_t handle, int64_t n, double* x, int64_t incx, double* y, int64_t incy, const double* param); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param param SEND_RECV + * @param paramType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasRotmEx(cublasHandle_t handle, int n, void* x, cudaDataType xType, int incx, void* y, cudaDataType yType, int incy, const void* param, cudaDataType paramType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param x SEND_RECV + * @param xType SEND_ONLY + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param yType SEND_ONLY + * @param incy SEND_ONLY + * @param param SEND_RECV + * @param paramType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasRotmEx_64(cublasHandle_t handle, int64_t n, void* x, cudaDataType xType, int64_t incx, void* y, cudaDataType yType, int64_t incy, const void* param, cudaDataType paramType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param d1 SEND_RECV + * @param d2 SEND_RECV + * @param x1 SEND_RECV + * @param y1 SEND_RECV + * @param param SEND_RECV + */ +cublasStatus_t cublasSrotmg_v2(cublasHandle_t handle, float* d1, float* d2, float* x1, const float* y1, float* param); +/** + * @param handle SEND_ONLY + * @param d1 SEND_RECV + * @param d2 SEND_RECV + * @param x1 SEND_RECV + * @param y1 SEND_RECV + * @param param SEND_RECV + */ +cublasStatus_t cublasDrotmg_v2(cublasHandle_t handle, double* d1, double* d2, double* x1, const double* y1, double* param); +/** + * @param handle SEND_ONLY + * @param d1 SEND_RECV + * @param d1Type SEND_ONLY + * @param d2 SEND_RECV + * @param d2Type SEND_ONLY + * @param x1 SEND_RECV + * @param x1Type SEND_ONLY + * @param y1 SEND_RECV + * @param y1Type SEND_ONLY + * @param param SEND_RECV + * @param paramType SEND_ONLY + * @param executiontype SEND_ONLY + */ +cublasStatus_t cublasRotmgEx(cublasHandle_t handle, void* d1, cudaDataType d1Type, void* d2, cudaDataType d2Type, void* x1, cudaDataType x1Type, const void* y1, cudaDataType y1Type, void* param, cudaDataType paramType, cudaDataType executiontype); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param kl SEND_ONLY + * @param ku SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* A, int lda, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* A, int64_t lda, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* A, int lda, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* A, int64_t lda, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* A, int lda, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const float* A, int lda, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const float* A, int64_t lda, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const double* A, int lda, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const double* A, int64_t lda, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuComplex* A, int lda, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* AP, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* AP, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* AP, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* AP, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* AP, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* AP, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* AP, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* AP, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* A, int lda, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* A, int64_t lda, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* A, int lda, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* A, int64_t lda, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* A, int lda, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* AP, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* AP, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* AP, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* AP, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* AP, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* AP, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* AP, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* AP, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const float* A, int lda, float* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasStbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const float* A, int64_t lda, float* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const double* A, int lda, double* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasDtbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const double* A, int64_t lda, double* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuComplex* A, int lda, cuComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasCtbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + */ +cublasStatus_t cublasZtbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasCsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasChemv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasChemv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZhemv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZhemv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSsbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSsbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDsbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDsbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasChbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasChbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZhbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZhbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSspmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* AP, const float* x, int incx, const float* beta, float* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasSspmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* AP, const float* x, int64_t incx, const float* beta, float* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDspmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* AP, const double* x, int incx, const double* beta, double* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasDspmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* AP, const double* x, int64_t incx, const double* beta, double* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasChpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* AP, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasChpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* AP, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZhpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* AP, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param AP SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + */ +cublasStatus_t cublasZhpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* AP, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasSger_v2(cublasHandle_t handle, int m, int n, const float* alpha, const float* x, int incx, const float* y, int incy, float* A, int lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasSger_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const float* alpha, const float* x, int64_t incx, const float* y, int64_t incy, float* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDger_v2(cublasHandle_t handle, int m, int n, const double* alpha, const double* x, int incx, const double* y, int incy, double* A, int lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDger_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const double* alpha, const double* x, int64_t incx, const double* y, int64_t incy, double* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCgeru_v2(cublasHandle_t handle, int m, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCgeru_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCgerc_v2(cublasHandle_t handle, int m, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCgerc_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZgeru_v2(cublasHandle_t handle, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZgeru_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZgerc_v2(cublasHandle_t handle, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZgerc_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasSsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, float* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasSsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, float* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, double* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, double* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, cuComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCher_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const cuComplex* x, int incx, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCher_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const cuComplex* x, int64_t incx, cuComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZher_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZher_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasSspr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, float* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasSspr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, float* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasDspr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, double* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasDspr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, double* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasChpr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const cuComplex* x, int incx, cuComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasChpr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const cuComplex* x, int64_t incx, cuComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasZhpr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasZhpr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasSsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, const float* y, int incy, float* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasSsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, const float* y, int64_t incy, float* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, const double* y, int incy, double* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, const double* y, int64_t incy, double* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCher2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCher2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZher2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZher2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasSspr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, const float* y, int incy, float* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasSspr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, const float* y, int64_t incy, float* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasDspr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, const double* y, int incy, double* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasDspr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, const double* y, int64_t incy, double* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasChpr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasChpr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasZhpr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasZhpr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* AP); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* const Aarray[], int lda, const float* const xarray[], int incx, const float* beta, float* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const float* const Aarray[], int64_t lda, const float* const xarray[], int64_t incx, const float* beta, float* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const double* alpha, const double* const Aarray[], int lda, const double* const xarray[], int incx, const double* beta, double* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const double* alpha, const double* const Aarray[], int64_t lda, const double* const xarray[], int64_t incx, const double* beta, double* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuComplex* alpha, const cuComplex* const Aarray[], int lda, const cuComplex* const xarray[], int incx, const cuComplex* beta, cuComplex* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* const Aarray[], int64_t lda, const cuComplex* const xarray[], int64_t incx, const cuComplex* beta, cuComplex* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* const Aarray[], int lda, const cuDoubleComplex* const xarray[], int incx, const cuDoubleComplex* beta, cuDoubleComplex* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* const Aarray[], int64_t lda, const cuDoubleComplex* const xarray[], int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSHgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __half* const Aarray[], int lda, const __half* const xarray[], int incx, const float* beta, __half* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSHgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* const Aarray[], int64_t lda, const __half* const xarray[], int64_t incx, const float* beta, __half* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSSgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __half* const Aarray[], int lda, const __half* const xarray[], int incx, const float* beta, float* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSSgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* const Aarray[], int64_t lda, const __half* const xarray[], int64_t incx, const float* beta, float* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSTgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* const Aarray[], int lda, const __nv_bfloat16* const xarray[], int incx, const float* beta, __nv_bfloat16* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSTgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __nv_bfloat16* const Aarray[], int64_t lda, const __nv_bfloat16* const xarray[], int64_t incx, const float* beta, __nv_bfloat16* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSSgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* const Aarray[], int lda, const __nv_bfloat16* const xarray[], int incx, const float* beta, float* const yarray[], int incy, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param incx SEND_ONLY + * @param beta SEND_RECV + * @param incy SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSSgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __nv_bfloat16* const Aarray[], int64_t lda, const __nv_bfloat16* const xarray[], int64_t incx, const float* beta, float* const yarray[], int64_t incy, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* A, int lda, long long int strideA, const float* x, int incx, long long int stridex, const float* beta, float* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, long long int strideA, const float* x, int64_t incx, long long int stridex, const float* beta, float* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const double* alpha, const double* A, int lda, long long int strideA, const double* x, int incx, long long int stridex, const double* beta, double* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, long long int strideA, const double* x, int64_t incx, long long int stridex, const double* beta, double* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, long long int strideA, const cuComplex* x, int incx, long long int stridex, const cuComplex* beta, cuComplex* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, long long int strideA, const cuComplex* x, int64_t incx, long long int stridex, const cuComplex* beta, cuComplex* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, long long int strideA, const cuDoubleComplex* x, int incx, long long int stridex, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, long long int strideA, const cuDoubleComplex* x, int64_t incx, long long int stridex, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSHgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __half* A, int lda, long long int strideA, const __half* x, int incx, long long int stridex, const float* beta, __half* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSHgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* A, int64_t lda, long long int strideA, const __half* x, int64_t incx, long long int stridex, const float* beta, __half* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSSgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __half* A, int lda, long long int strideA, const __half* x, int incx, long long int stridex, const float* beta, float* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHSSgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* A, int64_t lda, long long int strideA, const __half* x, int64_t incx, long long int stridex, const float* beta, float* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSTgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* A, int lda, long long int strideA, const __nv_bfloat16* x, int incx, long long int stridex, const float* beta, __nv_bfloat16* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSTgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __nv_bfloat16* A, int64_t lda, long long int strideA, const __nv_bfloat16* x, int64_t incx, long long int stridex, const float* beta, __nv_bfloat16* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSSgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* A, int lda, long long int strideA, const __nv_bfloat16* x, int incx, long long int stridex, const float* beta, float* y, int incy, long long int stridey, int batchCount); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param stridex SEND_ONLY + * @param beta SEND_RECV + * @param y SEND_RECV + * @param incy SEND_ONLY + * @param stridey SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasTSSgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __nv_bfloat16* A, int64_t lda, long long int strideA, const __nv_bfloat16* x, int64_t incx, long long int stridex, const float* beta, float* y, int64_t incy, long long int stridey, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemm3m(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemm3m_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemm3mEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const void* A, cudaDataType Atype, int lda, const void* B, cudaDataType Btype, int ldb, const cuComplex* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemm3mEx_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const void* A, cudaDataType Atype, int64_t lda, const void* B, cudaDataType Btype, int64_t ldb, const cuComplex* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZgemm3m(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZgemm3m_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasHgemm(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const __half* alpha, const __half* A, int lda, const __half* B, int ldb, const __half* beta, __half* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasHgemm_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const __half* alpha, const __half* A, int64_t lda, const __half* B, int64_t ldb, const __half* beta, __half* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSgemmEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const float* alpha, const void* A, cudaDataType Atype, int lda, const void* B, cudaDataType Btype, int ldb, const float* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSgemmEx_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const float* alpha, const void* A, cudaDataType Atype, int64_t lda, const void* B, cudaDataType Btype, int64_t ldb, const float* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const void* alpha, const void* A, cudaDataType Atype, int lda, const void* B, cudaDataType Btype, int ldb, const void* beta, void* C, cudaDataType Ctype, int ldc, cublasComputeType_t computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmEx_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const void* alpha, const void* A, cudaDataType Atype, int64_t lda, const void* B, cudaDataType Btype, int64_t ldb, const void* beta, void* C, cudaDataType Ctype, int64_t ldc, cublasComputeType_t computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemmEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const void* A, cudaDataType Atype, int lda, const void* B, cudaDataType Btype, int ldb, const cuComplex* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgemmEx_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const void* A, cudaDataType Atype, int64_t lda, const void* B, cudaDataType Btype, int64_t ldb, const cuComplex* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const float* A, int lda, const float* beta, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* beta, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const double* A, int lda, const double* beta, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* beta, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrkEx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const void* A, cudaDataType Atype, int lda, const cuComplex* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrkEx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const void* A, cudaDataType Atype, int64_t lda, const cuComplex* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrk3mEx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const void* A, cudaDataType Atype, int lda, const cuComplex* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrk3mEx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const void* A, cudaDataType Atype, int64_t lda, const cuComplex* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const cuComplex* A, int lda, const float* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const cuComplex* A, int64_t lda, const float* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZherk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const cuDoubleComplex* A, int lda, const double* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZherk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const cuDoubleComplex* A, int64_t lda, const double* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherkEx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const void* A, cudaDataType Atype, int lda, const float* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherkEx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const void* A, cudaDataType Atype, int64_t lda, const float* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherk3mEx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const void* A, cudaDataType Atype, int lda, const float* beta, void* C, cudaDataType Ctype, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherk3mEx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const void* A, cudaDataType Atype, int64_t lda, const float* beta, void* C, cudaDataType Ctype, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCher2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const float* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCher2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const float* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZher2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const double* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZher2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const double* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const float* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCherkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const float* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZherkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const double* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZherkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const double* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasChemm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasChemm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZhemm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZhemm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasStrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const float* alpha, const float* A, int lda, float* B, int ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasStrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, float* B, int64_t ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasDtrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const double* alpha, const double* A, int lda, double* B, int ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasDtrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, double* B, int64_t ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasCtrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, cuComplex* B, int ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasCtrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, cuComplex* B, int64_t ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasZtrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, cuDoubleComplex* B, int ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + */ +cublasStatus_t cublasZtrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* B, int64_t ldb); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasStrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const float* alpha, const float* A, int lda, const float* B, int ldb, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasStrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDtrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const double* alpha, const double* A, int lda, const double* B, int ldb, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCtrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZtrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHgemmBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const __half* alpha, const __half* const Aarray[], int lda, const __half* const Barray[], int ldb, const __half* beta, __half* const Carray[], int ldc, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHgemmBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const __half* alpha, const __half* const Aarray[], int64_t lda, const __half* const Barray[], int64_t ldb, const __half* beta, __half* const Carray[], int64_t ldc, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemmBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const float* alpha, const float* const Aarray[], int lda, const float* const Barray[], int ldb, const float* beta, float* const Carray[], int ldc, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemmBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const float* alpha, const float* const Aarray[], int64_t lda, const float* const Barray[], int64_t ldb, const float* beta, float* const Carray[], int64_t ldc, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemmBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const double* alpha, const double* const Aarray[], int lda, const double* const Barray[], int ldb, const double* beta, double* const Carray[], int ldc, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemmBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const double* alpha, const double* const Aarray[], int64_t lda, const double* const Barray[], int64_t ldb, const double* beta, double* const Carray[], int64_t ldc, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemmBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* const Aarray[], int lda, const cuComplex* const Barray[], int ldb, const cuComplex* beta, cuComplex* const Carray[], int ldc, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemmBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* const Aarray[], int64_t lda, const cuComplex* const Barray[], int64_t ldb, const cuComplex* beta, cuComplex* const Carray[], int64_t ldc, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemm3mBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* const Aarray[], int lda, const cuComplex* const Barray[], int ldb, const cuComplex* beta, cuComplex* const Carray[], int ldc, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemm3mBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* const Aarray[], int64_t lda, const cuComplex* const Barray[], int64_t ldb, const cuComplex* beta, cuComplex* const Carray[], int64_t ldc, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemmBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* const Aarray[], int lda, const cuDoubleComplex* const Barray[], int ldb, const cuDoubleComplex* beta, cuDoubleComplex* const Carray[], int ldc, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemmBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* const Aarray[], int64_t lda, const cuDoubleComplex* const Barray[], int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* const Carray[], int64_t ldc, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const __half* alpha, const __half* A, int lda, long long int strideA, const __half* B, int ldb, long long int strideB, const __half* beta, __half* C, int ldc, long long int strideC, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasHgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const __half* alpha, const __half* A, int64_t lda, long long int strideA, const __half* B, int64_t ldb, long long int strideB, const __half* beta, __half* C, int64_t ldc, long long int strideC, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const float* alpha, const float* A, int lda, long long int strideA, const float* B, int ldb, long long int strideB, const float* beta, float* C, int ldc, long long int strideC, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasSgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, long long int strideA, const float* B, int64_t ldb, long long int strideB, const float* beta, float* C, int64_t ldc, long long int strideC, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const double* alpha, const double* A, int lda, long long int strideA, const double* B, int ldb, long long int strideB, const double* beta, double* C, int ldc, long long int strideC, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, long long int strideA, const double* B, int64_t ldb, long long int strideB, const double* beta, double* C, int64_t ldc, long long int strideC, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, long long int strideA, const cuComplex* B, int ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int ldc, long long int strideC, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, long long int strideA, const cuComplex* B, int64_t ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int64_t ldc, long long int strideC, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemm3mStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, long long int strideA, const cuComplex* B, int ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int ldc, long long int strideC, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCgemm3mStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, long long int strideA, const cuComplex* B, int64_t ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int64_t ldc, long long int strideC, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, long long int strideA, const cuDoubleComplex* B, int ldb, long long int strideB, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc, long long int strideC, int batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, long long int strideA, const cuDoubleComplex* B, int64_t ldb, long long int strideB, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc, long long int strideC, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmBatchedEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const void* alpha, const void* const Aarray[], cudaDataType Atype, int lda, const void* const Barray[], cudaDataType Btype, int ldb, const void* beta, void* const Carray[], cudaDataType Ctype, int ldc, int batchCount, cublasComputeType_t computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmBatchedEx_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const void* alpha, const void* const Aarray[], cudaDataType Atype, int64_t lda, const void* const Barray[], cudaDataType Btype, int64_t ldb, const void* beta, void* const Carray[], cudaDataType Ctype, int64_t ldc, int64_t batchCount, cublasComputeType_t computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmStridedBatchedEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const void* alpha, const void* A, cudaDataType Atype, int lda, long long int strideA, const void* B, cudaDataType Btype, int ldb, long long int strideB, const void* beta, void* C, cudaDataType Ctype, int ldc, long long int strideC, int batchCount, cublasComputeType_t computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmStridedBatchedEx_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const void* alpha, const void* A, cudaDataType Atype, int64_t lda, long long int strideA, const void* B, cudaDataType Btype, int64_t ldb, long long int strideB, const void* beta, void* C, cudaDataType Ctype, int64_t ldc, long long int strideC, int64_t batchCount, cublasComputeType_t computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const float* alpha, const float* A, int lda, const float* beta, const float* B, int ldb, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* beta, const float* B, int64_t ldb, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const double* alpha, const double* A, int lda, const double* beta, const double* B, int ldb, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* beta, const double* B, int64_t ldb, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* beta, const cuComplex* B, int ldb, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* beta, const cuComplex* B, int64_t ldb, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* beta, const cuDoubleComplex* B, int ldb, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param beta SEND_RECV + * @param B SEND_RECV + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* beta, const cuDoubleComplex* B, int64_t ldb, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasStrsmBatched(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const float* alpha, const float* const A[], int lda, float* const B[], int ldb, int batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasStrsmBatched_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const float* alpha, const float* const A[], int64_t lda, float* const B[], int64_t ldb, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDtrsmBatched(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const double* alpha, const double* const A[], int lda, double* const B[], int ldb, int batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasDtrsmBatched_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const double* alpha, const double* const A[], int64_t lda, double* const B[], int64_t ldb, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCtrsmBatched(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuComplex* alpha, const cuComplex* const A[], int lda, cuComplex* const B[], int ldb, int batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasCtrsmBatched_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* const A[], int64_t lda, cuComplex* const B[], int64_t ldb, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZtrsmBatched(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* const A[], int lda, cuDoubleComplex* const B[], int ldb, int batchCount); +/** + * @param handle SEND_ONLY + * @param side SEND_ONLY + * @param uplo SEND_ONLY + * @param trans SEND_ONLY + * @param diag SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param alpha SEND_RECV + * @param lda SEND_ONLY + * @param ldb SEND_ONLY + * @param batchCount SEND_ONLY + */ +cublasStatus_t cublasZtrsmBatched_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* const A[], int64_t lda, cuDoubleComplex* const B[], int64_t ldb, int64_t batchCount); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const float* A, int lda, const float* x, int incx, float* C, int ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasSdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const float* A, int64_t lda, const float* x, int64_t incx, float* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const double* A, int lda, const double* x, int incx, double* C, int ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasDdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const double* A, int64_t lda, const double* x, int64_t incx, double* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const cuComplex* A, int lda, const cuComplex* x, int incx, cuComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasCdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, cuComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, cuDoubleComplex* C, int ldc); +/** + * @param handle SEND_ONLY + * @param mode SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param x SEND_RECV + * @param incx SEND_ONLY + * @param C SEND_RECV + * @param ldc SEND_ONLY + */ +cublasStatus_t cublasZdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* C, int64_t ldc); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param lda_inv SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasSmatinvBatched(cublasHandle_t handle, int n, const float* const A[], int lda, float* const Ainv[], int lda_inv, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param lda_inv SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasDmatinvBatched(cublasHandle_t handle, int n, const double* const A[], int lda, double* const Ainv[], int lda_inv, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param lda_inv SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasCmatinvBatched(cublasHandle_t handle, int n, const cuComplex* const A[], int lda, cuComplex* const Ainv[], int lda_inv, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param lda_inv SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasZmatinvBatched(cublasHandle_t handle, int n, const cuDoubleComplex* const A[], int lda, cuDoubleComplex* const Ainv[], int lda_inv, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasSgeqrfBatched(cublasHandle_t handle, int m, int n, float* const Aarray[], int lda, float* const TauArray[], int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasDgeqrfBatched(cublasHandle_t handle, int m, int n, double* const Aarray[], int lda, double* const TauArray[], int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasCgeqrfBatched(cublasHandle_t handle, int m, int n, cuComplex* const Aarray[], int lda, cuComplex* const TauArray[], int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasZgeqrfBatched(cublasHandle_t handle, int m, int n, cuDoubleComplex* const Aarray[], int lda, cuDoubleComplex* const TauArray[], int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param devInfoArray SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasSgelsBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int nrhs, float* const Aarray[], int lda, float* const Carray[], int ldc, int* info, int* devInfoArray, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param devInfoArray SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasDgelsBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int nrhs, double* const Aarray[], int lda, double* const Carray[], int ldc, int* info, int* devInfoArray, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param devInfoArray SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasCgelsBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int nrhs, cuComplex* const Aarray[], int lda, cuComplex* const Carray[], int ldc, int* info, int* devInfoArray, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param devInfoArray SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasZgelsBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int nrhs, cuDoubleComplex* const Aarray[], int lda, cuDoubleComplex* const Carray[], int ldc, int* info, int* devInfoArray, int batchSize); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasStpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* AP, float* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasDtpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* AP, double* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasCtpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* AP, cuComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param AP SEND_RECV + * @param A SEND_RECV + * @param lda SEND_ONLY + */ +cublasStatus_t cublasZtpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* AP, cuDoubleComplex* A, int lda); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasStrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* A, int lda, float* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasDtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* A, int lda, double* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasCtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* A, int lda, cuComplex* AP); +/** + * @param handle SEND_ONLY + * @param uplo SEND_ONLY + * @param n SEND_ONLY + * @param A SEND_RECV + * @param lda SEND_ONLY + * @param AP SEND_RECV + */ +cublasStatus_t cublasZtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* A, int lda, cuDoubleComplex* AP); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasSgetrfBatched(cublasHandle_t handle, int n, float* const A[], int lda, int* P, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasDgetrfBatched(cublasHandle_t handle, int n, double* const A[], int lda, int* P, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasCgetrfBatched(cublasHandle_t handle, int n, cuComplex* const A[], int lda, int* P, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasZgetrfBatched(cublasHandle_t handle, int n, cuDoubleComplex* const A[], int lda, int* P, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasSgetriBatched(cublasHandle_t handle, int n, const float* const A[], int lda, const int* P, float* const C[], int ldc, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasDgetriBatched(cublasHandle_t handle, int n, const double* const A[], int lda, const int* P, double* const C[], int ldc, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasCgetriBatched(cublasHandle_t handle, int n, const cuComplex* const A[], int lda, const int* P, cuComplex* const C[], int ldc, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param n SEND_ONLY + * @param lda SEND_ONLY + * @param P SEND_RECV + * @param ldc SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasZgetriBatched(cublasHandle_t handle, int n, const cuDoubleComplex* const A[], int lda, const int* P, cuDoubleComplex* const C[], int ldc, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param devIpiv SEND_RECV + * @param ldb SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasSgetrsBatched(cublasHandle_t handle, cublasOperation_t trans, int n, int nrhs, const float* const Aarray[], int lda, const int* devIpiv, float* const Barray[], int ldb, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param devIpiv SEND_RECV + * @param ldb SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasDgetrsBatched(cublasHandle_t handle, cublasOperation_t trans, int n, int nrhs, const double* const Aarray[], int lda, const int* devIpiv, double* const Barray[], int ldb, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param devIpiv SEND_RECV + * @param ldb SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasCgetrsBatched(cublasHandle_t handle, cublasOperation_t trans, int n, int nrhs, const cuComplex* const Aarray[], int lda, const int* devIpiv, cuComplex* const Barray[], int ldb, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param trans SEND_ONLY + * @param n SEND_ONLY + * @param nrhs SEND_ONLY + * @param lda SEND_ONLY + * @param devIpiv SEND_RECV + * @param ldb SEND_ONLY + * @param info SEND_RECV + * @param batchSize SEND_ONLY + */ +cublasStatus_t cublasZgetrsBatched(cublasHandle_t handle, cublasOperation_t trans, int n, int nrhs, const cuDoubleComplex* const Aarray[], int lda, const int* devIpiv, cuDoubleComplex* const Barray[], int ldb, int* info, int batchSize); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param transc SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param A SEND_RECV + * @param A_bias SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param B_bias SEND_ONLY + * @param ldb SEND_ONLY + * @param C SEND_RECV + * @param C_bias SEND_ONLY + * @param ldc SEND_ONLY + * @param C_mult SEND_ONLY + * @param C_shift SEND_ONLY + */ +cublasStatus_t cublasUint8gemmBias(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, cublasOperation_t transc, int m, int n, int k, const unsigned char* A, int A_bias, int lda, const unsigned char* B, int B_bias, int ldb, unsigned char* C, int C_bias, int ldc, int C_mult, int C_shift); +/** + * @param handle SEND_ONLY + * @param dataType SEND_ONLY + * @param computeType SEND_RECV + */ +cublasStatus_t cublasMigrateComputeType(cublasHandle_t handle, cudaDataType_t dataType, cublasComputeType_t* computeType); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const void* alpha, const void* A, cudaDataType Atype, int lda, const void* B, cudaDataType Btype, int ldb, const void* beta, void* C, cudaDataType Ctype, int ldc, cudaDataType computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param beta SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param batchCount SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmBatchedEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const void* alpha, const void* const Aarray[], cudaDataType Atype, int lda, const void* const Barray[], cudaDataType Btype, int ldb, const void* beta, void* const Carray[], cudaDataType Ctype, int ldc, int batchCount, cudaDataType computeType, cublasGemmAlgo_t algo); +/** + * @param handle SEND_ONLY + * @param transa SEND_ONLY + * @param transb SEND_ONLY + * @param m SEND_ONLY + * @param n SEND_ONLY + * @param k SEND_ONLY + * @param alpha SEND_RECV + * @param A SEND_RECV + * @param Atype SEND_ONLY + * @param lda SEND_ONLY + * @param strideA SEND_ONLY + * @param B SEND_RECV + * @param Btype SEND_ONLY + * @param ldb SEND_ONLY + * @param strideB SEND_ONLY + * @param beta SEND_RECV + * @param C SEND_RECV + * @param Ctype SEND_ONLY + * @param ldc SEND_ONLY + * @param strideC SEND_ONLY + * @param batchCount SEND_ONLY + * @param computeType SEND_ONLY + * @param algo SEND_ONLY + */ +cublasStatus_t cublasGemmStridedBatchedEx(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const void* alpha, const void* A, cudaDataType Atype, int lda, long long int strideA, const void* B, cudaDataType Btype, int ldb, long long int strideB, const void* beta, void* C, cudaDataType Ctype, int ldc, long long int strideC, int batchCount, cudaDataType computeType, cublasGemmAlgo_t algo); diff --git a/codegen/gen_api.h b/codegen/gen_api.h index e41db6d..033b9b2 100644 --- a/codegen/gen_api.h +++ b/codegen/gen_api.h @@ -887,11 +887,555 @@ #define RPC_cudaGetFuncBySymbol 886 #define RPC_cublasCreate_v2 887 #define RPC_cublasDestroy_v2 888 -#define RPC_cublasSgemm_v2 889 -#define RPC_cudnnCreate 890 -#define RPC_cudnnDestroy 891 -#define RPC_cudnnCreateTensorDescriptor 892 -#define RPC_cudnnSetTensor4dDescriptor 893 -#define RPC_cudnnCreateActivationDescriptor 894 -#define RPC_cudnnSetActivationDescriptor 895 -#define RPC_cudnnActivationForward 896 +#define RPC_cublasGetVersion_v2 889 +#define RPC_cublasGetProperty 890 +#define RPC_cublasGetCudartVersion 891 +#define RPC_cublasSetStream_v2 892 +#define RPC_cublasGetStream_v2 893 +#define RPC_cublasGetPointerMode_v2 894 +#define RPC_cublasSetPointerMode_v2 895 +#define RPC_cublasGetAtomicsMode 896 +#define RPC_cublasSetAtomicsMode 897 +#define RPC_cublasGetMathMode 898 +#define RPC_cublasSetMathMode 899 +#define RPC_cublasGetSmCountTarget 900 +#define RPC_cublasSetSmCountTarget 901 +#define RPC_cublasGetStatusName 902 +#define RPC_cublasGetStatusString 903 +#define RPC_cublasLoggerConfigure 904 +#define RPC_cublasSetLoggerCallback 905 +#define RPC_cublasGetLoggerCallback 906 +#define RPC_cublasXerbla 907 +#define RPC_cublasSnrm2_v2 908 +#define RPC_cublasSnrm2_v2_64 909 +#define RPC_cublasDnrm2_v2 910 +#define RPC_cublasDnrm2_v2_64 911 +#define RPC_cublasScnrm2_v2 912 +#define RPC_cublasScnrm2_v2_64 913 +#define RPC_cublasDznrm2_v2 914 +#define RPC_cublasDznrm2_v2_64 915 +#define RPC_cublasSdot_v2 916 +#define RPC_cublasSdot_v2_64 917 +#define RPC_cublasDdot_v2 918 +#define RPC_cublasDdot_v2_64 919 +#define RPC_cublasCdotu_v2 920 +#define RPC_cublasCdotu_v2_64 921 +#define RPC_cublasCdotc_v2 922 +#define RPC_cublasCdotc_v2_64 923 +#define RPC_cublasZdotu_v2 924 +#define RPC_cublasZdotu_v2_64 925 +#define RPC_cublasZdotc_v2 926 +#define RPC_cublasZdotc_v2_64 927 +#define RPC_cublasSscal_v2 928 +#define RPC_cublasSscal_v2_64 929 +#define RPC_cublasDscal_v2 930 +#define RPC_cublasDscal_v2_64 931 +#define RPC_cublasCscal_v2 932 +#define RPC_cublasCscal_v2_64 933 +#define RPC_cublasCsscal_v2 934 +#define RPC_cublasCsscal_v2_64 935 +#define RPC_cublasZscal_v2 936 +#define RPC_cublasZscal_v2_64 937 +#define RPC_cublasZdscal_v2 938 +#define RPC_cublasZdscal_v2_64 939 +#define RPC_cublasSaxpy_v2 940 +#define RPC_cublasSaxpy_v2_64 941 +#define RPC_cublasDaxpy_v2 942 +#define RPC_cublasDaxpy_v2_64 943 +#define RPC_cublasCaxpy_v2 944 +#define RPC_cublasCaxpy_v2_64 945 +#define RPC_cublasZaxpy_v2 946 +#define RPC_cublasZaxpy_v2_64 947 +#define RPC_cublasScopy_v2 948 +#define RPC_cublasScopy_v2_64 949 +#define RPC_cublasDcopy_v2 950 +#define RPC_cublasDcopy_v2_64 951 +#define RPC_cublasCcopy_v2 952 +#define RPC_cublasCcopy_v2_64 953 +#define RPC_cublasZcopy_v2 954 +#define RPC_cublasZcopy_v2_64 955 +#define RPC_cublasSswap_v2 956 +#define RPC_cublasSswap_v2_64 957 +#define RPC_cublasDswap_v2 958 +#define RPC_cublasDswap_v2_64 959 +#define RPC_cublasCswap_v2 960 +#define RPC_cublasCswap_v2_64 961 +#define RPC_cublasZswap_v2 962 +#define RPC_cublasZswap_v2_64 963 +#define RPC_cublasIsamax_v2 964 +#define RPC_cublasIsamax_v2_64 965 +#define RPC_cublasIdamax_v2 966 +#define RPC_cublasIdamax_v2_64 967 +#define RPC_cublasIcamax_v2 968 +#define RPC_cublasIcamax_v2_64 969 +#define RPC_cublasIzamax_v2 970 +#define RPC_cublasIzamax_v2_64 971 +#define RPC_cublasIamaxEx 972 +#define RPC_cublasIamaxEx_64 973 +#define RPC_cublasIsamin_v2 974 +#define RPC_cublasIsamin_v2_64 975 +#define RPC_cublasIdamin_v2 976 +#define RPC_cublasIdamin_v2_64 977 +#define RPC_cublasIcamin_v2 978 +#define RPC_cublasIcamin_v2_64 979 +#define RPC_cublasIzamin_v2 980 +#define RPC_cublasIzamin_v2_64 981 +#define RPC_cublasIaminEx 982 +#define RPC_cublasIaminEx_64 983 +#define RPC_cublasSasum_v2 984 +#define RPC_cublasSasum_v2_64 985 +#define RPC_cublasDasum_v2 986 +#define RPC_cublasDasum_v2_64 987 +#define RPC_cublasScasum_v2 988 +#define RPC_cublasScasum_v2_64 989 +#define RPC_cublasDzasum_v2 990 +#define RPC_cublasDzasum_v2_64 991 +#define RPC_cublasSrot_v2 992 +#define RPC_cublasSrot_v2_64 993 +#define RPC_cublasDrot_v2 994 +#define RPC_cublasDrot_v2_64 995 +#define RPC_cublasCrot_v2 996 +#define RPC_cublasCrot_v2_64 997 +#define RPC_cublasCsrot_v2 998 +#define RPC_cublasCsrot_v2_64 999 +#define RPC_cublasZrot_v2 1000 +#define RPC_cublasZrot_v2_64 1001 +#define RPC_cublasZdrot_v2 1002 +#define RPC_cublasZdrot_v2_64 1003 +#define RPC_cublasSrotg_v2 1004 +#define RPC_cublasDrotg_v2 1005 +#define RPC_cublasCrotg_v2 1006 +#define RPC_cublasZrotg_v2 1007 +#define RPC_cublasSrotm_v2 1008 +#define RPC_cublasSrotm_v2_64 1009 +#define RPC_cublasDrotm_v2 1010 +#define RPC_cublasDrotm_v2_64 1011 +#define RPC_cublasSrotmg_v2 1012 +#define RPC_cublasDrotmg_v2 1013 +#define RPC_cublasSgemv_v2 1014 +#define RPC_cublasSgemv_v2_64 1015 +#define RPC_cublasDgemv_v2 1016 +#define RPC_cublasDgemv_v2_64 1017 +#define RPC_cublasCgemv_v2 1018 +#define RPC_cublasCgemv_v2_64 1019 +#define RPC_cublasZgemv_v2 1020 +#define RPC_cublasZgemv_v2_64 1021 +#define RPC_cublasSgbmv_v2 1022 +#define RPC_cublasSgbmv_v2_64 1023 +#define RPC_cublasDgbmv_v2 1024 +#define RPC_cublasDgbmv_v2_64 1025 +#define RPC_cublasCgbmv_v2 1026 +#define RPC_cublasCgbmv_v2_64 1027 +#define RPC_cublasZgbmv_v2 1028 +#define RPC_cublasZgbmv_v2_64 1029 +#define RPC_cublasStrmv_v2 1030 +#define RPC_cublasStrmv_v2_64 1031 +#define RPC_cublasDtrmv_v2 1032 +#define RPC_cublasDtrmv_v2_64 1033 +#define RPC_cublasCtrmv_v2 1034 +#define RPC_cublasCtrmv_v2_64 1035 +#define RPC_cublasZtrmv_v2 1036 +#define RPC_cublasZtrmv_v2_64 1037 +#define RPC_cublasStbmv_v2 1038 +#define RPC_cublasStbmv_v2_64 1039 +#define RPC_cublasDtbmv_v2 1040 +#define RPC_cublasDtbmv_v2_64 1041 +#define RPC_cublasCtbmv_v2 1042 +#define RPC_cublasCtbmv_v2_64 1043 +#define RPC_cublasZtbmv_v2 1044 +#define RPC_cublasZtbmv_v2_64 1045 +#define RPC_cublasStpmv_v2 1046 +#define RPC_cublasStpmv_v2_64 1047 +#define RPC_cublasDtpmv_v2 1048 +#define RPC_cublasDtpmv_v2_64 1049 +#define RPC_cublasCtpmv_v2 1050 +#define RPC_cublasCtpmv_v2_64 1051 +#define RPC_cublasZtpmv_v2 1052 +#define RPC_cublasZtpmv_v2_64 1053 +#define RPC_cublasStrsv_v2 1054 +#define RPC_cublasStrsv_v2_64 1055 +#define RPC_cublasDtrsv_v2 1056 +#define RPC_cublasDtrsv_v2_64 1057 +#define RPC_cublasCtrsv_v2 1058 +#define RPC_cublasCtrsv_v2_64 1059 +#define RPC_cublasZtrsv_v2 1060 +#define RPC_cublasZtrsv_v2_64 1061 +#define RPC_cublasStpsv_v2 1062 +#define RPC_cublasStpsv_v2_64 1063 +#define RPC_cublasDtpsv_v2 1064 +#define RPC_cublasDtpsv_v2_64 1065 +#define RPC_cublasCtpsv_v2 1066 +#define RPC_cublasCtpsv_v2_64 1067 +#define RPC_cublasZtpsv_v2 1068 +#define RPC_cublasZtpsv_v2_64 1069 +#define RPC_cublasStbsv_v2 1070 +#define RPC_cublasStbsv_v2_64 1071 +#define RPC_cublasDtbsv_v2 1072 +#define RPC_cublasDtbsv_v2_64 1073 +#define RPC_cublasCtbsv_v2 1074 +#define RPC_cublasCtbsv_v2_64 1075 +#define RPC_cublasZtbsv_v2 1076 +#define RPC_cublasZtbsv_v2_64 1077 +#define RPC_cublasSsymv_v2 1078 +#define RPC_cublasSsymv_v2_64 1079 +#define RPC_cublasDsymv_v2 1080 +#define RPC_cublasDsymv_v2_64 1081 +#define RPC_cublasCsymv_v2 1082 +#define RPC_cublasCsymv_v2_64 1083 +#define RPC_cublasZsymv_v2 1084 +#define RPC_cublasZsymv_v2_64 1085 +#define RPC_cublasChemv_v2 1086 +#define RPC_cublasChemv_v2_64 1087 +#define RPC_cublasZhemv_v2 1088 +#define RPC_cublasZhemv_v2_64 1089 +#define RPC_cublasSsbmv_v2 1090 +#define RPC_cublasSsbmv_v2_64 1091 +#define RPC_cublasDsbmv_v2 1092 +#define RPC_cublasDsbmv_v2_64 1093 +#define RPC_cublasChbmv_v2 1094 +#define RPC_cublasChbmv_v2_64 1095 +#define RPC_cublasZhbmv_v2 1096 +#define RPC_cublasZhbmv_v2_64 1097 +#define RPC_cublasSspmv_v2 1098 +#define RPC_cublasSspmv_v2_64 1099 +#define RPC_cublasDspmv_v2 1100 +#define RPC_cublasDspmv_v2_64 1101 +#define RPC_cublasChpmv_v2 1102 +#define RPC_cublasChpmv_v2_64 1103 +#define RPC_cublasZhpmv_v2 1104 +#define RPC_cublasZhpmv_v2_64 1105 +#define RPC_cublasSger_v2 1106 +#define RPC_cublasSger_v2_64 1107 +#define RPC_cublasDger_v2 1108 +#define RPC_cublasDger_v2_64 1109 +#define RPC_cublasCgeru_v2 1110 +#define RPC_cublasCgeru_v2_64 1111 +#define RPC_cublasCgerc_v2 1112 +#define RPC_cublasCgerc_v2_64 1113 +#define RPC_cublasZgeru_v2 1114 +#define RPC_cublasZgeru_v2_64 1115 +#define RPC_cublasZgerc_v2 1116 +#define RPC_cublasZgerc_v2_64 1117 +#define RPC_cublasSsyr_v2 1118 +#define RPC_cublasSsyr_v2_64 1119 +#define RPC_cublasDsyr_v2 1120 +#define RPC_cublasDsyr_v2_64 1121 +#define RPC_cublasCsyr_v2 1122 +#define RPC_cublasCsyr_v2_64 1123 +#define RPC_cublasZsyr_v2 1124 +#define RPC_cublasZsyr_v2_64 1125 +#define RPC_cublasCher_v2 1126 +#define RPC_cublasCher_v2_64 1127 +#define RPC_cublasZher_v2 1128 +#define RPC_cublasZher_v2_64 1129 +#define RPC_cublasSspr_v2 1130 +#define RPC_cublasSspr_v2_64 1131 +#define RPC_cublasDspr_v2 1132 +#define RPC_cublasDspr_v2_64 1133 +#define RPC_cublasChpr_v2 1134 +#define RPC_cublasChpr_v2_64 1135 +#define RPC_cublasZhpr_v2 1136 +#define RPC_cublasZhpr_v2_64 1137 +#define RPC_cublasSsyr2_v2 1138 +#define RPC_cublasSsyr2_v2_64 1139 +#define RPC_cublasDsyr2_v2 1140 +#define RPC_cublasDsyr2_v2_64 1141 +#define RPC_cublasCsyr2_v2 1142 +#define RPC_cublasCsyr2_v2_64 1143 +#define RPC_cublasZsyr2_v2 1144 +#define RPC_cublasZsyr2_v2_64 1145 +#define RPC_cublasCher2_v2 1146 +#define RPC_cublasCher2_v2_64 1147 +#define RPC_cublasZher2_v2 1148 +#define RPC_cublasZher2_v2_64 1149 +#define RPC_cublasSspr2_v2 1150 +#define RPC_cublasSspr2_v2_64 1151 +#define RPC_cublasDspr2_v2 1152 +#define RPC_cublasDspr2_v2_64 1153 +#define RPC_cublasChpr2_v2 1154 +#define RPC_cublasChpr2_v2_64 1155 +#define RPC_cublasZhpr2_v2 1156 +#define RPC_cublasZhpr2_v2_64 1157 +#define RPC_cublasSgemvBatched 1158 +#define RPC_cublasSgemvBatched_64 1159 +#define RPC_cublasDgemvBatched 1160 +#define RPC_cublasDgemvBatched_64 1161 +#define RPC_cublasCgemvBatched 1162 +#define RPC_cublasCgemvBatched_64 1163 +#define RPC_cublasZgemvBatched 1164 +#define RPC_cublasZgemvBatched_64 1165 +#define RPC_cublasHSHgemvBatched 1166 +#define RPC_cublasHSHgemvBatched_64 1167 +#define RPC_cublasHSSgemvBatched 1168 +#define RPC_cublasHSSgemvBatched_64 1169 +#define RPC_cublasTSTgemvBatched 1170 +#define RPC_cublasTSTgemvBatched_64 1171 +#define RPC_cublasTSSgemvBatched 1172 +#define RPC_cublasTSSgemvBatched_64 1173 +#define RPC_cublasSgemvStridedBatched 1174 +#define RPC_cublasSgemvStridedBatched_64 1175 +#define RPC_cublasDgemvStridedBatched 1176 +#define RPC_cublasDgemvStridedBatched_64 1177 +#define RPC_cublasCgemvStridedBatched 1178 +#define RPC_cublasCgemvStridedBatched_64 1179 +#define RPC_cublasZgemvStridedBatched 1180 +#define RPC_cublasZgemvStridedBatched_64 1181 +#define RPC_cublasHSHgemvStridedBatched 1182 +#define RPC_cublasHSHgemvStridedBatched_64 1183 +#define RPC_cublasHSSgemvStridedBatched 1184 +#define RPC_cublasHSSgemvStridedBatched_64 1185 +#define RPC_cublasTSTgemvStridedBatched 1186 +#define RPC_cublasTSTgemvStridedBatched_64 1187 +#define RPC_cublasTSSgemvStridedBatched 1188 +#define RPC_cublasTSSgemvStridedBatched_64 1189 +#define RPC_cublasSgemm_v2 1190 +#define RPC_cublasSgemm_v2_64 1191 +#define RPC_cublasDgemm_v2 1192 +#define RPC_cublasDgemm_v2_64 1193 +#define RPC_cublasCgemm_v2 1194 +#define RPC_cublasCgemm_v2_64 1195 +#define RPC_cublasCgemm3m 1196 +#define RPC_cublasCgemm3m_64 1197 +#define RPC_cublasZgemm_v2 1198 +#define RPC_cublasZgemm_v2_64 1199 +#define RPC_cublasZgemm3m 1200 +#define RPC_cublasZgemm3m_64 1201 +#define RPC_cublasHgemm 1202 +#define RPC_cublasHgemm_64 1203 +#define RPC_cublasSsyrk_v2 1204 +#define RPC_cublasSsyrk_v2_64 1205 +#define RPC_cublasDsyrk_v2 1206 +#define RPC_cublasDsyrk_v2_64 1207 +#define RPC_cublasCsyrk_v2 1208 +#define RPC_cublasCsyrk_v2_64 1209 +#define RPC_cublasZsyrk_v2 1210 +#define RPC_cublasZsyrk_v2_64 1211 +#define RPC_cublasCherk_v2 1212 +#define RPC_cublasCherk_v2_64 1213 +#define RPC_cublasZherk_v2 1214 +#define RPC_cublasZherk_v2_64 1215 +#define RPC_cublasSsyr2k_v2 1216 +#define RPC_cublasSsyr2k_v2_64 1217 +#define RPC_cublasDsyr2k_v2 1218 +#define RPC_cublasDsyr2k_v2_64 1219 +#define RPC_cublasCsyr2k_v2 1220 +#define RPC_cublasCsyr2k_v2_64 1221 +#define RPC_cublasZsyr2k_v2 1222 +#define RPC_cublasZsyr2k_v2_64 1223 +#define RPC_cublasCher2k_v2 1224 +#define RPC_cublasCher2k_v2_64 1225 +#define RPC_cublasZher2k_v2 1226 +#define RPC_cublasZher2k_v2_64 1227 +#define RPC_cublasSsyrkx 1228 +#define RPC_cublasSsyrkx_64 1229 +#define RPC_cublasDsyrkx 1230 +#define RPC_cublasDsyrkx_64 1231 +#define RPC_cublasCsyrkx 1232 +#define RPC_cublasCsyrkx_64 1233 +#define RPC_cublasZsyrkx 1234 +#define RPC_cublasZsyrkx_64 1235 +#define RPC_cublasCherkx 1236 +#define RPC_cublasCherkx_64 1237 +#define RPC_cublasZherkx 1238 +#define RPC_cublasZherkx_64 1239 +#define RPC_cublasSsymm_v2 1240 +#define RPC_cublasSsymm_v2_64 1241 +#define RPC_cublasDsymm_v2 1242 +#define RPC_cublasDsymm_v2_64 1243 +#define RPC_cublasCsymm_v2 1244 +#define RPC_cublasCsymm_v2_64 1245 +#define RPC_cublasZsymm_v2 1246 +#define RPC_cublasZsymm_v2_64 1247 +#define RPC_cublasChemm_v2 1248 +#define RPC_cublasChemm_v2_64 1249 +#define RPC_cublasZhemm_v2 1250 +#define RPC_cublasZhemm_v2_64 1251 +#define RPC_cublasStrsm_v2 1252 +#define RPC_cublasStrsm_v2_64 1253 +#define RPC_cublasDtrsm_v2 1254 +#define RPC_cublasDtrsm_v2_64 1255 +#define RPC_cublasCtrsm_v2 1256 +#define RPC_cublasCtrsm_v2_64 1257 +#define RPC_cublasZtrsm_v2 1258 +#define RPC_cublasZtrsm_v2_64 1259 +#define RPC_cublasStrmm_v2 1260 +#define RPC_cublasStrmm_v2_64 1261 +#define RPC_cublasDtrmm_v2 1262 +#define RPC_cublasDtrmm_v2_64 1263 +#define RPC_cublasCtrmm_v2 1264 +#define RPC_cublasCtrmm_v2_64 1265 +#define RPC_cublasZtrmm_v2 1266 +#define RPC_cublasZtrmm_v2_64 1267 +#define RPC_cublasHgemmBatched 1268 +#define RPC_cublasHgemmBatched_64 1269 +#define RPC_cublasSgemmBatched 1270 +#define RPC_cublasSgemmBatched_64 1271 +#define RPC_cublasDgemmBatched 1272 +#define RPC_cublasDgemmBatched_64 1273 +#define RPC_cublasCgemmBatched 1274 +#define RPC_cublasCgemmBatched_64 1275 +#define RPC_cublasCgemm3mBatched 1276 +#define RPC_cublasCgemm3mBatched_64 1277 +#define RPC_cublasZgemmBatched 1278 +#define RPC_cublasZgemmBatched_64 1279 +#define RPC_cublasHgemmStridedBatched 1280 +#define RPC_cublasHgemmStridedBatched_64 1281 +#define RPC_cublasSgemmStridedBatched 1282 +#define RPC_cublasSgemmStridedBatched_64 1283 +#define RPC_cublasDgemmStridedBatched 1284 +#define RPC_cublasDgemmStridedBatched_64 1285 +#define RPC_cublasCgemmStridedBatched 1286 +#define RPC_cublasCgemmStridedBatched_64 1287 +#define RPC_cublasCgemm3mStridedBatched 1288 +#define RPC_cublasCgemm3mStridedBatched_64 1289 +#define RPC_cublasZgemmStridedBatched 1290 +#define RPC_cublasZgemmStridedBatched_64 1291 +#define RPC_cublasGemmBatchedEx 1292 +#define RPC_cublasGemmBatchedEx_64 1293 +#define RPC_cublasSgeam 1294 +#define RPC_cublasSgeam_64 1295 +#define RPC_cublasDgeam 1296 +#define RPC_cublasDgeam_64 1297 +#define RPC_cublasCgeam 1298 +#define RPC_cublasCgeam_64 1299 +#define RPC_cublasZgeam 1300 +#define RPC_cublasZgeam_64 1301 +#define RPC_cublasStrsmBatched 1302 +#define RPC_cublasStrsmBatched_64 1303 +#define RPC_cublasDtrsmBatched 1304 +#define RPC_cublasDtrsmBatched_64 1305 +#define RPC_cublasCtrsmBatched 1306 +#define RPC_cublasCtrsmBatched_64 1307 +#define RPC_cublasZtrsmBatched 1308 +#define RPC_cublasZtrsmBatched_64 1309 +#define RPC_cublasSdgmm 1310 +#define RPC_cublasSdgmm_64 1311 +#define RPC_cublasDdgmm 1312 +#define RPC_cublasDdgmm_64 1313 +#define RPC_cublasCdgmm 1314 +#define RPC_cublasCdgmm_64 1315 +#define RPC_cublasZdgmm 1316 +#define RPC_cublasZdgmm_64 1317 +#define RPC_cublasSmatinvBatched 1318 +#define RPC_cublasDmatinvBatched 1319 +#define RPC_cublasCmatinvBatched 1320 +#define RPC_cublasZmatinvBatched 1321 +#define RPC_cublasSgeqrfBatched 1322 +#define RPC_cublasDgeqrfBatched 1323 +#define RPC_cublasCgeqrfBatched 1324 +#define RPC_cublasZgeqrfBatched 1325 +#define RPC_cublasSgelsBatched 1326 +#define RPC_cublasDgelsBatched 1327 +#define RPC_cublasCgelsBatched 1328 +#define RPC_cublasZgelsBatched 1329 +#define RPC_cublasStpttr 1330 +#define RPC_cublasDtpttr 1331 +#define RPC_cublasCtpttr 1332 +#define RPC_cublasZtpttr 1333 +#define RPC_cublasStrttp 1334 +#define RPC_cublasDtrttp 1335 +#define RPC_cublasCtrttp 1336 +#define RPC_cublasZtrttp 1337 +#define RPC_cublasSgetrfBatched 1338 +#define RPC_cublasDgetrfBatched 1339 +#define RPC_cublasCgetrfBatched 1340 +#define RPC_cublasZgetrfBatched 1341 +#define RPC_cublasSgetriBatched 1342 +#define RPC_cublasDgetriBatched 1343 +#define RPC_cublasCgetriBatched 1344 +#define RPC_cublasZgetriBatched 1345 +#define RPC_cublasSgetrsBatched 1346 +#define RPC_cublasDgetrsBatched 1347 +#define RPC_cublasCgetrsBatched 1348 +#define RPC_cublasZgetrsBatched 1349 +#define RPC_cublasUint8gemmBias 1350 +#define RPC_cublasMigrateComputeType 1351 +#define RPC_cublasGemmBatchedEx 1352 +#define RPC_cudnnGetVersion 1353 +#define RPC_cudnnGetMaxDeviceVersion 1354 +#define RPC_cudnnGetCudartVersion 1355 +#define RPC_cudnnGetErrorString 1356 +#define RPC_cudnnGetLastErrorString 1357 +#define RPC_cudnnQueryRuntimeError 1358 +#define RPC_cudnnGetProperty 1359 +#define RPC_cudnnCreate 1360 +#define RPC_cudnnDestroy 1361 +#define RPC_cudnnSetStream 1362 +#define RPC_cudnnGetStream 1363 +#define RPC_cudnnGetCallback 1364 +#define RPC_cudnnGraphVersionCheck 1365 +#define RPC_cudnnBackendCreateDescriptor 1366 +#define RPC_cudnnBackendDestroyDescriptor 1367 +#define RPC_cudnnBackendInitialize 1368 +#define RPC_cudnnBackendFinalize 1369 +#define RPC_cudnnBackendSetAttribute 1370 +#define RPC_cudnnBackendExecute 1371 +#define RPC_cudnnBackendPopulateCudaGraph 1372 +#define RPC_cudnnBackendUpdateCudaGraph 1373 +#define RPC_cudnnCreateTensorDescriptor 1374 +#define RPC_cudnnSetTensor4dDescriptor 1375 +#define RPC_cudnnSetTensor4dDescriptorEx 1376 +#define RPC_cudnnGetTensor4dDescriptor 1377 +#define RPC_cudnnSetTensorNdDescriptor 1378 +#define RPC_cudnnSetTensorNdDescriptorEx 1379 +#define RPC_cudnnGetTensorNdDescriptor 1380 +#define RPC_cudnnGetTensorSizeInBytes 1381 +#define RPC_cudnnDestroyTensorDescriptor 1382 +#define RPC_cudnnInitTransformDest 1383 +#define RPC_cudnnCreateTensorTransformDescriptor 1384 +#define RPC_cudnnSetTensorTransformDescriptor 1385 +#define RPC_cudnnGetTensorTransformDescriptor 1386 +#define RPC_cudnnDestroyTensorTransformDescriptor 1387 +#define RPC_cudnnCreateOpTensorDescriptor 1388 +#define RPC_cudnnSetOpTensorDescriptor 1389 +#define RPC_cudnnGetOpTensorDescriptor 1390 +#define RPC_cudnnDestroyOpTensorDescriptor 1391 +#define RPC_cudnnCreateReduceTensorDescriptor 1392 +#define RPC_cudnnSetReduceTensorDescriptor 1393 +#define RPC_cudnnGetReduceTensorDescriptor 1394 +#define RPC_cudnnDestroyReduceTensorDescriptor 1395 +#define RPC_cudnnGetReductionIndicesSize 1396 +#define RPC_cudnnGetReductionWorkspaceSize 1397 +#define RPC_cudnnCreateFilterDescriptor 1398 +#define RPC_cudnnSetFilter4dDescriptor 1399 +#define RPC_cudnnGetFilter4dDescriptor 1400 +#define RPC_cudnnSetFilterNdDescriptor 1401 +#define RPC_cudnnGetFilterNdDescriptor 1402 +#define RPC_cudnnGetFilterSizeInBytes 1403 +#define RPC_cudnnDestroyFilterDescriptor 1404 +#define RPC_cudnnCreatePoolingDescriptor 1405 +#define RPC_cudnnSetPooling2dDescriptor 1406 +#define RPC_cudnnGetPooling2dDescriptor 1407 +#define RPC_cudnnSetPoolingNdDescriptor 1408 +#define RPC_cudnnGetPoolingNdDescriptor 1409 +#define RPC_cudnnGetPoolingNdForwardOutputDim 1410 +#define RPC_cudnnGetPooling2dForwardOutputDim 1411 +#define RPC_cudnnDestroyPoolingDescriptor 1412 +#define RPC_cudnnCreateActivationDescriptor 1413 +#define RPC_cudnnSetActivationDescriptor 1414 +#define RPC_cudnnGetActivationDescriptor 1415 +#define RPC_cudnnSetActivationDescriptorSwishBeta 1416 +#define RPC_cudnnGetActivationDescriptorSwishBeta 1417 +#define RPC_cudnnDestroyActivationDescriptor 1418 +#define RPC_cudnnActivationForward 1419 +#define RPC_cudnnCreateLRNDescriptor 1420 +#define RPC_cudnnSetLRNDescriptor 1421 +#define RPC_cudnnGetLRNDescriptor 1422 +#define RPC_cudnnDestroyLRNDescriptor 1423 +#define RPC_cudnnDeriveBNTensorDescriptor 1424 +#define RPC_cudnnDeriveNormTensorDescriptor 1425 +#define RPC_cudnnCreateSpatialTransformerDescriptor 1426 +#define RPC_cudnnSetSpatialTransformerNdDescriptor 1427 +#define RPC_cudnnDestroySpatialTransformerDescriptor 1428 +#define RPC_cudnnCreateDropoutDescriptor 1429 +#define RPC_cudnnDestroyDropoutDescriptor 1430 +#define RPC_cudnnDropoutGetStatesSize 1431 +#define RPC_cudnnDropoutGetReserveSpaceSize 1432 +#define RPC_cudnnGetDropoutDescriptor 1433 +#define RPC_cudnnOpsVersionCheck 1434 +#define RPC_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize 1435 +#define RPC_cudnnGetBatchNormalizationBackwardExWorkspaceSize 1436 +#define RPC_cudnnGetBatchNormalizationTrainingExReserveSpaceSize 1437 +#define RPC_cudnnGetNormalizationForwardTrainingWorkspaceSize 1438 +#define RPC_cudnnGetNormalizationBackwardWorkspaceSize 1439 +#define RPC_cudnnGetNormalizationTrainingReserveSpaceSize 1440 From 0c4bee0f9d4f2cd4f82161eba2462c96651b17d6 Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Sat, 30 Nov 2024 04:59:54 +0000 Subject: [PATCH 3/7] chore: array --- codegen/annotationgen.py | 8 +- codegen/annotations.h | 189 ++++++++++++++- codegen/codegen.py | 170 ++++++++++---- codegen/gen_api.h | 491 +++++++++++++++++---------------------- 4 files changed, 523 insertions(+), 335 deletions(-) diff --git a/codegen/annotationgen.py b/codegen/annotationgen.py index 3c30118..c4cacf7 100644 --- a/codegen/annotationgen.py +++ b/codegen/annotationgen.py @@ -1,6 +1,6 @@ from cxxheaderparser.simple import parse_file, ParsedData, ParserOptions from cxxheaderparser.preprocessor import make_gcc_preprocessor -from cxxheaderparser.types import Type, Pointer +from cxxheaderparser.types import Type, Pointer, Array def main(): @@ -44,6 +44,12 @@ def main(): name=param.name, type=param.type.format() ) ) + elif isinstance(param.type, Array): + f.write( + " * @param {name} SEND_ONLY\n".format( + name=param.name, type=param.type.format() + ) + ) f.write(" */\n") params = [] diff --git a/codegen/annotations.h b/codegen/annotations.h index 8b857d9..3ffe9c0 100644 --- a/codegen/annotations.h +++ b/codegen/annotations.h @@ -5647,26 +5647,33 @@ cudnnStatus_t cudnnSetActivationDescriptor( /** * @param handle SEND_ONLY */ -cudnnStatus_t cudnnDestroy(cudnnHandle_t handle); +cudnnStatus_t cudnnDestroy(cudnnHandle_t handle);/** + /** + * @disabled */ size_t cudnnGetVersion(); /** + * @disabled */ size_t cudnnGetMaxDeviceVersion(); /** + * @disabled */ size_t cudnnGetCudartVersion(); /** + * @disabled * @param status SEND_ONLY */ const char* cudnnGetErrorString(cudnnStatus_t status); /** + * @disabled * @param message SEND_RECV * @param max_size SEND_ONLY */ void cudnnGetLastErrorString(char* message, size_t max_size); /** + * @disabled * @param handle SEND_ONLY * @param rstatus SEND_RECV * @param mode SEND_ONLY @@ -5787,6 +5794,8 @@ cudnnStatus_t cudnnGetTensor4dDescriptor(const cudnnTensorDescriptor_t tensorDes * @param tensorDesc SEND_ONLY * @param dataType SEND_ONLY * @param nbDims SEND_ONLY + * @param dimA SEND_ONLY + * @param strideA SEND_ONLY */ cudnnStatus_t cudnnSetTensorNdDescriptor(cudnnTensorDescriptor_t tensorDesc, cudnnDataType_t dataType, int nbDims, const int dimA[], const int strideA[]); /** @@ -5794,6 +5803,7 @@ cudnnStatus_t cudnnSetTensorNdDescriptor(cudnnTensorDescriptor_t tensorDesc, cud * @param format SEND_ONLY * @param dataType SEND_ONLY * @param nbDims SEND_ONLY + * @param dimA SEND_ONLY */ cudnnStatus_t cudnnSetTensorNdDescriptorEx(cudnnTensorDescriptor_t tensorDesc, cudnnTensorFormat_t format, cudnnDataType_t dataType, int nbDims, const int dimA[]); /** @@ -5801,6 +5811,8 @@ cudnnStatus_t cudnnSetTensorNdDescriptorEx(cudnnTensorDescriptor_t tensorDesc, c * @param nbDimsRequested SEND_ONLY * @param dataType SEND_RECV * @param nbDims SEND_RECV + * @param dimA SEND_ONLY + * @param strideA SEND_ONLY */ cudnnStatus_t cudnnGetTensorNdDescriptor(const cudnnTensorDescriptor_t tensorDesc, int nbDimsRequested, cudnnDataType_t* dataType, int* nbDims, int dimA[], int strideA[]); /** @@ -5827,6 +5839,9 @@ cudnnStatus_t cudnnCreateTensorTransformDescriptor(cudnnTensorTransformDescripto * @param transformDesc SEND_ONLY * @param nbDims SEND_ONLY * @param destFormat SEND_ONLY + * @param padBeforeA SEND_ONLY + * @param padAfterA SEND_ONLY + * @param foldA SEND_ONLY * @param direction SEND_ONLY */ cudnnStatus_t cudnnSetTensorTransformDescriptor(cudnnTensorTransformDescriptor_t transformDesc, const uint32_t nbDims, const cudnnTensorFormat_t destFormat, const int32_t padBeforeA[], const int32_t padAfterA[], const uint32_t foldA[], const cudnnFoldingDirection_t direction); @@ -5834,6 +5849,9 @@ cudnnStatus_t cudnnSetTensorTransformDescriptor(cudnnTensorTransformDescriptor_t * @param transformDesc SEND_ONLY * @param nbDimsRequested SEND_ONLY * @param destFormat SEND_RECV + * @param padBeforeA SEND_ONLY + * @param padAfterA SEND_ONLY + * @param foldA SEND_ONLY * @param direction SEND_RECV */ cudnnStatus_t cudnnGetTensorTransformDescriptor(cudnnTensorTransformDescriptor_t transformDesc, uint32_t nbDimsRequested, cudnnTensorFormat_t* destFormat, int32_t padBeforeA[], int32_t padAfterA[], uint32_t foldA[], cudnnFoldingDirection_t* direction); @@ -6008,6 +6026,7 @@ cudnnStatus_t cudnnGetFilter4dDescriptor(const cudnnFilterDescriptor_t filterDes * @param dataType SEND_ONLY * @param format SEND_ONLY * @param nbDims SEND_ONLY + * @param filterDimA SEND_ONLY */ cudnnStatus_t cudnnSetFilterNdDescriptor(cudnnFilterDescriptor_t filterDesc, cudnnDataType_t dataType, cudnnTensorFormat_t format, int nbDims, const int filterDimA[]); /** @@ -6016,6 +6035,7 @@ cudnnStatus_t cudnnSetFilterNdDescriptor(cudnnFilterDescriptor_t filterDesc, cud * @param dataType SEND_RECV * @param format SEND_RECV * @param nbDims SEND_RECV + * @param filterDimA SEND_ONLY */ cudnnStatus_t cudnnGetFilterNdDescriptor(const cudnnFilterDescriptor_t filterDesc, int nbDimsRequested, cudnnDataType_t* dataType, cudnnTensorFormat_t* format, int* nbDims, int filterDimA[]); /** @@ -6083,6 +6103,9 @@ cudnnStatus_t cudnnGetPooling2dDescriptor(const cudnnPoolingDescriptor_t pooling * @param mode SEND_ONLY * @param maxpoolingNanOpt SEND_ONLY * @param nbDims SEND_ONLY + * @param windowDimA SEND_ONLY + * @param paddingA SEND_ONLY + * @param strideA SEND_ONLY */ cudnnStatus_t cudnnSetPoolingNdDescriptor(cudnnPoolingDescriptor_t poolingDesc, const cudnnPoolingMode_t mode, const cudnnNanPropagation_t maxpoolingNanOpt, int nbDims, const int windowDimA[], const int paddingA[], const int strideA[]); /** @@ -6091,12 +6114,16 @@ cudnnStatus_t cudnnSetPoolingNdDescriptor(cudnnPoolingDescriptor_t poolingDesc, * @param mode SEND_RECV * @param maxpoolingNanOpt SEND_RECV * @param nbDims SEND_RECV + * @param windowDimA SEND_ONLY + * @param paddingA SEND_ONLY + * @param strideA SEND_ONLY */ cudnnStatus_t cudnnGetPoolingNdDescriptor(const cudnnPoolingDescriptor_t poolingDesc, int nbDimsRequested, cudnnPoolingMode_t* mode, cudnnNanPropagation_t* maxpoolingNanOpt, int* nbDims, int windowDimA[], int paddingA[], int strideA[]); /** * @param poolingDesc SEND_ONLY * @param inputTensorDesc SEND_ONLY * @param nbDims SEND_ONLY + * @param outputTensorDimA SEND_ONLY */ cudnnStatus_t cudnnGetPoolingNdForwardOutputDim(const cudnnPoolingDescriptor_t poolingDesc, const cudnnTensorDescriptor_t inputTensorDesc, int nbDims, int outputTensorDimA[]); /** @@ -6259,6 +6286,7 @@ cudnnStatus_t cudnnCreateSpatialTransformerDescriptor(cudnnSpatialTransformerDes * @param samplerType SEND_ONLY * @param dataType SEND_ONLY * @param nbDims SEND_ONLY + * @param dimA SEND_ONLY */ cudnnStatus_t cudnnSetSpatialTransformerNdDescriptor(cudnnSpatialTransformerDescriptor_t stDesc, cudnnSamplerType_t samplerType, cudnnDataType_t dataType, const int nbDims, const int dimA[]); /** @@ -6713,6 +6741,7 @@ cublasStatus_t cublasGetVersion_v2(cublasHandle_t handle, int* version); */ cublasStatus_t cublasGetProperty(libraryPropertyType type, int* value); /** + * @disabled */ size_t cublasGetCudartVersion(); /** @@ -6772,10 +6801,12 @@ cublasStatus_t cublasGetSmCountTarget(cublasHandle_t handle, int* smCountTarget) */ cublasStatus_t cublasSetSmCountTarget(cublasHandle_t handle, int smCountTarget); /** + * @disabled * @param status SEND_ONLY */ const char* cublasGetStatusName(cublasStatus_t status); /** + * @disabled * @param status SEND_ONLY */ const char* cublasGetStatusString(cublasStatus_t status); @@ -6955,6 +6986,7 @@ cublasStatus_t cublasGetMatrixAsync(int rows, int cols, int elemSize, const void */ cublasStatus_t cublasGetMatrixAsync_64(int64_t rows, int64_t cols, int64_t elemSize, const void* A, int64_t lda, void* B, int64_t ldb, cudaStream_t stream); /** + * @disabled * @param srName SEND_RECV * @param info SEND_ONLY */ @@ -10041,9 +10073,12 @@ cublasStatus_t cublasZhpr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, i * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY LENGTH:lda * @param lda SEND_ONLY - * @param incx SEND_ONLY + * @param xarray SEND_ONLY LENGTH:incx + * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY LENGTH:incy * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10054,9 +10089,12 @@ cublasStatus_t cublasSgemvBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10067,9 +10105,12 @@ cublasStatus_t cublasSgemvBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10080,9 +10121,12 @@ cublasStatus_t cublasDgemvBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10093,9 +10137,12 @@ cublasStatus_t cublasDgemvBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10106,9 +10153,12 @@ cublasStatus_t cublasCgemvBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10119,9 +10169,12 @@ cublasStatus_t cublasCgemvBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10132,9 +10185,12 @@ cublasStatus_t cublasZgemvBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10145,9 +10201,12 @@ cublasStatus_t cublasZgemvBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10158,9 +10217,12 @@ cublasStatus_t cublasHSHgemvBatched(cublasHandle_t handle, cublasOperation_t tra * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10171,9 +10233,12 @@ cublasStatus_t cublasHSHgemvBatched_64(cublasHandle_t handle, cublasOperation_t * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10184,9 +10249,12 @@ cublasStatus_t cublasHSSgemvBatched(cublasHandle_t handle, cublasOperation_t tra * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10197,9 +10265,12 @@ cublasStatus_t cublasHSSgemvBatched_64(cublasHandle_t handle, cublasOperation_t * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10210,9 +10281,12 @@ cublasStatus_t cublasTSTgemvBatched(cublasHandle_t handle, cublasOperation_t tra * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10223,9 +10297,12 @@ cublasStatus_t cublasTSTgemvBatched_64(cublasHandle_t handle, cublasOperation_t * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -10236,9 +10313,12 @@ cublasStatus_t cublasTSSgemvBatched(cublasHandle_t handle, cublasOperation_t tra * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param xarray SEND_ONLY * @param incx SEND_ONLY * @param beta SEND_RECV + * @param yarray SEND_ONLY * @param incy SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12068,9 +12148,12 @@ cublasStatus_t cublasZtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, c * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12083,9 +12166,12 @@ cublasStatus_t cublasHgemmBatched(cublasHandle_t handle, cublasOperation_t trans * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12098,9 +12184,12 @@ cublasStatus_t cublasHgemmBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12113,9 +12202,12 @@ cublasStatus_t cublasSgemmBatched(cublasHandle_t handle, cublasOperation_t trans * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12128,9 +12220,12 @@ cublasStatus_t cublasSgemmBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12143,9 +12238,12 @@ cublasStatus_t cublasDgemmBatched(cublasHandle_t handle, cublasOperation_t trans * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12158,9 +12256,12 @@ cublasStatus_t cublasDgemmBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12173,9 +12274,12 @@ cublasStatus_t cublasCgemmBatched(cublasHandle_t handle, cublasOperation_t trans * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12188,9 +12292,12 @@ cublasStatus_t cublasCgemmBatched_64(cublasHandle_t handle, cublasOperation_t tr * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12203,9 +12310,12 @@ cublasStatus_t cublasCgemm3mBatched(cublasHandle_t handle, cublasOperation_t tra * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12218,9 +12328,12 @@ cublasStatus_t cublasCgemm3mBatched_64(cublasHandle_t handle, cublasOperation_t * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12233,9 +12346,12 @@ cublasStatus_t cublasZgemmBatched(cublasHandle_t handle, cublasOperation_t trans * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12500,11 +12616,14 @@ cublasStatus_t cublasZgemmStridedBatched_64(cublasHandle_t handle, cublasOperati * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param Atype SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param Btype SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param Ctype SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY @@ -12520,11 +12639,14 @@ cublasStatus_t cublasGemmBatchedEx(cublasHandle_t handle, cublasOperation_t tran * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param Atype SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param Btype SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param Ctype SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY @@ -12721,7 +12843,9 @@ cublasStatus_t cublasZgeam_64(cublasHandle_t handle, cublasOperation_t transa, c * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12735,7 +12859,9 @@ cublasStatus_t cublasStrsmBatched(cublasHandle_t handle, cublasSideMode_t side, * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12749,7 +12875,9 @@ cublasStatus_t cublasStrsmBatched_64(cublasHandle_t handle, cublasSideMode_t sid * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12763,7 +12891,9 @@ cublasStatus_t cublasDtrsmBatched(cublasHandle_t handle, cublasSideMode_t side, * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12777,7 +12907,9 @@ cublasStatus_t cublasDtrsmBatched_64(cublasHandle_t handle, cublasSideMode_t sid * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12791,7 +12923,9 @@ cublasStatus_t cublasCtrsmBatched(cublasHandle_t handle, cublasSideMode_t side, * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12805,7 +12939,9 @@ cublasStatus_t cublasCtrsmBatched_64(cublasHandle_t handle, cublasSideMode_t sid * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12819,7 +12955,9 @@ cublasStatus_t cublasZtrsmBatched(cublasHandle_t handle, cublasSideMode_t side, * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param B SEND_ONLY * @param ldb SEND_ONLY * @param batchCount SEND_ONLY */ @@ -12931,7 +13069,9 @@ cublasStatus_t cublasZdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int6 /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param Ainv SEND_ONLY * @param lda_inv SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -12940,7 +13080,9 @@ cublasStatus_t cublasSmatinvBatched(cublasHandle_t handle, int n, const float* c /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param Ainv SEND_ONLY * @param lda_inv SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -12949,7 +13091,9 @@ cublasStatus_t cublasDmatinvBatched(cublasHandle_t handle, int n, const double* /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param Ainv SEND_ONLY * @param lda_inv SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -12958,7 +13102,9 @@ cublasStatus_t cublasCmatinvBatched(cublasHandle_t handle, int n, const cuComple /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY + * @param Ainv SEND_ONLY * @param lda_inv SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -12968,7 +13114,9 @@ cublasStatus_t cublasZmatinvBatched(cublasHandle_t handle, int n, const cuDouble * @param handle SEND_ONLY * @param m SEND_ONLY * @param n SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param TauArray SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY */ @@ -12977,7 +13125,9 @@ cublasStatus_t cublasSgeqrfBatched(cublasHandle_t handle, int m, int n, float* c * @param handle SEND_ONLY * @param m SEND_ONLY * @param n SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param TauArray SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY */ @@ -12986,7 +13136,9 @@ cublasStatus_t cublasDgeqrfBatched(cublasHandle_t handle, int m, int n, double* * @param handle SEND_ONLY * @param m SEND_ONLY * @param n SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param TauArray SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY */ @@ -12995,7 +13147,9 @@ cublasStatus_t cublasCgeqrfBatched(cublasHandle_t handle, int m, int n, cuComple * @param handle SEND_ONLY * @param m SEND_ONLY * @param n SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param TauArray SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY */ @@ -13006,7 +13160,9 @@ cublasStatus_t cublasZgeqrfBatched(cublasHandle_t handle, int m, int n, cuDouble * @param m SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param devInfoArray SEND_RECV @@ -13019,7 +13175,9 @@ cublasStatus_t cublasSgelsBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param devInfoArray SEND_RECV @@ -13032,7 +13190,9 @@ cublasStatus_t cublasDgelsBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param devInfoArray SEND_RECV @@ -13045,7 +13205,9 @@ cublasStatus_t cublasCgelsBatched(cublasHandle_t handle, cublasOperation_t trans * @param m SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY + * @param Carray SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param devInfoArray SEND_RECV @@ -13127,6 +13289,7 @@ cublasStatus_t cublasZtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV * @param info SEND_RECV @@ -13136,6 +13299,7 @@ cublasStatus_t cublasSgetrfBatched(cublasHandle_t handle, int n, float* const A[ /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV * @param info SEND_RECV @@ -13145,6 +13309,7 @@ cublasStatus_t cublasDgetrfBatched(cublasHandle_t handle, int n, double* const A /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV * @param info SEND_RECV @@ -13154,6 +13319,7 @@ cublasStatus_t cublasCgetrfBatched(cublasHandle_t handle, int n, cuComplex* cons /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV * @param info SEND_RECV @@ -13163,8 +13329,10 @@ cublasStatus_t cublasZgetrfBatched(cublasHandle_t handle, int n, cuDoubleComplex /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV + * @param C SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13173,8 +13341,10 @@ cublasStatus_t cublasSgetriBatched(cublasHandle_t handle, int n, const float* co /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV + * @param C SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13183,8 +13353,10 @@ cublasStatus_t cublasDgetriBatched(cublasHandle_t handle, int n, const double* c /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV + * @param C SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13193,8 +13365,10 @@ cublasStatus_t cublasCgetriBatched(cublasHandle_t handle, int n, const cuComplex /** * @param handle SEND_ONLY * @param n SEND_ONLY + * @param A SEND_ONLY * @param lda SEND_ONLY * @param P SEND_RECV + * @param C SEND_ONLY * @param ldc SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13205,8 +13379,10 @@ cublasStatus_t cublasZgetriBatched(cublasHandle_t handle, int n, const cuDoubleC * @param trans SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY * @param devIpiv SEND_RECV + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13217,8 +13393,10 @@ cublasStatus_t cublasSgetrsBatched(cublasHandle_t handle, cublasOperation_t tran * @param trans SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY * @param devIpiv SEND_RECV + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13229,8 +13407,10 @@ cublasStatus_t cublasDgetrsBatched(cublasHandle_t handle, cublasOperation_t tran * @param trans SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY * @param devIpiv SEND_RECV + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13241,8 +13421,10 @@ cublasStatus_t cublasCgetrsBatched(cublasHandle_t handle, cublasOperation_t tran * @param trans SEND_ONLY * @param n SEND_ONLY * @param nrhs SEND_ONLY + * @param Aarray SEND_ONLY * @param lda SEND_ONLY * @param devIpiv SEND_RECV + * @param Barray SEND_ONLY * @param ldb SEND_ONLY * @param info SEND_RECV * @param batchSize SEND_ONLY @@ -13305,11 +13487,14 @@ cublasStatus_t cublasGemmEx(cublasHandle_t handle, cublasOperation_t transa, cub * @param n SEND_ONLY * @param k SEND_ONLY * @param alpha SEND_RECV + * @param Aarray SEND_ONLY * @param Atype SEND_ONLY * @param lda SEND_ONLY + * @param Barray SEND_ONLY * @param Btype SEND_ONLY * @param ldb SEND_ONLY * @param beta SEND_RECV + * @param Carray SEND_ONLY * @param Ctype SEND_ONLY * @param ldc SEND_ONLY * @param batchCount SEND_ONLY diff --git a/codegen/codegen.py b/codegen/codegen.py index 50a42f4..f9e79c8 100644 --- a/codegen/codegen.py +++ b/codegen/codegen.py @@ -1,6 +1,6 @@ from cxxheaderparser.simple import parse_file, ParsedData, ParserOptions from cxxheaderparser.preprocessor import make_gcc_preprocessor -from cxxheaderparser.types import Type, Pointer, Parameter, Function +from cxxheaderparser.types import Type, Pointer, Parameter, Function, Array from typing import Optional from dataclasses import dataclass import copy @@ -188,24 +188,40 @@ def client_rpc_write(self, f): ) ) else: - if isinstance(self.length.type, Pointer): - length = "*" + self.length.name + # array length operations are handled differently than char + if isinstance(self.ptr, Array): + f.write( + " rpc_write(0, {param_name}, sizeof({param_type}[{length}])) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.format().replace("[]", ""), + length=self.length.name, + ) + ) else: - length = self.length.name - f.write( - " rpc_write(0, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( - param_name=self.parameter.name, - param_type=self.ptr.ptr_to.format(), - length=length, + if isinstance(self.length.type, Pointer): + length = "*" + self.length.name + else: + length = self.length.name + f.write( + " rpc_write(0, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.ptr_to.format(), + length=length, + ) ) - ) @property def server_declaration(self) -> str: - c = self.ptr.ptr_to.const - self.ptr.ptr_to.const = False - s = f" {self.ptr.format()} {self.parameter.name};\n" - self.ptr.ptr_to.const = c + if isinstance(self.ptr, Array): + c = self.ptr.const + self.ptr.const = False + s = f" {self.ptr.format()} {self.parameter.name};\n" + self.ptr.const = c + else: + c = self.ptr.ptr_to.const + self.ptr.ptr_to.const = False + s = f" {self.ptr.format()} {self.parameter.name};\n" + self.ptr.ptr_to.const = c return s def server_rpc_read(self, f): @@ -219,17 +235,26 @@ def server_rpc_read(self, f): ) ) else: - if isinstance(self.length.type, Pointer): - length = "*" + self.length.name + if isinstance(self.ptr, Array): + f.write( + " rpc_read(conn, {param_name}, sizeof({param_type}[{length}])) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.format().replace("[]", ""), + length=self.length.name, + ) + ) else: - length = self.length.name - f.write( - " rpc_read(conn, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( - param_name=self.parameter.name, - param_type=self.ptr.ptr_to.format(), - length=length, + if isinstance(self.length.type, Pointer): + length = "*" + self.length.name + else: + length = self.length.name + f.write( + " rpc_read(conn, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.ptr_to.format(), + length=length, + ) ) - ) @property def server_reference(self) -> str: @@ -487,7 +512,7 @@ def client_rpc_read(self, f): Operation = NullableOperation | ArrayOperation | NullTerminatedOperation | OpaqueTypeOperation | DereferenceOperation -def parse_annotation(annotation: str, params: list[Parameter]) -> list[Operation]: +def parse_annotation(annotation: str, params: list[Parameter]) -> list[Operation, bool]: operations: list[Operation] = [] if not annotation: @@ -518,13 +543,15 @@ def parse_annotation(annotation: str, params: list[Parameter]) -> list[Operation send = parts[2] == "SEND_ONLY" or parts[2] == "SEND_RECV" recv = (parts[2] == "RECV_ONLY" or parts[2] == "SEND_RECV") + # if there's a length or size arg, use the type, otherwise use the ptr_to type + length_arg = next( + (arg for arg in args if arg.startswith("LENGTH:")), None + ) + if isinstance(param.type, Pointer): if param.type.ptr_to.const: recv = False - # if there's a length or size arg, use the type, otherwise use the ptr_to type - length_arg = next( - (arg for arg in args if arg.startswith("LENGTH:")), None - ) + size_arg = next((arg for arg in args if arg.startswith("SIZE:")), None) null_terminated = "NULL_TERMINATED" in args nullable = "NULLABLE" in args @@ -599,6 +626,17 @@ def parse_annotation(annotation: str, params: list[Parameter]) -> list[Operation parameter=param, type_=param.type, )) + elif isinstance(param.type, Array): + length_param = next(p for p in params if p.name == length_arg.split(":")[1]) + if param.type.const: + recv = False + operations.append(ArrayOperation( + send=send, + recv=recv, + parameter=param, + ptr=param.type, + length=length_param, + )) else: raise NotImplementedError("Unknown type") return operations, False @@ -615,6 +653,14 @@ def error_const(return_type: str) -> str: return "CUBLAS_STATUS_NOT_INITIALIZED" if return_type == "cudnnStatus_t": return "CUDNN_STATUS_NOT_INITIALIZED" + if return_type == "size_t": + return "size_t" + if return_type == "const char*": + return "const char*" + if return_type == "void": + return "void" + if return_type == "struct cudaChannelFormatDesc": + return "struct cudaChannelFormatDesc" raise NotImplementedError("Unknown return type: %s" % return_type) @@ -710,21 +756,33 @@ def main(): # we don't generate client function definitions for disabled functions; only the RPC definitions. if disabled: continue + params = [] + + for param in function.parameters: + if param.name and "[]" in param.type.format(): + params.append( + "{type} {name}".format( + type=param.type.format().replace("[]", ""), + name=param.name + "[]", + ) + ) + elif param.name: + params.append( + "{type} {name}".format( + type=param.type.format(), + name=param.name, + ) + ) + else: + params.append(param.type.format()) + + joined_params = ", ".join(params) + f.write( "{return_type} {name}({params})\n".format( return_type=function.return_type.format(), name=function.name.format(), - params=", ".join( - ( - "{type} {name}".format( - type=param.type.format(), - name=param.name, - ) - if param.name - else param.type.format() - ) - for param in function.parameters - ), + params=joined_params ) ) f.write("{\n") @@ -864,7 +922,12 @@ def main(): f.write(operation.server_declaration) f.write(" int request_id;\n") - f.write(" {return_type} result;\n".format(return_type=function.return_type.format())) + + # we only generate return from non-void types + if function.return_type.format() != "void": + f.write(" {return_type} scuda_intercept_result;\n".format(return_type=function.return_type.format())) + else: + f.write(" void* scuda_intercept_result;\n".format(return_type=function.return_type.format())) f.write(" if (\n") for operation in operations: @@ -888,24 +951,31 @@ def main(): params: list[str] = [] # these need to be in function param order, not operation order. for param in function.parameters: - operation = next( - op for op in operations if op.parameter.name == param.name + for op in operations: + if op.parameter.name == param.name: + params.append(op.server_reference) + + if function.return_type.format() != "void": + f.write( + " scuda_intercept_result = {name}({params});\n\n".format( + name=function.name.format(), + params=", ".join(params), + ) ) - params.append(operation.server_reference) - - f.write( - " result = {name}({params});\n\n".format( - name=function.name.format(), - params=", ".join(params), + else: + f.write( + " {name}({params});\n\n".format( + name=function.name.format(), + params=", ".join(params), + ) ) - ) f.write(" if (rpc_start_response(conn, request_id) < 0 ||\n") for operation in operations: operation.server_rpc_write(f) - f.write(" rpc_end_response(conn, &result) < 0)\n") + f.write(" rpc_end_response(conn, &scuda_intercept_result) < 0)\n") f.write(" goto ERROR_{index};\n".format(index=len(defers))) f.write("\n") f.write(" return 0;\n") diff --git a/codegen/gen_api.h b/codegen/gen_api.h index 033b9b2..b8fe8b5 100644 --- a/codegen/gen_api.h +++ b/codegen/gen_api.h @@ -1157,285 +1157,212 @@ #define RPC_cublasZhpr2_v2 1156 #define RPC_cublasZhpr2_v2_64 1157 #define RPC_cublasSgemvBatched 1158 -#define RPC_cublasSgemvBatched_64 1159 -#define RPC_cublasDgemvBatched 1160 -#define RPC_cublasDgemvBatched_64 1161 -#define RPC_cublasCgemvBatched 1162 -#define RPC_cublasCgemvBatched_64 1163 -#define RPC_cublasZgemvBatched 1164 -#define RPC_cublasZgemvBatched_64 1165 -#define RPC_cublasHSHgemvBatched 1166 -#define RPC_cublasHSHgemvBatched_64 1167 -#define RPC_cublasHSSgemvBatched 1168 -#define RPC_cublasHSSgemvBatched_64 1169 -#define RPC_cublasTSTgemvBatched 1170 -#define RPC_cublasTSTgemvBatched_64 1171 -#define RPC_cublasTSSgemvBatched 1172 -#define RPC_cublasTSSgemvBatched_64 1173 -#define RPC_cublasSgemvStridedBatched 1174 -#define RPC_cublasSgemvStridedBatched_64 1175 -#define RPC_cublasDgemvStridedBatched 1176 -#define RPC_cublasDgemvStridedBatched_64 1177 -#define RPC_cublasCgemvStridedBatched 1178 -#define RPC_cublasCgemvStridedBatched_64 1179 -#define RPC_cublasZgemvStridedBatched 1180 -#define RPC_cublasZgemvStridedBatched_64 1181 -#define RPC_cublasHSHgemvStridedBatched 1182 -#define RPC_cublasHSHgemvStridedBatched_64 1183 -#define RPC_cublasHSSgemvStridedBatched 1184 -#define RPC_cublasHSSgemvStridedBatched_64 1185 -#define RPC_cublasTSTgemvStridedBatched 1186 -#define RPC_cublasTSTgemvStridedBatched_64 1187 -#define RPC_cublasTSSgemvStridedBatched 1188 -#define RPC_cublasTSSgemvStridedBatched_64 1189 -#define RPC_cublasSgemm_v2 1190 -#define RPC_cublasSgemm_v2_64 1191 -#define RPC_cublasDgemm_v2 1192 -#define RPC_cublasDgemm_v2_64 1193 -#define RPC_cublasCgemm_v2 1194 -#define RPC_cublasCgemm_v2_64 1195 -#define RPC_cublasCgemm3m 1196 -#define RPC_cublasCgemm3m_64 1197 -#define RPC_cublasZgemm_v2 1198 -#define RPC_cublasZgemm_v2_64 1199 -#define RPC_cublasZgemm3m 1200 -#define RPC_cublasZgemm3m_64 1201 -#define RPC_cublasHgemm 1202 -#define RPC_cublasHgemm_64 1203 -#define RPC_cublasSsyrk_v2 1204 -#define RPC_cublasSsyrk_v2_64 1205 -#define RPC_cublasDsyrk_v2 1206 -#define RPC_cublasDsyrk_v2_64 1207 -#define RPC_cublasCsyrk_v2 1208 -#define RPC_cublasCsyrk_v2_64 1209 -#define RPC_cublasZsyrk_v2 1210 -#define RPC_cublasZsyrk_v2_64 1211 -#define RPC_cublasCherk_v2 1212 -#define RPC_cublasCherk_v2_64 1213 -#define RPC_cublasZherk_v2 1214 -#define RPC_cublasZherk_v2_64 1215 -#define RPC_cublasSsyr2k_v2 1216 -#define RPC_cublasSsyr2k_v2_64 1217 -#define RPC_cublasDsyr2k_v2 1218 -#define RPC_cublasDsyr2k_v2_64 1219 -#define RPC_cublasCsyr2k_v2 1220 -#define RPC_cublasCsyr2k_v2_64 1221 -#define RPC_cublasZsyr2k_v2 1222 -#define RPC_cublasZsyr2k_v2_64 1223 -#define RPC_cublasCher2k_v2 1224 -#define RPC_cublasCher2k_v2_64 1225 -#define RPC_cublasZher2k_v2 1226 -#define RPC_cublasZher2k_v2_64 1227 -#define RPC_cublasSsyrkx 1228 -#define RPC_cublasSsyrkx_64 1229 -#define RPC_cublasDsyrkx 1230 -#define RPC_cublasDsyrkx_64 1231 -#define RPC_cublasCsyrkx 1232 -#define RPC_cublasCsyrkx_64 1233 -#define RPC_cublasZsyrkx 1234 -#define RPC_cublasZsyrkx_64 1235 -#define RPC_cublasCherkx 1236 -#define RPC_cublasCherkx_64 1237 -#define RPC_cublasZherkx 1238 -#define RPC_cublasZherkx_64 1239 -#define RPC_cublasSsymm_v2 1240 -#define RPC_cublasSsymm_v2_64 1241 -#define RPC_cublasDsymm_v2 1242 -#define RPC_cublasDsymm_v2_64 1243 -#define RPC_cublasCsymm_v2 1244 -#define RPC_cublasCsymm_v2_64 1245 -#define RPC_cublasZsymm_v2 1246 -#define RPC_cublasZsymm_v2_64 1247 -#define RPC_cublasChemm_v2 1248 -#define RPC_cublasChemm_v2_64 1249 -#define RPC_cublasZhemm_v2 1250 -#define RPC_cublasZhemm_v2_64 1251 -#define RPC_cublasStrsm_v2 1252 -#define RPC_cublasStrsm_v2_64 1253 -#define RPC_cublasDtrsm_v2 1254 -#define RPC_cublasDtrsm_v2_64 1255 -#define RPC_cublasCtrsm_v2 1256 -#define RPC_cublasCtrsm_v2_64 1257 -#define RPC_cublasZtrsm_v2 1258 -#define RPC_cublasZtrsm_v2_64 1259 -#define RPC_cublasStrmm_v2 1260 -#define RPC_cublasStrmm_v2_64 1261 -#define RPC_cublasDtrmm_v2 1262 -#define RPC_cublasDtrmm_v2_64 1263 -#define RPC_cublasCtrmm_v2 1264 -#define RPC_cublasCtrmm_v2_64 1265 -#define RPC_cublasZtrmm_v2 1266 -#define RPC_cublasZtrmm_v2_64 1267 -#define RPC_cublasHgemmBatched 1268 -#define RPC_cublasHgemmBatched_64 1269 -#define RPC_cublasSgemmBatched 1270 -#define RPC_cublasSgemmBatched_64 1271 -#define RPC_cublasDgemmBatched 1272 -#define RPC_cublasDgemmBatched_64 1273 -#define RPC_cublasCgemmBatched 1274 -#define RPC_cublasCgemmBatched_64 1275 -#define RPC_cublasCgemm3mBatched 1276 -#define RPC_cublasCgemm3mBatched_64 1277 -#define RPC_cublasZgemmBatched 1278 -#define RPC_cublasZgemmBatched_64 1279 -#define RPC_cublasHgemmStridedBatched 1280 -#define RPC_cublasHgemmStridedBatched_64 1281 -#define RPC_cublasSgemmStridedBatched 1282 -#define RPC_cublasSgemmStridedBatched_64 1283 -#define RPC_cublasDgemmStridedBatched 1284 -#define RPC_cublasDgemmStridedBatched_64 1285 -#define RPC_cublasCgemmStridedBatched 1286 -#define RPC_cublasCgemmStridedBatched_64 1287 -#define RPC_cublasCgemm3mStridedBatched 1288 -#define RPC_cublasCgemm3mStridedBatched_64 1289 -#define RPC_cublasZgemmStridedBatched 1290 -#define RPC_cublasZgemmStridedBatched_64 1291 -#define RPC_cublasGemmBatchedEx 1292 -#define RPC_cublasGemmBatchedEx_64 1293 -#define RPC_cublasSgeam 1294 -#define RPC_cublasSgeam_64 1295 -#define RPC_cublasDgeam 1296 -#define RPC_cublasDgeam_64 1297 -#define RPC_cublasCgeam 1298 -#define RPC_cublasCgeam_64 1299 -#define RPC_cublasZgeam 1300 -#define RPC_cublasZgeam_64 1301 -#define RPC_cublasStrsmBatched 1302 -#define RPC_cublasStrsmBatched_64 1303 -#define RPC_cublasDtrsmBatched 1304 -#define RPC_cublasDtrsmBatched_64 1305 -#define RPC_cublasCtrsmBatched 1306 -#define RPC_cublasCtrsmBatched_64 1307 -#define RPC_cublasZtrsmBatched 1308 -#define RPC_cublasZtrsmBatched_64 1309 -#define RPC_cublasSdgmm 1310 -#define RPC_cublasSdgmm_64 1311 -#define RPC_cublasDdgmm 1312 -#define RPC_cublasDdgmm_64 1313 -#define RPC_cublasCdgmm 1314 -#define RPC_cublasCdgmm_64 1315 -#define RPC_cublasZdgmm 1316 -#define RPC_cublasZdgmm_64 1317 -#define RPC_cublasSmatinvBatched 1318 -#define RPC_cublasDmatinvBatched 1319 -#define RPC_cublasCmatinvBatched 1320 -#define RPC_cublasZmatinvBatched 1321 -#define RPC_cublasSgeqrfBatched 1322 -#define RPC_cublasDgeqrfBatched 1323 -#define RPC_cublasCgeqrfBatched 1324 -#define RPC_cublasZgeqrfBatched 1325 -#define RPC_cublasSgelsBatched 1326 -#define RPC_cublasDgelsBatched 1327 -#define RPC_cublasCgelsBatched 1328 -#define RPC_cublasZgelsBatched 1329 -#define RPC_cublasStpttr 1330 -#define RPC_cublasDtpttr 1331 -#define RPC_cublasCtpttr 1332 -#define RPC_cublasZtpttr 1333 -#define RPC_cublasStrttp 1334 -#define RPC_cublasDtrttp 1335 -#define RPC_cublasCtrttp 1336 -#define RPC_cublasZtrttp 1337 -#define RPC_cublasSgetrfBatched 1338 -#define RPC_cublasDgetrfBatched 1339 -#define RPC_cublasCgetrfBatched 1340 -#define RPC_cublasZgetrfBatched 1341 -#define RPC_cublasSgetriBatched 1342 -#define RPC_cublasDgetriBatched 1343 -#define RPC_cublasCgetriBatched 1344 -#define RPC_cublasZgetriBatched 1345 -#define RPC_cublasSgetrsBatched 1346 -#define RPC_cublasDgetrsBatched 1347 -#define RPC_cublasCgetrsBatched 1348 -#define RPC_cublasZgetrsBatched 1349 -#define RPC_cublasUint8gemmBias 1350 -#define RPC_cublasMigrateComputeType 1351 -#define RPC_cublasGemmBatchedEx 1352 -#define RPC_cudnnGetVersion 1353 -#define RPC_cudnnGetMaxDeviceVersion 1354 -#define RPC_cudnnGetCudartVersion 1355 -#define RPC_cudnnGetErrorString 1356 -#define RPC_cudnnGetLastErrorString 1357 -#define RPC_cudnnQueryRuntimeError 1358 -#define RPC_cudnnGetProperty 1359 -#define RPC_cudnnCreate 1360 -#define RPC_cudnnDestroy 1361 -#define RPC_cudnnSetStream 1362 -#define RPC_cudnnGetStream 1363 -#define RPC_cudnnGetCallback 1364 -#define RPC_cudnnGraphVersionCheck 1365 -#define RPC_cudnnBackendCreateDescriptor 1366 -#define RPC_cudnnBackendDestroyDescriptor 1367 -#define RPC_cudnnBackendInitialize 1368 -#define RPC_cudnnBackendFinalize 1369 -#define RPC_cudnnBackendSetAttribute 1370 -#define RPC_cudnnBackendExecute 1371 -#define RPC_cudnnBackendPopulateCudaGraph 1372 -#define RPC_cudnnBackendUpdateCudaGraph 1373 -#define RPC_cudnnCreateTensorDescriptor 1374 -#define RPC_cudnnSetTensor4dDescriptor 1375 -#define RPC_cudnnSetTensor4dDescriptorEx 1376 -#define RPC_cudnnGetTensor4dDescriptor 1377 -#define RPC_cudnnSetTensorNdDescriptor 1378 -#define RPC_cudnnSetTensorNdDescriptorEx 1379 -#define RPC_cudnnGetTensorNdDescriptor 1380 -#define RPC_cudnnGetTensorSizeInBytes 1381 -#define RPC_cudnnDestroyTensorDescriptor 1382 -#define RPC_cudnnInitTransformDest 1383 -#define RPC_cudnnCreateTensorTransformDescriptor 1384 -#define RPC_cudnnSetTensorTransformDescriptor 1385 -#define RPC_cudnnGetTensorTransformDescriptor 1386 -#define RPC_cudnnDestroyTensorTransformDescriptor 1387 -#define RPC_cudnnCreateOpTensorDescriptor 1388 -#define RPC_cudnnSetOpTensorDescriptor 1389 -#define RPC_cudnnGetOpTensorDescriptor 1390 -#define RPC_cudnnDestroyOpTensorDescriptor 1391 -#define RPC_cudnnCreateReduceTensorDescriptor 1392 -#define RPC_cudnnSetReduceTensorDescriptor 1393 -#define RPC_cudnnGetReduceTensorDescriptor 1394 -#define RPC_cudnnDestroyReduceTensorDescriptor 1395 -#define RPC_cudnnGetReductionIndicesSize 1396 -#define RPC_cudnnGetReductionWorkspaceSize 1397 -#define RPC_cudnnCreateFilterDescriptor 1398 -#define RPC_cudnnSetFilter4dDescriptor 1399 -#define RPC_cudnnGetFilter4dDescriptor 1400 -#define RPC_cudnnSetFilterNdDescriptor 1401 -#define RPC_cudnnGetFilterNdDescriptor 1402 -#define RPC_cudnnGetFilterSizeInBytes 1403 -#define RPC_cudnnDestroyFilterDescriptor 1404 -#define RPC_cudnnCreatePoolingDescriptor 1405 -#define RPC_cudnnSetPooling2dDescriptor 1406 -#define RPC_cudnnGetPooling2dDescriptor 1407 -#define RPC_cudnnSetPoolingNdDescriptor 1408 -#define RPC_cudnnGetPoolingNdDescriptor 1409 -#define RPC_cudnnGetPoolingNdForwardOutputDim 1410 -#define RPC_cudnnGetPooling2dForwardOutputDim 1411 -#define RPC_cudnnDestroyPoolingDescriptor 1412 -#define RPC_cudnnCreateActivationDescriptor 1413 -#define RPC_cudnnSetActivationDescriptor 1414 -#define RPC_cudnnGetActivationDescriptor 1415 -#define RPC_cudnnSetActivationDescriptorSwishBeta 1416 -#define RPC_cudnnGetActivationDescriptorSwishBeta 1417 -#define RPC_cudnnDestroyActivationDescriptor 1418 -#define RPC_cudnnActivationForward 1419 -#define RPC_cudnnCreateLRNDescriptor 1420 -#define RPC_cudnnSetLRNDescriptor 1421 -#define RPC_cudnnGetLRNDescriptor 1422 -#define RPC_cudnnDestroyLRNDescriptor 1423 -#define RPC_cudnnDeriveBNTensorDescriptor 1424 -#define RPC_cudnnDeriveNormTensorDescriptor 1425 -#define RPC_cudnnCreateSpatialTransformerDescriptor 1426 -#define RPC_cudnnSetSpatialTransformerNdDescriptor 1427 -#define RPC_cudnnDestroySpatialTransformerDescriptor 1428 -#define RPC_cudnnCreateDropoutDescriptor 1429 -#define RPC_cudnnDestroyDropoutDescriptor 1430 -#define RPC_cudnnDropoutGetStatesSize 1431 -#define RPC_cudnnDropoutGetReserveSpaceSize 1432 -#define RPC_cudnnGetDropoutDescriptor 1433 -#define RPC_cudnnOpsVersionCheck 1434 -#define RPC_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize 1435 -#define RPC_cudnnGetBatchNormalizationBackwardExWorkspaceSize 1436 -#define RPC_cudnnGetBatchNormalizationTrainingExReserveSpaceSize 1437 -#define RPC_cudnnGetNormalizationForwardTrainingWorkspaceSize 1438 -#define RPC_cudnnGetNormalizationBackwardWorkspaceSize 1439 -#define RPC_cudnnGetNormalizationTrainingReserveSpaceSize 1440 +#define RPC_cublasSgemvStridedBatched 1159 +#define RPC_cublasSgemvStridedBatched_64 1160 +#define RPC_cublasDgemvStridedBatched 1161 +#define RPC_cublasDgemvStridedBatched_64 1162 +#define RPC_cublasCgemvStridedBatched 1163 +#define RPC_cublasCgemvStridedBatched_64 1164 +#define RPC_cublasZgemvStridedBatched 1165 +#define RPC_cublasZgemvStridedBatched_64 1166 +#define RPC_cublasHSHgemvStridedBatched 1167 +#define RPC_cublasHSHgemvStridedBatched_64 1168 +#define RPC_cublasHSSgemvStridedBatched 1169 +#define RPC_cublasHSSgemvStridedBatched_64 1170 +#define RPC_cublasTSTgemvStridedBatched 1171 +#define RPC_cublasTSTgemvStridedBatched_64 1172 +#define RPC_cublasTSSgemvStridedBatched 1173 +#define RPC_cublasTSSgemvStridedBatched_64 1174 +#define RPC_cublasSgemm_v2 1175 +#define RPC_cublasSgemm_v2_64 1176 +#define RPC_cublasDgemm_v2 1177 +#define RPC_cublasDgemm_v2_64 1178 +#define RPC_cublasCgemm_v2 1179 +#define RPC_cublasCgemm_v2_64 1180 +#define RPC_cublasCgemm3m 1181 +#define RPC_cublasCgemm3m_64 1182 +#define RPC_cublasZgemm_v2 1183 +#define RPC_cublasZgemm_v2_64 1184 +#define RPC_cublasZgemm3m 1185 +#define RPC_cublasZgemm3m_64 1186 +#define RPC_cublasHgemm 1187 +#define RPC_cublasHgemm_64 1188 +#define RPC_cublasSsyrk_v2 1189 +#define RPC_cublasSsyrk_v2_64 1190 +#define RPC_cublasDsyrk_v2 1191 +#define RPC_cublasDsyrk_v2_64 1192 +#define RPC_cublasCsyrk_v2 1193 +#define RPC_cublasCsyrk_v2_64 1194 +#define RPC_cublasZsyrk_v2 1195 +#define RPC_cublasZsyrk_v2_64 1196 +#define RPC_cublasCherk_v2 1197 +#define RPC_cublasCherk_v2_64 1198 +#define RPC_cublasZherk_v2 1199 +#define RPC_cublasZherk_v2_64 1200 +#define RPC_cublasSsyr2k_v2 1201 +#define RPC_cublasSsyr2k_v2_64 1202 +#define RPC_cublasDsyr2k_v2 1203 +#define RPC_cublasDsyr2k_v2_64 1204 +#define RPC_cublasCsyr2k_v2 1205 +#define RPC_cublasCsyr2k_v2_64 1206 +#define RPC_cublasZsyr2k_v2 1207 +#define RPC_cublasZsyr2k_v2_64 1208 +#define RPC_cublasCher2k_v2 1209 +#define RPC_cublasCher2k_v2_64 1210 +#define RPC_cublasZher2k_v2 1211 +#define RPC_cublasZher2k_v2_64 1212 +#define RPC_cublasSsyrkx 1213 +#define RPC_cublasSsyrkx_64 1214 +#define RPC_cublasDsyrkx 1215 +#define RPC_cublasDsyrkx_64 1216 +#define RPC_cublasCsyrkx 1217 +#define RPC_cublasCsyrkx_64 1218 +#define RPC_cublasZsyrkx 1219 +#define RPC_cublasZsyrkx_64 1220 +#define RPC_cublasCherkx 1221 +#define RPC_cublasCherkx_64 1222 +#define RPC_cublasZherkx 1223 +#define RPC_cublasZherkx_64 1224 +#define RPC_cublasSsymm_v2 1225 +#define RPC_cublasSsymm_v2_64 1226 +#define RPC_cublasDsymm_v2 1227 +#define RPC_cublasDsymm_v2_64 1228 +#define RPC_cublasCsymm_v2 1229 +#define RPC_cublasCsymm_v2_64 1230 +#define RPC_cublasZsymm_v2 1231 +#define RPC_cublasZsymm_v2_64 1232 +#define RPC_cublasChemm_v2 1233 +#define RPC_cublasChemm_v2_64 1234 +#define RPC_cublasZhemm_v2 1235 +#define RPC_cublasZhemm_v2_64 1236 +#define RPC_cublasStrsm_v2 1237 +#define RPC_cublasStrsm_v2_64 1238 +#define RPC_cublasDtrsm_v2 1239 +#define RPC_cublasDtrsm_v2_64 1240 +#define RPC_cublasCtrsm_v2 1241 +#define RPC_cublasCtrsm_v2_64 1242 +#define RPC_cublasZtrsm_v2 1243 +#define RPC_cublasZtrsm_v2_64 1244 +#define RPC_cublasStrmm_v2 1245 +#define RPC_cublasStrmm_v2_64 1246 +#define RPC_cublasDtrmm_v2 1247 +#define RPC_cublasDtrmm_v2_64 1248 +#define RPC_cublasCtrmm_v2 1249 +#define RPC_cublasCtrmm_v2_64 1250 +#define RPC_cublasZtrmm_v2 1251 +#define RPC_cublasZtrmm_v2_64 1252 +#define RPC_cublasHgemmStridedBatched 1253 +#define RPC_cublasHgemmStridedBatched_64 1254 +#define RPC_cublasSgemmStridedBatched 1255 +#define RPC_cublasSgemmStridedBatched_64 1256 +#define RPC_cublasDgemmStridedBatched 1257 +#define RPC_cublasDgemmStridedBatched_64 1258 +#define RPC_cublasCgemmStridedBatched 1259 +#define RPC_cublasCgemmStridedBatched_64 1260 +#define RPC_cublasCgemm3mStridedBatched 1261 +#define RPC_cublasCgemm3mStridedBatched_64 1262 +#define RPC_cublasZgemmStridedBatched 1263 +#define RPC_cublasZgemmStridedBatched_64 1264 +#define RPC_cublasSgeam 1265 +#define RPC_cublasSgeam_64 1266 +#define RPC_cublasDgeam 1267 +#define RPC_cublasDgeam_64 1268 +#define RPC_cublasCgeam 1269 +#define RPC_cublasCgeam_64 1270 +#define RPC_cublasZgeam 1271 +#define RPC_cublasZgeam_64 1272 +#define RPC_cublasSdgmm 1273 +#define RPC_cublasSdgmm_64 1274 +#define RPC_cublasDdgmm 1275 +#define RPC_cublasDdgmm_64 1276 +#define RPC_cublasCdgmm 1277 +#define RPC_cublasCdgmm_64 1278 +#define RPC_cublasZdgmm 1279 +#define RPC_cublasZdgmm_64 1280 +#define RPC_cublasStpttr 1281 +#define RPC_cublasDtpttr 1282 +#define RPC_cublasCtpttr 1283 +#define RPC_cublasZtpttr 1284 +#define RPC_cublasStrttp 1285 +#define RPC_cublasDtrttp 1286 +#define RPC_cublasCtrttp 1287 +#define RPC_cublasZtrttp 1288 +#define RPC_cublasUint8gemmBias 1289 +#define RPC_cublasMigrateComputeType 1290 +#define RPC_cudnnGetVersion 1291 +#define RPC_cudnnGetMaxDeviceVersion 1292 +#define RPC_cudnnGetCudartVersion 1293 +#define RPC_cudnnGetErrorString 1294 +#define RPC_cudnnGetLastErrorString 1295 +#define RPC_cudnnQueryRuntimeError 1296 +#define RPC_cudnnGetProperty 1297 +#define RPC_cudnnCreate 1298 +#define RPC_cudnnDestroy 1299 +#define RPC_cudnnSetStream 1300 +#define RPC_cudnnGetStream 1301 +#define RPC_cudnnGetCallback 1302 +#define RPC_cudnnGraphVersionCheck 1303 +#define RPC_cudnnBackendCreateDescriptor 1304 +#define RPC_cudnnBackendDestroyDescriptor 1305 +#define RPC_cudnnBackendInitialize 1306 +#define RPC_cudnnBackendFinalize 1307 +#define RPC_cudnnBackendSetAttribute 1308 +#define RPC_cudnnBackendExecute 1309 +#define RPC_cudnnBackendPopulateCudaGraph 1310 +#define RPC_cudnnBackendUpdateCudaGraph 1311 +#define RPC_cudnnCreateTensorDescriptor 1312 +#define RPC_cudnnSetTensor4dDescriptor 1313 +#define RPC_cudnnSetTensor4dDescriptorEx 1314 +#define RPC_cudnnGetTensor4dDescriptor 1315 +#define RPC_cudnnGetTensorSizeInBytes 1316 +#define RPC_cudnnDestroyTensorDescriptor 1317 +#define RPC_cudnnInitTransformDest 1318 +#define RPC_cudnnCreateTensorTransformDescriptor 1319 +#define RPC_cudnnDestroyTensorTransformDescriptor 1320 +#define RPC_cudnnCreateOpTensorDescriptor 1321 +#define RPC_cudnnSetOpTensorDescriptor 1322 +#define RPC_cudnnGetOpTensorDescriptor 1323 +#define RPC_cudnnDestroyOpTensorDescriptor 1324 +#define RPC_cudnnCreateReduceTensorDescriptor 1325 +#define RPC_cudnnSetReduceTensorDescriptor 1326 +#define RPC_cudnnGetReduceTensorDescriptor 1327 +#define RPC_cudnnDestroyReduceTensorDescriptor 1328 +#define RPC_cudnnGetReductionIndicesSize 1329 +#define RPC_cudnnGetReductionWorkspaceSize 1330 +#define RPC_cudnnCreateFilterDescriptor 1331 +#define RPC_cudnnSetFilter4dDescriptor 1332 +#define RPC_cudnnGetFilter4dDescriptor 1333 +#define RPC_cudnnGetFilterSizeInBytes 1334 +#define RPC_cudnnDestroyFilterDescriptor 1335 +#define RPC_cudnnCreatePoolingDescriptor 1336 +#define RPC_cudnnSetPooling2dDescriptor 1337 +#define RPC_cudnnGetPooling2dDescriptor 1338 +#define RPC_cudnnGetPooling2dForwardOutputDim 1339 +#define RPC_cudnnDestroyPoolingDescriptor 1340 +#define RPC_cudnnCreateActivationDescriptor 1341 +#define RPC_cudnnSetActivationDescriptor 1342 +#define RPC_cudnnGetActivationDescriptor 1343 +#define RPC_cudnnSetActivationDescriptorSwishBeta 1344 +#define RPC_cudnnGetActivationDescriptorSwishBeta 1345 +#define RPC_cudnnDestroyActivationDescriptor 1346 +#define RPC_cudnnActivationForward 1347 +#define RPC_cudnnCreateLRNDescriptor 1348 +#define RPC_cudnnSetLRNDescriptor 1349 +#define RPC_cudnnGetLRNDescriptor 1350 +#define RPC_cudnnDestroyLRNDescriptor 1351 +#define RPC_cudnnDeriveBNTensorDescriptor 1352 +#define RPC_cudnnDeriveNormTensorDescriptor 1353 +#define RPC_cudnnCreateSpatialTransformerDescriptor 1354 +#define RPC_cudnnDestroySpatialTransformerDescriptor 1355 +#define RPC_cudnnCreateDropoutDescriptor 1356 +#define RPC_cudnnDestroyDropoutDescriptor 1357 +#define RPC_cudnnDropoutGetStatesSize 1358 +#define RPC_cudnnDropoutGetReserveSpaceSize 1359 +#define RPC_cudnnGetDropoutDescriptor 1360 +#define RPC_cudnnOpsVersionCheck 1361 +#define RPC_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize 1362 +#define RPC_cudnnGetBatchNormalizationBackwardExWorkspaceSize 1363 +#define RPC_cudnnGetBatchNormalizationTrainingExReserveSpaceSize 1364 +#define RPC_cudnnGetNormalizationForwardTrainingWorkspaceSize 1365 +#define RPC_cudnnGetNormalizationBackwardWorkspaceSize 1366 +#define RPC_cudnnGetNormalizationTrainingReserveSpaceSize 1367 From 5be98517b26334fbdd60614a4085b091612b8adb Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Sun, 1 Dec 2024 06:23:51 +0000 Subject: [PATCH 4/7] chore: batched function --- codegen/annotations.h | 16 +- codegen/codegen.py | 92 +- codegen/gen_api.h | 419 +- codegen/gen_client.cpp | 9718 +++++++++++++++- codegen/gen_server.cpp | 24562 ++++++++++++++++++++++++++++++++++----- 5 files changed, 31886 insertions(+), 2921 deletions(-) diff --git a/codegen/annotations.h b/codegen/annotations.h index 3ffe9c0..d5c79d6 100644 --- a/codegen/annotations.h +++ b/codegen/annotations.h @@ -10068,19 +10068,19 @@ cublasStatus_t cublasZhpr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int */ cublasStatus_t cublasZhpr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* AP); /** + * @param batchCount SEND_ONLY * @param handle SEND_ONLY * @param trans SEND_ONLY * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV - * @param Aarray SEND_ONLY LENGTH:lda + * @param Aarray SEND_ONLY LENGTH:batchCount * @param lda SEND_ONLY - * @param xarray SEND_ONLY LENGTH:incx + * @param xarray SEND_ONLY LENGTH:batchCount * @param incx SEND_ONLY * @param beta SEND_RECV - * @param yarray SEND_ONLY LENGTH:incy + * @param yarray SEND_ONLY LENGTH:batchCount * @param incy SEND_ONLY - * @param batchCount SEND_ONLY */ cublasStatus_t cublasSgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* const Aarray[], int lda, const float* const xarray[], int incx, const float* beta, float* const yarray[], int incy, int batchCount); /** @@ -10260,19 +10260,19 @@ cublasStatus_t cublasHSSgemvBatched(cublasHandle_t handle, cublasOperation_t tra */ cublasStatus_t cublasHSSgemvBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* const Aarray[], int64_t lda, const __half* const xarray[], int64_t incx, const float* beta, float* const yarray[], int64_t incy, int64_t batchCount); /** + * @param batchCount SEND_ONLY * @param handle SEND_ONLY * @param trans SEND_ONLY * @param m SEND_ONLY * @param n SEND_ONLY * @param alpha SEND_RECV - * @param Aarray SEND_ONLY + * @param Aarray SEND_ONLY LENGTH:batchCount * @param lda SEND_ONLY - * @param xarray SEND_ONLY + * @param xarray SEND_ONLY LENGTH:batchCount * @param incx SEND_ONLY * @param beta SEND_RECV - * @param yarray SEND_ONLY + * @param yarray SEND_ONLY LENGTH:batchCount * @param incy SEND_ONLY - * @param batchCount SEND_ONLY */ cublasStatus_t cublasTSTgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* const Aarray[], int lda, const __nv_bfloat16* const xarray[], int incx, const float* beta, __nv_bfloat16* const yarray[], int incy, int batchCount); /** diff --git a/codegen/codegen.py b/codegen/codegen.py index f9e79c8..7879638 100644 --- a/codegen/codegen.py +++ b/codegen/codegen.py @@ -215,7 +215,8 @@ def server_declaration(self) -> str: if isinstance(self.ptr, Array): c = self.ptr.const self.ptr.const = False - s = f" {self.ptr.format()} {self.parameter.name};\n" + # const[] isn't a valid part of a variable declaration + s = f" {self.ptr.format().replace("const[]", "")}* {self.parameter.name} = new {self.ptr.format().replace("const[]", "")}[{self.length.name}];\n" self.ptr.const = c else: c = self.ptr.ptr_to.const @@ -256,6 +257,12 @@ def server_rpc_read(self, f): ) ) + def server_len_rpc_read(self, f): + f.write(" if (rpc_read(conn, &{length_param}, sizeof(int)) < 0)\n".format( + length_param=self.length.name, + )) + f.write(" return -1;\n") + @property def server_reference(self) -> str: return self.parameter.name @@ -908,6 +915,12 @@ def main(): for function, annotation, operations, disabled in functions_with_annotations: if function.name.format() in MANUAL_IMPLEMENTATIONS or disabled: continue + batched = False + + # not a fan of this, but the batched functions are pretty standard with the flow below + if "Batched" in function.name.format(): + batched = True + # parse the annotation doxygen f.write( "int handle_{name}(void *conn)\n".format( @@ -917,29 +930,72 @@ def main(): f.write("{\n") defers = [] - # write the variable declarations first. - for operation in operations: - f.write(operation.server_declaration) - f.write(" int request_id;\n") + if batched: + array_batches = [] + non_array_batches = [] + + for operation in operations: + if isinstance(operation, NullTerminatedOperation): + if error := operation.server_rpc_read(f, len(defers)): + defers.append(error) + if isinstance(operation, ArrayOperation): + array_batches.append(operation) + if not isinstance(operation, ArrayOperation): + non_array_batches.append(operation) + + # print our normal operations the same + for operation in operations: + if operation not in array_batches: + f.write(operation.server_declaration) + + # do something with array batches + if len(array_batches) > 0 and hasattr(array_batches[0], "server_len_rpc_read"): + array_batches[0].server_len_rpc_read(f) + + # pop here, because we already accounted for the batchCount integer + non_array_batches.pop(0) + + for op in array_batches: + f.write(op.server_declaration) + + f.write(" int request_id;\n") + if function.return_type.format() != "void": + f.write(" {return_type} scuda_intercept_result;\n".format(return_type=function.return_type.format())) + else: + f.write(" void* scuda_intercept_result;\n".format(return_type=function.return_type.format())) - # we only generate return from non-void types - if function.return_type.format() != "void": - f.write(" {return_type} scuda_intercept_result;\n".format(return_type=function.return_type.format())) + f.write(" if (\n") + for operation in operations: + operation.server_rpc_read(f) + f.write(" false)\n") + f.write(" goto ERROR_{index};\n".format(index=len(defers))) + + f.write("\n") else: - f.write(" void* scuda_intercept_result;\n".format(return_type=function.return_type.format())) + for operation in operations: + f.write(operation.server_declaration) - f.write(" if (\n") - for operation in operations: - if isinstance(operation, NullTerminatedOperation): - if error := operation.server_rpc_read(f, len(defers)): - defers.append(error) + f.write(" int request_id;\n") + + # we only generate return from non-void types + if function.return_type.format() != "void": + f.write(" {return_type} scuda_intercept_result;\n".format(return_type=function.return_type.format())) else: - operation.server_rpc_read(f) - f.write(" false)\n") - f.write(" goto ERROR_{index};\n".format(index=len(defers))) + f.write(" void* scuda_intercept_result;\n".format(return_type=function.return_type.format())) + + f.write(" if (\n") + for operation in operations: + if isinstance(operation, NullTerminatedOperation): + if error := operation.server_rpc_read(f, len(defers)): + defers.append(error) + else: + operation.server_rpc_read(f) + f.write(" false)\n") + f.write(" goto ERROR_{index};\n".format(index=len(defers))) + + f.write("\n") - f.write("\n") f.write( " request_id = rpc_end_request(conn);\n".format( name=function.name.format() diff --git a/codegen/gen_api.h b/codegen/gen_api.h index b8fe8b5..8fb6410 100644 --- a/codegen/gen_api.h +++ b/codegen/gen_api.h @@ -1157,212 +1157,213 @@ #define RPC_cublasZhpr2_v2 1156 #define RPC_cublasZhpr2_v2_64 1157 #define RPC_cublasSgemvBatched 1158 -#define RPC_cublasSgemvStridedBatched 1159 -#define RPC_cublasSgemvStridedBatched_64 1160 -#define RPC_cublasDgemvStridedBatched 1161 -#define RPC_cublasDgemvStridedBatched_64 1162 -#define RPC_cublasCgemvStridedBatched 1163 -#define RPC_cublasCgemvStridedBatched_64 1164 -#define RPC_cublasZgemvStridedBatched 1165 -#define RPC_cublasZgemvStridedBatched_64 1166 -#define RPC_cublasHSHgemvStridedBatched 1167 -#define RPC_cublasHSHgemvStridedBatched_64 1168 -#define RPC_cublasHSSgemvStridedBatched 1169 -#define RPC_cublasHSSgemvStridedBatched_64 1170 -#define RPC_cublasTSTgemvStridedBatched 1171 -#define RPC_cublasTSTgemvStridedBatched_64 1172 -#define RPC_cublasTSSgemvStridedBatched 1173 -#define RPC_cublasTSSgemvStridedBatched_64 1174 -#define RPC_cublasSgemm_v2 1175 -#define RPC_cublasSgemm_v2_64 1176 -#define RPC_cublasDgemm_v2 1177 -#define RPC_cublasDgemm_v2_64 1178 -#define RPC_cublasCgemm_v2 1179 -#define RPC_cublasCgemm_v2_64 1180 -#define RPC_cublasCgemm3m 1181 -#define RPC_cublasCgemm3m_64 1182 -#define RPC_cublasZgemm_v2 1183 -#define RPC_cublasZgemm_v2_64 1184 -#define RPC_cublasZgemm3m 1185 -#define RPC_cublasZgemm3m_64 1186 -#define RPC_cublasHgemm 1187 -#define RPC_cublasHgemm_64 1188 -#define RPC_cublasSsyrk_v2 1189 -#define RPC_cublasSsyrk_v2_64 1190 -#define RPC_cublasDsyrk_v2 1191 -#define RPC_cublasDsyrk_v2_64 1192 -#define RPC_cublasCsyrk_v2 1193 -#define RPC_cublasCsyrk_v2_64 1194 -#define RPC_cublasZsyrk_v2 1195 -#define RPC_cublasZsyrk_v2_64 1196 -#define RPC_cublasCherk_v2 1197 -#define RPC_cublasCherk_v2_64 1198 -#define RPC_cublasZherk_v2 1199 -#define RPC_cublasZherk_v2_64 1200 -#define RPC_cublasSsyr2k_v2 1201 -#define RPC_cublasSsyr2k_v2_64 1202 -#define RPC_cublasDsyr2k_v2 1203 -#define RPC_cublasDsyr2k_v2_64 1204 -#define RPC_cublasCsyr2k_v2 1205 -#define RPC_cublasCsyr2k_v2_64 1206 -#define RPC_cublasZsyr2k_v2 1207 -#define RPC_cublasZsyr2k_v2_64 1208 -#define RPC_cublasCher2k_v2 1209 -#define RPC_cublasCher2k_v2_64 1210 -#define RPC_cublasZher2k_v2 1211 -#define RPC_cublasZher2k_v2_64 1212 -#define RPC_cublasSsyrkx 1213 -#define RPC_cublasSsyrkx_64 1214 -#define RPC_cublasDsyrkx 1215 -#define RPC_cublasDsyrkx_64 1216 -#define RPC_cublasCsyrkx 1217 -#define RPC_cublasCsyrkx_64 1218 -#define RPC_cublasZsyrkx 1219 -#define RPC_cublasZsyrkx_64 1220 -#define RPC_cublasCherkx 1221 -#define RPC_cublasCherkx_64 1222 -#define RPC_cublasZherkx 1223 -#define RPC_cublasZherkx_64 1224 -#define RPC_cublasSsymm_v2 1225 -#define RPC_cublasSsymm_v2_64 1226 -#define RPC_cublasDsymm_v2 1227 -#define RPC_cublasDsymm_v2_64 1228 -#define RPC_cublasCsymm_v2 1229 -#define RPC_cublasCsymm_v2_64 1230 -#define RPC_cublasZsymm_v2 1231 -#define RPC_cublasZsymm_v2_64 1232 -#define RPC_cublasChemm_v2 1233 -#define RPC_cublasChemm_v2_64 1234 -#define RPC_cublasZhemm_v2 1235 -#define RPC_cublasZhemm_v2_64 1236 -#define RPC_cublasStrsm_v2 1237 -#define RPC_cublasStrsm_v2_64 1238 -#define RPC_cublasDtrsm_v2 1239 -#define RPC_cublasDtrsm_v2_64 1240 -#define RPC_cublasCtrsm_v2 1241 -#define RPC_cublasCtrsm_v2_64 1242 -#define RPC_cublasZtrsm_v2 1243 -#define RPC_cublasZtrsm_v2_64 1244 -#define RPC_cublasStrmm_v2 1245 -#define RPC_cublasStrmm_v2_64 1246 -#define RPC_cublasDtrmm_v2 1247 -#define RPC_cublasDtrmm_v2_64 1248 -#define RPC_cublasCtrmm_v2 1249 -#define RPC_cublasCtrmm_v2_64 1250 -#define RPC_cublasZtrmm_v2 1251 -#define RPC_cublasZtrmm_v2_64 1252 -#define RPC_cublasHgemmStridedBatched 1253 -#define RPC_cublasHgemmStridedBatched_64 1254 -#define RPC_cublasSgemmStridedBatched 1255 -#define RPC_cublasSgemmStridedBatched_64 1256 -#define RPC_cublasDgemmStridedBatched 1257 -#define RPC_cublasDgemmStridedBatched_64 1258 -#define RPC_cublasCgemmStridedBatched 1259 -#define RPC_cublasCgemmStridedBatched_64 1260 -#define RPC_cublasCgemm3mStridedBatched 1261 -#define RPC_cublasCgemm3mStridedBatched_64 1262 -#define RPC_cublasZgemmStridedBatched 1263 -#define RPC_cublasZgemmStridedBatched_64 1264 -#define RPC_cublasSgeam 1265 -#define RPC_cublasSgeam_64 1266 -#define RPC_cublasDgeam 1267 -#define RPC_cublasDgeam_64 1268 -#define RPC_cublasCgeam 1269 -#define RPC_cublasCgeam_64 1270 -#define RPC_cublasZgeam 1271 -#define RPC_cublasZgeam_64 1272 -#define RPC_cublasSdgmm 1273 -#define RPC_cublasSdgmm_64 1274 -#define RPC_cublasDdgmm 1275 -#define RPC_cublasDdgmm_64 1276 -#define RPC_cublasCdgmm 1277 -#define RPC_cublasCdgmm_64 1278 -#define RPC_cublasZdgmm 1279 -#define RPC_cublasZdgmm_64 1280 -#define RPC_cublasStpttr 1281 -#define RPC_cublasDtpttr 1282 -#define RPC_cublasCtpttr 1283 -#define RPC_cublasZtpttr 1284 -#define RPC_cublasStrttp 1285 -#define RPC_cublasDtrttp 1286 -#define RPC_cublasCtrttp 1287 -#define RPC_cublasZtrttp 1288 -#define RPC_cublasUint8gemmBias 1289 -#define RPC_cublasMigrateComputeType 1290 -#define RPC_cudnnGetVersion 1291 -#define RPC_cudnnGetMaxDeviceVersion 1292 -#define RPC_cudnnGetCudartVersion 1293 -#define RPC_cudnnGetErrorString 1294 -#define RPC_cudnnGetLastErrorString 1295 -#define RPC_cudnnQueryRuntimeError 1296 -#define RPC_cudnnGetProperty 1297 -#define RPC_cudnnCreate 1298 -#define RPC_cudnnDestroy 1299 -#define RPC_cudnnSetStream 1300 -#define RPC_cudnnGetStream 1301 -#define RPC_cudnnGetCallback 1302 -#define RPC_cudnnGraphVersionCheck 1303 -#define RPC_cudnnBackendCreateDescriptor 1304 -#define RPC_cudnnBackendDestroyDescriptor 1305 -#define RPC_cudnnBackendInitialize 1306 -#define RPC_cudnnBackendFinalize 1307 -#define RPC_cudnnBackendSetAttribute 1308 -#define RPC_cudnnBackendExecute 1309 -#define RPC_cudnnBackendPopulateCudaGraph 1310 -#define RPC_cudnnBackendUpdateCudaGraph 1311 -#define RPC_cudnnCreateTensorDescriptor 1312 -#define RPC_cudnnSetTensor4dDescriptor 1313 -#define RPC_cudnnSetTensor4dDescriptorEx 1314 -#define RPC_cudnnGetTensor4dDescriptor 1315 -#define RPC_cudnnGetTensorSizeInBytes 1316 -#define RPC_cudnnDestroyTensorDescriptor 1317 -#define RPC_cudnnInitTransformDest 1318 -#define RPC_cudnnCreateTensorTransformDescriptor 1319 -#define RPC_cudnnDestroyTensorTransformDescriptor 1320 -#define RPC_cudnnCreateOpTensorDescriptor 1321 -#define RPC_cudnnSetOpTensorDescriptor 1322 -#define RPC_cudnnGetOpTensorDescriptor 1323 -#define RPC_cudnnDestroyOpTensorDescriptor 1324 -#define RPC_cudnnCreateReduceTensorDescriptor 1325 -#define RPC_cudnnSetReduceTensorDescriptor 1326 -#define RPC_cudnnGetReduceTensorDescriptor 1327 -#define RPC_cudnnDestroyReduceTensorDescriptor 1328 -#define RPC_cudnnGetReductionIndicesSize 1329 -#define RPC_cudnnGetReductionWorkspaceSize 1330 -#define RPC_cudnnCreateFilterDescriptor 1331 -#define RPC_cudnnSetFilter4dDescriptor 1332 -#define RPC_cudnnGetFilter4dDescriptor 1333 -#define RPC_cudnnGetFilterSizeInBytes 1334 -#define RPC_cudnnDestroyFilterDescriptor 1335 -#define RPC_cudnnCreatePoolingDescriptor 1336 -#define RPC_cudnnSetPooling2dDescriptor 1337 -#define RPC_cudnnGetPooling2dDescriptor 1338 -#define RPC_cudnnGetPooling2dForwardOutputDim 1339 -#define RPC_cudnnDestroyPoolingDescriptor 1340 -#define RPC_cudnnCreateActivationDescriptor 1341 -#define RPC_cudnnSetActivationDescriptor 1342 -#define RPC_cudnnGetActivationDescriptor 1343 -#define RPC_cudnnSetActivationDescriptorSwishBeta 1344 -#define RPC_cudnnGetActivationDescriptorSwishBeta 1345 -#define RPC_cudnnDestroyActivationDescriptor 1346 -#define RPC_cudnnActivationForward 1347 -#define RPC_cudnnCreateLRNDescriptor 1348 -#define RPC_cudnnSetLRNDescriptor 1349 -#define RPC_cudnnGetLRNDescriptor 1350 -#define RPC_cudnnDestroyLRNDescriptor 1351 -#define RPC_cudnnDeriveBNTensorDescriptor 1352 -#define RPC_cudnnDeriveNormTensorDescriptor 1353 -#define RPC_cudnnCreateSpatialTransformerDescriptor 1354 -#define RPC_cudnnDestroySpatialTransformerDescriptor 1355 -#define RPC_cudnnCreateDropoutDescriptor 1356 -#define RPC_cudnnDestroyDropoutDescriptor 1357 -#define RPC_cudnnDropoutGetStatesSize 1358 -#define RPC_cudnnDropoutGetReserveSpaceSize 1359 -#define RPC_cudnnGetDropoutDescriptor 1360 -#define RPC_cudnnOpsVersionCheck 1361 -#define RPC_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize 1362 -#define RPC_cudnnGetBatchNormalizationBackwardExWorkspaceSize 1363 -#define RPC_cudnnGetBatchNormalizationTrainingExReserveSpaceSize 1364 -#define RPC_cudnnGetNormalizationForwardTrainingWorkspaceSize 1365 -#define RPC_cudnnGetNormalizationBackwardWorkspaceSize 1366 -#define RPC_cudnnGetNormalizationTrainingReserveSpaceSize 1367 +#define RPC_cublasTSTgemvBatched 1159 +#define RPC_cublasSgemvStridedBatched 1160 +#define RPC_cublasSgemvStridedBatched_64 1161 +#define RPC_cublasDgemvStridedBatched 1162 +#define RPC_cublasDgemvStridedBatched_64 1163 +#define RPC_cublasCgemvStridedBatched 1164 +#define RPC_cublasCgemvStridedBatched_64 1165 +#define RPC_cublasZgemvStridedBatched 1166 +#define RPC_cublasZgemvStridedBatched_64 1167 +#define RPC_cublasHSHgemvStridedBatched 1168 +#define RPC_cublasHSHgemvStridedBatched_64 1169 +#define RPC_cublasHSSgemvStridedBatched 1170 +#define RPC_cublasHSSgemvStridedBatched_64 1171 +#define RPC_cublasTSTgemvStridedBatched 1172 +#define RPC_cublasTSTgemvStridedBatched_64 1173 +#define RPC_cublasTSSgemvStridedBatched 1174 +#define RPC_cublasTSSgemvStridedBatched_64 1175 +#define RPC_cublasSgemm_v2 1176 +#define RPC_cublasSgemm_v2_64 1177 +#define RPC_cublasDgemm_v2 1178 +#define RPC_cublasDgemm_v2_64 1179 +#define RPC_cublasCgemm_v2 1180 +#define RPC_cublasCgemm_v2_64 1181 +#define RPC_cublasCgemm3m 1182 +#define RPC_cublasCgemm3m_64 1183 +#define RPC_cublasZgemm_v2 1184 +#define RPC_cublasZgemm_v2_64 1185 +#define RPC_cublasZgemm3m 1186 +#define RPC_cublasZgemm3m_64 1187 +#define RPC_cublasHgemm 1188 +#define RPC_cublasHgemm_64 1189 +#define RPC_cublasSsyrk_v2 1190 +#define RPC_cublasSsyrk_v2_64 1191 +#define RPC_cublasDsyrk_v2 1192 +#define RPC_cublasDsyrk_v2_64 1193 +#define RPC_cublasCsyrk_v2 1194 +#define RPC_cublasCsyrk_v2_64 1195 +#define RPC_cublasZsyrk_v2 1196 +#define RPC_cublasZsyrk_v2_64 1197 +#define RPC_cublasCherk_v2 1198 +#define RPC_cublasCherk_v2_64 1199 +#define RPC_cublasZherk_v2 1200 +#define RPC_cublasZherk_v2_64 1201 +#define RPC_cublasSsyr2k_v2 1202 +#define RPC_cublasSsyr2k_v2_64 1203 +#define RPC_cublasDsyr2k_v2 1204 +#define RPC_cublasDsyr2k_v2_64 1205 +#define RPC_cublasCsyr2k_v2 1206 +#define RPC_cublasCsyr2k_v2_64 1207 +#define RPC_cublasZsyr2k_v2 1208 +#define RPC_cublasZsyr2k_v2_64 1209 +#define RPC_cublasCher2k_v2 1210 +#define RPC_cublasCher2k_v2_64 1211 +#define RPC_cublasZher2k_v2 1212 +#define RPC_cublasZher2k_v2_64 1213 +#define RPC_cublasSsyrkx 1214 +#define RPC_cublasSsyrkx_64 1215 +#define RPC_cublasDsyrkx 1216 +#define RPC_cublasDsyrkx_64 1217 +#define RPC_cublasCsyrkx 1218 +#define RPC_cublasCsyrkx_64 1219 +#define RPC_cublasZsyrkx 1220 +#define RPC_cublasZsyrkx_64 1221 +#define RPC_cublasCherkx 1222 +#define RPC_cublasCherkx_64 1223 +#define RPC_cublasZherkx 1224 +#define RPC_cublasZherkx_64 1225 +#define RPC_cublasSsymm_v2 1226 +#define RPC_cublasSsymm_v2_64 1227 +#define RPC_cublasDsymm_v2 1228 +#define RPC_cublasDsymm_v2_64 1229 +#define RPC_cublasCsymm_v2 1230 +#define RPC_cublasCsymm_v2_64 1231 +#define RPC_cublasZsymm_v2 1232 +#define RPC_cublasZsymm_v2_64 1233 +#define RPC_cublasChemm_v2 1234 +#define RPC_cublasChemm_v2_64 1235 +#define RPC_cublasZhemm_v2 1236 +#define RPC_cublasZhemm_v2_64 1237 +#define RPC_cublasStrsm_v2 1238 +#define RPC_cublasStrsm_v2_64 1239 +#define RPC_cublasDtrsm_v2 1240 +#define RPC_cublasDtrsm_v2_64 1241 +#define RPC_cublasCtrsm_v2 1242 +#define RPC_cublasCtrsm_v2_64 1243 +#define RPC_cublasZtrsm_v2 1244 +#define RPC_cublasZtrsm_v2_64 1245 +#define RPC_cublasStrmm_v2 1246 +#define RPC_cublasStrmm_v2_64 1247 +#define RPC_cublasDtrmm_v2 1248 +#define RPC_cublasDtrmm_v2_64 1249 +#define RPC_cublasCtrmm_v2 1250 +#define RPC_cublasCtrmm_v2_64 1251 +#define RPC_cublasZtrmm_v2 1252 +#define RPC_cublasZtrmm_v2_64 1253 +#define RPC_cublasHgemmStridedBatched 1254 +#define RPC_cublasHgemmStridedBatched_64 1255 +#define RPC_cublasSgemmStridedBatched 1256 +#define RPC_cublasSgemmStridedBatched_64 1257 +#define RPC_cublasDgemmStridedBatched 1258 +#define RPC_cublasDgemmStridedBatched_64 1259 +#define RPC_cublasCgemmStridedBatched 1260 +#define RPC_cublasCgemmStridedBatched_64 1261 +#define RPC_cublasCgemm3mStridedBatched 1262 +#define RPC_cublasCgemm3mStridedBatched_64 1263 +#define RPC_cublasZgemmStridedBatched 1264 +#define RPC_cublasZgemmStridedBatched_64 1265 +#define RPC_cublasSgeam 1266 +#define RPC_cublasSgeam_64 1267 +#define RPC_cublasDgeam 1268 +#define RPC_cublasDgeam_64 1269 +#define RPC_cublasCgeam 1270 +#define RPC_cublasCgeam_64 1271 +#define RPC_cublasZgeam 1272 +#define RPC_cublasZgeam_64 1273 +#define RPC_cublasSdgmm 1274 +#define RPC_cublasSdgmm_64 1275 +#define RPC_cublasDdgmm 1276 +#define RPC_cublasDdgmm_64 1277 +#define RPC_cublasCdgmm 1278 +#define RPC_cublasCdgmm_64 1279 +#define RPC_cublasZdgmm 1280 +#define RPC_cublasZdgmm_64 1281 +#define RPC_cublasStpttr 1282 +#define RPC_cublasDtpttr 1283 +#define RPC_cublasCtpttr 1284 +#define RPC_cublasZtpttr 1285 +#define RPC_cublasStrttp 1286 +#define RPC_cublasDtrttp 1287 +#define RPC_cublasCtrttp 1288 +#define RPC_cublasZtrttp 1289 +#define RPC_cublasUint8gemmBias 1290 +#define RPC_cublasMigrateComputeType 1291 +#define RPC_cudnnGetVersion 1292 +#define RPC_cudnnGetMaxDeviceVersion 1293 +#define RPC_cudnnGetCudartVersion 1294 +#define RPC_cudnnGetErrorString 1295 +#define RPC_cudnnGetLastErrorString 1296 +#define RPC_cudnnQueryRuntimeError 1297 +#define RPC_cudnnGetProperty 1298 +#define RPC_cudnnCreate 1299 +#define RPC_cudnnDestroy 1300 +#define RPC_cudnnSetStream 1301 +#define RPC_cudnnGetStream 1302 +#define RPC_cudnnGetCallback 1303 +#define RPC_cudnnGraphVersionCheck 1304 +#define RPC_cudnnBackendCreateDescriptor 1305 +#define RPC_cudnnBackendDestroyDescriptor 1306 +#define RPC_cudnnBackendInitialize 1307 +#define RPC_cudnnBackendFinalize 1308 +#define RPC_cudnnBackendSetAttribute 1309 +#define RPC_cudnnBackendExecute 1310 +#define RPC_cudnnBackendPopulateCudaGraph 1311 +#define RPC_cudnnBackendUpdateCudaGraph 1312 +#define RPC_cudnnCreateTensorDescriptor 1313 +#define RPC_cudnnSetTensor4dDescriptor 1314 +#define RPC_cudnnSetTensor4dDescriptorEx 1315 +#define RPC_cudnnGetTensor4dDescriptor 1316 +#define RPC_cudnnGetTensorSizeInBytes 1317 +#define RPC_cudnnDestroyTensorDescriptor 1318 +#define RPC_cudnnInitTransformDest 1319 +#define RPC_cudnnCreateTensorTransformDescriptor 1320 +#define RPC_cudnnDestroyTensorTransformDescriptor 1321 +#define RPC_cudnnCreateOpTensorDescriptor 1322 +#define RPC_cudnnSetOpTensorDescriptor 1323 +#define RPC_cudnnGetOpTensorDescriptor 1324 +#define RPC_cudnnDestroyOpTensorDescriptor 1325 +#define RPC_cudnnCreateReduceTensorDescriptor 1326 +#define RPC_cudnnSetReduceTensorDescriptor 1327 +#define RPC_cudnnGetReduceTensorDescriptor 1328 +#define RPC_cudnnDestroyReduceTensorDescriptor 1329 +#define RPC_cudnnGetReductionIndicesSize 1330 +#define RPC_cudnnGetReductionWorkspaceSize 1331 +#define RPC_cudnnCreateFilterDescriptor 1332 +#define RPC_cudnnSetFilter4dDescriptor 1333 +#define RPC_cudnnGetFilter4dDescriptor 1334 +#define RPC_cudnnGetFilterSizeInBytes 1335 +#define RPC_cudnnDestroyFilterDescriptor 1336 +#define RPC_cudnnCreatePoolingDescriptor 1337 +#define RPC_cudnnSetPooling2dDescriptor 1338 +#define RPC_cudnnGetPooling2dDescriptor 1339 +#define RPC_cudnnGetPooling2dForwardOutputDim 1340 +#define RPC_cudnnDestroyPoolingDescriptor 1341 +#define RPC_cudnnCreateActivationDescriptor 1342 +#define RPC_cudnnSetActivationDescriptor 1343 +#define RPC_cudnnGetActivationDescriptor 1344 +#define RPC_cudnnSetActivationDescriptorSwishBeta 1345 +#define RPC_cudnnGetActivationDescriptorSwishBeta 1346 +#define RPC_cudnnDestroyActivationDescriptor 1347 +#define RPC_cudnnActivationForward 1348 +#define RPC_cudnnCreateLRNDescriptor 1349 +#define RPC_cudnnSetLRNDescriptor 1350 +#define RPC_cudnnGetLRNDescriptor 1351 +#define RPC_cudnnDestroyLRNDescriptor 1352 +#define RPC_cudnnDeriveBNTensorDescriptor 1353 +#define RPC_cudnnDeriveNormTensorDescriptor 1354 +#define RPC_cudnnCreateSpatialTransformerDescriptor 1355 +#define RPC_cudnnDestroySpatialTransformerDescriptor 1356 +#define RPC_cudnnCreateDropoutDescriptor 1357 +#define RPC_cudnnDestroyDropoutDescriptor 1358 +#define RPC_cudnnDropoutGetStatesSize 1359 +#define RPC_cudnnDropoutGetReserveSpaceSize 1360 +#define RPC_cudnnGetDropoutDescriptor 1361 +#define RPC_cudnnOpsVersionCheck 1362 +#define RPC_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize 1363 +#define RPC_cudnnGetBatchNormalizationBackwardExWorkspaceSize 1364 +#define RPC_cudnnGetBatchNormalizationTrainingExReserveSpaceSize 1365 +#define RPC_cudnnGetNormalizationForwardTrainingWorkspaceSize 1366 +#define RPC_cudnnGetNormalizationBackwardWorkspaceSize 1367 +#define RPC_cudnnGetNormalizationTrainingReserveSpaceSize 1368 diff --git a/codegen/gen_client.cpp b/codegen/gen_client.cpp index 82fb7db..1c89f50 100644 --- a/codegen/gen_client.cpp +++ b/codegen/gen_client.cpp @@ -1,5 +1,6 @@ #include #include +#include #include #include #include @@ -11135,77 +11136,8896 @@ cublasStatus_t cublasDestroy_v2(cublasHandle_t handle) return return_value; } -cublasStatus_t cublasSgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc) +cublasStatus_t cublasGetVersion_v2(cublasHandle_t handle, int* version) { cublasStatus_t return_value; - if (rpc_start_request(0, RPC_cublasSgemm_v2) < 0 || + if (rpc_start_request(0, RPC_cublasGetVersion_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, version, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, version, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetProperty(libraryPropertyType type, int* value) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetProperty) < 0 || + rpc_write(0, &type, sizeof(libraryPropertyType)) < 0 || + rpc_write(0, value, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, value, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSetStream_v2(cublasHandle_t handle, cudaStream_t streamId) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSetStream_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &streamId, sizeof(cudaStream_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetStream_v2(cublasHandle_t handle, cudaStream_t* streamId) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetStream_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, streamId, sizeof(cudaStream_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, streamId, sizeof(cudaStream_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetPointerMode_v2(cublasHandle_t handle, cublasPointerMode_t* mode) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetPointerMode_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, mode, sizeof(cublasPointerMode_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, mode, sizeof(cublasPointerMode_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSetPointerMode_v2(cublasHandle_t handle, cublasPointerMode_t mode) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSetPointerMode_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasPointerMode_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetAtomicsMode(cublasHandle_t handle, cublasAtomicsMode_t* mode) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetAtomicsMode) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, mode, sizeof(cublasAtomicsMode_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, mode, sizeof(cublasAtomicsMode_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSetAtomicsMode(cublasHandle_t handle, cublasAtomicsMode_t mode) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSetAtomicsMode) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasAtomicsMode_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetMathMode(cublasHandle_t handle, cublasMath_t* mode) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetMathMode) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, mode, sizeof(cublasMath_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, mode, sizeof(cublasMath_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSetMathMode(cublasHandle_t handle, cublasMath_t mode) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSetMathMode) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasMath_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetSmCountTarget(cublasHandle_t handle, int* smCountTarget) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetSmCountTarget) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, smCountTarget, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, smCountTarget, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSetSmCountTarget(cublasHandle_t handle, int smCountTarget) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSetSmCountTarget) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &smCountTarget, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasLoggerConfigure(int logIsOn, int logToStdOut, int logToStdErr, const char* logFileName) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasLoggerConfigure) < 0 || + rpc_write(0, &logIsOn, sizeof(int)) < 0 || + rpc_write(0, &logToStdOut, sizeof(int)) < 0 || + rpc_write(0, &logToStdErr, sizeof(int)) < 0 || + rpc_write(0, &logFileName, sizeof(const char*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSetLoggerCallback(cublasLogCallback userCallback) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSetLoggerCallback) < 0 || + rpc_write(0, &userCallback, sizeof(cublasLogCallback)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasGetLoggerCallback(cublasLogCallback* userCallback) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasGetLoggerCallback) < 0 || + rpc_write(0, userCallback, sizeof(cublasLogCallback)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, userCallback, sizeof(cublasLogCallback)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSnrm2_v2(cublasHandle_t handle, int n, const float* x, int incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSnrm2_v2) < 0 || rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || - rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || - rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || - rpc_write(0, &m, sizeof(int)) < 0 || rpc_write(0, &n, sizeof(int)) < 0 || - rpc_write(0, &k, sizeof(int)) < 0 || - rpc_write(0, &alpha, sizeof(const float*)) < 0 || - (alpha != nullptr && rpc_write(0, alpha, sizeof(const float)) < 0) || - rpc_write(0, &A, sizeof(const float*)) < 0 || - rpc_write(0, &lda, sizeof(int)) < 0 || - rpc_write(0, &B, sizeof(const float*)) < 0 || - rpc_write(0, &ldb, sizeof(int)) < 0 || - rpc_write(0, &beta, sizeof(const float*)) < 0 || - (beta != nullptr && rpc_write(0, beta, sizeof(const float)) < 0) || - rpc_write(0, &C, sizeof(float*)) < 0 || - rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSnrm2_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSnrm2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDnrm2_v2(cublasHandle_t handle, int n, const double* x, int incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDnrm2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDnrm2_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDnrm2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasScnrm2_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasScnrm2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasScnrm2_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasScnrm2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDznrm2_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDznrm2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDznrm2_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDznrm2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSdot_v2(cublasHandle_t handle, int n, const float* x, int incx, const float* y, int incy, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSdot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSdot_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, const float* y, int64_t incy, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSdot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDdot_v2(cublasHandle_t handle, int n, const double* x, int incx, const double* y, int incy, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDdot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDdot_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, const double* y, int64_t incy, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDdot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCdotu_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCdotu_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCdotu_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCdotu_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCdotc_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCdotc_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCdotc_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCdotc_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdotu_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdotu_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdotu_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdotu_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdotc_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdotc_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdotc_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdotc_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSscal_v2(cublasHandle_t handle, int n, const float* alpha, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSscal_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSscal_v2_64(cublasHandle_t handle, int64_t n, const float* alpha, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSscal_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDscal_v2(cublasHandle_t handle, int n, const double* alpha, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDscal_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDscal_v2_64(cublasHandle_t handle, int64_t n, const double* alpha, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDscal_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCscal_v2(cublasHandle_t handle, int n, const cuComplex* alpha, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCscal_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCscal_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* alpha, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCscal_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsscal_v2(cublasHandle_t handle, int n, const float* alpha, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsscal_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsscal_v2_64(cublasHandle_t handle, int64_t n, const float* alpha, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsscal_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZscal_v2(cublasHandle_t handle, int n, const cuDoubleComplex* alpha, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZscal_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZscal_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* alpha, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZscal_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdscal_v2(cublasHandle_t handle, int n, const double* alpha, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdscal_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdscal_v2_64(cublasHandle_t handle, int64_t n, const double* alpha, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdscal_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSaxpy_v2(cublasHandle_t handle, int n, const float* alpha, const float* x, int incx, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSaxpy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSaxpy_v2_64(cublasHandle_t handle, int64_t n, const float* alpha, const float* x, int64_t incx, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSaxpy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDaxpy_v2(cublasHandle_t handle, int n, const double* alpha, const double* x, int incx, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDaxpy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDaxpy_v2_64(cublasHandle_t handle, int64_t n, const double* alpha, const double* x, int64_t incx, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDaxpy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCaxpy_v2(cublasHandle_t handle, int n, const cuComplex* alpha, const cuComplex* x, int incx, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCaxpy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCaxpy_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCaxpy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZaxpy_v2(cublasHandle_t handle, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZaxpy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZaxpy_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZaxpy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasScopy_v2(cublasHandle_t handle, int n, const float* x, int incx, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasScopy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasScopy_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasScopy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDcopy_v2(cublasHandle_t handle, int n, const double* x, int incx, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDcopy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDcopy_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDcopy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCcopy_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCcopy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCcopy_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCcopy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZcopy_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZcopy_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZcopy_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZcopy_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSswap_v2(cublasHandle_t handle, int n, float* x, int incx, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSswap_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSswap_v2_64(cublasHandle_t handle, int64_t n, float* x, int64_t incx, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSswap_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDswap_v2(cublasHandle_t handle, int n, double* x, int incx, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDswap_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDswap_v2_64(cublasHandle_t handle, int64_t n, double* x, int64_t incx, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDswap_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCswap_v2(cublasHandle_t handle, int n, cuComplex* x, int incx, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCswap_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCswap_v2_64(cublasHandle_t handle, int64_t n, cuComplex* x, int64_t incx, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCswap_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZswap_v2(cublasHandle_t handle, int n, cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZswap_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZswap_v2_64(cublasHandle_t handle, int64_t n, cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZswap_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIsamax_v2(cublasHandle_t handle, int n, const float* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIsamax_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIsamax_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIsamax_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIdamax_v2(cublasHandle_t handle, int n, const double* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIdamax_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIdamax_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIdamax_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIcamax_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIcamax_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIcamax_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIcamax_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIzamax_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIzamax_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIzamax_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIzamax_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIamaxEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIamaxEx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const void*)) < 0 || + rpc_write(0, &xType, sizeof(cudaDataType)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIamaxEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIamaxEx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const void*)) < 0 || + rpc_write(0, &xType, sizeof(cudaDataType)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIsamin_v2(cublasHandle_t handle, int n, const float* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIsamin_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIsamin_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIsamin_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIdamin_v2(cublasHandle_t handle, int n, const double* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIdamin_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIdamin_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIdamin_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIcamin_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIcamin_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIcamin_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIcamin_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIzamin_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIzamin_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIzamin_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIzamin_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIaminEx(cublasHandle_t handle, int n, const void* x, cudaDataType xType, int incx, int* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIaminEx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const void*)) < 0 || + rpc_write(0, &xType, sizeof(cudaDataType)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasIaminEx_64(cublasHandle_t handle, int64_t n, const void* x, cudaDataType xType, int64_t incx, int64_t* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasIaminEx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const void*)) < 0 || + rpc_write(0, &xType, sizeof(cudaDataType)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(int64_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSasum_v2(cublasHandle_t handle, int n, const float* x, int incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSasum_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSasum_v2_64(cublasHandle_t handle, int64_t n, const float* x, int64_t incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSasum_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDasum_v2(cublasHandle_t handle, int n, const double* x, int incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDasum_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDasum_v2_64(cublasHandle_t handle, int64_t n, const double* x, int64_t incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDasum_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasScasum_v2(cublasHandle_t handle, int n, const cuComplex* x, int incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasScasum_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasScasum_v2_64(cublasHandle_t handle, int64_t n, const cuComplex* x, int64_t incx, float* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasScasum_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDzasum_v2(cublasHandle_t handle, int n, const cuDoubleComplex* x, int incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDzasum_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDzasum_v2_64(cublasHandle_t handle, int64_t n, const cuDoubleComplex* x, int64_t incx, double* result) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDzasum_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, result, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, result, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSrot_v2(cublasHandle_t handle, int n, float* x, int incx, float* y, int incy, const float* c, const float* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSrot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(const float*)) < 0 || + rpc_write(0, &s, sizeof(const float*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSrot_v2_64(cublasHandle_t handle, int64_t n, float* x, int64_t incx, float* y, int64_t incy, const float* c, const float* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSrot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &c, sizeof(const float*)) < 0 || + rpc_write(0, &s, sizeof(const float*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDrot_v2(cublasHandle_t handle, int n, double* x, int incx, double* y, int incy, const double* c, const double* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDrot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(const double*)) < 0 || + rpc_write(0, &s, sizeof(const double*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDrot_v2_64(cublasHandle_t handle, int64_t n, double* x, int64_t incx, double* y, int64_t incy, const double* c, const double* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDrot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &c, sizeof(const double*)) < 0 || + rpc_write(0, &s, sizeof(const double*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCrot_v2(cublasHandle_t handle, int n, cuComplex* x, int incx, cuComplex* y, int incy, const float* c, const cuComplex* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCrot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(const float*)) < 0 || + rpc_write(0, &s, sizeof(const cuComplex*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCrot_v2_64(cublasHandle_t handle, int64_t n, cuComplex* x, int64_t incx, cuComplex* y, int64_t incy, const float* c, const cuComplex* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCrot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &c, sizeof(const float*)) < 0 || + rpc_write(0, &s, sizeof(const cuComplex*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsrot_v2(cublasHandle_t handle, int n, cuComplex* x, int incx, cuComplex* y, int incy, const float* c, const float* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsrot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(const float*)) < 0 || + rpc_write(0, &s, sizeof(const float*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsrot_v2_64(cublasHandle_t handle, int64_t n, cuComplex* x, int64_t incx, cuComplex* y, int64_t incy, const float* c, const float* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsrot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &c, sizeof(const float*)) < 0 || + rpc_write(0, &s, sizeof(const float*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZrot_v2(cublasHandle_t handle, int n, cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy, const double* c, const cuDoubleComplex* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZrot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(const double*)) < 0 || + rpc_write(0, &s, sizeof(const cuDoubleComplex*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZrot_v2_64(cublasHandle_t handle, int64_t n, cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy, const double* c, const cuDoubleComplex* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZrot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &c, sizeof(const double*)) < 0 || + rpc_write(0, &s, sizeof(const cuDoubleComplex*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdrot_v2(cublasHandle_t handle, int n, cuDoubleComplex* x, int incx, cuDoubleComplex* y, int incy, const double* c, const double* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdrot_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(const double*)) < 0 || + rpc_write(0, &s, sizeof(const double*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdrot_v2_64(cublasHandle_t handle, int64_t n, cuDoubleComplex* x, int64_t incx, cuDoubleComplex* y, int64_t incy, const double* c, const double* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdrot_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &c, sizeof(const double*)) < 0 || + rpc_write(0, &s, sizeof(const double*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSrotg_v2(cublasHandle_t handle, float* a, float* b, float* c, float* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSrotg_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, a, sizeof(float)) < 0 || + rpc_write(0, b, sizeof(float)) < 0 || + rpc_write(0, c, sizeof(float)) < 0 || + rpc_write(0, s, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, a, sizeof(float)) < 0 || + rpc_read(0, b, sizeof(float)) < 0 || + rpc_read(0, c, sizeof(float)) < 0 || + rpc_read(0, s, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDrotg_v2(cublasHandle_t handle, double* a, double* b, double* c, double* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDrotg_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, a, sizeof(double)) < 0 || + rpc_write(0, b, sizeof(double)) < 0 || + rpc_write(0, c, sizeof(double)) < 0 || + rpc_write(0, s, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, a, sizeof(double)) < 0 || + rpc_read(0, b, sizeof(double)) < 0 || + rpc_read(0, c, sizeof(double)) < 0 || + rpc_read(0, s, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCrotg_v2(cublasHandle_t handle, cuComplex* a, cuComplex* b, float* c, cuComplex* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCrotg_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, a, sizeof(cuComplex)) < 0 || + rpc_write(0, b, sizeof(cuComplex)) < 0 || + rpc_write(0, c, sizeof(float)) < 0 || + rpc_write(0, s, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, a, sizeof(cuComplex)) < 0 || + rpc_read(0, b, sizeof(cuComplex)) < 0 || + rpc_read(0, c, sizeof(float)) < 0 || + rpc_read(0, s, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZrotg_v2(cublasHandle_t handle, cuDoubleComplex* a, cuDoubleComplex* b, double* c, cuDoubleComplex* s) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZrotg_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, a, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, b, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, c, sizeof(double)) < 0 || + rpc_write(0, s, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, a, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, b, sizeof(cuDoubleComplex)) < 0 || + rpc_read(0, c, sizeof(double)) < 0 || + rpc_read(0, s, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSrotm_v2(cublasHandle_t handle, int n, float* x, int incx, float* y, int incy, const float* param) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSrotm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, ¶m, sizeof(const float*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSrotm_v2_64(cublasHandle_t handle, int64_t n, float* x, int64_t incx, float* y, int64_t incy, const float* param) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSrotm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, ¶m, sizeof(const float*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDrotm_v2(cublasHandle_t handle, int n, double* x, int incx, double* y, int incy, const double* param) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDrotm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, ¶m, sizeof(const double*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDrotm_v2_64(cublasHandle_t handle, int64_t n, double* x, int64_t incx, double* y, int64_t incy, const double* param) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDrotm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, ¶m, sizeof(const double*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSrotmg_v2(cublasHandle_t handle, float* d1, float* d2, float* x1, const float* y1, float* param) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSrotmg_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, d1, sizeof(float)) < 0 || + rpc_write(0, d2, sizeof(float)) < 0 || + rpc_write(0, x1, sizeof(float)) < 0 || + rpc_write(0, &y1, sizeof(const float*)) < 0 || + rpc_write(0, param, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, d1, sizeof(float)) < 0 || + rpc_read(0, d2, sizeof(float)) < 0 || + rpc_read(0, x1, sizeof(float)) < 0 || + rpc_read(0, param, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDrotmg_v2(cublasHandle_t handle, double* d1, double* d2, double* x1, const double* y1, double* param) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDrotmg_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, d1, sizeof(double)) < 0 || + rpc_write(0, d2, sizeof(double)) < 0 || + rpc_write(0, x1, sizeof(double)) < 0 || + rpc_write(0, &y1, sizeof(const double*)) < 0 || + rpc_write(0, param, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, d1, sizeof(double)) < 0 || + rpc_read(0, d2, sizeof(double)) < 0 || + rpc_read(0, x1, sizeof(double)) < 0 || + rpc_read(0, param, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &kl, sizeof(int)) < 0 || + rpc_write(0, &ku, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &kl, sizeof(int64_t)) < 0 || + rpc_write(0, &ku, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &kl, sizeof(int)) < 0 || + rpc_write(0, &ku, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &kl, sizeof(int64_t)) < 0 || + rpc_write(0, &ku, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &kl, sizeof(int)) < 0 || + rpc_write(0, &ku, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &kl, sizeof(int64_t)) < 0 || + rpc_write(0, &ku, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgbmv_v2(cublasHandle_t handle, cublasOperation_t trans, int m, int n, int kl, int ku, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &kl, sizeof(int)) < 0 || + rpc_write(0, &ku, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgbmv_v2_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, int64_t kl, int64_t ku, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &kl, sizeof(int64_t)) < 0 || + rpc_write(0, &ku, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* A, int lda, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* A, int64_t lda, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* A, int lda, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* A, int64_t lda, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* A, int lda, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const float* A, int lda, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const float* A, int64_t lda, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const double* A, int lda, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const double* A, int64_t lda, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuComplex* A, int lda, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* AP, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStpmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* AP, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStpmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* AP, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtpmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* AP, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtpmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* AP, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtpmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* AP, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtpmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* AP, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtpmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* AP, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtpmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* A, int lda, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* A, int64_t lda, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* A, int lda, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* A, int64_t lda, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* A, int lda, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const float* AP, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStpsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const float* AP, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStpsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const double* AP, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtpsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const double* AP, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtpsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuComplex* AP, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtpsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuComplex* AP, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtpsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtpsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, const cuDoubleComplex* AP, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtpsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtpsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, const cuDoubleComplex* AP, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtpsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const float* A, int lda, float* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStbsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const float* A, int64_t lda, float* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStbsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(float)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const double* A, int lda, double* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtbsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const double* A, int64_t lda, double* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtbsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(double)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuComplex* A, int lda, cuComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtbsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuComplex* A, int64_t lda, cuComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtbsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtbsv_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int n, int k, const cuDoubleComplex* A, int lda, cuDoubleComplex* x, int incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtbsv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtbsv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t n, int64_t k, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* x, int64_t incx) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtbsv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsymv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsymv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsymv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsymv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsymv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsymv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsymv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsymv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsymv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsymv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChemv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChemv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChemv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChemv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhemv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhemv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhemv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhemv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const float* alpha, const float* A, int lda, const float* x, int incx, const float* beta, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* x, int64_t incx, const float* beta, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const double* alpha, const double* A, int lda, const double* x, int incx, const double* beta, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* x, int64_t incx, const double* beta, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhbmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhbmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhbmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhbmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSspmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* AP, const float* x, int incx, const float* beta, float* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSspmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSspmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* AP, const float* x, int64_t incx, const float* beta, float* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSspmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDspmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* AP, const double* x, int incx, const double* beta, double* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDspmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDspmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* AP, const double* x, int64_t incx, const double* beta, double* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDspmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* AP, const cuComplex* x, int incx, const cuComplex* beta, cuComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChpmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* AP, const cuComplex* x, int64_t incx, const cuComplex* beta, cuComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChpmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhpmv_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* AP, const cuDoubleComplex* x, int incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhpmv_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhpmv_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* AP, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhpmv_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSger_v2(cublasHandle_t handle, int m, int n, const float* alpha, const float* x, int incx, const float* y, int incy, float* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSger_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSger_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const float* alpha, const float* x, int64_t incx, const float* y, int64_t incy, float* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSger_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDger_v2(cublasHandle_t handle, int m, int n, const double* alpha, const double* x, int incx, const double* y, int incy, double* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDger_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDger_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const double* alpha, const double* x, int64_t incx, const double* y, int64_t incy, double* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDger_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgeru_v2(cublasHandle_t handle, int m, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgeru_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgeru_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgeru_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgerc_v2(cublasHandle_t handle, int m, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgerc_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgerc_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgerc_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgeru_v2(cublasHandle_t handle, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgeru_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgeru_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgeru_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgerc_v2(cublasHandle_t handle, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgerc_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgerc_v2_64(cublasHandle_t handle, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgerc_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, float* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, float* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, double* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, double* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, cuComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCher_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const cuComplex* x, int incx, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCher_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCher_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const cuComplex* x, int64_t incx, cuComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCher_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZher_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZher_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZher_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZher_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSspr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, float* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSspr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSspr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, float* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSspr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDspr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, double* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDspr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDspr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, double* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDspr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChpr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const cuComplex* x, int incx, cuComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChpr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChpr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const cuComplex* x, int64_t incx, cuComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChpr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhpr_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const cuDoubleComplex* x, int incx, cuDoubleComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhpr_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhpr_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhpr_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, const float* y, int incy, float* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, const float* y, int64_t incy, float* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, const double* y, int incy, double* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, const double* y, int64_t incy, double* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCher2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCher2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCher2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCher2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZher2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZher2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZher2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* A, int64_t lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZher2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSspr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* alpha, const float* x, int incx, const float* y, int incy, float* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSspr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSspr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const float* alpha, const float* x, int64_t incx, const float* y, int64_t incy, float* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSspr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const float*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDspr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* alpha, const double* x, int incx, const double* y, int incy, double* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDspr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDspr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const double* alpha, const double* x, int64_t incx, const double* y, int64_t incy, double* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDspr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const double*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChpr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* alpha, const cuComplex* x, int incx, const cuComplex* y, int incy, cuComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChpr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChpr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuComplex* alpha, const cuComplex* x, int64_t incx, const cuComplex* y, int64_t incy, cuComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChpr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhpr2_v2(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int incx, const cuDoubleComplex* y, int incy, cuDoubleComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhpr2_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhpr2_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* x, int64_t incx, const cuDoubleComplex* y, int64_t incy, cuDoubleComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhpr2_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* const Aarray[], int lda, const float* const xarray[], int incx, const float* beta, float* const yarray[], int incy, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemvBatched) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, Aarray, sizeof(const float* const[batchCount])) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, xarray, sizeof(const float* const[batchCount])) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, yarray, sizeof(float* const[batchCount])) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasTSTgemvBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* const Aarray[], int lda, const __nv_bfloat16* const xarray[], int incx, const float* beta, __nv_bfloat16* const yarray[], int incy, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasTSTgemvBatched) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, Aarray, sizeof(const __nv_bfloat16* const[batchCount])) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, xarray, sizeof(const __nv_bfloat16* const[batchCount])) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, yarray, sizeof(__nv_bfloat16* const[batchCount])) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const float* A, int lda, long long int strideA, const float* x, int incx, long long int stridex, const float* beta, float* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, long long int strideA, const float* x, int64_t incx, long long int stridex, const float* beta, float* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const double* alpha, const double* A, int lda, long long int strideA, const double* x, int incx, long long int stridex, const double* beta, double* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, long long int strideA, const double* x, int64_t incx, long long int stridex, const double* beta, double* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, y, sizeof(double)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, long long int strideA, const cuComplex* x, int incx, long long int stridex, const cuComplex* beta, cuComplex* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, long long int strideA, const cuComplex* x, int64_t incx, long long int stridex, const cuComplex* beta, cuComplex* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, y, sizeof(cuComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, long long int strideA, const cuDoubleComplex* x, int incx, long long int stridex, const cuDoubleComplex* beta, cuDoubleComplex* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, long long int strideA, const cuDoubleComplex* x, int64_t incx, long long int stridex, const cuDoubleComplex* beta, cuDoubleComplex* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHSHgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __half* A, int lda, long long int strideA, const __half* x, int incx, long long int stridex, const float* beta, __half* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHSHgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __half*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(__half)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(__half)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHSHgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* A, int64_t lda, long long int strideA, const __half* x, int64_t incx, long long int stridex, const float* beta, __half* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHSHgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __half*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(__half)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(__half)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHSSgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __half* A, int lda, long long int strideA, const __half* x, int incx, long long int stridex, const float* beta, float* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHSSgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __half*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHSSgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __half* A, int64_t lda, long long int strideA, const __half* x, int64_t incx, long long int stridex, const float* beta, float* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHSSgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __half*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasTSTgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* A, int lda, long long int strideA, const __nv_bfloat16* x, int incx, long long int stridex, const float* beta, __nv_bfloat16* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasTSTgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(__nv_bfloat16)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(__nv_bfloat16)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasTSTgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __nv_bfloat16* A, int64_t lda, long long int strideA, const __nv_bfloat16* x, int64_t incx, long long int stridex, const float* beta, __nv_bfloat16* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasTSTgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(__nv_bfloat16)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(__nv_bfloat16)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasTSSgemvStridedBatched(cublasHandle_t handle, cublasOperation_t trans, int m, int n, const float* alpha, const __nv_bfloat16* A, int lda, long long int strideA, const __nv_bfloat16* x, int incx, long long int stridex, const float* beta, float* y, int incy, long long int stridey, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasTSSgemvStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasTSSgemvStridedBatched_64(cublasHandle_t handle, cublasOperation_t trans, int64_t m, int64_t n, const float* alpha, const __nv_bfloat16* A, int64_t lda, long long int strideA, const __nv_bfloat16* x, int64_t incx, long long int stridex, const float* beta, float* y, int64_t incy, long long int stridey, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasTSSgemvStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, &stridex, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, y, sizeof(float)) < 0 || + rpc_write(0, &incy, sizeof(int64_t)) < 0 || + rpc_write(0, &stridey, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, y, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + (alpha != nullptr && rpc_write(0, alpha, sizeof(const float)) < 0) || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + (beta != nullptr && rpc_write(0, beta, sizeof(const float)) < 0) || + rpc_write(0, &C, sizeof(float*)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemm3m(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemm3m) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemm3m_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemm3m_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemm_v2(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemm_v2_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemm3m(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemm3m) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemm3m_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemm3m_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHgemm(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const __half* alpha, const __half* A, int lda, const __half* B, int ldb, const __half* beta, __half* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHgemm) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const __half*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const __half*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const __half*)) < 0 || + rpc_write(0, C, sizeof(__half)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(__half)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHgemm_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const __half* alpha, const __half* A, int64_t lda, const __half* B, int64_t ldb, const __half* beta, __half* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHgemm_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const __half*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const __half*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const __half*)) < 0 || + rpc_write(0, C, sizeof(__half)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(__half)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const float* A, int lda, const float* beta, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyrk_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* beta, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyrk_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const double* A, int lda, const double* beta, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyrk_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* beta, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyrk_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyrk_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyrk_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyrk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyrk_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyrk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyrk_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCherk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const cuComplex* A, int lda, const float* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCherk_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCherk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const cuComplex* A, int64_t lda, const float* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCherk_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZherk_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const cuDoubleComplex* A, int lda, const double* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZherk_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZherk_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const cuDoubleComplex* A, int64_t lda, const double* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZherk_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyr2k_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyr2k_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyr2k_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyr2k_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyr2k_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyr2k_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyr2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyr2k_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyr2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyr2k_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCher2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const float* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCher2k_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCher2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const float* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCher2k_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZher2k_v2(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const double* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZher2k_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZher2k_v2_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const double* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZher2k_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyrkx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsyrkx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyrkx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsyrkx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyrkx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsyrkx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyrkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyrkx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsyrkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsyrkx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCherkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const float* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCherkx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCherkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const float* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCherkx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZherkx(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const double* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZherkx) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZherkx_64(cublasHandle_t handle, cublasFillMode_t uplo, cublasOperation_t trans, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const double* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZherkx_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const float* alpha, const float* A, int lda, const float* B, int ldb, const float* beta, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsymm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, const float* beta, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSsymm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const double* alpha, const double* A, int lda, const double* B, int ldb, const double* beta, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsymm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, const double* beta, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDsymm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsymm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCsymm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsymm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsymm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZsymm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZsymm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChemm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, const cuComplex* beta, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChemm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasChemm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, const cuComplex* beta, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasChemm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhemm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhemm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZhemm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZhemm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const float* alpha, const float* A, int lda, float* B, int ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrsm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, B, sizeof(float)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, float* B, int64_t ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrsm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, B, sizeof(float)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const double* alpha, const double* A, int lda, double* B, int ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrsm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, B, sizeof(double)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, double* B, int64_t ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrsm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, B, sizeof(double)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, cuComplex* B, int ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrsm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, B, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, cuComplex* B, int64_t ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrsm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, B, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrsm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, cuDoubleComplex* B, int ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrsm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, B, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrsm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, cuDoubleComplex* B, int64_t ldb) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrsm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, B, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, B, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const float* alpha, const float* A, int lda, const float* B, int ldb, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrmm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* B, int64_t ldb, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrmm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const double* alpha, const double* A, int lda, const double* B, int ldb, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrmm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* B, int64_t ldb, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrmm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* B, int ldb, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrmm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* B, int64_t ldb, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrmm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrmm_v2(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* B, int ldb, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrmm_v2) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrmm_v2_64(cublasHandle_t handle, cublasSideMode_t side, cublasFillMode_t uplo, cublasOperation_t trans, cublasDiagType_t diag, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* B, int64_t ldb, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrmm_v2_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const __half* alpha, const __half* A, int lda, long long int strideA, const __half* B, int ldb, long long int strideB, const __half* beta, __half* C, int ldc, long long int strideC, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHgemmStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const __half*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const __half*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const __half*)) < 0 || + rpc_write(0, C, sizeof(__half)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(__half)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasHgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const __half* alpha, const __half* A, int64_t lda, long long int strideA, const __half* B, int64_t ldb, long long int strideB, const __half* beta, __half* C, int64_t ldc, long long int strideC, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasHgemmStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const __half*)) < 0 || + rpc_write(0, &A, sizeof(const __half*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const __half*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const __half*)) < 0 || + rpc_write(0, C, sizeof(__half)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(__half)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const float* alpha, const float* A, int lda, long long int strideA, const float* B, int ldb, long long int strideB, const float* beta, float* C, int ldc, long long int strideC, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemmStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const float* alpha, const float* A, int64_t lda, long long int strideA, const float* B, int64_t ldb, long long int strideB, const float* beta, float* C, int64_t ldc, long long int strideC, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgemmStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const double* alpha, const double* A, int lda, long long int strideA, const double* B, int ldb, long long int strideB, const double* beta, double* C, int ldc, long long int strideC, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemmStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const double* alpha, const double* A, int64_t lda, long long int strideA, const double* B, int64_t ldb, long long int strideB, const double* beta, double* C, int64_t ldc, long long int strideC, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgemmStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, long long int strideA, const cuComplex* B, int ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int ldc, long long int strideC, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemmStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, long long int strideA, const cuComplex* B, int64_t ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int64_t ldc, long long int strideC, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemmStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemm3mStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuComplex* alpha, const cuComplex* A, int lda, long long int strideA, const cuComplex* B, int ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int ldc, long long int strideC, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemm3mStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgemm3mStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuComplex* alpha, const cuComplex* A, int64_t lda, long long int strideA, const cuComplex* B, int64_t ldb, long long int strideB, const cuComplex* beta, cuComplex* C, int64_t ldc, long long int strideC, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgemm3mStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemmStridedBatched(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, int k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, long long int strideA, const cuDoubleComplex* B, int ldb, long long int strideB, const cuDoubleComplex* beta, cuDoubleComplex* C, int ldc, long long int strideC, int batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemmStridedBatched) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgemmStridedBatched_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, int64_t k, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, long long int strideA, const cuDoubleComplex* B, int64_t ldb, long long int strideB, const cuDoubleComplex* beta, cuDoubleComplex* C, int64_t ldc, long long int strideC, int64_t batchCount) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgemmStridedBatched_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &k, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &strideA, sizeof(long long int)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, &strideB, sizeof(long long int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_write(0, &strideC, sizeof(long long int)) < 0 || + rpc_write(0, &batchCount, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const float* alpha, const float* A, int lda, const float* beta, const float* B, int ldb, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgeam) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const float* alpha, const float* A, int64_t lda, const float* beta, const float* B, int64_t ldb, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSgeam_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const float*)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const float*)) < 0 || + rpc_write(0, &B, sizeof(const float*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const double* alpha, const double* A, int lda, const double* beta, const double* B, int ldb, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgeam) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const double* alpha, const double* A, int64_t lda, const double* beta, const double* B, int64_t ldb, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDgeam_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const double*)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const double*)) < 0 || + rpc_write(0, &B, sizeof(const double*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const cuComplex* alpha, const cuComplex* A, int lda, const cuComplex* beta, const cuComplex* B, int ldb, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgeam) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const cuComplex* alpha, const cuComplex* A, int64_t lda, const cuComplex* beta, const cuComplex* B, int64_t ldb, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCgeam_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &B, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgeam(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int m, int n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int lda, const cuDoubleComplex* beta, const cuDoubleComplex* B, int ldb, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgeam) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZgeam_64(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, int64_t m, int64_t n, const cuDoubleComplex* alpha, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* beta, const cuDoubleComplex* B, int64_t ldb, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZgeam_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &ldb, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const float* A, int lda, const float* x, int incx, float* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSdgmm) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasSdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const float* A, int64_t lda, const float* x, int64_t incx, float* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasSdgmm_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const float*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(float)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const double* A, int lda, const double* x, int incx, double* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDdgmm) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const double* A, int64_t lda, const double* x, int64_t incx, double* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDdgmm_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const double*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(double)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const cuComplex* A, int lda, const cuComplex* x, int incx, cuComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCdgmm) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const cuComplex* A, int64_t lda, const cuComplex* x, int64_t incx, cuComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCdgmm_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(cuComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdgmm(cublasHandle_t handle, cublasSideMode_t mode, int m, int n, const cuDoubleComplex* A, int lda, const cuDoubleComplex* x, int incx, cuDoubleComplex* C, int ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdgmm) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZdgmm_64(cublasHandle_t handle, cublasSideMode_t mode, int64_t m, int64_t n, const cuDoubleComplex* A, int64_t lda, const cuDoubleComplex* x, int64_t incx, cuDoubleComplex* C, int64_t ldc) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZdgmm_64) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_write(0, &m, sizeof(int64_t)) < 0 || + rpc_write(0, &n, sizeof(int64_t)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int64_t)) < 0 || + rpc_write(0, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &incx, sizeof(int64_t)) < 0 || + rpc_write(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &ldc, sizeof(int64_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* AP, float* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStpttr) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const float*)) < 0 || + rpc_write(0, A, sizeof(float)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* AP, double* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtpttr) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const double*)) < 0 || + rpc_write(0, A, sizeof(double)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* AP, cuComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtpttr) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const cuComplex*)) < 0 || + rpc_write(0, A, sizeof(cuComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtpttr(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* AP, cuDoubleComplex* A, int lda) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtpttr) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasStrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const float* A, int lda, float* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasStrttp) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const float*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(float)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(float)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasDtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const double* A, int lda, double* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasDtrttp) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const double*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasCtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuComplex* A, int lda, cuComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasCtrttp) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(cuComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasZtrttp(cublasHandle_t handle, cublasFillMode_t uplo, int n, const cuDoubleComplex* A, int lda, cuDoubleComplex* AP) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasZtrttp) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasUint8gemmBias(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, cublasOperation_t transc, int m, int n, int k, const unsigned char* A, int A_bias, int lda, const unsigned char* B, int B_bias, int ldb, unsigned char* C, int C_bias, int ldc, int C_mult, int C_shift) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasUint8gemmBias) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &transc, sizeof(cublasOperation_t)) < 0 || + rpc_write(0, &m, sizeof(int)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &A, sizeof(const unsigned char*)) < 0 || + rpc_write(0, &A_bias, sizeof(int)) < 0 || + rpc_write(0, &lda, sizeof(int)) < 0 || + rpc_write(0, &B, sizeof(const unsigned char*)) < 0 || + rpc_write(0, &B_bias, sizeof(int)) < 0 || + rpc_write(0, &ldb, sizeof(int)) < 0 || + rpc_write(0, C, sizeof(unsigned char)) < 0 || + rpc_write(0, &C_bias, sizeof(int)) < 0 || + rpc_write(0, &ldc, sizeof(int)) < 0 || + rpc_write(0, &C_mult, sizeof(int)) < 0 || + rpc_write(0, &C_shift, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, C, sizeof(unsigned char)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cublasStatus_t cublasMigrateComputeType(cublasHandle_t handle, cudaDataType_t dataType, cublasComputeType_t* computeType) +{ + cublasStatus_t return_value; + if (rpc_start_request(0, RPC_cublasMigrateComputeType) < 0 || + rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_write(0, &dataType, sizeof(cudaDataType_t)) < 0 || + rpc_write(0, computeType, sizeof(cublasComputeType_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, computeType, sizeof(cublasComputeType_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUBLAS_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetProperty(libraryPropertyType type, int* value) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetProperty) < 0 || + rpc_write(0, &type, sizeof(libraryPropertyType)) < 0 || + rpc_write(0, value, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, value, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreate(cudnnHandle_t* handle) +{ + std::cout << "asdf" << std::endl; + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreate) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, handle, sizeof(cudnnHandle_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroy(cudnnHandle_t handle) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroy) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetStream(cudnnHandle_t handle, cudaStream_t streamId) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetStream) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &streamId, sizeof(cudaStream_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetStream(cudnnHandle_t handle, cudaStream_t* streamId) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetStream) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, streamId, sizeof(cudaStream_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, streamId, sizeof(cudaStream_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetCallback(unsigned* mask, void** udata, cudnnCallback_t* fptr) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetCallback) < 0 || + rpc_write(0, mask, sizeof(unsigned)) < 0 || + rpc_write(0, udata, sizeof(void*)) < 0 || + rpc_write(0, fptr, sizeof(cudnnCallback_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, mask, sizeof(unsigned)) < 0 || + rpc_read(0, udata, sizeof(void*)) < 0 || + rpc_read(0, fptr, sizeof(cudnnCallback_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGraphVersionCheck() +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGraphVersionCheck) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendCreateDescriptor(cudnnBackendDescriptorType_t descriptorType, cudnnBackendDescriptor_t* descriptor) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendCreateDescriptor) < 0 || + rpc_write(0, &descriptorType, sizeof(cudnnBackendDescriptorType_t)) < 0 || + rpc_write(0, descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendDestroyDescriptor(cudnnBackendDescriptor_t descriptor) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendDestroyDescriptor) < 0 || + rpc_write(0, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendInitialize(cudnnBackendDescriptor_t descriptor) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendInitialize) < 0 || + rpc_write(0, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendFinalize(cudnnBackendDescriptor_t descriptor) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendFinalize) < 0 || + rpc_write(0, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendSetAttribute(cudnnBackendDescriptor_t descriptor, cudnnBackendAttributeName_t attributeName, cudnnBackendAttributeType_t attributeType, int64_t elementCount, const void* arrayOfElements) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendSetAttribute) < 0 || + rpc_write(0, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_write(0, &attributeName, sizeof(cudnnBackendAttributeName_t)) < 0 || + rpc_write(0, &attributeType, sizeof(cudnnBackendAttributeType_t)) < 0 || + rpc_write(0, &elementCount, sizeof(int64_t)) < 0 || + rpc_write(0, &arrayOfElements, sizeof(const void*)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendExecute(cudnnHandle_t handle, cudnnBackendDescriptor_t executionPlan, cudnnBackendDescriptor_t variantPack) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendExecute) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &executionPlan, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_write(0, &variantPack, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendPopulateCudaGraph(cudnnHandle_t handle, cudnnBackendDescriptor_t executionPlan, cudnnBackendDescriptor_t variantPack, cudaGraph_t graph) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendPopulateCudaGraph) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &executionPlan, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_write(0, &variantPack, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_write(0, &graph, sizeof(cudaGraph_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnBackendUpdateCudaGraph(cudnnHandle_t handle, cudnnBackendDescriptor_t executionPlan, cudnnBackendDescriptor_t variantPack, cudaGraph_t graph) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnBackendUpdateCudaGraph) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &executionPlan, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_write(0, &variantPack, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_write(0, &graph, sizeof(cudaGraph_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateTensorDescriptor(cudnnTensorDescriptor_t* tensorDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateTensorDescriptor) < 0 || + rpc_write(0, tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetTensor4dDescriptor(cudnnTensorDescriptor_t tensorDesc, cudnnTensorFormat_t format, cudnnDataType_t dataType, int n, int c, int h, int w) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetTensor4dDescriptor) < 0 || + rpc_write(0, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_write(0, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(int)) < 0 || + rpc_write(0, &h, sizeof(int)) < 0 || + rpc_write(0, &w, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetTensor4dDescriptorEx(cudnnTensorDescriptor_t tensorDesc, cudnnDataType_t dataType, int n, int c, int h, int w, int nStride, int cStride, int hStride, int wStride) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetTensor4dDescriptorEx) < 0 || + rpc_write(0, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, &n, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(int)) < 0 || + rpc_write(0, &h, sizeof(int)) < 0 || + rpc_write(0, &w, sizeof(int)) < 0 || + rpc_write(0, &nStride, sizeof(int)) < 0 || + rpc_write(0, &cStride, sizeof(int)) < 0 || + rpc_write(0, &hStride, sizeof(int)) < 0 || + rpc_write(0, &wStride, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetTensor4dDescriptor(const cudnnTensorDescriptor_t tensorDesc, cudnnDataType_t* dataType, int* n, int* c, int* h, int* w, int* nStride, int* cStride, int* hStride, int* wStride) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetTensor4dDescriptor) < 0 || + rpc_write(0, &tensorDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, n, sizeof(int)) < 0 || + rpc_write(0, c, sizeof(int)) < 0 || + rpc_write(0, h, sizeof(int)) < 0 || + rpc_write(0, w, sizeof(int)) < 0 || + rpc_write(0, nStride, sizeof(int)) < 0 || + rpc_write(0, cStride, sizeof(int)) < 0 || + rpc_write(0, hStride, sizeof(int)) < 0 || + rpc_write(0, wStride, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(0, n, sizeof(int)) < 0 || + rpc_read(0, c, sizeof(int)) < 0 || + rpc_read(0, h, sizeof(int)) < 0 || + rpc_read(0, w, sizeof(int)) < 0 || + rpc_read(0, nStride, sizeof(int)) < 0 || + rpc_read(0, cStride, sizeof(int)) < 0 || + rpc_read(0, hStride, sizeof(int)) < 0 || + rpc_read(0, wStride, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetTensorSizeInBytes(const cudnnTensorDescriptor_t tensorDesc, size_t* size) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetTensorSizeInBytes) < 0 || + rpc_write(0, &tensorDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, size, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, size, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyTensorDescriptor(cudnnTensorDescriptor_t tensorDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyTensorDescriptor) < 0 || + rpc_write(0, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnInitTransformDest(const cudnnTensorTransformDescriptor_t transformDesc, const cudnnTensorDescriptor_t srcDesc, cudnnTensorDescriptor_t destDesc, size_t* destSizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnInitTransformDest) < 0 || + rpc_write(0, &transformDesc, sizeof(const cudnnTensorTransformDescriptor_t)) < 0 || + rpc_write(0, &srcDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &destDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, destSizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, destSizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateTensorTransformDescriptor(cudnnTensorTransformDescriptor_t* transformDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateTensorTransformDescriptor) < 0 || + rpc_write(0, transformDesc, sizeof(cudnnTensorTransformDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, transformDesc, sizeof(cudnnTensorTransformDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyTensorTransformDescriptor(cudnnTensorTransformDescriptor_t transformDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyTensorTransformDescriptor) < 0 || + rpc_write(0, &transformDesc, sizeof(cudnnTensorTransformDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateOpTensorDescriptor(cudnnOpTensorDescriptor_t* opTensorDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateOpTensorDescriptor) < 0 || + rpc_write(0, opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetOpTensorDescriptor(cudnnOpTensorDescriptor_t opTensorDesc, cudnnOpTensorOp_t opTensorOp, cudnnDataType_t opTensorCompType, cudnnNanPropagation_t opTensorNanOpt) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetOpTensorDescriptor) < 0 || + rpc_write(0, &opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + rpc_write(0, &opTensorOp, sizeof(cudnnOpTensorOp_t)) < 0 || + rpc_write(0, &opTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, &opTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetOpTensorDescriptor(const cudnnOpTensorDescriptor_t opTensorDesc, cudnnOpTensorOp_t* opTensorOp, cudnnDataType_t* opTensorCompType, cudnnNanPropagation_t* opTensorNanOpt) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetOpTensorDescriptor) < 0 || + rpc_write(0, &opTensorDesc, sizeof(const cudnnOpTensorDescriptor_t)) < 0 || + rpc_write(0, opTensorOp, sizeof(cudnnOpTensorOp_t)) < 0 || + rpc_write(0, opTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, opTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, opTensorOp, sizeof(cudnnOpTensorOp_t)) < 0 || + rpc_read(0, opTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(0, opTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyOpTensorDescriptor(cudnnOpTensorDescriptor_t opTensorDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyOpTensorDescriptor) < 0 || + rpc_write(0, &opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateReduceTensorDescriptor(cudnnReduceTensorDescriptor_t* reduceTensorDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateReduceTensorDescriptor) < 0 || + rpc_write(0, reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetReduceTensorDescriptor(cudnnReduceTensorDescriptor_t reduceTensorDesc, cudnnReduceTensorOp_t reduceTensorOp, cudnnDataType_t reduceTensorCompType, cudnnNanPropagation_t reduceTensorNanOpt, cudnnReduceTensorIndices_t reduceTensorIndices, cudnnIndicesType_t reduceTensorIndicesType) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetReduceTensorDescriptor) < 0 || + rpc_write(0, &reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + rpc_write(0, &reduceTensorOp, sizeof(cudnnReduceTensorOp_t)) < 0 || + rpc_write(0, &reduceTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, &reduceTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(0, &reduceTensorIndices, sizeof(cudnnReduceTensorIndices_t)) < 0 || + rpc_write(0, &reduceTensorIndicesType, sizeof(cudnnIndicesType_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetReduceTensorDescriptor(const cudnnReduceTensorDescriptor_t reduceTensorDesc, cudnnReduceTensorOp_t* reduceTensorOp, cudnnDataType_t* reduceTensorCompType, cudnnNanPropagation_t* reduceTensorNanOpt, cudnnReduceTensorIndices_t* reduceTensorIndices, cudnnIndicesType_t* reduceTensorIndicesType) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetReduceTensorDescriptor) < 0 || + rpc_write(0, &reduceTensorDesc, sizeof(const cudnnReduceTensorDescriptor_t)) < 0 || + rpc_write(0, reduceTensorOp, sizeof(cudnnReduceTensorOp_t)) < 0 || + rpc_write(0, reduceTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, reduceTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(0, reduceTensorIndices, sizeof(cudnnReduceTensorIndices_t)) < 0 || + rpc_write(0, reduceTensorIndicesType, sizeof(cudnnIndicesType_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, reduceTensorOp, sizeof(cudnnReduceTensorOp_t)) < 0 || + rpc_read(0, reduceTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(0, reduceTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(0, reduceTensorIndices, sizeof(cudnnReduceTensorIndices_t)) < 0 || + rpc_read(0, reduceTensorIndicesType, sizeof(cudnnIndicesType_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyReduceTensorDescriptor(cudnnReduceTensorDescriptor_t reduceTensorDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyReduceTensorDescriptor) < 0 || + rpc_write(0, &reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetReductionIndicesSize(cudnnHandle_t handle, const cudnnReduceTensorDescriptor_t reduceTensorDesc, const cudnnTensorDescriptor_t aDesc, const cudnnTensorDescriptor_t cDesc, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetReductionIndicesSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &reduceTensorDesc, sizeof(const cudnnReduceTensorDescriptor_t)) < 0 || + rpc_write(0, &aDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &cDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetReductionWorkspaceSize(cudnnHandle_t handle, const cudnnReduceTensorDescriptor_t reduceTensorDesc, const cudnnTensorDescriptor_t aDesc, const cudnnTensorDescriptor_t cDesc, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetReductionWorkspaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &reduceTensorDesc, sizeof(const cudnnReduceTensorDescriptor_t)) < 0 || + rpc_write(0, &aDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &cDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateFilterDescriptor(cudnnFilterDescriptor_t* filterDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateFilterDescriptor) < 0 || + rpc_write(0, filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetFilter4dDescriptor(cudnnFilterDescriptor_t filterDesc, cudnnDataType_t dataType, cudnnTensorFormat_t format, int k, int c, int h, int w) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetFilter4dDescriptor) < 0 || + rpc_write(0, &filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + rpc_write(0, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, &format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_write(0, &k, sizeof(int)) < 0 || + rpc_write(0, &c, sizeof(int)) < 0 || + rpc_write(0, &h, sizeof(int)) < 0 || + rpc_write(0, &w, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetFilter4dDescriptor(const cudnnFilterDescriptor_t filterDesc, cudnnDataType_t* dataType, cudnnTensorFormat_t* format, int* k, int* c, int* h, int* w) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetFilter4dDescriptor) < 0 || + rpc_write(0, &filterDesc, sizeof(const cudnnFilterDescriptor_t)) < 0 || + rpc_write(0, dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(0, format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_write(0, k, sizeof(int)) < 0 || + rpc_write(0, c, sizeof(int)) < 0 || + rpc_write(0, h, sizeof(int)) < 0 || + rpc_write(0, w, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(0, format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_read(0, k, sizeof(int)) < 0 || + rpc_read(0, c, sizeof(int)) < 0 || + rpc_read(0, h, sizeof(int)) < 0 || + rpc_read(0, w, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetFilterSizeInBytes(const cudnnFilterDescriptor_t filterDesc, size_t* size) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetFilterSizeInBytes) < 0 || + rpc_write(0, &filterDesc, sizeof(const cudnnFilterDescriptor_t)) < 0 || + rpc_write(0, size, sizeof(size_t)) < 0 || rpc_wait_for_response(0) < 0 || + rpc_read(0, size, sizeof(size_t)) < 0 || rpc_end_response(0, &return_value) < 0) - return CUBLAS_STATUS_NOT_INITIALIZED; + return CUDNN_STATUS_NOT_INITIALIZED; return return_value; } -cudnnStatus_t cudnnCreate(cudnnHandle_t* handle) +cudnnStatus_t cudnnDestroyFilterDescriptor(cudnnFilterDescriptor_t filterDesc) { cudnnStatus_t return_value; - if (rpc_start_request(0, RPC_cudnnCreate) < 0 || + if (rpc_start_request(0, RPC_cudnnDestroyFilterDescriptor) < 0 || + rpc_write(0, &filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || rpc_wait_for_response(0) < 0 || - rpc_read(0, handle, sizeof(cudnnHandle_t)) < 0 || rpc_end_response(0, &return_value) < 0) return CUDNN_STATUS_NOT_INITIALIZED; return return_value; } -cudnnStatus_t cudnnDestroy(cudnnHandle_t handle) +cudnnStatus_t cudnnCreatePoolingDescriptor(cudnnPoolingDescriptor_t* poolingDesc) { cudnnStatus_t return_value; - if (rpc_start_request(0, RPC_cudnnDestroy) < 0 || - rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + if (rpc_start_request(0, RPC_cudnnCreatePoolingDescriptor) < 0 || + rpc_write(0, poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || rpc_wait_for_response(0) < 0 || + rpc_read(0, poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || rpc_end_response(0, &return_value) < 0) return CUDNN_STATUS_NOT_INITIALIZED; return return_value; } -cudnnStatus_t cudnnCreateTensorDescriptor(cudnnTensorDescriptor_t* tensorDesc) +cudnnStatus_t cudnnSetPooling2dDescriptor(cudnnPoolingDescriptor_t poolingDesc, cudnnPoolingMode_t mode, cudnnNanPropagation_t maxpoolingNanOpt, int windowHeight, int windowWidth, int verticalPadding, int horizontalPadding, int verticalStride, int horizontalStride) { cudnnStatus_t return_value; - if (rpc_start_request(0, RPC_cudnnCreateTensorDescriptor) < 0 || - rpc_write(0, tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + if (rpc_start_request(0, RPC_cudnnSetPooling2dDescriptor) < 0 || + rpc_write(0, &poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnPoolingMode_t)) < 0 || + rpc_write(0, &maxpoolingNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(0, &windowHeight, sizeof(int)) < 0 || + rpc_write(0, &windowWidth, sizeof(int)) < 0 || + rpc_write(0, &verticalPadding, sizeof(int)) < 0 || + rpc_write(0, &horizontalPadding, sizeof(int)) < 0 || + rpc_write(0, &verticalStride, sizeof(int)) < 0 || + rpc_write(0, &horizontalStride, sizeof(int)) < 0 || rpc_wait_for_response(0) < 0 || - rpc_read(0, tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || rpc_end_response(0, &return_value) < 0) return CUDNN_STATUS_NOT_INITIALIZED; return return_value; } -cudnnStatus_t cudnnSetTensor4dDescriptor(cudnnTensorDescriptor_t tensorDesc, cudnnTensorFormat_t format, cudnnDataType_t dataType, int n, int c, int h, int w) +cudnnStatus_t cudnnGetPooling2dDescriptor(const cudnnPoolingDescriptor_t poolingDesc, cudnnPoolingMode_t* mode, cudnnNanPropagation_t* maxpoolingNanOpt, int* windowHeight, int* windowWidth, int* verticalPadding, int* horizontalPadding, int* verticalStride, int* horizontalStride) { cudnnStatus_t return_value; - if (rpc_start_request(0, RPC_cudnnSetTensor4dDescriptor) < 0 || - rpc_write(0, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || - rpc_write(0, &format, sizeof(cudnnTensorFormat_t)) < 0 || - rpc_write(0, &dataType, sizeof(cudnnDataType_t)) < 0 || - rpc_write(0, &n, sizeof(int)) < 0 || - rpc_write(0, &c, sizeof(int)) < 0 || - rpc_write(0, &h, sizeof(int)) < 0 || - rpc_write(0, &w, sizeof(int)) < 0 || + if (rpc_start_request(0, RPC_cudnnGetPooling2dDescriptor) < 0 || + rpc_write(0, &poolingDesc, sizeof(const cudnnPoolingDescriptor_t)) < 0 || + rpc_write(0, mode, sizeof(cudnnPoolingMode_t)) < 0 || + rpc_write(0, maxpoolingNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(0, windowHeight, sizeof(int)) < 0 || + rpc_write(0, windowWidth, sizeof(int)) < 0 || + rpc_write(0, verticalPadding, sizeof(int)) < 0 || + rpc_write(0, horizontalPadding, sizeof(int)) < 0 || + rpc_write(0, verticalStride, sizeof(int)) < 0 || + rpc_write(0, horizontalStride, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, mode, sizeof(cudnnPoolingMode_t)) < 0 || + rpc_read(0, maxpoolingNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(0, windowHeight, sizeof(int)) < 0 || + rpc_read(0, windowWidth, sizeof(int)) < 0 || + rpc_read(0, verticalPadding, sizeof(int)) < 0 || + rpc_read(0, horizontalPadding, sizeof(int)) < 0 || + rpc_read(0, verticalStride, sizeof(int)) < 0 || + rpc_read(0, horizontalStride, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetPooling2dForwardOutputDim(const cudnnPoolingDescriptor_t poolingDesc, const cudnnTensorDescriptor_t inputTensorDesc, int* n, int* c, int* h, int* w) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetPooling2dForwardOutputDim) < 0 || + rpc_write(0, &poolingDesc, sizeof(const cudnnPoolingDescriptor_t)) < 0 || + rpc_write(0, &inputTensorDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, n, sizeof(int)) < 0 || + rpc_write(0, c, sizeof(int)) < 0 || + rpc_write(0, h, sizeof(int)) < 0 || + rpc_write(0, w, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, n, sizeof(int)) < 0 || + rpc_read(0, c, sizeof(int)) < 0 || + rpc_read(0, h, sizeof(int)) < 0 || + rpc_read(0, w, sizeof(int)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyPoolingDescriptor(cudnnPoolingDescriptor_t poolingDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyPoolingDescriptor) < 0 || + rpc_write(0, &poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || rpc_wait_for_response(0) < 0 || rpc_end_response(0, &return_value) < 0) return CUDNN_STATUS_NOT_INITIALIZED; @@ -11238,6 +20058,59 @@ cudnnStatus_t cudnnSetActivationDescriptor(cudnnActivationDescriptor_t activatio return return_value; } +cudnnStatus_t cudnnGetActivationDescriptor(const cudnnActivationDescriptor_t activationDesc, cudnnActivationMode_t* mode, cudnnNanPropagation_t* reluNanOpt, double* coef) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetActivationDescriptor) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, mode, sizeof(cudnnActivationMode_t)) < 0 || + rpc_write(0, reluNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(0, coef, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, mode, sizeof(cudnnActivationMode_t)) < 0 || + rpc_read(0, reluNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(0, coef, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetActivationDescriptorSwishBeta(cudnnActivationDescriptor_t activationDesc, double swish_beta) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetActivationDescriptorSwishBeta) < 0 || + rpc_write(0, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, &swish_beta, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetActivationDescriptorSwishBeta(cudnnActivationDescriptor_t activationDesc, double* swish_beta) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetActivationDescriptorSwishBeta) < 0 || + rpc_write(0, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, swish_beta, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, swish_beta, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyActivationDescriptor(cudnnActivationDescriptor_t activationDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyActivationDescriptor) < 0 || + rpc_write(0, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + cudnnStatus_t cudnnActivationForward(cudnnHandle_t handle, cudnnActivationDescriptor_t activationDesc, const void* alpha, const cudnnTensorDescriptor_t xDesc, const void* x, const void* beta, const cudnnTensorDescriptor_t yDesc, void* y) { cudnnStatus_t return_value; @@ -11258,6 +20131,317 @@ cudnnStatus_t cudnnActivationForward(cudnnHandle_t handle, cudnnActivationDescri return return_value; } +cudnnStatus_t cudnnCreateLRNDescriptor(cudnnLRNDescriptor_t* normDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateLRNDescriptor) < 0 || + rpc_write(0, normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnSetLRNDescriptor(cudnnLRNDescriptor_t normDesc, unsigned lrnN, double lrnAlpha, double lrnBeta, double lrnK) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnSetLRNDescriptor) < 0 || + rpc_write(0, &normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_write(0, &lrnN, sizeof(unsigned)) < 0 || + rpc_write(0, &lrnAlpha, sizeof(double)) < 0 || + rpc_write(0, &lrnBeta, sizeof(double)) < 0 || + rpc_write(0, &lrnK, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetLRNDescriptor(cudnnLRNDescriptor_t normDesc, unsigned* lrnN, double* lrnAlpha, double* lrnBeta, double* lrnK) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetLRNDescriptor) < 0 || + rpc_write(0, &normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_write(0, lrnN, sizeof(unsigned)) < 0 || + rpc_write(0, lrnAlpha, sizeof(double)) < 0 || + rpc_write(0, lrnBeta, sizeof(double)) < 0 || + rpc_write(0, lrnK, sizeof(double)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, lrnN, sizeof(unsigned)) < 0 || + rpc_read(0, lrnAlpha, sizeof(double)) < 0 || + rpc_read(0, lrnBeta, sizeof(double)) < 0 || + rpc_read(0, lrnK, sizeof(double)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyLRNDescriptor(cudnnLRNDescriptor_t lrnDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyLRNDescriptor) < 0 || + rpc_write(0, &lrnDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDeriveBNTensorDescriptor(cudnnTensorDescriptor_t derivedBnDesc, const cudnnTensorDescriptor_t xDesc, cudnnBatchNormMode_t mode) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDeriveBNTensorDescriptor) < 0 || + rpc_write(0, &derivedBnDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDeriveNormTensorDescriptor(cudnnTensorDescriptor_t derivedNormScaleBiasDesc, cudnnTensorDescriptor_t derivedNormMeanVarDesc, const cudnnTensorDescriptor_t xDesc, cudnnNormMode_t mode, int groupCnt) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDeriveNormTensorDescriptor) < 0 || + rpc_write(0, &derivedNormScaleBiasDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &derivedNormMeanVarDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_write(0, &groupCnt, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateSpatialTransformerDescriptor(cudnnSpatialTransformerDescriptor_t* stDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateSpatialTransformerDescriptor) < 0 || + rpc_write(0, stDesc, sizeof(cudnnSpatialTransformerDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, stDesc, sizeof(cudnnSpatialTransformerDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroySpatialTransformerDescriptor(cudnnSpatialTransformerDescriptor_t stDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroySpatialTransformerDescriptor) < 0 || + rpc_write(0, &stDesc, sizeof(cudnnSpatialTransformerDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnCreateDropoutDescriptor(cudnnDropoutDescriptor_t* dropoutDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnCreateDropoutDescriptor) < 0 || + rpc_write(0, dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDestroyDropoutDescriptor(cudnnDropoutDescriptor_t dropoutDesc) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDestroyDropoutDescriptor) < 0 || + rpc_write(0, &dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDropoutGetStatesSize(cudnnHandle_t handle, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDropoutGetStatesSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnDropoutGetReserveSpaceSize(cudnnTensorDescriptor_t xdesc, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnDropoutGetReserveSpaceSize) < 0 || + rpc_write(0, &xdesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetDropoutDescriptor(cudnnDropoutDescriptor_t dropoutDesc, cudnnHandle_t handle, float* dropout, void** states, unsigned long long* seed) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetDropoutDescriptor) < 0 || + rpc_write(0, &dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, dropout, sizeof(float)) < 0 || + rpc_write(0, states, sizeof(void*)) < 0 || + rpc_write(0, seed, sizeof(unsigned long long)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, dropout, sizeof(float)) < 0 || + rpc_read(0, states, sizeof(void*)) < 0 || + rpc_read(0, seed, sizeof(unsigned long long)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnOpsVersionCheck() +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnOpsVersionCheck) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t zDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t bnScaleBiasMeanVarDesc, const cudnnActivationDescriptor_t activationDesc, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_write(0, &bnOps, sizeof(cudnnBatchNormOps_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &zDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &bnScaleBiasMeanVarDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetBatchNormalizationBackwardExWorkspaceSize(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t dyDesc, const cudnnTensorDescriptor_t dzDesc, const cudnnTensorDescriptor_t dxDesc, const cudnnTensorDescriptor_t dBnScaleBiasDesc, const cudnnActivationDescriptor_t activationDesc, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetBatchNormalizationBackwardExWorkspaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_write(0, &bnOps, sizeof(cudnnBatchNormOps_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dyDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dzDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dxDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dBnScaleBiasDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetBatchNormalizationTrainingExReserveSpaceSize(cudnnHandle_t handle, cudnnBatchNormMode_t mode, cudnnBatchNormOps_t bnOps, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t xDesc, size_t* sizeInBytes) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetBatchNormalizationTrainingExReserveSpaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_write(0, &bnOps, sizeof(cudnnBatchNormOps_t)) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetNormalizationForwardTrainingWorkspaceSize(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t zDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t normScaleBiasDesc, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t normMeanVarDesc, size_t* sizeInBytes, int groupCnt) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetNormalizationForwardTrainingWorkspaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_write(0, &normOps, sizeof(cudnnNormOps_t)) < 0 || + rpc_write(0, &algo, sizeof(cudnnNormAlgo_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &zDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &normScaleBiasDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, &normMeanVarDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_write(0, &groupCnt, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetNormalizationBackwardWorkspaceSize(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const cudnnTensorDescriptor_t xDesc, const cudnnTensorDescriptor_t yDesc, const cudnnTensorDescriptor_t dyDesc, const cudnnTensorDescriptor_t dzDesc, const cudnnTensorDescriptor_t dxDesc, const cudnnTensorDescriptor_t dNormScaleBiasDesc, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t normMeanVarDesc, size_t* sizeInBytes, int groupCnt) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetNormalizationBackwardWorkspaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_write(0, &normOps, sizeof(cudnnNormOps_t)) < 0 || + rpc_write(0, &algo, sizeof(cudnnNormAlgo_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dyDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dzDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dxDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &dNormScaleBiasDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, &normMeanVarDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_write(0, &groupCnt, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + +cudnnStatus_t cudnnGetNormalizationTrainingReserveSpaceSize(cudnnHandle_t handle, cudnnNormMode_t mode, cudnnNormOps_t normOps, cudnnNormAlgo_t algo, const cudnnActivationDescriptor_t activationDesc, const cudnnTensorDescriptor_t xDesc, size_t* sizeInBytes, int groupCnt) +{ + cudnnStatus_t return_value; + if (rpc_start_request(0, RPC_cudnnGetNormalizationTrainingReserveSpaceSize) < 0 || + rpc_write(0, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_write(0, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_write(0, &normOps, sizeof(cudnnNormOps_t)) < 0 || + rpc_write(0, &algo, sizeof(cudnnNormAlgo_t)) < 0 || + rpc_write(0, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_write(0, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_write(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_write(0, &groupCnt, sizeof(int)) < 0 || + rpc_wait_for_response(0) < 0 || + rpc_read(0, sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(0, &return_value) < 0) + return CUDNN_STATUS_NOT_INITIALIZED; + return return_value; +} + std::unordered_map functionMap = { {"__cudaRegisterVar", (void *)__cudaRegisterVar}, {"__cudaRegisterFunction", (void *)__cudaRegisterFunction}, @@ -12115,14 +21299,476 @@ std::unordered_map functionMap = { {"cudaGetFuncBySymbol", (void *)cudaGetFuncBySymbol}, {"cublasCreate_v2", (void *)cublasCreate_v2}, {"cublasDestroy_v2", (void *)cublasDestroy_v2}, + {"cublasGetVersion_v2", (void *)cublasGetVersion_v2}, + {"cublasGetProperty", (void *)cublasGetProperty}, + {"cublasSetStream_v2", (void *)cublasSetStream_v2}, + {"cublasGetStream_v2", (void *)cublasGetStream_v2}, + {"cublasGetPointerMode_v2", (void *)cublasGetPointerMode_v2}, + {"cublasSetPointerMode_v2", (void *)cublasSetPointerMode_v2}, + {"cublasGetAtomicsMode", (void *)cublasGetAtomicsMode}, + {"cublasSetAtomicsMode", (void *)cublasSetAtomicsMode}, + {"cublasGetMathMode", (void *)cublasGetMathMode}, + {"cublasSetMathMode", (void *)cublasSetMathMode}, + {"cublasGetSmCountTarget", (void *)cublasGetSmCountTarget}, + {"cublasSetSmCountTarget", (void *)cublasSetSmCountTarget}, + {"cublasLoggerConfigure", (void *)cublasLoggerConfigure}, + {"cublasSetLoggerCallback", (void *)cublasSetLoggerCallback}, + {"cublasGetLoggerCallback", (void *)cublasGetLoggerCallback}, + {"cublasSnrm2_v2", (void *)cublasSnrm2_v2}, + {"cublasSnrm2_v2_64", (void *)cublasSnrm2_v2_64}, + {"cublasDnrm2_v2", (void *)cublasDnrm2_v2}, + {"cublasDnrm2_v2_64", (void *)cublasDnrm2_v2_64}, + {"cublasScnrm2_v2", (void *)cublasScnrm2_v2}, + {"cublasScnrm2_v2_64", (void *)cublasScnrm2_v2_64}, + {"cublasDznrm2_v2", (void *)cublasDznrm2_v2}, + {"cublasDznrm2_v2_64", (void *)cublasDznrm2_v2_64}, + {"cublasSdot_v2", (void *)cublasSdot_v2}, + {"cublasSdot_v2_64", (void *)cublasSdot_v2_64}, + {"cublasDdot_v2", (void *)cublasDdot_v2}, + {"cublasDdot_v2_64", (void *)cublasDdot_v2_64}, + {"cublasCdotu_v2", (void *)cublasCdotu_v2}, + {"cublasCdotu_v2_64", (void *)cublasCdotu_v2_64}, + {"cublasCdotc_v2", (void *)cublasCdotc_v2}, + {"cublasCdotc_v2_64", (void *)cublasCdotc_v2_64}, + {"cublasZdotu_v2", (void *)cublasZdotu_v2}, + {"cublasZdotu_v2_64", (void *)cublasZdotu_v2_64}, + {"cublasZdotc_v2", (void *)cublasZdotc_v2}, + {"cublasZdotc_v2_64", (void *)cublasZdotc_v2_64}, + {"cublasSscal_v2", (void *)cublasSscal_v2}, + {"cublasSscal_v2_64", (void *)cublasSscal_v2_64}, + {"cublasDscal_v2", (void *)cublasDscal_v2}, + {"cublasDscal_v2_64", (void *)cublasDscal_v2_64}, + {"cublasCscal_v2", (void *)cublasCscal_v2}, + {"cublasCscal_v2_64", (void *)cublasCscal_v2_64}, + {"cublasCsscal_v2", (void *)cublasCsscal_v2}, + {"cublasCsscal_v2_64", (void *)cublasCsscal_v2_64}, + {"cublasZscal_v2", (void *)cublasZscal_v2}, + {"cublasZscal_v2_64", (void *)cublasZscal_v2_64}, + {"cublasZdscal_v2", (void *)cublasZdscal_v2}, + {"cublasZdscal_v2_64", (void *)cublasZdscal_v2_64}, + {"cublasSaxpy_v2", (void *)cublasSaxpy_v2}, + {"cublasSaxpy_v2_64", (void *)cublasSaxpy_v2_64}, + {"cublasDaxpy_v2", (void *)cublasDaxpy_v2}, + {"cublasDaxpy_v2_64", (void *)cublasDaxpy_v2_64}, + {"cublasCaxpy_v2", (void *)cublasCaxpy_v2}, + {"cublasCaxpy_v2_64", (void *)cublasCaxpy_v2_64}, + {"cublasZaxpy_v2", (void *)cublasZaxpy_v2}, + {"cublasZaxpy_v2_64", (void *)cublasZaxpy_v2_64}, + {"cublasScopy_v2", (void *)cublasScopy_v2}, + {"cublasScopy_v2_64", (void *)cublasScopy_v2_64}, + {"cublasDcopy_v2", (void *)cublasDcopy_v2}, + {"cublasDcopy_v2_64", (void *)cublasDcopy_v2_64}, + {"cublasCcopy_v2", (void *)cublasCcopy_v2}, + {"cublasCcopy_v2_64", (void *)cublasCcopy_v2_64}, + {"cublasZcopy_v2", (void *)cublasZcopy_v2}, + {"cublasZcopy_v2_64", (void *)cublasZcopy_v2_64}, + {"cublasSswap_v2", (void *)cublasSswap_v2}, + {"cublasSswap_v2_64", (void *)cublasSswap_v2_64}, + {"cublasDswap_v2", (void *)cublasDswap_v2}, + {"cublasDswap_v2_64", (void *)cublasDswap_v2_64}, + {"cublasCswap_v2", (void *)cublasCswap_v2}, + {"cublasCswap_v2_64", (void *)cublasCswap_v2_64}, + {"cublasZswap_v2", (void *)cublasZswap_v2}, + {"cublasZswap_v2_64", (void *)cublasZswap_v2_64}, + {"cublasIsamax_v2", (void *)cublasIsamax_v2}, + {"cublasIsamax_v2_64", (void *)cublasIsamax_v2_64}, + {"cublasIdamax_v2", (void *)cublasIdamax_v2}, + {"cublasIdamax_v2_64", (void *)cublasIdamax_v2_64}, + {"cublasIcamax_v2", (void *)cublasIcamax_v2}, + {"cublasIcamax_v2_64", (void *)cublasIcamax_v2_64}, + {"cublasIzamax_v2", (void *)cublasIzamax_v2}, + {"cublasIzamax_v2_64", (void *)cublasIzamax_v2_64}, + {"cublasIamaxEx", (void *)cublasIamaxEx}, + {"cublasIamaxEx_64", (void *)cublasIamaxEx_64}, + {"cublasIsamin_v2", (void *)cublasIsamin_v2}, + {"cublasIsamin_v2_64", (void *)cublasIsamin_v2_64}, + {"cublasIdamin_v2", (void *)cublasIdamin_v2}, + {"cublasIdamin_v2_64", (void *)cublasIdamin_v2_64}, + {"cublasIcamin_v2", (void *)cublasIcamin_v2}, + {"cublasIcamin_v2_64", (void *)cublasIcamin_v2_64}, + {"cublasIzamin_v2", (void *)cublasIzamin_v2}, + {"cublasIzamin_v2_64", (void *)cublasIzamin_v2_64}, + {"cublasIaminEx", (void *)cublasIaminEx}, + {"cublasIaminEx_64", (void *)cublasIaminEx_64}, + {"cublasSasum_v2", (void *)cublasSasum_v2}, + {"cublasSasum_v2_64", (void *)cublasSasum_v2_64}, + {"cublasDasum_v2", (void *)cublasDasum_v2}, + {"cublasDasum_v2_64", (void *)cublasDasum_v2_64}, + {"cublasScasum_v2", (void *)cublasScasum_v2}, + {"cublasScasum_v2_64", (void *)cublasScasum_v2_64}, + {"cublasDzasum_v2", (void *)cublasDzasum_v2}, + {"cublasDzasum_v2_64", (void *)cublasDzasum_v2_64}, + {"cublasSrot_v2", (void *)cublasSrot_v2}, + {"cublasSrot_v2_64", (void *)cublasSrot_v2_64}, + {"cublasDrot_v2", (void *)cublasDrot_v2}, + {"cublasDrot_v2_64", (void *)cublasDrot_v2_64}, + {"cublasCrot_v2", (void *)cublasCrot_v2}, + {"cublasCrot_v2_64", (void *)cublasCrot_v2_64}, + {"cublasCsrot_v2", (void *)cublasCsrot_v2}, + {"cublasCsrot_v2_64", (void *)cublasCsrot_v2_64}, + {"cublasZrot_v2", (void *)cublasZrot_v2}, + {"cublasZrot_v2_64", (void *)cublasZrot_v2_64}, + {"cublasZdrot_v2", (void *)cublasZdrot_v2}, + {"cublasZdrot_v2_64", (void *)cublasZdrot_v2_64}, + {"cublasSrotg_v2", (void *)cublasSrotg_v2}, + {"cublasDrotg_v2", (void *)cublasDrotg_v2}, + {"cublasCrotg_v2", (void *)cublasCrotg_v2}, + {"cublasZrotg_v2", (void *)cublasZrotg_v2}, + {"cublasSrotm_v2", (void *)cublasSrotm_v2}, + {"cublasSrotm_v2_64", (void *)cublasSrotm_v2_64}, + {"cublasDrotm_v2", (void *)cublasDrotm_v2}, + {"cublasDrotm_v2_64", (void *)cublasDrotm_v2_64}, + {"cublasSrotmg_v2", (void *)cublasSrotmg_v2}, + {"cublasDrotmg_v2", (void *)cublasDrotmg_v2}, + {"cublasSgemv_v2", (void *)cublasSgemv_v2}, + {"cublasSgemv_v2_64", (void *)cublasSgemv_v2_64}, + {"cublasDgemv_v2", (void *)cublasDgemv_v2}, + {"cublasDgemv_v2_64", (void *)cublasDgemv_v2_64}, + {"cublasCgemv_v2", (void *)cublasCgemv_v2}, + {"cublasCgemv_v2_64", (void *)cublasCgemv_v2_64}, + {"cublasZgemv_v2", (void *)cublasZgemv_v2}, + {"cublasZgemv_v2_64", (void *)cublasZgemv_v2_64}, + {"cublasSgbmv_v2", (void *)cublasSgbmv_v2}, + {"cublasSgbmv_v2_64", (void *)cublasSgbmv_v2_64}, + {"cublasDgbmv_v2", (void *)cublasDgbmv_v2}, + {"cublasDgbmv_v2_64", (void *)cublasDgbmv_v2_64}, + {"cublasCgbmv_v2", (void *)cublasCgbmv_v2}, + {"cublasCgbmv_v2_64", (void *)cublasCgbmv_v2_64}, + {"cublasZgbmv_v2", (void *)cublasZgbmv_v2}, + {"cublasZgbmv_v2_64", (void *)cublasZgbmv_v2_64}, + {"cublasStrmv_v2", (void *)cublasStrmv_v2}, + {"cublasStrmv_v2_64", (void *)cublasStrmv_v2_64}, + {"cublasDtrmv_v2", (void *)cublasDtrmv_v2}, + {"cublasDtrmv_v2_64", (void *)cublasDtrmv_v2_64}, + {"cublasCtrmv_v2", (void *)cublasCtrmv_v2}, + {"cublasCtrmv_v2_64", (void *)cublasCtrmv_v2_64}, + {"cublasZtrmv_v2", (void *)cublasZtrmv_v2}, + {"cublasZtrmv_v2_64", (void *)cublasZtrmv_v2_64}, + {"cublasStbmv_v2", (void *)cublasStbmv_v2}, + {"cublasStbmv_v2_64", (void *)cublasStbmv_v2_64}, + {"cublasDtbmv_v2", (void *)cublasDtbmv_v2}, + {"cublasDtbmv_v2_64", (void *)cublasDtbmv_v2_64}, + {"cublasCtbmv_v2", (void *)cublasCtbmv_v2}, + {"cublasCtbmv_v2_64", (void *)cublasCtbmv_v2_64}, + {"cublasZtbmv_v2", (void *)cublasZtbmv_v2}, + {"cublasZtbmv_v2_64", (void *)cublasZtbmv_v2_64}, + {"cublasStpmv_v2", (void *)cublasStpmv_v2}, + {"cublasStpmv_v2_64", (void *)cublasStpmv_v2_64}, + {"cublasDtpmv_v2", (void *)cublasDtpmv_v2}, + {"cublasDtpmv_v2_64", (void *)cublasDtpmv_v2_64}, + {"cublasCtpmv_v2", (void *)cublasCtpmv_v2}, + {"cublasCtpmv_v2_64", (void *)cublasCtpmv_v2_64}, + {"cublasZtpmv_v2", (void *)cublasZtpmv_v2}, + {"cublasZtpmv_v2_64", (void *)cublasZtpmv_v2_64}, + {"cublasStrsv_v2", (void *)cublasStrsv_v2}, + {"cublasStrsv_v2_64", (void *)cublasStrsv_v2_64}, + {"cublasDtrsv_v2", (void *)cublasDtrsv_v2}, + {"cublasDtrsv_v2_64", (void *)cublasDtrsv_v2_64}, + {"cublasCtrsv_v2", (void *)cublasCtrsv_v2}, + {"cublasCtrsv_v2_64", (void *)cublasCtrsv_v2_64}, + {"cublasZtrsv_v2", (void *)cublasZtrsv_v2}, + {"cublasZtrsv_v2_64", (void *)cublasZtrsv_v2_64}, + {"cublasStpsv_v2", (void *)cublasStpsv_v2}, + {"cublasStpsv_v2_64", (void *)cublasStpsv_v2_64}, + {"cublasDtpsv_v2", (void *)cublasDtpsv_v2}, + {"cublasDtpsv_v2_64", (void *)cublasDtpsv_v2_64}, + {"cublasCtpsv_v2", (void *)cublasCtpsv_v2}, + {"cublasCtpsv_v2_64", (void *)cublasCtpsv_v2_64}, + {"cublasZtpsv_v2", (void *)cublasZtpsv_v2}, + {"cublasZtpsv_v2_64", (void *)cublasZtpsv_v2_64}, + {"cublasStbsv_v2", (void *)cublasStbsv_v2}, + {"cublasStbsv_v2_64", (void *)cublasStbsv_v2_64}, + {"cublasDtbsv_v2", (void *)cublasDtbsv_v2}, + {"cublasDtbsv_v2_64", (void *)cublasDtbsv_v2_64}, + {"cublasCtbsv_v2", (void *)cublasCtbsv_v2}, + {"cublasCtbsv_v2_64", (void *)cublasCtbsv_v2_64}, + {"cublasZtbsv_v2", (void *)cublasZtbsv_v2}, + {"cublasZtbsv_v2_64", (void *)cublasZtbsv_v2_64}, + {"cublasSsymv_v2", (void *)cublasSsymv_v2}, + {"cublasSsymv_v2_64", (void *)cublasSsymv_v2_64}, + {"cublasDsymv_v2", (void *)cublasDsymv_v2}, + {"cublasDsymv_v2_64", (void *)cublasDsymv_v2_64}, + {"cublasCsymv_v2", (void *)cublasCsymv_v2}, + {"cublasCsymv_v2_64", (void *)cublasCsymv_v2_64}, + {"cublasZsymv_v2", (void *)cublasZsymv_v2}, + {"cublasZsymv_v2_64", (void *)cublasZsymv_v2_64}, + {"cublasChemv_v2", (void *)cublasChemv_v2}, + {"cublasChemv_v2_64", (void *)cublasChemv_v2_64}, + {"cublasZhemv_v2", (void *)cublasZhemv_v2}, + {"cublasZhemv_v2_64", (void *)cublasZhemv_v2_64}, + {"cublasSsbmv_v2", (void *)cublasSsbmv_v2}, + {"cublasSsbmv_v2_64", (void *)cublasSsbmv_v2_64}, + {"cublasDsbmv_v2", (void *)cublasDsbmv_v2}, + {"cublasDsbmv_v2_64", (void *)cublasDsbmv_v2_64}, + {"cublasChbmv_v2", (void *)cublasChbmv_v2}, + {"cublasChbmv_v2_64", (void *)cublasChbmv_v2_64}, + {"cublasZhbmv_v2", (void *)cublasZhbmv_v2}, + {"cublasZhbmv_v2_64", (void *)cublasZhbmv_v2_64}, + {"cublasSspmv_v2", (void *)cublasSspmv_v2}, + {"cublasSspmv_v2_64", (void *)cublasSspmv_v2_64}, + {"cublasDspmv_v2", (void *)cublasDspmv_v2}, + {"cublasDspmv_v2_64", (void *)cublasDspmv_v2_64}, + {"cublasChpmv_v2", (void *)cublasChpmv_v2}, + {"cublasChpmv_v2_64", (void *)cublasChpmv_v2_64}, + {"cublasZhpmv_v2", (void *)cublasZhpmv_v2}, + {"cublasZhpmv_v2_64", (void *)cublasZhpmv_v2_64}, + {"cublasSger_v2", (void *)cublasSger_v2}, + {"cublasSger_v2_64", (void *)cublasSger_v2_64}, + {"cublasDger_v2", (void *)cublasDger_v2}, + {"cublasDger_v2_64", (void *)cublasDger_v2_64}, + {"cublasCgeru_v2", (void *)cublasCgeru_v2}, + {"cublasCgeru_v2_64", (void *)cublasCgeru_v2_64}, + {"cublasCgerc_v2", (void *)cublasCgerc_v2}, + {"cublasCgerc_v2_64", (void *)cublasCgerc_v2_64}, + {"cublasZgeru_v2", (void *)cublasZgeru_v2}, + {"cublasZgeru_v2_64", (void *)cublasZgeru_v2_64}, + {"cublasZgerc_v2", (void *)cublasZgerc_v2}, + {"cublasZgerc_v2_64", (void *)cublasZgerc_v2_64}, + {"cublasSsyr_v2", (void *)cublasSsyr_v2}, + {"cublasSsyr_v2_64", (void *)cublasSsyr_v2_64}, + {"cublasDsyr_v2", (void *)cublasDsyr_v2}, + {"cublasDsyr_v2_64", (void *)cublasDsyr_v2_64}, + {"cublasCsyr_v2", (void *)cublasCsyr_v2}, + {"cublasCsyr_v2_64", (void *)cublasCsyr_v2_64}, + {"cublasZsyr_v2", (void *)cublasZsyr_v2}, + {"cublasZsyr_v2_64", (void *)cublasZsyr_v2_64}, + {"cublasCher_v2", (void *)cublasCher_v2}, + {"cublasCher_v2_64", (void *)cublasCher_v2_64}, + {"cublasZher_v2", (void *)cublasZher_v2}, + {"cublasZher_v2_64", (void *)cublasZher_v2_64}, + {"cublasSspr_v2", (void *)cublasSspr_v2}, + {"cublasSspr_v2_64", (void *)cublasSspr_v2_64}, + {"cublasDspr_v2", (void *)cublasDspr_v2}, + {"cublasDspr_v2_64", (void *)cublasDspr_v2_64}, + {"cublasChpr_v2", (void *)cublasChpr_v2}, + {"cublasChpr_v2_64", (void *)cublasChpr_v2_64}, + {"cublasZhpr_v2", (void *)cublasZhpr_v2}, + {"cublasZhpr_v2_64", (void *)cublasZhpr_v2_64}, + {"cublasSsyr2_v2", (void *)cublasSsyr2_v2}, + {"cublasSsyr2_v2_64", (void *)cublasSsyr2_v2_64}, + {"cublasDsyr2_v2", (void *)cublasDsyr2_v2}, + {"cublasDsyr2_v2_64", (void *)cublasDsyr2_v2_64}, + {"cublasCsyr2_v2", (void *)cublasCsyr2_v2}, + {"cublasCsyr2_v2_64", (void *)cublasCsyr2_v2_64}, + {"cublasZsyr2_v2", (void *)cublasZsyr2_v2}, + {"cublasZsyr2_v2_64", (void *)cublasZsyr2_v2_64}, + {"cublasCher2_v2", (void *)cublasCher2_v2}, + {"cublasCher2_v2_64", (void *)cublasCher2_v2_64}, + {"cublasZher2_v2", (void *)cublasZher2_v2}, + {"cublasZher2_v2_64", (void *)cublasZher2_v2_64}, + {"cublasSspr2_v2", (void *)cublasSspr2_v2}, + {"cublasSspr2_v2_64", (void *)cublasSspr2_v2_64}, + {"cublasDspr2_v2", (void *)cublasDspr2_v2}, + {"cublasDspr2_v2_64", (void *)cublasDspr2_v2_64}, + {"cublasChpr2_v2", (void *)cublasChpr2_v2}, + {"cublasChpr2_v2_64", (void *)cublasChpr2_v2_64}, + {"cublasZhpr2_v2", (void *)cublasZhpr2_v2}, + {"cublasZhpr2_v2_64", (void *)cublasZhpr2_v2_64}, + {"cublasSgemvBatched", (void *)cublasSgemvBatched}, + {"cublasTSTgemvBatched", (void *)cublasTSTgemvBatched}, + {"cublasSgemvStridedBatched", (void *)cublasSgemvStridedBatched}, + {"cublasSgemvStridedBatched_64", (void *)cublasSgemvStridedBatched_64}, + {"cublasDgemvStridedBatched", (void *)cublasDgemvStridedBatched}, + {"cublasDgemvStridedBatched_64", (void *)cublasDgemvStridedBatched_64}, + {"cublasCgemvStridedBatched", (void *)cublasCgemvStridedBatched}, + {"cublasCgemvStridedBatched_64", (void *)cublasCgemvStridedBatched_64}, + {"cublasZgemvStridedBatched", (void *)cublasZgemvStridedBatched}, + {"cublasZgemvStridedBatched_64", (void *)cublasZgemvStridedBatched_64}, + {"cublasHSHgemvStridedBatched", (void *)cublasHSHgemvStridedBatched}, + {"cublasHSHgemvStridedBatched_64", (void *)cublasHSHgemvStridedBatched_64}, + {"cublasHSSgemvStridedBatched", (void *)cublasHSSgemvStridedBatched}, + {"cublasHSSgemvStridedBatched_64", (void *)cublasHSSgemvStridedBatched_64}, + {"cublasTSTgemvStridedBatched", (void *)cublasTSTgemvStridedBatched}, + {"cublasTSTgemvStridedBatched_64", (void *)cublasTSTgemvStridedBatched_64}, + {"cublasTSSgemvStridedBatched", (void *)cublasTSSgemvStridedBatched}, + {"cublasTSSgemvStridedBatched_64", (void *)cublasTSSgemvStridedBatched_64}, {"cublasSgemm_v2", (void *)cublasSgemm_v2}, + {"cublasSgemm_v2_64", (void *)cublasSgemm_v2_64}, + {"cublasDgemm_v2", (void *)cublasDgemm_v2}, + {"cublasDgemm_v2_64", (void *)cublasDgemm_v2_64}, + {"cublasCgemm_v2", (void *)cublasCgemm_v2}, + {"cublasCgemm_v2_64", (void *)cublasCgemm_v2_64}, + {"cublasCgemm3m", (void *)cublasCgemm3m}, + {"cublasCgemm3m_64", (void *)cublasCgemm3m_64}, + {"cublasZgemm_v2", (void *)cublasZgemm_v2}, + {"cublasZgemm_v2_64", (void *)cublasZgemm_v2_64}, + {"cublasZgemm3m", (void *)cublasZgemm3m}, + {"cublasZgemm3m_64", (void *)cublasZgemm3m_64}, + {"cublasHgemm", (void *)cublasHgemm}, + {"cublasHgemm_64", (void *)cublasHgemm_64}, + {"cublasSsyrk_v2", (void *)cublasSsyrk_v2}, + {"cublasSsyrk_v2_64", (void *)cublasSsyrk_v2_64}, + {"cublasDsyrk_v2", (void *)cublasDsyrk_v2}, + {"cublasDsyrk_v2_64", (void *)cublasDsyrk_v2_64}, + {"cublasCsyrk_v2", (void *)cublasCsyrk_v2}, + {"cublasCsyrk_v2_64", (void *)cublasCsyrk_v2_64}, + {"cublasZsyrk_v2", (void *)cublasZsyrk_v2}, + {"cublasZsyrk_v2_64", (void *)cublasZsyrk_v2_64}, + {"cublasCherk_v2", (void *)cublasCherk_v2}, + {"cublasCherk_v2_64", (void *)cublasCherk_v2_64}, + {"cublasZherk_v2", (void *)cublasZherk_v2}, + {"cublasZherk_v2_64", (void *)cublasZherk_v2_64}, + {"cublasSsyr2k_v2", (void *)cublasSsyr2k_v2}, + {"cublasSsyr2k_v2_64", (void *)cublasSsyr2k_v2_64}, + {"cublasDsyr2k_v2", (void *)cublasDsyr2k_v2}, + {"cublasDsyr2k_v2_64", (void *)cublasDsyr2k_v2_64}, + {"cublasCsyr2k_v2", (void *)cublasCsyr2k_v2}, + {"cublasCsyr2k_v2_64", (void *)cublasCsyr2k_v2_64}, + {"cublasZsyr2k_v2", (void *)cublasZsyr2k_v2}, + {"cublasZsyr2k_v2_64", (void *)cublasZsyr2k_v2_64}, + {"cublasCher2k_v2", (void *)cublasCher2k_v2}, + {"cublasCher2k_v2_64", (void *)cublasCher2k_v2_64}, + {"cublasZher2k_v2", (void *)cublasZher2k_v2}, + {"cublasZher2k_v2_64", (void *)cublasZher2k_v2_64}, + {"cublasSsyrkx", (void *)cublasSsyrkx}, + {"cublasSsyrkx_64", (void *)cublasSsyrkx_64}, + {"cublasDsyrkx", (void *)cublasDsyrkx}, + {"cublasDsyrkx_64", (void *)cublasDsyrkx_64}, + {"cublasCsyrkx", (void *)cublasCsyrkx}, + {"cublasCsyrkx_64", (void *)cublasCsyrkx_64}, + {"cublasZsyrkx", (void *)cublasZsyrkx}, + {"cublasZsyrkx_64", (void *)cublasZsyrkx_64}, + {"cublasCherkx", (void *)cublasCherkx}, + {"cublasCherkx_64", (void *)cublasCherkx_64}, + {"cublasZherkx", (void *)cublasZherkx}, + {"cublasZherkx_64", (void *)cublasZherkx_64}, + {"cublasSsymm_v2", (void *)cublasSsymm_v2}, + {"cublasSsymm_v2_64", (void *)cublasSsymm_v2_64}, + {"cublasDsymm_v2", (void *)cublasDsymm_v2}, + {"cublasDsymm_v2_64", (void *)cublasDsymm_v2_64}, + {"cublasCsymm_v2", (void *)cublasCsymm_v2}, + {"cublasCsymm_v2_64", (void *)cublasCsymm_v2_64}, + {"cublasZsymm_v2", (void *)cublasZsymm_v2}, + {"cublasZsymm_v2_64", (void *)cublasZsymm_v2_64}, + {"cublasChemm_v2", (void *)cublasChemm_v2}, + {"cublasChemm_v2_64", (void *)cublasChemm_v2_64}, + {"cublasZhemm_v2", (void *)cublasZhemm_v2}, + {"cublasZhemm_v2_64", (void *)cublasZhemm_v2_64}, + {"cublasStrsm_v2", (void *)cublasStrsm_v2}, + {"cublasStrsm_v2_64", (void *)cublasStrsm_v2_64}, + {"cublasDtrsm_v2", (void *)cublasDtrsm_v2}, + {"cublasDtrsm_v2_64", (void *)cublasDtrsm_v2_64}, + {"cublasCtrsm_v2", (void *)cublasCtrsm_v2}, + {"cublasCtrsm_v2_64", (void *)cublasCtrsm_v2_64}, + {"cublasZtrsm_v2", (void *)cublasZtrsm_v2}, + {"cublasZtrsm_v2_64", (void *)cublasZtrsm_v2_64}, + {"cublasStrmm_v2", (void *)cublasStrmm_v2}, + {"cublasStrmm_v2_64", (void *)cublasStrmm_v2_64}, + {"cublasDtrmm_v2", (void *)cublasDtrmm_v2}, + {"cublasDtrmm_v2_64", (void *)cublasDtrmm_v2_64}, + {"cublasCtrmm_v2", (void *)cublasCtrmm_v2}, + {"cublasCtrmm_v2_64", (void *)cublasCtrmm_v2_64}, + {"cublasZtrmm_v2", (void *)cublasZtrmm_v2}, + {"cublasZtrmm_v2_64", (void *)cublasZtrmm_v2_64}, + {"cublasHgemmStridedBatched", (void *)cublasHgemmStridedBatched}, + {"cublasHgemmStridedBatched_64", (void *)cublasHgemmStridedBatched_64}, + {"cublasSgemmStridedBatched", (void *)cublasSgemmStridedBatched}, + {"cublasSgemmStridedBatched_64", (void *)cublasSgemmStridedBatched_64}, + {"cublasDgemmStridedBatched", (void *)cublasDgemmStridedBatched}, + {"cublasDgemmStridedBatched_64", (void *)cublasDgemmStridedBatched_64}, + {"cublasCgemmStridedBatched", (void *)cublasCgemmStridedBatched}, + {"cublasCgemmStridedBatched_64", (void *)cublasCgemmStridedBatched_64}, + {"cublasCgemm3mStridedBatched", (void *)cublasCgemm3mStridedBatched}, + {"cublasCgemm3mStridedBatched_64", (void *)cublasCgemm3mStridedBatched_64}, + {"cublasZgemmStridedBatched", (void *)cublasZgemmStridedBatched}, + {"cublasZgemmStridedBatched_64", (void *)cublasZgemmStridedBatched_64}, + {"cublasSgeam", (void *)cublasSgeam}, + {"cublasSgeam_64", (void *)cublasSgeam_64}, + {"cublasDgeam", (void *)cublasDgeam}, + {"cublasDgeam_64", (void *)cublasDgeam_64}, + {"cublasCgeam", (void *)cublasCgeam}, + {"cublasCgeam_64", (void *)cublasCgeam_64}, + {"cublasZgeam", (void *)cublasZgeam}, + {"cublasZgeam_64", (void *)cublasZgeam_64}, + {"cublasSdgmm", (void *)cublasSdgmm}, + {"cublasSdgmm_64", (void *)cublasSdgmm_64}, + {"cublasDdgmm", (void *)cublasDdgmm}, + {"cublasDdgmm_64", (void *)cublasDdgmm_64}, + {"cublasCdgmm", (void *)cublasCdgmm}, + {"cublasCdgmm_64", (void *)cublasCdgmm_64}, + {"cublasZdgmm", (void *)cublasZdgmm}, + {"cublasZdgmm_64", (void *)cublasZdgmm_64}, + {"cublasStpttr", (void *)cublasStpttr}, + {"cublasDtpttr", (void *)cublasDtpttr}, + {"cublasCtpttr", (void *)cublasCtpttr}, + {"cublasZtpttr", (void *)cublasZtpttr}, + {"cublasStrttp", (void *)cublasStrttp}, + {"cublasDtrttp", (void *)cublasDtrttp}, + {"cublasCtrttp", (void *)cublasCtrttp}, + {"cublasZtrttp", (void *)cublasZtrttp}, + {"cublasUint8gemmBias", (void *)cublasUint8gemmBias}, + {"cublasMigrateComputeType", (void *)cublasMigrateComputeType}, + {"cudnnGetProperty", (void *)cudnnGetProperty}, {"cudnnCreate", (void *)cudnnCreate}, {"cudnnDestroy", (void *)cudnnDestroy}, + {"cudnnSetStream", (void *)cudnnSetStream}, + {"cudnnGetStream", (void *)cudnnGetStream}, + {"cudnnGetCallback", (void *)cudnnGetCallback}, + {"cudnnGraphVersionCheck", (void *)cudnnGraphVersionCheck}, + {"cudnnBackendCreateDescriptor", (void *)cudnnBackendCreateDescriptor}, + {"cudnnBackendDestroyDescriptor", (void *)cudnnBackendDestroyDescriptor}, + {"cudnnBackendInitialize", (void *)cudnnBackendInitialize}, + {"cudnnBackendFinalize", (void *)cudnnBackendFinalize}, + {"cudnnBackendSetAttribute", (void *)cudnnBackendSetAttribute}, + {"cudnnBackendExecute", (void *)cudnnBackendExecute}, + {"cudnnBackendPopulateCudaGraph", (void *)cudnnBackendPopulateCudaGraph}, + {"cudnnBackendUpdateCudaGraph", (void *)cudnnBackendUpdateCudaGraph}, {"cudnnCreateTensorDescriptor", (void *)cudnnCreateTensorDescriptor}, {"cudnnSetTensor4dDescriptor", (void *)cudnnSetTensor4dDescriptor}, + {"cudnnSetTensor4dDescriptorEx", (void *)cudnnSetTensor4dDescriptorEx}, + {"cudnnGetTensor4dDescriptor", (void *)cudnnGetTensor4dDescriptor}, + {"cudnnGetTensorSizeInBytes", (void *)cudnnGetTensorSizeInBytes}, + {"cudnnDestroyTensorDescriptor", (void *)cudnnDestroyTensorDescriptor}, + {"cudnnInitTransformDest", (void *)cudnnInitTransformDest}, + {"cudnnCreateTensorTransformDescriptor", (void *)cudnnCreateTensorTransformDescriptor}, + {"cudnnDestroyTensorTransformDescriptor", (void *)cudnnDestroyTensorTransformDescriptor}, + {"cudnnCreateOpTensorDescriptor", (void *)cudnnCreateOpTensorDescriptor}, + {"cudnnSetOpTensorDescriptor", (void *)cudnnSetOpTensorDescriptor}, + {"cudnnGetOpTensorDescriptor", (void *)cudnnGetOpTensorDescriptor}, + {"cudnnDestroyOpTensorDescriptor", (void *)cudnnDestroyOpTensorDescriptor}, + {"cudnnCreateReduceTensorDescriptor", (void *)cudnnCreateReduceTensorDescriptor}, + {"cudnnSetReduceTensorDescriptor", (void *)cudnnSetReduceTensorDescriptor}, + {"cudnnGetReduceTensorDescriptor", (void *)cudnnGetReduceTensorDescriptor}, + {"cudnnDestroyReduceTensorDescriptor", (void *)cudnnDestroyReduceTensorDescriptor}, + {"cudnnGetReductionIndicesSize", (void *)cudnnGetReductionIndicesSize}, + {"cudnnGetReductionWorkspaceSize", (void *)cudnnGetReductionWorkspaceSize}, + {"cudnnCreateFilterDescriptor", (void *)cudnnCreateFilterDescriptor}, + {"cudnnSetFilter4dDescriptor", (void *)cudnnSetFilter4dDescriptor}, + {"cudnnGetFilter4dDescriptor", (void *)cudnnGetFilter4dDescriptor}, + {"cudnnGetFilterSizeInBytes", (void *)cudnnGetFilterSizeInBytes}, + {"cudnnDestroyFilterDescriptor", (void *)cudnnDestroyFilterDescriptor}, + {"cudnnCreatePoolingDescriptor", (void *)cudnnCreatePoolingDescriptor}, + {"cudnnSetPooling2dDescriptor", (void *)cudnnSetPooling2dDescriptor}, + {"cudnnGetPooling2dDescriptor", (void *)cudnnGetPooling2dDescriptor}, + {"cudnnGetPooling2dForwardOutputDim", (void *)cudnnGetPooling2dForwardOutputDim}, + {"cudnnDestroyPoolingDescriptor", (void *)cudnnDestroyPoolingDescriptor}, {"cudnnCreateActivationDescriptor", (void *)cudnnCreateActivationDescriptor}, {"cudnnSetActivationDescriptor", (void *)cudnnSetActivationDescriptor}, + {"cudnnGetActivationDescriptor", (void *)cudnnGetActivationDescriptor}, + {"cudnnSetActivationDescriptorSwishBeta", (void *)cudnnSetActivationDescriptorSwishBeta}, + {"cudnnGetActivationDescriptorSwishBeta", (void *)cudnnGetActivationDescriptorSwishBeta}, + {"cudnnDestroyActivationDescriptor", (void *)cudnnDestroyActivationDescriptor}, {"cudnnActivationForward", (void *)cudnnActivationForward}, + {"cudnnCreateLRNDescriptor", (void *)cudnnCreateLRNDescriptor}, + {"cudnnSetLRNDescriptor", (void *)cudnnSetLRNDescriptor}, + {"cudnnGetLRNDescriptor", (void *)cudnnGetLRNDescriptor}, + {"cudnnDestroyLRNDescriptor", (void *)cudnnDestroyLRNDescriptor}, + {"cudnnDeriveBNTensorDescriptor", (void *)cudnnDeriveBNTensorDescriptor}, + {"cudnnDeriveNormTensorDescriptor", (void *)cudnnDeriveNormTensorDescriptor}, + {"cudnnCreateSpatialTransformerDescriptor", (void *)cudnnCreateSpatialTransformerDescriptor}, + {"cudnnDestroySpatialTransformerDescriptor", (void *)cudnnDestroySpatialTransformerDescriptor}, + {"cudnnCreateDropoutDescriptor", (void *)cudnnCreateDropoutDescriptor}, + {"cudnnDestroyDropoutDescriptor", (void *)cudnnDestroyDropoutDescriptor}, + {"cudnnDropoutGetStatesSize", (void *)cudnnDropoutGetStatesSize}, + {"cudnnDropoutGetReserveSpaceSize", (void *)cudnnDropoutGetReserveSpaceSize}, + {"cudnnGetDropoutDescriptor", (void *)cudnnGetDropoutDescriptor}, + {"cudnnOpsVersionCheck", (void *)cudnnOpsVersionCheck}, + {"cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize", (void *)cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize}, + {"cudnnGetBatchNormalizationBackwardExWorkspaceSize", (void *)cudnnGetBatchNormalizationBackwardExWorkspaceSize}, + {"cudnnGetBatchNormalizationTrainingExReserveSpaceSize", (void *)cudnnGetBatchNormalizationTrainingExReserveSpaceSize}, + {"cudnnGetNormalizationForwardTrainingWorkspaceSize", (void *)cudnnGetNormalizationForwardTrainingWorkspaceSize}, + {"cudnnGetNormalizationBackwardWorkspaceSize", (void *)cudnnGetNormalizationBackwardWorkspaceSize}, + {"cudnnGetNormalizationTrainingReserveSpaceSize", (void *)cudnnGetNormalizationTrainingReserveSpaceSize}, {"cuMemcpy_ptds", (void *)cuMemcpy}, {"cuMemcpyAsync_ptsz", (void *)cuMemcpyAsync}, {"cuMemcpyPeer_ptds", (void *)cuMemcpyPeer}, diff --git a/codegen/gen_server.cpp b/codegen/gen_server.cpp index d33f53a..eead9b9 100644 --- a/codegen/gen_server.cpp +++ b/codegen/gen_server.cpp @@ -24,7 +24,7 @@ extern int rpc_end_response(const void *conn, void *return_value); int handle_nvmlInit_v2(void *conn) { int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -32,10 +32,10 @@ int handle_nvmlInit_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlInit_v2(); + scuda_intercept_result = nvmlInit_v2(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -47,7 +47,7 @@ int handle_nvmlInitWithFlags(void *conn) { unsigned int flags; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || false) @@ -56,10 +56,10 @@ int handle_nvmlInitWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlInitWithFlags(flags); + scuda_intercept_result = nvmlInitWithFlags(flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -70,7 +70,7 @@ int handle_nvmlInitWithFlags(void *conn) int handle_nvmlShutdown(void *conn) { int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -78,10 +78,10 @@ int handle_nvmlShutdown(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlShutdown(); + scuda_intercept_result = nvmlShutdown(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -94,7 +94,7 @@ int handle_nvmlSystemGetDriverVersion(void *conn) unsigned int length; char* version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &length, sizeof(unsigned int)) < 0 || false) @@ -103,11 +103,11 @@ int handle_nvmlSystemGetDriverVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetDriverVersion(version, length); + scuda_intercept_result = nvmlSystemGetDriverVersion(version, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, version, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -120,7 +120,7 @@ int handle_nvmlSystemGetNVMLVersion(void *conn) unsigned int length; char* version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &length, sizeof(unsigned int)) < 0 || false) @@ -129,11 +129,11 @@ int handle_nvmlSystemGetNVMLVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetNVMLVersion(version, length); + scuda_intercept_result = nvmlSystemGetNVMLVersion(version, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, version, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -145,7 +145,7 @@ int handle_nvmlSystemGetCudaDriverVersion(void *conn) { int cudaDriverVersion; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -153,11 +153,11 @@ int handle_nvmlSystemGetCudaDriverVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetCudaDriverVersion(&cudaDriverVersion); + scuda_intercept_result = nvmlSystemGetCudaDriverVersion(&cudaDriverVersion); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &cudaDriverVersion, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -169,7 +169,7 @@ int handle_nvmlSystemGetCudaDriverVersion_v2(void *conn) { int cudaDriverVersion; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -177,11 +177,11 @@ int handle_nvmlSystemGetCudaDriverVersion_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetCudaDriverVersion_v2(&cudaDriverVersion); + scuda_intercept_result = nvmlSystemGetCudaDriverVersion_v2(&cudaDriverVersion); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &cudaDriverVersion, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -195,7 +195,7 @@ int handle_nvmlSystemGetProcessName(void *conn) unsigned int length; char* name; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &pid, sizeof(unsigned int)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -205,11 +205,11 @@ int handle_nvmlSystemGetProcessName(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetProcessName(pid, name, length); + scuda_intercept_result = nvmlSystemGetProcessName(pid, name, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, name, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -221,7 +221,7 @@ int handle_nvmlUnitGetCount(void *conn) { unsigned int unitCount; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -229,11 +229,11 @@ int handle_nvmlUnitGetCount(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetCount(&unitCount); + scuda_intercept_result = nvmlUnitGetCount(&unitCount); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &unitCount, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -246,7 +246,7 @@ int handle_nvmlUnitGetHandleByIndex(void *conn) unsigned int index; nvmlUnit_t unit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &index, sizeof(unsigned int)) < 0 || false) @@ -255,11 +255,11 @@ int handle_nvmlUnitGetHandleByIndex(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetHandleByIndex(index, &unit); + scuda_intercept_result = nvmlUnitGetHandleByIndex(index, &unit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &unit, sizeof(nvmlUnit_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -272,7 +272,7 @@ int handle_nvmlUnitGetUnitInfo(void *conn) nvmlUnit_t unit; nvmlUnitInfo_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || false) @@ -281,11 +281,11 @@ int handle_nvmlUnitGetUnitInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetUnitInfo(unit, &info); + scuda_intercept_result = nvmlUnitGetUnitInfo(unit, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlUnitInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -298,7 +298,7 @@ int handle_nvmlUnitGetLedState(void *conn) nvmlUnit_t unit; nvmlLedState_t state; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || false) @@ -307,11 +307,11 @@ int handle_nvmlUnitGetLedState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetLedState(unit, &state); + scuda_intercept_result = nvmlUnitGetLedState(unit, &state); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &state, sizeof(nvmlLedState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -324,7 +324,7 @@ int handle_nvmlUnitGetPsuInfo(void *conn) nvmlUnit_t unit; nvmlPSUInfo_t psu; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || false) @@ -333,11 +333,11 @@ int handle_nvmlUnitGetPsuInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetPsuInfo(unit, &psu); + scuda_intercept_result = nvmlUnitGetPsuInfo(unit, &psu); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &psu, sizeof(nvmlPSUInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -351,7 +351,7 @@ int handle_nvmlUnitGetTemperature(void *conn) unsigned int type; unsigned int temp; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || rpc_read(conn, &type, sizeof(unsigned int)) < 0 || @@ -361,11 +361,11 @@ int handle_nvmlUnitGetTemperature(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetTemperature(unit, type, &temp); + scuda_intercept_result = nvmlUnitGetTemperature(unit, type, &temp); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &temp, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -378,7 +378,7 @@ int handle_nvmlUnitGetFanSpeedInfo(void *conn) nvmlUnit_t unit; nvmlUnitFanSpeeds_t fanSpeeds; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || false) @@ -387,11 +387,11 @@ int handle_nvmlUnitGetFanSpeedInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetFanSpeedInfo(unit, &fanSpeeds); + scuda_intercept_result = nvmlUnitGetFanSpeedInfo(unit, &fanSpeeds); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &fanSpeeds, sizeof(nvmlUnitFanSpeeds_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -405,7 +405,7 @@ int handle_nvmlUnitGetDevices(void *conn) unsigned int deviceCount; nvmlDevice_t* devices; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || rpc_read(conn, &deviceCount, sizeof(unsigned int)) < 0 || @@ -415,12 +415,12 @@ int handle_nvmlUnitGetDevices(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitGetDevices(unit, &deviceCount, devices); + scuda_intercept_result = nvmlUnitGetDevices(unit, &deviceCount, devices); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &deviceCount, sizeof(unsigned int)) < 0 || rpc_write(conn, devices, deviceCount * sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -433,7 +433,7 @@ int handle_nvmlSystemGetHicVersion(void *conn) unsigned int hwbcCount; nvmlHwbcEntry_t* hwbcEntries; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &hwbcCount, sizeof(unsigned int)) < 0 || false) @@ -442,12 +442,12 @@ int handle_nvmlSystemGetHicVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetHicVersion(&hwbcCount, hwbcEntries); + scuda_intercept_result = nvmlSystemGetHicVersion(&hwbcCount, hwbcEntries); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &hwbcCount, sizeof(unsigned int)) < 0 || rpc_write(conn, hwbcEntries, hwbcCount * sizeof(nvmlHwbcEntry_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -459,7 +459,7 @@ int handle_nvmlDeviceGetCount_v2(void *conn) { unsigned int deviceCount; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -467,11 +467,11 @@ int handle_nvmlDeviceGetCount_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCount_v2(&deviceCount); + scuda_intercept_result = nvmlDeviceGetCount_v2(&deviceCount); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &deviceCount, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -484,7 +484,7 @@ int handle_nvmlDeviceGetAttributes_v2(void *conn) nvmlDevice_t device; nvmlDeviceAttributes_t attributes; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -493,11 +493,11 @@ int handle_nvmlDeviceGetAttributes_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAttributes_v2(device, &attributes); + scuda_intercept_result = nvmlDeviceGetAttributes_v2(device, &attributes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &attributes, sizeof(nvmlDeviceAttributes_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -510,7 +510,7 @@ int handle_nvmlDeviceGetHandleByIndex_v2(void *conn) unsigned int index; nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &index, sizeof(unsigned int)) < 0 || false) @@ -519,11 +519,11 @@ int handle_nvmlDeviceGetHandleByIndex_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetHandleByIndex_v2(index, &device); + scuda_intercept_result = nvmlDeviceGetHandleByIndex_v2(index, &device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -537,7 +537,7 @@ int handle_nvmlDeviceGetHandleBySerial(void *conn) std::size_t serial_len; nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &serial_len, sizeof(std::size_t)) < 0) goto ERROR_0; @@ -549,11 +549,11 @@ int handle_nvmlDeviceGetHandleBySerial(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = nvmlDeviceGetHandleBySerial(serial, &device); + scuda_intercept_result = nvmlDeviceGetHandleBySerial(serial, &device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -569,7 +569,7 @@ int handle_nvmlDeviceGetHandleByUUID(void *conn) std::size_t uuid_len; nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &uuid_len, sizeof(std::size_t)) < 0) goto ERROR_0; @@ -581,11 +581,11 @@ int handle_nvmlDeviceGetHandleByUUID(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = nvmlDeviceGetHandleByUUID(uuid, &device); + scuda_intercept_result = nvmlDeviceGetHandleByUUID(uuid, &device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -601,7 +601,7 @@ int handle_nvmlDeviceGetHandleByPciBusId_v2(void *conn) std::size_t pciBusId_len; nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &pciBusId_len, sizeof(std::size_t)) < 0) goto ERROR_0; @@ -613,11 +613,11 @@ int handle_nvmlDeviceGetHandleByPciBusId_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = nvmlDeviceGetHandleByPciBusId_v2(pciBusId, &device); + scuda_intercept_result = nvmlDeviceGetHandleByPciBusId_v2(pciBusId, &device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -633,7 +633,7 @@ int handle_nvmlDeviceGetName(void *conn) unsigned int length; char* name; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -643,11 +643,11 @@ int handle_nvmlDeviceGetName(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetName(device, name, length); + scuda_intercept_result = nvmlDeviceGetName(device, name, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, name, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -660,7 +660,7 @@ int handle_nvmlDeviceGetBrand(void *conn) nvmlDevice_t device; nvmlBrandType_t type; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -669,11 +669,11 @@ int handle_nvmlDeviceGetBrand(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetBrand(device, &type); + scuda_intercept_result = nvmlDeviceGetBrand(device, &type); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &type, sizeof(nvmlBrandType_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -686,7 +686,7 @@ int handle_nvmlDeviceGetIndex(void *conn) nvmlDevice_t device; unsigned int index; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -695,11 +695,11 @@ int handle_nvmlDeviceGetIndex(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetIndex(device, &index); + scuda_intercept_result = nvmlDeviceGetIndex(device, &index); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &index, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -713,7 +713,7 @@ int handle_nvmlDeviceGetSerial(void *conn) unsigned int length; char* serial; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -723,11 +723,11 @@ int handle_nvmlDeviceGetSerial(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSerial(device, serial, length); + scuda_intercept_result = nvmlDeviceGetSerial(device, serial, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, serial, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -742,7 +742,7 @@ int handle_nvmlDeviceGetMemoryAffinity(void *conn) unsigned long* nodeSet; nvmlAffinityScope_t scope; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &nodeSetSize, sizeof(unsigned int)) < 0 || @@ -753,11 +753,11 @@ int handle_nvmlDeviceGetMemoryAffinity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemoryAffinity(device, nodeSetSize, nodeSet, scope); + scuda_intercept_result = nvmlDeviceGetMemoryAffinity(device, nodeSetSize, nodeSet, scope); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, nodeSet, nodeSetSize * sizeof(unsigned long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -772,7 +772,7 @@ int handle_nvmlDeviceGetCpuAffinityWithinScope(void *conn) unsigned long* cpuSet; nvmlAffinityScope_t scope; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &cpuSetSize, sizeof(unsigned int)) < 0 || @@ -783,11 +783,11 @@ int handle_nvmlDeviceGetCpuAffinityWithinScope(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCpuAffinityWithinScope(device, cpuSetSize, cpuSet, scope); + scuda_intercept_result = nvmlDeviceGetCpuAffinityWithinScope(device, cpuSetSize, cpuSet, scope); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, cpuSet, cpuSetSize * sizeof(unsigned long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -801,7 +801,7 @@ int handle_nvmlDeviceGetCpuAffinity(void *conn) unsigned int cpuSetSize; unsigned long* cpuSet; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &cpuSetSize, sizeof(unsigned int)) < 0 || @@ -811,11 +811,11 @@ int handle_nvmlDeviceGetCpuAffinity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCpuAffinity(device, cpuSetSize, cpuSet); + scuda_intercept_result = nvmlDeviceGetCpuAffinity(device, cpuSetSize, cpuSet); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, cpuSet, cpuSetSize * sizeof(unsigned long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -827,7 +827,7 @@ int handle_nvmlDeviceSetCpuAffinity(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -836,10 +836,10 @@ int handle_nvmlDeviceSetCpuAffinity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetCpuAffinity(device); + scuda_intercept_result = nvmlDeviceSetCpuAffinity(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -851,7 +851,7 @@ int handle_nvmlDeviceClearCpuAffinity(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -860,10 +860,10 @@ int handle_nvmlDeviceClearCpuAffinity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceClearCpuAffinity(device); + scuda_intercept_result = nvmlDeviceClearCpuAffinity(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -877,7 +877,7 @@ int handle_nvmlDeviceGetTopologyCommonAncestor(void *conn) nvmlDevice_t device2; nvmlGpuTopologyLevel_t pathInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device1, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &device2, sizeof(nvmlDevice_t)) < 0 || @@ -887,11 +887,11 @@ int handle_nvmlDeviceGetTopologyCommonAncestor(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTopologyCommonAncestor(device1, device2, &pathInfo); + scuda_intercept_result = nvmlDeviceGetTopologyCommonAncestor(device1, device2, &pathInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pathInfo, sizeof(nvmlGpuTopologyLevel_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -906,7 +906,7 @@ int handle_nvmlDeviceGetTopologyNearestGpus(void *conn) unsigned int count; nvmlDevice_t* deviceArray; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &level, sizeof(nvmlGpuTopologyLevel_t)) < 0 || @@ -917,12 +917,12 @@ int handle_nvmlDeviceGetTopologyNearestGpus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTopologyNearestGpus(device, level, &count, deviceArray); + scuda_intercept_result = nvmlDeviceGetTopologyNearestGpus(device, level, &count, deviceArray); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, deviceArray, count * sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -936,7 +936,7 @@ int handle_nvmlSystemGetTopologyGpuSet(void *conn) unsigned int count; nvmlDevice_t* deviceArray; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &cpuNumber, sizeof(unsigned int)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -946,12 +946,12 @@ int handle_nvmlSystemGetTopologyGpuSet(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSystemGetTopologyGpuSet(cpuNumber, &count, deviceArray); + scuda_intercept_result = nvmlSystemGetTopologyGpuSet(cpuNumber, &count, deviceArray); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, deviceArray, count * sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -966,7 +966,7 @@ int handle_nvmlDeviceGetP2PStatus(void *conn) nvmlGpuP2PCapsIndex_t p2pIndex; nvmlGpuP2PStatus_t p2pStatus; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device1, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &device2, sizeof(nvmlDevice_t)) < 0 || @@ -977,11 +977,11 @@ int handle_nvmlDeviceGetP2PStatus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetP2PStatus(device1, device2, p2pIndex, &p2pStatus); + scuda_intercept_result = nvmlDeviceGetP2PStatus(device1, device2, p2pIndex, &p2pStatus); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &p2pStatus, sizeof(nvmlGpuP2PStatus_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -995,7 +995,7 @@ int handle_nvmlDeviceGetUUID(void *conn) unsigned int length; char* uuid; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -1005,11 +1005,11 @@ int handle_nvmlDeviceGetUUID(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetUUID(device, uuid, length); + scuda_intercept_result = nvmlDeviceGetUUID(device, uuid, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, uuid, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1023,7 +1023,7 @@ int handle_nvmlVgpuInstanceGetMdevUUID(void *conn) unsigned int size; char* mdevUuid; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &size, sizeof(unsigned int)) < 0 || @@ -1033,11 +1033,11 @@ int handle_nvmlVgpuInstanceGetMdevUUID(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetMdevUUID(vgpuInstance, mdevUuid, size); + scuda_intercept_result = nvmlVgpuInstanceGetMdevUUID(vgpuInstance, mdevUuid, size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, mdevUuid, size * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1050,7 +1050,7 @@ int handle_nvmlDeviceGetMinorNumber(void *conn) nvmlDevice_t device; unsigned int minorNumber; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1059,11 +1059,11 @@ int handle_nvmlDeviceGetMinorNumber(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMinorNumber(device, &minorNumber); + scuda_intercept_result = nvmlDeviceGetMinorNumber(device, &minorNumber); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &minorNumber, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1077,7 +1077,7 @@ int handle_nvmlDeviceGetBoardPartNumber(void *conn) unsigned int length; char* partNumber; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -1087,11 +1087,11 @@ int handle_nvmlDeviceGetBoardPartNumber(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetBoardPartNumber(device, partNumber, length); + scuda_intercept_result = nvmlDeviceGetBoardPartNumber(device, partNumber, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, partNumber, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1106,7 +1106,7 @@ int handle_nvmlDeviceGetInforomVersion(void *conn) unsigned int length; char* version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &object, sizeof(nvmlInforomObject_t)) < 0 || @@ -1117,11 +1117,11 @@ int handle_nvmlDeviceGetInforomVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetInforomVersion(device, object, version, length); + scuda_intercept_result = nvmlDeviceGetInforomVersion(device, object, version, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, version, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1135,7 +1135,7 @@ int handle_nvmlDeviceGetInforomImageVersion(void *conn) unsigned int length; char* version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -1145,11 +1145,11 @@ int handle_nvmlDeviceGetInforomImageVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetInforomImageVersion(device, version, length); + scuda_intercept_result = nvmlDeviceGetInforomImageVersion(device, version, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, version, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1162,7 +1162,7 @@ int handle_nvmlDeviceGetInforomConfigurationChecksum(void *conn) nvmlDevice_t device; unsigned int checksum; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1171,11 +1171,11 @@ int handle_nvmlDeviceGetInforomConfigurationChecksum(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetInforomConfigurationChecksum(device, &checksum); + scuda_intercept_result = nvmlDeviceGetInforomConfigurationChecksum(device, &checksum); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &checksum, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1187,7 +1187,7 @@ int handle_nvmlDeviceValidateInforom(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1196,10 +1196,10 @@ int handle_nvmlDeviceValidateInforom(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceValidateInforom(device); + scuda_intercept_result = nvmlDeviceValidateInforom(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1212,7 +1212,7 @@ int handle_nvmlDeviceGetDisplayMode(void *conn) nvmlDevice_t device; nvmlEnableState_t display; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1221,11 +1221,11 @@ int handle_nvmlDeviceGetDisplayMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDisplayMode(device, &display); + scuda_intercept_result = nvmlDeviceGetDisplayMode(device, &display); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &display, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1238,7 +1238,7 @@ int handle_nvmlDeviceGetDisplayActive(void *conn) nvmlDevice_t device; nvmlEnableState_t isActive; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1247,11 +1247,11 @@ int handle_nvmlDeviceGetDisplayActive(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDisplayActive(device, &isActive); + scuda_intercept_result = nvmlDeviceGetDisplayActive(device, &isActive); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isActive, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1264,7 +1264,7 @@ int handle_nvmlDeviceGetPersistenceMode(void *conn) nvmlDevice_t device; nvmlEnableState_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1273,11 +1273,11 @@ int handle_nvmlDeviceGetPersistenceMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPersistenceMode(device, &mode); + scuda_intercept_result = nvmlDeviceGetPersistenceMode(device, &mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1290,7 +1290,7 @@ int handle_nvmlDeviceGetPciInfo_v3(void *conn) nvmlDevice_t device; nvmlPciInfo_t pci; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1299,11 +1299,11 @@ int handle_nvmlDeviceGetPciInfo_v3(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPciInfo_v3(device, &pci); + scuda_intercept_result = nvmlDeviceGetPciInfo_v3(device, &pci); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pci, sizeof(nvmlPciInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1316,7 +1316,7 @@ int handle_nvmlDeviceGetMaxPcieLinkGeneration(void *conn) nvmlDevice_t device; unsigned int maxLinkGen; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1325,11 +1325,11 @@ int handle_nvmlDeviceGetMaxPcieLinkGeneration(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMaxPcieLinkGeneration(device, &maxLinkGen); + scuda_intercept_result = nvmlDeviceGetMaxPcieLinkGeneration(device, &maxLinkGen); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &maxLinkGen, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1342,7 +1342,7 @@ int handle_nvmlDeviceGetGpuMaxPcieLinkGeneration(void *conn) nvmlDevice_t device; unsigned int maxLinkGenDevice; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1351,11 +1351,11 @@ int handle_nvmlDeviceGetGpuMaxPcieLinkGeneration(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuMaxPcieLinkGeneration(device, &maxLinkGenDevice); + scuda_intercept_result = nvmlDeviceGetGpuMaxPcieLinkGeneration(device, &maxLinkGenDevice); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &maxLinkGenDevice, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1368,7 +1368,7 @@ int handle_nvmlDeviceGetMaxPcieLinkWidth(void *conn) nvmlDevice_t device; unsigned int maxLinkWidth; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1377,11 +1377,11 @@ int handle_nvmlDeviceGetMaxPcieLinkWidth(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMaxPcieLinkWidth(device, &maxLinkWidth); + scuda_intercept_result = nvmlDeviceGetMaxPcieLinkWidth(device, &maxLinkWidth); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &maxLinkWidth, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1394,7 +1394,7 @@ int handle_nvmlDeviceGetCurrPcieLinkGeneration(void *conn) nvmlDevice_t device; unsigned int currLinkGen; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1403,11 +1403,11 @@ int handle_nvmlDeviceGetCurrPcieLinkGeneration(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCurrPcieLinkGeneration(device, &currLinkGen); + scuda_intercept_result = nvmlDeviceGetCurrPcieLinkGeneration(device, &currLinkGen); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &currLinkGen, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1420,7 +1420,7 @@ int handle_nvmlDeviceGetCurrPcieLinkWidth(void *conn) nvmlDevice_t device; unsigned int currLinkWidth; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1429,11 +1429,11 @@ int handle_nvmlDeviceGetCurrPcieLinkWidth(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCurrPcieLinkWidth(device, &currLinkWidth); + scuda_intercept_result = nvmlDeviceGetCurrPcieLinkWidth(device, &currLinkWidth); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &currLinkWidth, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1447,7 +1447,7 @@ int handle_nvmlDeviceGetPcieThroughput(void *conn) nvmlPcieUtilCounter_t counter; unsigned int value; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &counter, sizeof(nvmlPcieUtilCounter_t)) < 0 || @@ -1457,11 +1457,11 @@ int handle_nvmlDeviceGetPcieThroughput(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPcieThroughput(device, counter, &value); + scuda_intercept_result = nvmlDeviceGetPcieThroughput(device, counter, &value); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1474,7 +1474,7 @@ int handle_nvmlDeviceGetPcieReplayCounter(void *conn) nvmlDevice_t device; unsigned int value; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1483,11 +1483,11 @@ int handle_nvmlDeviceGetPcieReplayCounter(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPcieReplayCounter(device, &value); + scuda_intercept_result = nvmlDeviceGetPcieReplayCounter(device, &value); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1501,7 +1501,7 @@ int handle_nvmlDeviceGetClockInfo(void *conn) nvmlClockType_t type; unsigned int clock; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &type, sizeof(nvmlClockType_t)) < 0 || @@ -1511,11 +1511,11 @@ int handle_nvmlDeviceGetClockInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetClockInfo(device, type, &clock); + scuda_intercept_result = nvmlDeviceGetClockInfo(device, type, &clock); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clock, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1529,7 +1529,7 @@ int handle_nvmlDeviceGetMaxClockInfo(void *conn) nvmlClockType_t type; unsigned int clock; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &type, sizeof(nvmlClockType_t)) < 0 || @@ -1539,11 +1539,11 @@ int handle_nvmlDeviceGetMaxClockInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMaxClockInfo(device, type, &clock); + scuda_intercept_result = nvmlDeviceGetMaxClockInfo(device, type, &clock); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clock, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1557,7 +1557,7 @@ int handle_nvmlDeviceGetApplicationsClock(void *conn) nvmlClockType_t clockType; unsigned int clockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &clockType, sizeof(nvmlClockType_t)) < 0 || @@ -1567,11 +1567,11 @@ int handle_nvmlDeviceGetApplicationsClock(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetApplicationsClock(device, clockType, &clockMHz); + scuda_intercept_result = nvmlDeviceGetApplicationsClock(device, clockType, &clockMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clockMHz, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1585,7 +1585,7 @@ int handle_nvmlDeviceGetDefaultApplicationsClock(void *conn) nvmlClockType_t clockType; unsigned int clockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &clockType, sizeof(nvmlClockType_t)) < 0 || @@ -1595,11 +1595,11 @@ int handle_nvmlDeviceGetDefaultApplicationsClock(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDefaultApplicationsClock(device, clockType, &clockMHz); + scuda_intercept_result = nvmlDeviceGetDefaultApplicationsClock(device, clockType, &clockMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clockMHz, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1611,7 +1611,7 @@ int handle_nvmlDeviceResetApplicationsClocks(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1620,10 +1620,10 @@ int handle_nvmlDeviceResetApplicationsClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceResetApplicationsClocks(device); + scuda_intercept_result = nvmlDeviceResetApplicationsClocks(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1638,7 +1638,7 @@ int handle_nvmlDeviceGetClock(void *conn) nvmlClockId_t clockId; unsigned int clockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &clockType, sizeof(nvmlClockType_t)) < 0 || @@ -1649,11 +1649,11 @@ int handle_nvmlDeviceGetClock(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetClock(device, clockType, clockId, &clockMHz); + scuda_intercept_result = nvmlDeviceGetClock(device, clockType, clockId, &clockMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clockMHz, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1667,7 +1667,7 @@ int handle_nvmlDeviceGetMaxCustomerBoostClock(void *conn) nvmlClockType_t clockType; unsigned int clockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &clockType, sizeof(nvmlClockType_t)) < 0 || @@ -1677,11 +1677,11 @@ int handle_nvmlDeviceGetMaxCustomerBoostClock(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMaxCustomerBoostClock(device, clockType, &clockMHz); + scuda_intercept_result = nvmlDeviceGetMaxCustomerBoostClock(device, clockType, &clockMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clockMHz, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1695,7 +1695,7 @@ int handle_nvmlDeviceGetSupportedMemoryClocks(void *conn) unsigned int count; unsigned int* clocksMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -1705,12 +1705,12 @@ int handle_nvmlDeviceGetSupportedMemoryClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSupportedMemoryClocks(device, &count, clocksMHz); + scuda_intercept_result = nvmlDeviceGetSupportedMemoryClocks(device, &count, clocksMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, clocksMHz, count * sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1725,7 +1725,7 @@ int handle_nvmlDeviceGetSupportedGraphicsClocks(void *conn) unsigned int count; unsigned int* clocksMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &memoryClockMHz, sizeof(unsigned int)) < 0 || @@ -1736,12 +1736,12 @@ int handle_nvmlDeviceGetSupportedGraphicsClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSupportedGraphicsClocks(device, memoryClockMHz, &count, clocksMHz); + scuda_intercept_result = nvmlDeviceGetSupportedGraphicsClocks(device, memoryClockMHz, &count, clocksMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, clocksMHz, count * sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1755,7 +1755,7 @@ int handle_nvmlDeviceGetAutoBoostedClocksEnabled(void *conn) nvmlEnableState_t isEnabled; nvmlEnableState_t defaultIsEnabled; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1764,12 +1764,12 @@ int handle_nvmlDeviceGetAutoBoostedClocksEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAutoBoostedClocksEnabled(device, &isEnabled, &defaultIsEnabled); + scuda_intercept_result = nvmlDeviceGetAutoBoostedClocksEnabled(device, &isEnabled, &defaultIsEnabled); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isEnabled, sizeof(nvmlEnableState_t)) < 0 || rpc_write(conn, &defaultIsEnabled, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1782,7 +1782,7 @@ int handle_nvmlDeviceSetAutoBoostedClocksEnabled(void *conn) nvmlDevice_t device; nvmlEnableState_t enabled; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &enabled, sizeof(nvmlEnableState_t)) < 0 || @@ -1792,10 +1792,10 @@ int handle_nvmlDeviceSetAutoBoostedClocksEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetAutoBoostedClocksEnabled(device, enabled); + scuda_intercept_result = nvmlDeviceSetAutoBoostedClocksEnabled(device, enabled); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1809,7 +1809,7 @@ int handle_nvmlDeviceSetDefaultAutoBoostedClocksEnabled(void *conn) nvmlEnableState_t enabled; unsigned int flags; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &enabled, sizeof(nvmlEnableState_t)) < 0 || @@ -1820,10 +1820,10 @@ int handle_nvmlDeviceSetDefaultAutoBoostedClocksEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetDefaultAutoBoostedClocksEnabled(device, enabled, flags); + scuda_intercept_result = nvmlDeviceSetDefaultAutoBoostedClocksEnabled(device, enabled, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1836,7 +1836,7 @@ int handle_nvmlDeviceGetFanSpeed(void *conn) nvmlDevice_t device; unsigned int speed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1845,11 +1845,11 @@ int handle_nvmlDeviceGetFanSpeed(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetFanSpeed(device, &speed); + scuda_intercept_result = nvmlDeviceGetFanSpeed(device, &speed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &speed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1863,7 +1863,7 @@ int handle_nvmlDeviceGetFanSpeed_v2(void *conn) unsigned int fan; unsigned int speed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &fan, sizeof(unsigned int)) < 0 || @@ -1873,11 +1873,11 @@ int handle_nvmlDeviceGetFanSpeed_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetFanSpeed_v2(device, fan, &speed); + scuda_intercept_result = nvmlDeviceGetFanSpeed_v2(device, fan, &speed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &speed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1891,7 +1891,7 @@ int handle_nvmlDeviceGetTargetFanSpeed(void *conn) unsigned int fan; unsigned int targetSpeed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &fan, sizeof(unsigned int)) < 0 || @@ -1901,11 +1901,11 @@ int handle_nvmlDeviceGetTargetFanSpeed(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTargetFanSpeed(device, fan, &targetSpeed); + scuda_intercept_result = nvmlDeviceGetTargetFanSpeed(device, fan, &targetSpeed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &targetSpeed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1918,7 +1918,7 @@ int handle_nvmlDeviceSetDefaultFanSpeed_v2(void *conn) nvmlDevice_t device; unsigned int fan; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &fan, sizeof(unsigned int)) < 0 || @@ -1928,10 +1928,10 @@ int handle_nvmlDeviceSetDefaultFanSpeed_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetDefaultFanSpeed_v2(device, fan); + scuda_intercept_result = nvmlDeviceSetDefaultFanSpeed_v2(device, fan); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1945,7 +1945,7 @@ int handle_nvmlDeviceGetMinMaxFanSpeed(void *conn) unsigned int minSpeed; unsigned int maxSpeed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -1954,12 +1954,12 @@ int handle_nvmlDeviceGetMinMaxFanSpeed(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMinMaxFanSpeed(device, &minSpeed, &maxSpeed); + scuda_intercept_result = nvmlDeviceGetMinMaxFanSpeed(device, &minSpeed, &maxSpeed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &minSpeed, sizeof(unsigned int)) < 0 || rpc_write(conn, &maxSpeed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -1973,7 +1973,7 @@ int handle_nvmlDeviceGetFanControlPolicy_v2(void *conn) unsigned int fan; nvmlFanControlPolicy_t policy; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &fan, sizeof(unsigned int)) < 0 || @@ -1983,11 +1983,11 @@ int handle_nvmlDeviceGetFanControlPolicy_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetFanControlPolicy_v2(device, fan, &policy); + scuda_intercept_result = nvmlDeviceGetFanControlPolicy_v2(device, fan, &policy); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &policy, sizeof(nvmlFanControlPolicy_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2001,7 +2001,7 @@ int handle_nvmlDeviceSetFanControlPolicy(void *conn) unsigned int fan; nvmlFanControlPolicy_t policy; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &fan, sizeof(unsigned int)) < 0 || @@ -2012,10 +2012,10 @@ int handle_nvmlDeviceSetFanControlPolicy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetFanControlPolicy(device, fan, policy); + scuda_intercept_result = nvmlDeviceSetFanControlPolicy(device, fan, policy); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2028,7 +2028,7 @@ int handle_nvmlDeviceGetNumFans(void *conn) nvmlDevice_t device; unsigned int numFans; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2037,11 +2037,11 @@ int handle_nvmlDeviceGetNumFans(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNumFans(device, &numFans); + scuda_intercept_result = nvmlDeviceGetNumFans(device, &numFans); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numFans, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2055,7 +2055,7 @@ int handle_nvmlDeviceGetTemperature(void *conn) nvmlTemperatureSensors_t sensorType; unsigned int temp; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &sensorType, sizeof(nvmlTemperatureSensors_t)) < 0 || @@ -2065,11 +2065,11 @@ int handle_nvmlDeviceGetTemperature(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTemperature(device, sensorType, &temp); + scuda_intercept_result = nvmlDeviceGetTemperature(device, sensorType, &temp); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &temp, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2083,7 +2083,7 @@ int handle_nvmlDeviceGetTemperatureThreshold(void *conn) nvmlTemperatureThresholds_t thresholdType; unsigned int temp; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &thresholdType, sizeof(nvmlTemperatureThresholds_t)) < 0 || @@ -2093,11 +2093,11 @@ int handle_nvmlDeviceGetTemperatureThreshold(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTemperatureThreshold(device, thresholdType, &temp); + scuda_intercept_result = nvmlDeviceGetTemperatureThreshold(device, thresholdType, &temp); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &temp, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2111,7 +2111,7 @@ int handle_nvmlDeviceSetTemperatureThreshold(void *conn) nvmlTemperatureThresholds_t thresholdType; int temp; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &thresholdType, sizeof(nvmlTemperatureThresholds_t)) < 0 || @@ -2122,11 +2122,11 @@ int handle_nvmlDeviceSetTemperatureThreshold(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetTemperatureThreshold(device, thresholdType, &temp); + scuda_intercept_result = nvmlDeviceSetTemperatureThreshold(device, thresholdType, &temp); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &temp, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2140,7 +2140,7 @@ int handle_nvmlDeviceGetThermalSettings(void *conn) unsigned int sensorIndex; nvmlGpuThermalSettings_t pThermalSettings; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &sensorIndex, sizeof(unsigned int)) < 0 || @@ -2150,11 +2150,11 @@ int handle_nvmlDeviceGetThermalSettings(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetThermalSettings(device, sensorIndex, &pThermalSettings); + scuda_intercept_result = nvmlDeviceGetThermalSettings(device, sensorIndex, &pThermalSettings); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pThermalSettings, sizeof(nvmlGpuThermalSettings_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2167,7 +2167,7 @@ int handle_nvmlDeviceGetPerformanceState(void *conn) nvmlDevice_t device; nvmlPstates_t pState; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2176,11 +2176,11 @@ int handle_nvmlDeviceGetPerformanceState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPerformanceState(device, &pState); + scuda_intercept_result = nvmlDeviceGetPerformanceState(device, &pState); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pState, sizeof(nvmlPstates_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2193,7 +2193,7 @@ int handle_nvmlDeviceGetCurrentClocksThrottleReasons(void *conn) nvmlDevice_t device; unsigned long long clocksThrottleReasons; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2202,11 +2202,11 @@ int handle_nvmlDeviceGetCurrentClocksThrottleReasons(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCurrentClocksThrottleReasons(device, &clocksThrottleReasons); + scuda_intercept_result = nvmlDeviceGetCurrentClocksThrottleReasons(device, &clocksThrottleReasons); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clocksThrottleReasons, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2219,7 +2219,7 @@ int handle_nvmlDeviceGetSupportedClocksThrottleReasons(void *conn) nvmlDevice_t device; unsigned long long supportedClocksThrottleReasons; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2228,11 +2228,11 @@ int handle_nvmlDeviceGetSupportedClocksThrottleReasons(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSupportedClocksThrottleReasons(device, &supportedClocksThrottleReasons); + scuda_intercept_result = nvmlDeviceGetSupportedClocksThrottleReasons(device, &supportedClocksThrottleReasons); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &supportedClocksThrottleReasons, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2245,7 +2245,7 @@ int handle_nvmlDeviceGetPowerState(void *conn) nvmlDevice_t device; nvmlPstates_t pState; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2254,11 +2254,11 @@ int handle_nvmlDeviceGetPowerState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerState(device, &pState); + scuda_intercept_result = nvmlDeviceGetPowerState(device, &pState); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pState, sizeof(nvmlPstates_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2271,7 +2271,7 @@ int handle_nvmlDeviceGetPowerManagementMode(void *conn) nvmlDevice_t device; nvmlEnableState_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2280,11 +2280,11 @@ int handle_nvmlDeviceGetPowerManagementMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerManagementMode(device, &mode); + scuda_intercept_result = nvmlDeviceGetPowerManagementMode(device, &mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2297,7 +2297,7 @@ int handle_nvmlDeviceGetPowerManagementLimit(void *conn) nvmlDevice_t device; unsigned int limit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2306,11 +2306,11 @@ int handle_nvmlDeviceGetPowerManagementLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerManagementLimit(device, &limit); + scuda_intercept_result = nvmlDeviceGetPowerManagementLimit(device, &limit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &limit, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2324,7 +2324,7 @@ int handle_nvmlDeviceGetPowerManagementLimitConstraints(void *conn) unsigned int minLimit; unsigned int maxLimit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2333,12 +2333,12 @@ int handle_nvmlDeviceGetPowerManagementLimitConstraints(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerManagementLimitConstraints(device, &minLimit, &maxLimit); + scuda_intercept_result = nvmlDeviceGetPowerManagementLimitConstraints(device, &minLimit, &maxLimit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &minLimit, sizeof(unsigned int)) < 0 || rpc_write(conn, &maxLimit, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2351,7 +2351,7 @@ int handle_nvmlDeviceGetPowerManagementDefaultLimit(void *conn) nvmlDevice_t device; unsigned int defaultLimit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2360,11 +2360,11 @@ int handle_nvmlDeviceGetPowerManagementDefaultLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerManagementDefaultLimit(device, &defaultLimit); + scuda_intercept_result = nvmlDeviceGetPowerManagementDefaultLimit(device, &defaultLimit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &defaultLimit, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2377,7 +2377,7 @@ int handle_nvmlDeviceGetPowerUsage(void *conn) nvmlDevice_t device; unsigned int power; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2386,11 +2386,11 @@ int handle_nvmlDeviceGetPowerUsage(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerUsage(device, &power); + scuda_intercept_result = nvmlDeviceGetPowerUsage(device, &power); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &power, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2403,7 +2403,7 @@ int handle_nvmlDeviceGetTotalEnergyConsumption(void *conn) nvmlDevice_t device; unsigned long long energy; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2412,11 +2412,11 @@ int handle_nvmlDeviceGetTotalEnergyConsumption(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTotalEnergyConsumption(device, &energy); + scuda_intercept_result = nvmlDeviceGetTotalEnergyConsumption(device, &energy); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &energy, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2429,7 +2429,7 @@ int handle_nvmlDeviceGetEnforcedPowerLimit(void *conn) nvmlDevice_t device; unsigned int limit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2438,11 +2438,11 @@ int handle_nvmlDeviceGetEnforcedPowerLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetEnforcedPowerLimit(device, &limit); + scuda_intercept_result = nvmlDeviceGetEnforcedPowerLimit(device, &limit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &limit, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2456,7 +2456,7 @@ int handle_nvmlDeviceGetGpuOperationMode(void *conn) nvmlGpuOperationMode_t current; nvmlGpuOperationMode_t pending; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2465,12 +2465,12 @@ int handle_nvmlDeviceGetGpuOperationMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuOperationMode(device, ¤t, &pending); + scuda_intercept_result = nvmlDeviceGetGpuOperationMode(device, ¤t, &pending); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¤t, sizeof(nvmlGpuOperationMode_t)) < 0 || rpc_write(conn, &pending, sizeof(nvmlGpuOperationMode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2483,7 +2483,7 @@ int handle_nvmlDeviceGetMemoryInfo(void *conn) nvmlDevice_t device; nvmlMemory_t memory; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2492,11 +2492,11 @@ int handle_nvmlDeviceGetMemoryInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemoryInfo(device, &memory); + scuda_intercept_result = nvmlDeviceGetMemoryInfo(device, &memory); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memory, sizeof(nvmlMemory_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2509,7 +2509,7 @@ int handle_nvmlDeviceGetMemoryInfo_v2(void *conn) nvmlDevice_t device; nvmlMemory_v2_t memory; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2518,11 +2518,11 @@ int handle_nvmlDeviceGetMemoryInfo_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemoryInfo_v2(device, &memory); + scuda_intercept_result = nvmlDeviceGetMemoryInfo_v2(device, &memory); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memory, sizeof(nvmlMemory_v2_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2535,7 +2535,7 @@ int handle_nvmlDeviceGetComputeMode(void *conn) nvmlDevice_t device; nvmlComputeMode_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2544,11 +2544,11 @@ int handle_nvmlDeviceGetComputeMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetComputeMode(device, &mode); + scuda_intercept_result = nvmlDeviceGetComputeMode(device, &mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(nvmlComputeMode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2562,7 +2562,7 @@ int handle_nvmlDeviceGetCudaComputeCapability(void *conn) int major; int minor; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2571,12 +2571,12 @@ int handle_nvmlDeviceGetCudaComputeCapability(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCudaComputeCapability(device, &major, &minor); + scuda_intercept_result = nvmlDeviceGetCudaComputeCapability(device, &major, &minor); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &major, sizeof(int)) < 0 || rpc_write(conn, &minor, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2590,7 +2590,7 @@ int handle_nvmlDeviceGetEccMode(void *conn) nvmlEnableState_t current; nvmlEnableState_t pending; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2599,12 +2599,12 @@ int handle_nvmlDeviceGetEccMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetEccMode(device, ¤t, &pending); + scuda_intercept_result = nvmlDeviceGetEccMode(device, ¤t, &pending); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¤t, sizeof(nvmlEnableState_t)) < 0 || rpc_write(conn, &pending, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2617,7 +2617,7 @@ int handle_nvmlDeviceGetDefaultEccMode(void *conn) nvmlDevice_t device; nvmlEnableState_t defaultMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2626,11 +2626,11 @@ int handle_nvmlDeviceGetDefaultEccMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDefaultEccMode(device, &defaultMode); + scuda_intercept_result = nvmlDeviceGetDefaultEccMode(device, &defaultMode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &defaultMode, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2643,7 +2643,7 @@ int handle_nvmlDeviceGetBoardId(void *conn) nvmlDevice_t device; unsigned int boardId; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2652,11 +2652,11 @@ int handle_nvmlDeviceGetBoardId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetBoardId(device, &boardId); + scuda_intercept_result = nvmlDeviceGetBoardId(device, &boardId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &boardId, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2669,7 +2669,7 @@ int handle_nvmlDeviceGetMultiGpuBoard(void *conn) nvmlDevice_t device; unsigned int multiGpuBool; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2678,11 +2678,11 @@ int handle_nvmlDeviceGetMultiGpuBoard(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMultiGpuBoard(device, &multiGpuBool); + scuda_intercept_result = nvmlDeviceGetMultiGpuBoard(device, &multiGpuBool); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &multiGpuBool, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2697,7 +2697,7 @@ int handle_nvmlDeviceGetTotalEccErrors(void *conn) nvmlEccCounterType_t counterType; unsigned long long eccCounts; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &errorType, sizeof(nvmlMemoryErrorType_t)) < 0 || @@ -2708,11 +2708,11 @@ int handle_nvmlDeviceGetTotalEccErrors(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetTotalEccErrors(device, errorType, counterType, &eccCounts); + scuda_intercept_result = nvmlDeviceGetTotalEccErrors(device, errorType, counterType, &eccCounts); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &eccCounts, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2727,7 +2727,7 @@ int handle_nvmlDeviceGetDetailedEccErrors(void *conn) nvmlEccCounterType_t counterType; nvmlEccErrorCounts_t eccCounts; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &errorType, sizeof(nvmlMemoryErrorType_t)) < 0 || @@ -2738,11 +2738,11 @@ int handle_nvmlDeviceGetDetailedEccErrors(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDetailedEccErrors(device, errorType, counterType, &eccCounts); + scuda_intercept_result = nvmlDeviceGetDetailedEccErrors(device, errorType, counterType, &eccCounts); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &eccCounts, sizeof(nvmlEccErrorCounts_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2758,7 +2758,7 @@ int handle_nvmlDeviceGetMemoryErrorCounter(void *conn) nvmlMemoryLocation_t locationType; unsigned long long count; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &errorType, sizeof(nvmlMemoryErrorType_t)) < 0 || @@ -2770,11 +2770,11 @@ int handle_nvmlDeviceGetMemoryErrorCounter(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemoryErrorCounter(device, errorType, counterType, locationType, &count); + scuda_intercept_result = nvmlDeviceGetMemoryErrorCounter(device, errorType, counterType, locationType, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2787,7 +2787,7 @@ int handle_nvmlDeviceGetUtilizationRates(void *conn) nvmlDevice_t device; nvmlUtilization_t utilization; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2796,11 +2796,11 @@ int handle_nvmlDeviceGetUtilizationRates(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetUtilizationRates(device, &utilization); + scuda_intercept_result = nvmlDeviceGetUtilizationRates(device, &utilization); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &utilization, sizeof(nvmlUtilization_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2814,7 +2814,7 @@ int handle_nvmlDeviceGetEncoderUtilization(void *conn) unsigned int utilization; unsigned int samplingPeriodUs; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2823,12 +2823,12 @@ int handle_nvmlDeviceGetEncoderUtilization(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetEncoderUtilization(device, &utilization, &samplingPeriodUs); + scuda_intercept_result = nvmlDeviceGetEncoderUtilization(device, &utilization, &samplingPeriodUs); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &utilization, sizeof(unsigned int)) < 0 || rpc_write(conn, &samplingPeriodUs, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2842,7 +2842,7 @@ int handle_nvmlDeviceGetEncoderCapacity(void *conn) nvmlEncoderType_t encoderQueryType; unsigned int encoderCapacity; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &encoderQueryType, sizeof(nvmlEncoderType_t)) < 0 || @@ -2852,11 +2852,11 @@ int handle_nvmlDeviceGetEncoderCapacity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetEncoderCapacity(device, encoderQueryType, &encoderCapacity); + scuda_intercept_result = nvmlDeviceGetEncoderCapacity(device, encoderQueryType, &encoderCapacity); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &encoderCapacity, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2871,7 +2871,7 @@ int handle_nvmlDeviceGetEncoderStats(void *conn) unsigned int averageFps; unsigned int averageLatency; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2880,13 +2880,13 @@ int handle_nvmlDeviceGetEncoderStats(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetEncoderStats(device, &sessionCount, &averageFps, &averageLatency); + scuda_intercept_result = nvmlDeviceGetEncoderStats(device, &sessionCount, &averageFps, &averageLatency); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sessionCount, sizeof(unsigned int)) < 0 || rpc_write(conn, &averageFps, sizeof(unsigned int)) < 0 || rpc_write(conn, &averageLatency, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2900,7 +2900,7 @@ int handle_nvmlDeviceGetEncoderSessions(void *conn) unsigned int sessionCount; nvmlEncoderSessionInfo_t* sessionInfos; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &sessionCount, sizeof(unsigned int)) < 0 || @@ -2910,12 +2910,12 @@ int handle_nvmlDeviceGetEncoderSessions(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetEncoderSessions(device, &sessionCount, sessionInfos); + scuda_intercept_result = nvmlDeviceGetEncoderSessions(device, &sessionCount, sessionInfos); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sessionCount, sizeof(unsigned int)) < 0 || rpc_write(conn, sessionInfos, sessionCount * sizeof(nvmlEncoderSessionInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2929,7 +2929,7 @@ int handle_nvmlDeviceGetDecoderUtilization(void *conn) unsigned int utilization; unsigned int samplingPeriodUs; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2938,12 +2938,12 @@ int handle_nvmlDeviceGetDecoderUtilization(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDecoderUtilization(device, &utilization, &samplingPeriodUs); + scuda_intercept_result = nvmlDeviceGetDecoderUtilization(device, &utilization, &samplingPeriodUs); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &utilization, sizeof(unsigned int)) < 0 || rpc_write(conn, &samplingPeriodUs, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2956,7 +2956,7 @@ int handle_nvmlDeviceGetFBCStats(void *conn) nvmlDevice_t device; nvmlFBCStats_t fbcStats; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -2965,11 +2965,11 @@ int handle_nvmlDeviceGetFBCStats(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetFBCStats(device, &fbcStats); + scuda_intercept_result = nvmlDeviceGetFBCStats(device, &fbcStats); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &fbcStats, sizeof(nvmlFBCStats_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -2983,7 +2983,7 @@ int handle_nvmlDeviceGetFBCSessions(void *conn) unsigned int sessionCount; nvmlFBCSessionInfo_t* sessionInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &sessionCount, sizeof(unsigned int)) < 0 || @@ -2993,12 +2993,12 @@ int handle_nvmlDeviceGetFBCSessions(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetFBCSessions(device, &sessionCount, sessionInfo); + scuda_intercept_result = nvmlDeviceGetFBCSessions(device, &sessionCount, sessionInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sessionCount, sizeof(unsigned int)) < 0 || rpc_write(conn, sessionInfo, sessionCount * sizeof(nvmlFBCSessionInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3012,7 +3012,7 @@ int handle_nvmlDeviceGetDriverModel(void *conn) nvmlDriverModel_t current; nvmlDriverModel_t pending; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3021,12 +3021,12 @@ int handle_nvmlDeviceGetDriverModel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDriverModel(device, ¤t, &pending); + scuda_intercept_result = nvmlDeviceGetDriverModel(device, ¤t, &pending); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¤t, sizeof(nvmlDriverModel_t)) < 0 || rpc_write(conn, &pending, sizeof(nvmlDriverModel_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3040,7 +3040,7 @@ int handle_nvmlDeviceGetVbiosVersion(void *conn) unsigned int length; char* version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -3050,11 +3050,11 @@ int handle_nvmlDeviceGetVbiosVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVbiosVersion(device, version, length); + scuda_intercept_result = nvmlDeviceGetVbiosVersion(device, version, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, version, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3067,7 +3067,7 @@ int handle_nvmlDeviceGetBridgeChipInfo(void *conn) nvmlDevice_t device; nvmlBridgeChipHierarchy_t bridgeHierarchy; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3076,11 +3076,11 @@ int handle_nvmlDeviceGetBridgeChipInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetBridgeChipInfo(device, &bridgeHierarchy); + scuda_intercept_result = nvmlDeviceGetBridgeChipInfo(device, &bridgeHierarchy); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bridgeHierarchy, sizeof(nvmlBridgeChipHierarchy_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3094,7 +3094,7 @@ int handle_nvmlDeviceGetComputeRunningProcesses_v3(void *conn) unsigned int infoCount; nvmlProcessInfo_t* infos; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &infoCount, sizeof(unsigned int)) < 0 || @@ -3104,12 +3104,12 @@ int handle_nvmlDeviceGetComputeRunningProcesses_v3(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetComputeRunningProcesses_v3(device, &infoCount, infos); + scuda_intercept_result = nvmlDeviceGetComputeRunningProcesses_v3(device, &infoCount, infos); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &infoCount, sizeof(unsigned int)) < 0 || rpc_write(conn, infos, infoCount * sizeof(nvmlProcessInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3123,7 +3123,7 @@ int handle_nvmlDeviceGetGraphicsRunningProcesses_v3(void *conn) unsigned int infoCount; nvmlProcessInfo_t* infos; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &infoCount, sizeof(unsigned int)) < 0 || @@ -3133,12 +3133,12 @@ int handle_nvmlDeviceGetGraphicsRunningProcesses_v3(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGraphicsRunningProcesses_v3(device, &infoCount, infos); + scuda_intercept_result = nvmlDeviceGetGraphicsRunningProcesses_v3(device, &infoCount, infos); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &infoCount, sizeof(unsigned int)) < 0 || rpc_write(conn, infos, infoCount * sizeof(nvmlProcessInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3152,7 +3152,7 @@ int handle_nvmlDeviceGetMPSComputeRunningProcesses_v3(void *conn) unsigned int infoCount; nvmlProcessInfo_t* infos; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &infoCount, sizeof(unsigned int)) < 0 || @@ -3162,12 +3162,12 @@ int handle_nvmlDeviceGetMPSComputeRunningProcesses_v3(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMPSComputeRunningProcesses_v3(device, &infoCount, infos); + scuda_intercept_result = nvmlDeviceGetMPSComputeRunningProcesses_v3(device, &infoCount, infos); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &infoCount, sizeof(unsigned int)) < 0 || rpc_write(conn, infos, infoCount * sizeof(nvmlProcessInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3181,7 +3181,7 @@ int handle_nvmlDeviceOnSameBoard(void *conn) nvmlDevice_t device2; int onSameBoard; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device1, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &device2, sizeof(nvmlDevice_t)) < 0 || @@ -3191,11 +3191,11 @@ int handle_nvmlDeviceOnSameBoard(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceOnSameBoard(device1, device2, &onSameBoard); + scuda_intercept_result = nvmlDeviceOnSameBoard(device1, device2, &onSameBoard); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &onSameBoard, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3209,7 +3209,7 @@ int handle_nvmlDeviceGetAPIRestriction(void *conn) nvmlRestrictedAPI_t apiType; nvmlEnableState_t isRestricted; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &apiType, sizeof(nvmlRestrictedAPI_t)) < 0 || @@ -3219,11 +3219,11 @@ int handle_nvmlDeviceGetAPIRestriction(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAPIRestriction(device, apiType, &isRestricted); + scuda_intercept_result = nvmlDeviceGetAPIRestriction(device, apiType, &isRestricted); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isRestricted, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3240,7 +3240,7 @@ int handle_nvmlDeviceGetSamples(void *conn) unsigned int sampleCount; nvmlSample_t* samples; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &type, sizeof(nvmlSamplingType_t)) < 0 || @@ -3252,13 +3252,13 @@ int handle_nvmlDeviceGetSamples(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSamples(device, type, lastSeenTimeStamp, &sampleValType, &sampleCount, samples); + scuda_intercept_result = nvmlDeviceGetSamples(device, type, lastSeenTimeStamp, &sampleValType, &sampleCount, samples); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sampleValType, sizeof(nvmlValueType_t)) < 0 || rpc_write(conn, &sampleCount, sizeof(unsigned int)) < 0 || rpc_write(conn, samples, sampleCount * sizeof(nvmlSample_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3271,7 +3271,7 @@ int handle_nvmlDeviceGetBAR1MemoryInfo(void *conn) nvmlDevice_t device; nvmlBAR1Memory_t bar1Memory; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3280,11 +3280,11 @@ int handle_nvmlDeviceGetBAR1MemoryInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetBAR1MemoryInfo(device, &bar1Memory); + scuda_intercept_result = nvmlDeviceGetBAR1MemoryInfo(device, &bar1Memory); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bar1Memory, sizeof(nvmlBAR1Memory_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3298,7 +3298,7 @@ int handle_nvmlDeviceGetViolationStatus(void *conn) nvmlPerfPolicyType_t perfPolicyType; nvmlViolationTime_t violTime; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &perfPolicyType, sizeof(nvmlPerfPolicyType_t)) < 0 || @@ -3308,11 +3308,11 @@ int handle_nvmlDeviceGetViolationStatus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetViolationStatus(device, perfPolicyType, &violTime); + scuda_intercept_result = nvmlDeviceGetViolationStatus(device, perfPolicyType, &violTime); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &violTime, sizeof(nvmlViolationTime_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3325,7 +3325,7 @@ int handle_nvmlDeviceGetIrqNum(void *conn) nvmlDevice_t device; unsigned int irqNum; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3334,11 +3334,11 @@ int handle_nvmlDeviceGetIrqNum(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetIrqNum(device, &irqNum); + scuda_intercept_result = nvmlDeviceGetIrqNum(device, &irqNum); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &irqNum, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3351,7 +3351,7 @@ int handle_nvmlDeviceGetNumGpuCores(void *conn) nvmlDevice_t device; unsigned int numCores; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3360,11 +3360,11 @@ int handle_nvmlDeviceGetNumGpuCores(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNumGpuCores(device, &numCores); + scuda_intercept_result = nvmlDeviceGetNumGpuCores(device, &numCores); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numCores, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3377,7 +3377,7 @@ int handle_nvmlDeviceGetPowerSource(void *conn) nvmlDevice_t device; nvmlPowerSource_t powerSource; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3386,11 +3386,11 @@ int handle_nvmlDeviceGetPowerSource(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPowerSource(device, &powerSource); + scuda_intercept_result = nvmlDeviceGetPowerSource(device, &powerSource); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &powerSource, sizeof(nvmlPowerSource_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3403,7 +3403,7 @@ int handle_nvmlDeviceGetMemoryBusWidth(void *conn) nvmlDevice_t device; unsigned int busWidth; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3412,11 +3412,11 @@ int handle_nvmlDeviceGetMemoryBusWidth(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemoryBusWidth(device, &busWidth); + scuda_intercept_result = nvmlDeviceGetMemoryBusWidth(device, &busWidth); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &busWidth, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3429,7 +3429,7 @@ int handle_nvmlDeviceGetPcieLinkMaxSpeed(void *conn) nvmlDevice_t device; unsigned int maxSpeed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3438,11 +3438,11 @@ int handle_nvmlDeviceGetPcieLinkMaxSpeed(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPcieLinkMaxSpeed(device, &maxSpeed); + scuda_intercept_result = nvmlDeviceGetPcieLinkMaxSpeed(device, &maxSpeed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &maxSpeed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3455,7 +3455,7 @@ int handle_nvmlDeviceGetPcieSpeed(void *conn) nvmlDevice_t device; unsigned int pcieSpeed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3464,11 +3464,11 @@ int handle_nvmlDeviceGetPcieSpeed(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPcieSpeed(device, &pcieSpeed); + scuda_intercept_result = nvmlDeviceGetPcieSpeed(device, &pcieSpeed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pcieSpeed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3481,7 +3481,7 @@ int handle_nvmlDeviceGetAdaptiveClockInfoStatus(void *conn) nvmlDevice_t device; unsigned int adaptiveClockStatus; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3490,11 +3490,11 @@ int handle_nvmlDeviceGetAdaptiveClockInfoStatus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAdaptiveClockInfoStatus(device, &adaptiveClockStatus); + scuda_intercept_result = nvmlDeviceGetAdaptiveClockInfoStatus(device, &adaptiveClockStatus); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &adaptiveClockStatus, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3507,7 +3507,7 @@ int handle_nvmlDeviceGetAccountingMode(void *conn) nvmlDevice_t device; nvmlEnableState_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3516,11 +3516,11 @@ int handle_nvmlDeviceGetAccountingMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAccountingMode(device, &mode); + scuda_intercept_result = nvmlDeviceGetAccountingMode(device, &mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3534,7 +3534,7 @@ int handle_nvmlDeviceGetAccountingStats(void *conn) unsigned int pid; nvmlAccountingStats_t stats; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &pid, sizeof(unsigned int)) < 0 || @@ -3544,11 +3544,11 @@ int handle_nvmlDeviceGetAccountingStats(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAccountingStats(device, pid, &stats); + scuda_intercept_result = nvmlDeviceGetAccountingStats(device, pid, &stats); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &stats, sizeof(nvmlAccountingStats_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3562,7 +3562,7 @@ int handle_nvmlDeviceGetAccountingPids(void *conn) unsigned int count; unsigned int* pids; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -3572,12 +3572,12 @@ int handle_nvmlDeviceGetAccountingPids(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAccountingPids(device, &count, pids); + scuda_intercept_result = nvmlDeviceGetAccountingPids(device, &count, pids); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, pids, count * sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3590,7 +3590,7 @@ int handle_nvmlDeviceGetAccountingBufferSize(void *conn) nvmlDevice_t device; unsigned int bufferSize; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3599,11 +3599,11 @@ int handle_nvmlDeviceGetAccountingBufferSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetAccountingBufferSize(device, &bufferSize); + scuda_intercept_result = nvmlDeviceGetAccountingBufferSize(device, &bufferSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bufferSize, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3618,7 +3618,7 @@ int handle_nvmlDeviceGetRetiredPages(void *conn) unsigned int pageCount; unsigned long long* addresses; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &cause, sizeof(nvmlPageRetirementCause_t)) < 0 || @@ -3629,12 +3629,12 @@ int handle_nvmlDeviceGetRetiredPages(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetRetiredPages(device, cause, &pageCount, addresses); + scuda_intercept_result = nvmlDeviceGetRetiredPages(device, cause, &pageCount, addresses); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pageCount, sizeof(unsigned int)) < 0 || rpc_write(conn, addresses, pageCount * sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3650,7 +3650,7 @@ int handle_nvmlDeviceGetRetiredPages_v2(void *conn) unsigned long long* addresses; unsigned long long* timestamps; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &cause, sizeof(nvmlPageRetirementCause_t)) < 0 || @@ -3661,13 +3661,13 @@ int handle_nvmlDeviceGetRetiredPages_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetRetiredPages_v2(device, cause, &pageCount, addresses, timestamps); + scuda_intercept_result = nvmlDeviceGetRetiredPages_v2(device, cause, &pageCount, addresses, timestamps); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pageCount, sizeof(unsigned int)) < 0 || rpc_write(conn, addresses, pageCount * sizeof(unsigned long long)) < 0 || rpc_write(conn, timestamps, pageCount * sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3680,7 +3680,7 @@ int handle_nvmlDeviceGetRetiredPagesPendingStatus(void *conn) nvmlDevice_t device; nvmlEnableState_t isPending; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3689,11 +3689,11 @@ int handle_nvmlDeviceGetRetiredPagesPendingStatus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetRetiredPagesPendingStatus(device, &isPending); + scuda_intercept_result = nvmlDeviceGetRetiredPagesPendingStatus(device, &isPending); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isPending, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3709,7 +3709,7 @@ int handle_nvmlDeviceGetRemappedRows(void *conn) unsigned int isPending; unsigned int failureOccurred; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3718,14 +3718,14 @@ int handle_nvmlDeviceGetRemappedRows(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetRemappedRows(device, &corrRows, &uncRows, &isPending, &failureOccurred); + scuda_intercept_result = nvmlDeviceGetRemappedRows(device, &corrRows, &uncRows, &isPending, &failureOccurred); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &corrRows, sizeof(unsigned int)) < 0 || rpc_write(conn, &uncRows, sizeof(unsigned int)) < 0 || rpc_write(conn, &isPending, sizeof(unsigned int)) < 0 || rpc_write(conn, &failureOccurred, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3738,7 +3738,7 @@ int handle_nvmlDeviceGetRowRemapperHistogram(void *conn) nvmlDevice_t device; nvmlRowRemapperHistogramValues_t values; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3747,11 +3747,11 @@ int handle_nvmlDeviceGetRowRemapperHistogram(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetRowRemapperHistogram(device, &values); + scuda_intercept_result = nvmlDeviceGetRowRemapperHistogram(device, &values); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &values, sizeof(nvmlRowRemapperHistogramValues_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3764,7 +3764,7 @@ int handle_nvmlDeviceGetArchitecture(void *conn) nvmlDevice_t device; nvmlDeviceArchitecture_t arch; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3773,11 +3773,11 @@ int handle_nvmlDeviceGetArchitecture(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetArchitecture(device, &arch); + scuda_intercept_result = nvmlDeviceGetArchitecture(device, &arch); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &arch, sizeof(nvmlDeviceArchitecture_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3790,7 +3790,7 @@ int handle_nvmlUnitSetLedState(void *conn) nvmlUnit_t unit; nvmlLedColor_t color; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &unit, sizeof(nvmlUnit_t)) < 0 || rpc_read(conn, &color, sizeof(nvmlLedColor_t)) < 0 || @@ -3800,10 +3800,10 @@ int handle_nvmlUnitSetLedState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlUnitSetLedState(unit, color); + scuda_intercept_result = nvmlUnitSetLedState(unit, color); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3816,7 +3816,7 @@ int handle_nvmlDeviceSetPersistenceMode(void *conn) nvmlDevice_t device; nvmlEnableState_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &mode, sizeof(nvmlEnableState_t)) < 0 || @@ -3826,10 +3826,10 @@ int handle_nvmlDeviceSetPersistenceMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetPersistenceMode(device, mode); + scuda_intercept_result = nvmlDeviceSetPersistenceMode(device, mode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3842,7 +3842,7 @@ int handle_nvmlDeviceSetComputeMode(void *conn) nvmlDevice_t device; nvmlComputeMode_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &mode, sizeof(nvmlComputeMode_t)) < 0 || @@ -3852,10 +3852,10 @@ int handle_nvmlDeviceSetComputeMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetComputeMode(device, mode); + scuda_intercept_result = nvmlDeviceSetComputeMode(device, mode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3868,7 +3868,7 @@ int handle_nvmlDeviceSetEccMode(void *conn) nvmlDevice_t device; nvmlEnableState_t ecc; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &ecc, sizeof(nvmlEnableState_t)) < 0 || @@ -3878,10 +3878,10 @@ int handle_nvmlDeviceSetEccMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetEccMode(device, ecc); + scuda_intercept_result = nvmlDeviceSetEccMode(device, ecc); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3894,7 +3894,7 @@ int handle_nvmlDeviceClearEccErrorCounts(void *conn) nvmlDevice_t device; nvmlEccCounterType_t counterType; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &counterType, sizeof(nvmlEccCounterType_t)) < 0 || @@ -3904,10 +3904,10 @@ int handle_nvmlDeviceClearEccErrorCounts(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceClearEccErrorCounts(device, counterType); + scuda_intercept_result = nvmlDeviceClearEccErrorCounts(device, counterType); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3921,7 +3921,7 @@ int handle_nvmlDeviceSetDriverModel(void *conn) nvmlDriverModel_t driverModel; unsigned int flags; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &driverModel, sizeof(nvmlDriverModel_t)) < 0 || @@ -3932,10 +3932,10 @@ int handle_nvmlDeviceSetDriverModel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetDriverModel(device, driverModel, flags); + scuda_intercept_result = nvmlDeviceSetDriverModel(device, driverModel, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3949,7 +3949,7 @@ int handle_nvmlDeviceSetGpuLockedClocks(void *conn) unsigned int minGpuClockMHz; unsigned int maxGpuClockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &minGpuClockMHz, sizeof(unsigned int)) < 0 || @@ -3960,10 +3960,10 @@ int handle_nvmlDeviceSetGpuLockedClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetGpuLockedClocks(device, minGpuClockMHz, maxGpuClockMHz); + scuda_intercept_result = nvmlDeviceSetGpuLockedClocks(device, minGpuClockMHz, maxGpuClockMHz); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -3975,7 +3975,7 @@ int handle_nvmlDeviceResetGpuLockedClocks(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -3984,10 +3984,10 @@ int handle_nvmlDeviceResetGpuLockedClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceResetGpuLockedClocks(device); + scuda_intercept_result = nvmlDeviceResetGpuLockedClocks(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4001,7 +4001,7 @@ int handle_nvmlDeviceSetMemoryLockedClocks(void *conn) unsigned int minMemClockMHz; unsigned int maxMemClockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &minMemClockMHz, sizeof(unsigned int)) < 0 || @@ -4012,10 +4012,10 @@ int handle_nvmlDeviceSetMemoryLockedClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetMemoryLockedClocks(device, minMemClockMHz, maxMemClockMHz); + scuda_intercept_result = nvmlDeviceSetMemoryLockedClocks(device, minMemClockMHz, maxMemClockMHz); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4027,7 +4027,7 @@ int handle_nvmlDeviceResetMemoryLockedClocks(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4036,10 +4036,10 @@ int handle_nvmlDeviceResetMemoryLockedClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceResetMemoryLockedClocks(device); + scuda_intercept_result = nvmlDeviceResetMemoryLockedClocks(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4053,7 +4053,7 @@ int handle_nvmlDeviceSetApplicationsClocks(void *conn) unsigned int memClockMHz; unsigned int graphicsClockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &memClockMHz, sizeof(unsigned int)) < 0 || @@ -4064,10 +4064,10 @@ int handle_nvmlDeviceSetApplicationsClocks(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetApplicationsClocks(device, memClockMHz, graphicsClockMHz); + scuda_intercept_result = nvmlDeviceSetApplicationsClocks(device, memClockMHz, graphicsClockMHz); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4080,7 +4080,7 @@ int handle_nvmlDeviceGetClkMonStatus(void *conn) nvmlDevice_t device; nvmlClkMonStatus_t status; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4089,11 +4089,11 @@ int handle_nvmlDeviceGetClkMonStatus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetClkMonStatus(device, &status); + scuda_intercept_result = nvmlDeviceGetClkMonStatus(device, &status); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &status, sizeof(nvmlClkMonStatus_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4106,7 +4106,7 @@ int handle_nvmlDeviceSetPowerManagementLimit(void *conn) nvmlDevice_t device; unsigned int limit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &limit, sizeof(unsigned int)) < 0 || @@ -4116,10 +4116,10 @@ int handle_nvmlDeviceSetPowerManagementLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetPowerManagementLimit(device, limit); + scuda_intercept_result = nvmlDeviceSetPowerManagementLimit(device, limit); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4132,7 +4132,7 @@ int handle_nvmlDeviceSetGpuOperationMode(void *conn) nvmlDevice_t device; nvmlGpuOperationMode_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &mode, sizeof(nvmlGpuOperationMode_t)) < 0 || @@ -4142,10 +4142,10 @@ int handle_nvmlDeviceSetGpuOperationMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetGpuOperationMode(device, mode); + scuda_intercept_result = nvmlDeviceSetGpuOperationMode(device, mode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4159,7 +4159,7 @@ int handle_nvmlDeviceSetAPIRestriction(void *conn) nvmlRestrictedAPI_t apiType; nvmlEnableState_t isRestricted; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &apiType, sizeof(nvmlRestrictedAPI_t)) < 0 || @@ -4170,10 +4170,10 @@ int handle_nvmlDeviceSetAPIRestriction(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetAPIRestriction(device, apiType, isRestricted); + scuda_intercept_result = nvmlDeviceSetAPIRestriction(device, apiType, isRestricted); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4186,7 +4186,7 @@ int handle_nvmlDeviceSetAccountingMode(void *conn) nvmlDevice_t device; nvmlEnableState_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &mode, sizeof(nvmlEnableState_t)) < 0 || @@ -4196,10 +4196,10 @@ int handle_nvmlDeviceSetAccountingMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetAccountingMode(device, mode); + scuda_intercept_result = nvmlDeviceSetAccountingMode(device, mode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4211,7 +4211,7 @@ int handle_nvmlDeviceClearAccountingPids(void *conn) { nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4220,10 +4220,10 @@ int handle_nvmlDeviceClearAccountingPids(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceClearAccountingPids(device); + scuda_intercept_result = nvmlDeviceClearAccountingPids(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4237,7 +4237,7 @@ int handle_nvmlDeviceGetNvLinkState(void *conn) unsigned int link; nvmlEnableState_t isActive; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4247,11 +4247,11 @@ int handle_nvmlDeviceGetNvLinkState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkState(device, link, &isActive); + scuda_intercept_result = nvmlDeviceGetNvLinkState(device, link, &isActive); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isActive, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4265,7 +4265,7 @@ int handle_nvmlDeviceGetNvLinkVersion(void *conn) unsigned int link; unsigned int version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4275,11 +4275,11 @@ int handle_nvmlDeviceGetNvLinkVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkVersion(device, link, &version); + scuda_intercept_result = nvmlDeviceGetNvLinkVersion(device, link, &version); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &version, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4294,7 +4294,7 @@ int handle_nvmlDeviceGetNvLinkCapability(void *conn) nvmlNvLinkCapability_t capability; unsigned int capResult; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4305,11 +4305,11 @@ int handle_nvmlDeviceGetNvLinkCapability(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkCapability(device, link, capability, &capResult); + scuda_intercept_result = nvmlDeviceGetNvLinkCapability(device, link, capability, &capResult); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &capResult, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4323,7 +4323,7 @@ int handle_nvmlDeviceGetNvLinkRemotePciInfo_v2(void *conn) unsigned int link; nvmlPciInfo_t pci; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4333,11 +4333,11 @@ int handle_nvmlDeviceGetNvLinkRemotePciInfo_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkRemotePciInfo_v2(device, link, &pci); + scuda_intercept_result = nvmlDeviceGetNvLinkRemotePciInfo_v2(device, link, &pci); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pci, sizeof(nvmlPciInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4352,7 +4352,7 @@ int handle_nvmlDeviceGetNvLinkErrorCounter(void *conn) nvmlNvLinkErrorCounter_t counter; unsigned long long counterValue; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4363,11 +4363,11 @@ int handle_nvmlDeviceGetNvLinkErrorCounter(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkErrorCounter(device, link, counter, &counterValue); + scuda_intercept_result = nvmlDeviceGetNvLinkErrorCounter(device, link, counter, &counterValue); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &counterValue, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4380,7 +4380,7 @@ int handle_nvmlDeviceResetNvLinkErrorCounters(void *conn) nvmlDevice_t device; unsigned int link; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4390,10 +4390,10 @@ int handle_nvmlDeviceResetNvLinkErrorCounters(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceResetNvLinkErrorCounters(device, link); + scuda_intercept_result = nvmlDeviceResetNvLinkErrorCounters(device, link); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4409,7 +4409,7 @@ int handle_nvmlDeviceSetNvLinkUtilizationControl(void *conn) nvmlNvLinkUtilizationControl_t* control; unsigned int reset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4422,10 +4422,10 @@ int handle_nvmlDeviceSetNvLinkUtilizationControl(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetNvLinkUtilizationControl(device, link, counter, control, reset); + scuda_intercept_result = nvmlDeviceSetNvLinkUtilizationControl(device, link, counter, control, reset); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4440,7 +4440,7 @@ int handle_nvmlDeviceGetNvLinkUtilizationControl(void *conn) unsigned int counter; nvmlNvLinkUtilizationControl_t control; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4451,11 +4451,11 @@ int handle_nvmlDeviceGetNvLinkUtilizationControl(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkUtilizationControl(device, link, counter, &control); + scuda_intercept_result = nvmlDeviceGetNvLinkUtilizationControl(device, link, counter, &control); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &control, sizeof(nvmlNvLinkUtilizationControl_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4471,7 +4471,7 @@ int handle_nvmlDeviceGetNvLinkUtilizationCounter(void *conn) unsigned long long rxcounter; unsigned long long txcounter; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4482,12 +4482,12 @@ int handle_nvmlDeviceGetNvLinkUtilizationCounter(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkUtilizationCounter(device, link, counter, &rxcounter, &txcounter); + scuda_intercept_result = nvmlDeviceGetNvLinkUtilizationCounter(device, link, counter, &rxcounter, &txcounter); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &rxcounter, sizeof(unsigned long long)) < 0 || rpc_write(conn, &txcounter, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4502,7 +4502,7 @@ int handle_nvmlDeviceFreezeNvLinkUtilizationCounter(void *conn) unsigned int counter; nvmlEnableState_t freeze; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4514,10 +4514,10 @@ int handle_nvmlDeviceFreezeNvLinkUtilizationCounter(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceFreezeNvLinkUtilizationCounter(device, link, counter, freeze); + scuda_intercept_result = nvmlDeviceFreezeNvLinkUtilizationCounter(device, link, counter, freeze); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4531,7 +4531,7 @@ int handle_nvmlDeviceResetNvLinkUtilizationCounter(void *conn) unsigned int link; unsigned int counter; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4542,10 +4542,10 @@ int handle_nvmlDeviceResetNvLinkUtilizationCounter(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceResetNvLinkUtilizationCounter(device, link, counter); + scuda_intercept_result = nvmlDeviceResetNvLinkUtilizationCounter(device, link, counter); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4559,7 +4559,7 @@ int handle_nvmlDeviceGetNvLinkRemoteDeviceType(void *conn) unsigned int link; nvmlIntNvLinkDeviceType_t pNvLinkDeviceType; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &link, sizeof(unsigned int)) < 0 || @@ -4569,11 +4569,11 @@ int handle_nvmlDeviceGetNvLinkRemoteDeviceType(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetNvLinkRemoteDeviceType(device, link, &pNvLinkDeviceType); + scuda_intercept_result = nvmlDeviceGetNvLinkRemoteDeviceType(device, link, &pNvLinkDeviceType); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pNvLinkDeviceType, sizeof(nvmlIntNvLinkDeviceType_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4585,7 +4585,7 @@ int handle_nvmlEventSetCreate(void *conn) { nvmlEventSet_t set; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -4593,11 +4593,11 @@ int handle_nvmlEventSetCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlEventSetCreate(&set); + scuda_intercept_result = nvmlEventSetCreate(&set); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &set, sizeof(nvmlEventSet_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4611,7 +4611,7 @@ int handle_nvmlDeviceRegisterEvents(void *conn) unsigned long long eventTypes; nvmlEventSet_t set; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &eventTypes, sizeof(unsigned long long)) < 0 || @@ -4622,10 +4622,10 @@ int handle_nvmlDeviceRegisterEvents(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceRegisterEvents(device, eventTypes, set); + scuda_intercept_result = nvmlDeviceRegisterEvents(device, eventTypes, set); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4638,7 +4638,7 @@ int handle_nvmlDeviceGetSupportedEventTypes(void *conn) nvmlDevice_t device; unsigned long long eventTypes; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4647,11 +4647,11 @@ int handle_nvmlDeviceGetSupportedEventTypes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSupportedEventTypes(device, &eventTypes); + scuda_intercept_result = nvmlDeviceGetSupportedEventTypes(device, &eventTypes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &eventTypes, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4665,7 +4665,7 @@ int handle_nvmlEventSetWait_v2(void *conn) nvmlEventData_t data; unsigned int timeoutms; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &set, sizeof(nvmlEventSet_t)) < 0 || rpc_read(conn, &timeoutms, sizeof(unsigned int)) < 0 || @@ -4675,11 +4675,11 @@ int handle_nvmlEventSetWait_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlEventSetWait_v2(set, &data, timeoutms); + scuda_intercept_result = nvmlEventSetWait_v2(set, &data, timeoutms); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &data, sizeof(nvmlEventData_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4691,7 +4691,7 @@ int handle_nvmlEventSetFree(void *conn) { nvmlEventSet_t set; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &set, sizeof(nvmlEventSet_t)) < 0 || false) @@ -4700,10 +4700,10 @@ int handle_nvmlEventSetFree(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlEventSetFree(set); + scuda_intercept_result = nvmlEventSetFree(set); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4716,7 +4716,7 @@ int handle_nvmlDeviceModifyDrainState(void *conn) nvmlPciInfo_t pciInfo; nvmlEnableState_t newState; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || rpc_read(conn, &newState, sizeof(nvmlEnableState_t)) < 0 || @@ -4726,11 +4726,11 @@ int handle_nvmlDeviceModifyDrainState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceModifyDrainState(&pciInfo, newState); + scuda_intercept_result = nvmlDeviceModifyDrainState(&pciInfo, newState); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4743,7 +4743,7 @@ int handle_nvmlDeviceQueryDrainState(void *conn) nvmlPciInfo_t pciInfo; nvmlEnableState_t currentState; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || false) @@ -4752,12 +4752,12 @@ int handle_nvmlDeviceQueryDrainState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceQueryDrainState(&pciInfo, ¤tState); + scuda_intercept_result = nvmlDeviceQueryDrainState(&pciInfo, ¤tState); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || rpc_write(conn, ¤tState, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4771,7 +4771,7 @@ int handle_nvmlDeviceRemoveGpu_v2(void *conn) nvmlDetachGpuState_t gpuState; nvmlPcieLinkState_t linkState; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || rpc_read(conn, &gpuState, sizeof(nvmlDetachGpuState_t)) < 0 || @@ -4782,11 +4782,11 @@ int handle_nvmlDeviceRemoveGpu_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceRemoveGpu_v2(&pciInfo, gpuState, linkState); + scuda_intercept_result = nvmlDeviceRemoveGpu_v2(&pciInfo, gpuState, linkState); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4798,7 +4798,7 @@ int handle_nvmlDeviceDiscoverGpus(void *conn) { nvmlPciInfo_t pciInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || false) @@ -4807,11 +4807,11 @@ int handle_nvmlDeviceDiscoverGpus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceDiscoverGpus(&pciInfo); + scuda_intercept_result = nvmlDeviceDiscoverGpus(&pciInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pciInfo, sizeof(nvmlPciInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4825,7 +4825,7 @@ int handle_nvmlDeviceGetFieldValues(void *conn) int valuesCount; nvmlFieldValue_t* values; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &valuesCount, sizeof(int)) < 0 || @@ -4835,11 +4835,11 @@ int handle_nvmlDeviceGetFieldValues(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetFieldValues(device, valuesCount, values); + scuda_intercept_result = nvmlDeviceGetFieldValues(device, valuesCount, values); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, values, valuesCount * sizeof(nvmlFieldValue_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4853,7 +4853,7 @@ int handle_nvmlDeviceClearFieldValues(void *conn) int valuesCount; nvmlFieldValue_t* values; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &valuesCount, sizeof(int)) < 0 || @@ -4863,11 +4863,11 @@ int handle_nvmlDeviceClearFieldValues(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceClearFieldValues(device, valuesCount, values); + scuda_intercept_result = nvmlDeviceClearFieldValues(device, valuesCount, values); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, values, valuesCount * sizeof(nvmlFieldValue_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4880,7 +4880,7 @@ int handle_nvmlDeviceGetVirtualizationMode(void *conn) nvmlDevice_t device; nvmlGpuVirtualizationMode_t pVirtualMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4889,11 +4889,11 @@ int handle_nvmlDeviceGetVirtualizationMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVirtualizationMode(device, &pVirtualMode); + scuda_intercept_result = nvmlDeviceGetVirtualizationMode(device, &pVirtualMode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pVirtualMode, sizeof(nvmlGpuVirtualizationMode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4906,7 +4906,7 @@ int handle_nvmlDeviceGetHostVgpuMode(void *conn) nvmlDevice_t device; nvmlHostVgpuMode_t pHostVgpuMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4915,11 +4915,11 @@ int handle_nvmlDeviceGetHostVgpuMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetHostVgpuMode(device, &pHostVgpuMode); + scuda_intercept_result = nvmlDeviceGetHostVgpuMode(device, &pHostVgpuMode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHostVgpuMode, sizeof(nvmlHostVgpuMode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4932,7 +4932,7 @@ int handle_nvmlDeviceSetVirtualizationMode(void *conn) nvmlDevice_t device; nvmlGpuVirtualizationMode_t virtualMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &virtualMode, sizeof(nvmlGpuVirtualizationMode_t)) < 0 || @@ -4942,10 +4942,10 @@ int handle_nvmlDeviceSetVirtualizationMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetVirtualizationMode(device, virtualMode); + scuda_intercept_result = nvmlDeviceSetVirtualizationMode(device, virtualMode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4958,7 +4958,7 @@ int handle_nvmlDeviceGetGridLicensableFeatures_v4(void *conn) nvmlDevice_t device; nvmlGridLicensableFeatures_t pGridLicensableFeatures; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -4967,11 +4967,11 @@ int handle_nvmlDeviceGetGridLicensableFeatures_v4(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGridLicensableFeatures_v4(device, &pGridLicensableFeatures); + scuda_intercept_result = nvmlDeviceGetGridLicensableFeatures_v4(device, &pGridLicensableFeatures); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGridLicensableFeatures, sizeof(nvmlGridLicensableFeatures_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -4986,7 +4986,7 @@ int handle_nvmlDeviceGetProcessUtilization(void *conn) nvmlProcessUtilizationSample_t* utilization; unsigned long long lastSeenTimeStamp; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &processSamplesCount, sizeof(unsigned int)) < 0 || @@ -4997,12 +4997,12 @@ int handle_nvmlDeviceGetProcessUtilization(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetProcessUtilization(device, utilization, &processSamplesCount, lastSeenTimeStamp); + scuda_intercept_result = nvmlDeviceGetProcessUtilization(device, utilization, &processSamplesCount, lastSeenTimeStamp); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &processSamplesCount, sizeof(unsigned int)) < 0 || rpc_write(conn, utilization, processSamplesCount * sizeof(nvmlProcessUtilizationSample_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5015,7 +5015,7 @@ int handle_nvmlDeviceGetGspFirmwareVersion(void *conn) nvmlDevice_t device; char version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -5024,11 +5024,11 @@ int handle_nvmlDeviceGetGspFirmwareVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGspFirmwareVersion(device, &version); + scuda_intercept_result = nvmlDeviceGetGspFirmwareVersion(device, &version); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &version, sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5042,7 +5042,7 @@ int handle_nvmlDeviceGetGspFirmwareMode(void *conn) unsigned int isEnabled; unsigned int defaultMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -5051,12 +5051,12 @@ int handle_nvmlDeviceGetGspFirmwareMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGspFirmwareMode(device, &isEnabled, &defaultMode); + scuda_intercept_result = nvmlDeviceGetGspFirmwareMode(device, &isEnabled, &defaultMode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isEnabled, sizeof(unsigned int)) < 0 || rpc_write(conn, &defaultMode, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5069,7 +5069,7 @@ int handle_nvmlGetVgpuDriverCapabilities(void *conn) nvmlVgpuDriverCapability_t capability; unsigned int capResult; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &capability, sizeof(nvmlVgpuDriverCapability_t)) < 0 || false) @@ -5078,11 +5078,11 @@ int handle_nvmlGetVgpuDriverCapabilities(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGetVgpuDriverCapabilities(capability, &capResult); + scuda_intercept_result = nvmlGetVgpuDriverCapabilities(capability, &capResult); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &capResult, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5096,7 +5096,7 @@ int handle_nvmlDeviceGetVgpuCapabilities(void *conn) nvmlDeviceVgpuCapability_t capability; unsigned int capResult; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &capability, sizeof(nvmlDeviceVgpuCapability_t)) < 0 || @@ -5106,11 +5106,11 @@ int handle_nvmlDeviceGetVgpuCapabilities(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuCapabilities(device, capability, &capResult); + scuda_intercept_result = nvmlDeviceGetVgpuCapabilities(device, capability, &capResult); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &capResult, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5124,7 +5124,7 @@ int handle_nvmlDeviceGetSupportedVgpus(void *conn) unsigned int vgpuCount; nvmlVgpuTypeId_t* vgpuTypeIds; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &vgpuCount, sizeof(unsigned int)) < 0 || @@ -5134,12 +5134,12 @@ int handle_nvmlDeviceGetSupportedVgpus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSupportedVgpus(device, &vgpuCount, vgpuTypeIds); + scuda_intercept_result = nvmlDeviceGetSupportedVgpus(device, &vgpuCount, vgpuTypeIds); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuCount, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuTypeIds, vgpuCount * sizeof(nvmlVgpuTypeId_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5153,7 +5153,7 @@ int handle_nvmlDeviceGetCreatableVgpus(void *conn) unsigned int vgpuCount; nvmlVgpuTypeId_t* vgpuTypeIds; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &vgpuCount, sizeof(unsigned int)) < 0 || @@ -5163,12 +5163,12 @@ int handle_nvmlDeviceGetCreatableVgpus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetCreatableVgpus(device, &vgpuCount, vgpuTypeIds); + scuda_intercept_result = nvmlDeviceGetCreatableVgpus(device, &vgpuCount, vgpuTypeIds); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuCount, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuTypeIds, vgpuCount * sizeof(nvmlVgpuTypeId_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5182,7 +5182,7 @@ int handle_nvmlVgpuTypeGetClass(void *conn) unsigned int size; char* vgpuTypeClass; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5191,12 +5191,12 @@ int handle_nvmlVgpuTypeGetClass(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetClass(vgpuTypeId, vgpuTypeClass, &size); + scuda_intercept_result = nvmlVgpuTypeGetClass(vgpuTypeId, vgpuTypeClass, &size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &size, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuTypeClass, size * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5210,7 +5210,7 @@ int handle_nvmlVgpuTypeGetName(void *conn) unsigned int size; char* vgpuTypeName; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || rpc_read(conn, &size, sizeof(unsigned int)) < 0 || @@ -5220,12 +5220,12 @@ int handle_nvmlVgpuTypeGetName(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetName(vgpuTypeId, vgpuTypeName, &size); + scuda_intercept_result = nvmlVgpuTypeGetName(vgpuTypeId, vgpuTypeName, &size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &size, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuTypeName, size * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5238,7 +5238,7 @@ int handle_nvmlVgpuTypeGetGpuInstanceProfileId(void *conn) nvmlVgpuTypeId_t vgpuTypeId; unsigned int gpuInstanceProfileId; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5247,11 +5247,11 @@ int handle_nvmlVgpuTypeGetGpuInstanceProfileId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetGpuInstanceProfileId(vgpuTypeId, &gpuInstanceProfileId); + scuda_intercept_result = nvmlVgpuTypeGetGpuInstanceProfileId(vgpuTypeId, &gpuInstanceProfileId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpuInstanceProfileId, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5265,7 +5265,7 @@ int handle_nvmlVgpuTypeGetDeviceID(void *conn) unsigned long long deviceID; unsigned long long subsystemID; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5274,12 +5274,12 @@ int handle_nvmlVgpuTypeGetDeviceID(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetDeviceID(vgpuTypeId, &deviceID, &subsystemID); + scuda_intercept_result = nvmlVgpuTypeGetDeviceID(vgpuTypeId, &deviceID, &subsystemID); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &deviceID, sizeof(unsigned long long)) < 0 || rpc_write(conn, &subsystemID, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5292,7 +5292,7 @@ int handle_nvmlVgpuTypeGetFramebufferSize(void *conn) nvmlVgpuTypeId_t vgpuTypeId; unsigned long long fbSize; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5301,11 +5301,11 @@ int handle_nvmlVgpuTypeGetFramebufferSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetFramebufferSize(vgpuTypeId, &fbSize); + scuda_intercept_result = nvmlVgpuTypeGetFramebufferSize(vgpuTypeId, &fbSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &fbSize, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5318,7 +5318,7 @@ int handle_nvmlVgpuTypeGetNumDisplayHeads(void *conn) nvmlVgpuTypeId_t vgpuTypeId; unsigned int numDisplayHeads; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5327,11 +5327,11 @@ int handle_nvmlVgpuTypeGetNumDisplayHeads(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetNumDisplayHeads(vgpuTypeId, &numDisplayHeads); + scuda_intercept_result = nvmlVgpuTypeGetNumDisplayHeads(vgpuTypeId, &numDisplayHeads); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numDisplayHeads, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5346,7 +5346,7 @@ int handle_nvmlVgpuTypeGetResolution(void *conn) unsigned int xdim; unsigned int ydim; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || rpc_read(conn, &displayIndex, sizeof(unsigned int)) < 0 || @@ -5356,12 +5356,12 @@ int handle_nvmlVgpuTypeGetResolution(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetResolution(vgpuTypeId, displayIndex, &xdim, &ydim); + scuda_intercept_result = nvmlVgpuTypeGetResolution(vgpuTypeId, displayIndex, &xdim, &ydim); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &xdim, sizeof(unsigned int)) < 0 || rpc_write(conn, &ydim, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5375,7 +5375,7 @@ int handle_nvmlVgpuTypeGetLicense(void *conn) unsigned int size; char* vgpuTypeLicenseString; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || rpc_read(conn, &size, sizeof(unsigned int)) < 0 || @@ -5385,11 +5385,11 @@ int handle_nvmlVgpuTypeGetLicense(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetLicense(vgpuTypeId, vgpuTypeLicenseString, size); + scuda_intercept_result = nvmlVgpuTypeGetLicense(vgpuTypeId, vgpuTypeLicenseString, size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, vgpuTypeLicenseString, size * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5402,7 +5402,7 @@ int handle_nvmlVgpuTypeGetFrameRateLimit(void *conn) nvmlVgpuTypeId_t vgpuTypeId; unsigned int frameRateLimit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5411,11 +5411,11 @@ int handle_nvmlVgpuTypeGetFrameRateLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetFrameRateLimit(vgpuTypeId, &frameRateLimit); + scuda_intercept_result = nvmlVgpuTypeGetFrameRateLimit(vgpuTypeId, &frameRateLimit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &frameRateLimit, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5429,7 +5429,7 @@ int handle_nvmlVgpuTypeGetMaxInstances(void *conn) nvmlVgpuTypeId_t vgpuTypeId; unsigned int vgpuInstanceCount; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || @@ -5439,11 +5439,11 @@ int handle_nvmlVgpuTypeGetMaxInstances(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetMaxInstances(device, vgpuTypeId, &vgpuInstanceCount); + scuda_intercept_result = nvmlVgpuTypeGetMaxInstances(device, vgpuTypeId, &vgpuInstanceCount); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuInstanceCount, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5456,7 +5456,7 @@ int handle_nvmlVgpuTypeGetMaxInstancesPerVm(void *conn) nvmlVgpuTypeId_t vgpuTypeId; unsigned int vgpuInstanceCountPerVm; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || false) @@ -5465,11 +5465,11 @@ int handle_nvmlVgpuTypeGetMaxInstancesPerVm(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetMaxInstancesPerVm(vgpuTypeId, &vgpuInstanceCountPerVm); + scuda_intercept_result = nvmlVgpuTypeGetMaxInstancesPerVm(vgpuTypeId, &vgpuInstanceCountPerVm); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuInstanceCountPerVm, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5483,7 +5483,7 @@ int handle_nvmlDeviceGetActiveVgpus(void *conn) unsigned int vgpuCount; nvmlVgpuInstance_t* vgpuInstances; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &vgpuCount, sizeof(unsigned int)) < 0 || @@ -5493,12 +5493,12 @@ int handle_nvmlDeviceGetActiveVgpus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetActiveVgpus(device, &vgpuCount, vgpuInstances); + scuda_intercept_result = nvmlDeviceGetActiveVgpus(device, &vgpuCount, vgpuInstances); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuCount, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuInstances, vgpuCount * sizeof(nvmlVgpuInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5513,7 +5513,7 @@ int handle_nvmlVgpuInstanceGetVmID(void *conn) char* vmId; nvmlVgpuVmIdType_t vmIdType; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &size, sizeof(unsigned int)) < 0 || @@ -5523,12 +5523,12 @@ int handle_nvmlVgpuInstanceGetVmID(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetVmID(vgpuInstance, vmId, size, &vmIdType); + scuda_intercept_result = nvmlVgpuInstanceGetVmID(vgpuInstance, vmId, size, &vmIdType); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, vmId, size * sizeof(char)) < 0 || rpc_write(conn, &vmIdType, sizeof(nvmlVgpuVmIdType_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5542,7 +5542,7 @@ int handle_nvmlVgpuInstanceGetUUID(void *conn) unsigned int size; char* uuid; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &size, sizeof(unsigned int)) < 0 || @@ -5552,11 +5552,11 @@ int handle_nvmlVgpuInstanceGetUUID(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetUUID(vgpuInstance, uuid, size); + scuda_intercept_result = nvmlVgpuInstanceGetUUID(vgpuInstance, uuid, size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, uuid, size * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5570,7 +5570,7 @@ int handle_nvmlVgpuInstanceGetVmDriverVersion(void *conn) unsigned int length; char* version; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -5580,11 +5580,11 @@ int handle_nvmlVgpuInstanceGetVmDriverVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetVmDriverVersion(vgpuInstance, version, length); + scuda_intercept_result = nvmlVgpuInstanceGetVmDriverVersion(vgpuInstance, version, length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, version, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5597,7 +5597,7 @@ int handle_nvmlVgpuInstanceGetFbUsage(void *conn) nvmlVgpuInstance_t vgpuInstance; unsigned long long fbUsage; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5606,11 +5606,11 @@ int handle_nvmlVgpuInstanceGetFbUsage(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetFbUsage(vgpuInstance, &fbUsage); + scuda_intercept_result = nvmlVgpuInstanceGetFbUsage(vgpuInstance, &fbUsage); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &fbUsage, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5623,7 +5623,7 @@ int handle_nvmlVgpuInstanceGetLicenseStatus(void *conn) nvmlVgpuInstance_t vgpuInstance; unsigned int licensed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5632,11 +5632,11 @@ int handle_nvmlVgpuInstanceGetLicenseStatus(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetLicenseStatus(vgpuInstance, &licensed); + scuda_intercept_result = nvmlVgpuInstanceGetLicenseStatus(vgpuInstance, &licensed); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &licensed, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5649,7 +5649,7 @@ int handle_nvmlVgpuInstanceGetType(void *conn) nvmlVgpuInstance_t vgpuInstance; nvmlVgpuTypeId_t vgpuTypeId; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5658,11 +5658,11 @@ int handle_nvmlVgpuInstanceGetType(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetType(vgpuInstance, &vgpuTypeId); + scuda_intercept_result = nvmlVgpuInstanceGetType(vgpuInstance, &vgpuTypeId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5675,7 +5675,7 @@ int handle_nvmlVgpuInstanceGetFrameRateLimit(void *conn) nvmlVgpuInstance_t vgpuInstance; unsigned int frameRateLimit; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5684,11 +5684,11 @@ int handle_nvmlVgpuInstanceGetFrameRateLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetFrameRateLimit(vgpuInstance, &frameRateLimit); + scuda_intercept_result = nvmlVgpuInstanceGetFrameRateLimit(vgpuInstance, &frameRateLimit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &frameRateLimit, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5701,7 +5701,7 @@ int handle_nvmlVgpuInstanceGetEccMode(void *conn) nvmlVgpuInstance_t vgpuInstance; nvmlEnableState_t eccMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5710,11 +5710,11 @@ int handle_nvmlVgpuInstanceGetEccMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetEccMode(vgpuInstance, &eccMode); + scuda_intercept_result = nvmlVgpuInstanceGetEccMode(vgpuInstance, &eccMode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &eccMode, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5727,7 +5727,7 @@ int handle_nvmlVgpuInstanceGetEncoderCapacity(void *conn) nvmlVgpuInstance_t vgpuInstance; unsigned int encoderCapacity; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5736,11 +5736,11 @@ int handle_nvmlVgpuInstanceGetEncoderCapacity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetEncoderCapacity(vgpuInstance, &encoderCapacity); + scuda_intercept_result = nvmlVgpuInstanceGetEncoderCapacity(vgpuInstance, &encoderCapacity); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &encoderCapacity, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5753,7 +5753,7 @@ int handle_nvmlVgpuInstanceSetEncoderCapacity(void *conn) nvmlVgpuInstance_t vgpuInstance; unsigned int encoderCapacity; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &encoderCapacity, sizeof(unsigned int)) < 0 || @@ -5763,10 +5763,10 @@ int handle_nvmlVgpuInstanceSetEncoderCapacity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceSetEncoderCapacity(vgpuInstance, encoderCapacity); + scuda_intercept_result = nvmlVgpuInstanceSetEncoderCapacity(vgpuInstance, encoderCapacity); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5781,7 +5781,7 @@ int handle_nvmlVgpuInstanceGetEncoderStats(void *conn) unsigned int averageFps; unsigned int averageLatency; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5790,13 +5790,13 @@ int handle_nvmlVgpuInstanceGetEncoderStats(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetEncoderStats(vgpuInstance, &sessionCount, &averageFps, &averageLatency); + scuda_intercept_result = nvmlVgpuInstanceGetEncoderStats(vgpuInstance, &sessionCount, &averageFps, &averageLatency); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sessionCount, sizeof(unsigned int)) < 0 || rpc_write(conn, &averageFps, sizeof(unsigned int)) < 0 || rpc_write(conn, &averageLatency, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5810,7 +5810,7 @@ int handle_nvmlVgpuInstanceGetEncoderSessions(void *conn) unsigned int sessionCount; nvmlEncoderSessionInfo_t* sessionInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &sessionCount, sizeof(unsigned int)) < 0 || @@ -5820,12 +5820,12 @@ int handle_nvmlVgpuInstanceGetEncoderSessions(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetEncoderSessions(vgpuInstance, &sessionCount, sessionInfo); + scuda_intercept_result = nvmlVgpuInstanceGetEncoderSessions(vgpuInstance, &sessionCount, sessionInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sessionCount, sizeof(unsigned int)) < 0 || rpc_write(conn, sessionInfo, sessionCount * sizeof(nvmlEncoderSessionInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5838,7 +5838,7 @@ int handle_nvmlVgpuInstanceGetFBCStats(void *conn) nvmlVgpuInstance_t vgpuInstance; nvmlFBCStats_t fbcStats; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5847,11 +5847,11 @@ int handle_nvmlVgpuInstanceGetFBCStats(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetFBCStats(vgpuInstance, &fbcStats); + scuda_intercept_result = nvmlVgpuInstanceGetFBCStats(vgpuInstance, &fbcStats); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &fbcStats, sizeof(nvmlFBCStats_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5865,7 +5865,7 @@ int handle_nvmlVgpuInstanceGetFBCSessions(void *conn) unsigned int sessionCount; nvmlFBCSessionInfo_t* sessionInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &sessionCount, sizeof(unsigned int)) < 0 || @@ -5875,12 +5875,12 @@ int handle_nvmlVgpuInstanceGetFBCSessions(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetFBCSessions(vgpuInstance, &sessionCount, sessionInfo); + scuda_intercept_result = nvmlVgpuInstanceGetFBCSessions(vgpuInstance, &sessionCount, sessionInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sessionCount, sizeof(unsigned int)) < 0 || rpc_write(conn, sessionInfo, sessionCount * sizeof(nvmlFBCSessionInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5893,7 +5893,7 @@ int handle_nvmlVgpuInstanceGetGpuInstanceId(void *conn) nvmlVgpuInstance_t vgpuInstance; unsigned int gpuInstanceId; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -5902,11 +5902,11 @@ int handle_nvmlVgpuInstanceGetGpuInstanceId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetGpuInstanceId(vgpuInstance, &gpuInstanceId); + scuda_intercept_result = nvmlVgpuInstanceGetGpuInstanceId(vgpuInstance, &gpuInstanceId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpuInstanceId, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5920,7 +5920,7 @@ int handle_nvmlVgpuInstanceGetGpuPciId(void *conn) unsigned int length; char* vgpuPciId; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &length, sizeof(unsigned int)) < 0 || @@ -5930,12 +5930,12 @@ int handle_nvmlVgpuInstanceGetGpuPciId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetGpuPciId(vgpuInstance, vgpuPciId, &length); + scuda_intercept_result = nvmlVgpuInstanceGetGpuPciId(vgpuInstance, vgpuPciId, &length); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &length, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuPciId, length * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5949,7 +5949,7 @@ int handle_nvmlVgpuTypeGetCapabilities(void *conn) nvmlVgpuCapability_t capability; unsigned int capResult; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuTypeId, sizeof(nvmlVgpuTypeId_t)) < 0 || rpc_read(conn, &capability, sizeof(nvmlVgpuCapability_t)) < 0 || @@ -5959,11 +5959,11 @@ int handle_nvmlVgpuTypeGetCapabilities(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuTypeGetCapabilities(vgpuTypeId, capability, &capResult); + scuda_intercept_result = nvmlVgpuTypeGetCapabilities(vgpuTypeId, capability, &capResult); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &capResult, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -5977,7 +5977,7 @@ int handle_nvmlVgpuInstanceGetMetadata(void *conn) unsigned int bufferSize; nvmlVgpuMetadata_t* vgpuMetadata; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &bufferSize, sizeof(unsigned int)) < 0 || @@ -5987,12 +5987,12 @@ int handle_nvmlVgpuInstanceGetMetadata(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetMetadata(vgpuInstance, vgpuMetadata, &bufferSize); + scuda_intercept_result = nvmlVgpuInstanceGetMetadata(vgpuInstance, vgpuMetadata, &bufferSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bufferSize, sizeof(unsigned int)) < 0 || rpc_write(conn, vgpuMetadata, bufferSize * sizeof(nvmlVgpuMetadata_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6006,7 +6006,7 @@ int handle_nvmlDeviceGetVgpuMetadata(void *conn) unsigned int bufferSize; nvmlVgpuPgpuMetadata_t* pgpuMetadata; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &bufferSize, sizeof(unsigned int)) < 0 || @@ -6016,12 +6016,12 @@ int handle_nvmlDeviceGetVgpuMetadata(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuMetadata(device, pgpuMetadata, &bufferSize); + scuda_intercept_result = nvmlDeviceGetVgpuMetadata(device, pgpuMetadata, &bufferSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bufferSize, sizeof(unsigned int)) < 0 || rpc_write(conn, pgpuMetadata, bufferSize * sizeof(nvmlVgpuPgpuMetadata_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6035,7 +6035,7 @@ int handle_nvmlGetVgpuCompatibility(void *conn) nvmlVgpuPgpuMetadata_t pgpuMetadata; nvmlVgpuPgpuCompatibility_t compatibilityInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuMetadata, sizeof(nvmlVgpuMetadata_t)) < 0 || false) @@ -6044,13 +6044,13 @@ int handle_nvmlGetVgpuCompatibility(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGetVgpuCompatibility(&vgpuMetadata, &pgpuMetadata, &compatibilityInfo); + scuda_intercept_result = nvmlGetVgpuCompatibility(&vgpuMetadata, &pgpuMetadata, &compatibilityInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuMetadata, sizeof(nvmlVgpuMetadata_t)) < 0 || rpc_write(conn, &pgpuMetadata, sizeof(nvmlVgpuPgpuMetadata_t)) < 0 || rpc_write(conn, &compatibilityInfo, sizeof(nvmlVgpuPgpuCompatibility_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6064,7 +6064,7 @@ int handle_nvmlDeviceGetPgpuMetadataString(void *conn) unsigned int bufferSize; char* pgpuMetadata; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &bufferSize, sizeof(unsigned int)) < 0 || @@ -6074,12 +6074,12 @@ int handle_nvmlDeviceGetPgpuMetadataString(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetPgpuMetadataString(device, pgpuMetadata, &bufferSize); + scuda_intercept_result = nvmlDeviceGetPgpuMetadataString(device, pgpuMetadata, &bufferSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bufferSize, sizeof(unsigned int)) < 0 || rpc_write(conn, pgpuMetadata, bufferSize * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6092,7 +6092,7 @@ int handle_nvmlDeviceGetVgpuSchedulerLog(void *conn) nvmlDevice_t device; nvmlVgpuSchedulerLog_t pSchedulerLog; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -6101,11 +6101,11 @@ int handle_nvmlDeviceGetVgpuSchedulerLog(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuSchedulerLog(device, &pSchedulerLog); + scuda_intercept_result = nvmlDeviceGetVgpuSchedulerLog(device, &pSchedulerLog); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pSchedulerLog, sizeof(nvmlVgpuSchedulerLog_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6118,7 +6118,7 @@ int handle_nvmlDeviceGetVgpuSchedulerState(void *conn) nvmlDevice_t device; nvmlVgpuSchedulerGetState_t pSchedulerState; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -6127,11 +6127,11 @@ int handle_nvmlDeviceGetVgpuSchedulerState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuSchedulerState(device, &pSchedulerState); + scuda_intercept_result = nvmlDeviceGetVgpuSchedulerState(device, &pSchedulerState); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pSchedulerState, sizeof(nvmlVgpuSchedulerGetState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6144,7 +6144,7 @@ int handle_nvmlDeviceGetVgpuSchedulerCapabilities(void *conn) nvmlDevice_t device; nvmlVgpuSchedulerCapabilities_t pCapabilities; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -6153,11 +6153,11 @@ int handle_nvmlDeviceGetVgpuSchedulerCapabilities(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuSchedulerCapabilities(device, &pCapabilities); + scuda_intercept_result = nvmlDeviceGetVgpuSchedulerCapabilities(device, &pCapabilities); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pCapabilities, sizeof(nvmlVgpuSchedulerCapabilities_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6170,7 +6170,7 @@ int handle_nvmlGetVgpuVersion(void *conn) nvmlVgpuVersion_t supported; nvmlVgpuVersion_t current; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -6178,12 +6178,12 @@ int handle_nvmlGetVgpuVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGetVgpuVersion(&supported, ¤t); + scuda_intercept_result = nvmlGetVgpuVersion(&supported, ¤t); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &supported, sizeof(nvmlVgpuVersion_t)) < 0 || rpc_write(conn, ¤t, sizeof(nvmlVgpuVersion_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6195,7 +6195,7 @@ int handle_nvmlSetVgpuVersion(void *conn) { nvmlVgpuVersion_t vgpuVersion; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -6203,11 +6203,11 @@ int handle_nvmlSetVgpuVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlSetVgpuVersion(&vgpuVersion); + scuda_intercept_result = nvmlSetVgpuVersion(&vgpuVersion); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuVersion, sizeof(nvmlVgpuVersion_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6223,7 +6223,7 @@ int handle_nvmlDeviceGetVgpuUtilization(void *conn) unsigned int vgpuInstanceSamplesCount; nvmlVgpuInstanceUtilizationSample_t* utilizationSamples; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &lastSeenTimeStamp, sizeof(unsigned long long)) < 0 || @@ -6235,13 +6235,13 @@ int handle_nvmlDeviceGetVgpuUtilization(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuUtilization(device, lastSeenTimeStamp, &sampleValType, &vgpuInstanceSamplesCount, utilizationSamples); + scuda_intercept_result = nvmlDeviceGetVgpuUtilization(device, lastSeenTimeStamp, &sampleValType, &vgpuInstanceSamplesCount, utilizationSamples); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sampleValType, sizeof(nvmlValueType_t)) < 0 || rpc_write(conn, &vgpuInstanceSamplesCount, sizeof(unsigned int)) < 0 || rpc_write(conn, utilizationSamples, vgpuInstanceSamplesCount * sizeof(nvmlVgpuInstanceUtilizationSample_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6256,7 +6256,7 @@ int handle_nvmlDeviceGetVgpuProcessUtilization(void *conn) unsigned int vgpuProcessSamplesCount; nvmlVgpuProcessUtilizationSample_t* utilizationSamples; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &lastSeenTimeStamp, sizeof(unsigned long long)) < 0 || @@ -6267,12 +6267,12 @@ int handle_nvmlDeviceGetVgpuProcessUtilization(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetVgpuProcessUtilization(device, lastSeenTimeStamp, &vgpuProcessSamplesCount, utilizationSamples); + scuda_intercept_result = nvmlDeviceGetVgpuProcessUtilization(device, lastSeenTimeStamp, &vgpuProcessSamplesCount, utilizationSamples); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &vgpuProcessSamplesCount, sizeof(unsigned int)) < 0 || rpc_write(conn, utilizationSamples, vgpuProcessSamplesCount * sizeof(nvmlVgpuProcessUtilizationSample_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6285,7 +6285,7 @@ int handle_nvmlVgpuInstanceGetAccountingMode(void *conn) nvmlVgpuInstance_t vgpuInstance; nvmlEnableState_t mode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -6294,11 +6294,11 @@ int handle_nvmlVgpuInstanceGetAccountingMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetAccountingMode(vgpuInstance, &mode); + scuda_intercept_result = nvmlVgpuInstanceGetAccountingMode(vgpuInstance, &mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(nvmlEnableState_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6312,7 +6312,7 @@ int handle_nvmlVgpuInstanceGetAccountingPids(void *conn) unsigned int count; unsigned int* pids; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -6322,12 +6322,12 @@ int handle_nvmlVgpuInstanceGetAccountingPids(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetAccountingPids(vgpuInstance, &count, pids); + scuda_intercept_result = nvmlVgpuInstanceGetAccountingPids(vgpuInstance, &count, pids); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, pids, count * sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6341,7 +6341,7 @@ int handle_nvmlVgpuInstanceGetAccountingStats(void *conn) unsigned int pid; nvmlAccountingStats_t stats; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || rpc_read(conn, &pid, sizeof(unsigned int)) < 0 || @@ -6351,11 +6351,11 @@ int handle_nvmlVgpuInstanceGetAccountingStats(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetAccountingStats(vgpuInstance, pid, &stats); + scuda_intercept_result = nvmlVgpuInstanceGetAccountingStats(vgpuInstance, pid, &stats); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &stats, sizeof(nvmlAccountingStats_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6367,7 +6367,7 @@ int handle_nvmlVgpuInstanceClearAccountingPids(void *conn) { nvmlVgpuInstance_t vgpuInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -6376,10 +6376,10 @@ int handle_nvmlVgpuInstanceClearAccountingPids(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceClearAccountingPids(vgpuInstance); + scuda_intercept_result = nvmlVgpuInstanceClearAccountingPids(vgpuInstance); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6392,7 +6392,7 @@ int handle_nvmlVgpuInstanceGetLicenseInfo_v2(void *conn) nvmlVgpuInstance_t vgpuInstance; nvmlVgpuLicenseInfo_t licenseInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &vgpuInstance, sizeof(nvmlVgpuInstance_t)) < 0 || false) @@ -6401,11 +6401,11 @@ int handle_nvmlVgpuInstanceGetLicenseInfo_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlVgpuInstanceGetLicenseInfo_v2(vgpuInstance, &licenseInfo); + scuda_intercept_result = nvmlVgpuInstanceGetLicenseInfo_v2(vgpuInstance, &licenseInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &licenseInfo, sizeof(nvmlVgpuLicenseInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6417,7 +6417,7 @@ int handle_nvmlGetExcludedDeviceCount(void *conn) { unsigned int deviceCount; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -6425,11 +6425,11 @@ int handle_nvmlGetExcludedDeviceCount(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGetExcludedDeviceCount(&deviceCount); + scuda_intercept_result = nvmlGetExcludedDeviceCount(&deviceCount); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &deviceCount, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6442,7 +6442,7 @@ int handle_nvmlGetExcludedDeviceInfoByIndex(void *conn) unsigned int index; nvmlExcludedDeviceInfo_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &index, sizeof(unsigned int)) < 0 || false) @@ -6451,11 +6451,11 @@ int handle_nvmlGetExcludedDeviceInfoByIndex(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGetExcludedDeviceInfoByIndex(index, &info); + scuda_intercept_result = nvmlGetExcludedDeviceInfoByIndex(index, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlExcludedDeviceInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6469,7 +6469,7 @@ int handle_nvmlDeviceSetMigMode(void *conn) unsigned int mode; nvmlReturn_t activationStatus; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &mode, sizeof(unsigned int)) < 0 || @@ -6479,11 +6479,11 @@ int handle_nvmlDeviceSetMigMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetMigMode(device, mode, &activationStatus); + scuda_intercept_result = nvmlDeviceSetMigMode(device, mode, &activationStatus); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &activationStatus, sizeof(nvmlReturn_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6497,7 +6497,7 @@ int handle_nvmlDeviceGetMigMode(void *conn) unsigned int currentMode; unsigned int pendingMode; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -6506,12 +6506,12 @@ int handle_nvmlDeviceGetMigMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMigMode(device, ¤tMode, &pendingMode); + scuda_intercept_result = nvmlDeviceGetMigMode(device, ¤tMode, &pendingMode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¤tMode, sizeof(unsigned int)) < 0 || rpc_write(conn, &pendingMode, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6525,7 +6525,7 @@ int handle_nvmlDeviceGetGpuInstanceProfileInfo(void *conn) unsigned int profile; nvmlGpuInstanceProfileInfo_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &profile, sizeof(unsigned int)) < 0 || @@ -6535,11 +6535,11 @@ int handle_nvmlDeviceGetGpuInstanceProfileInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstanceProfileInfo(device, profile, &info); + scuda_intercept_result = nvmlDeviceGetGpuInstanceProfileInfo(device, profile, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlGpuInstanceProfileInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6553,7 +6553,7 @@ int handle_nvmlDeviceGetGpuInstanceProfileInfoV(void *conn) unsigned int profile; nvmlGpuInstanceProfileInfo_v2_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &profile, sizeof(unsigned int)) < 0 || @@ -6563,11 +6563,11 @@ int handle_nvmlDeviceGetGpuInstanceProfileInfoV(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstanceProfileInfoV(device, profile, &info); + scuda_intercept_result = nvmlDeviceGetGpuInstanceProfileInfoV(device, profile, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlGpuInstanceProfileInfo_v2_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6582,7 +6582,7 @@ int handle_nvmlDeviceGetGpuInstancePossiblePlacements_v2(void *conn) unsigned int count; nvmlGpuInstancePlacement_t* placements; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6593,12 +6593,12 @@ int handle_nvmlDeviceGetGpuInstancePossiblePlacements_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstancePossiblePlacements_v2(device, profileId, placements, &count); + scuda_intercept_result = nvmlDeviceGetGpuInstancePossiblePlacements_v2(device, profileId, placements, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, placements, count * sizeof(nvmlGpuInstancePlacement_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6612,7 +6612,7 @@ int handle_nvmlDeviceGetGpuInstanceRemainingCapacity(void *conn) unsigned int profileId; unsigned int count; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6622,11 +6622,11 @@ int handle_nvmlDeviceGetGpuInstanceRemainingCapacity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstanceRemainingCapacity(device, profileId, &count); + scuda_intercept_result = nvmlDeviceGetGpuInstanceRemainingCapacity(device, profileId, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6640,7 +6640,7 @@ int handle_nvmlDeviceCreateGpuInstance(void *conn) unsigned int profileId; nvmlGpuInstance_t gpuInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6650,11 +6650,11 @@ int handle_nvmlDeviceCreateGpuInstance(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceCreateGpuInstance(device, profileId, &gpuInstance); + scuda_intercept_result = nvmlDeviceCreateGpuInstance(device, profileId, &gpuInstance); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6666,7 +6666,7 @@ int handle_nvmlGpuInstanceDestroy(void *conn) { nvmlGpuInstance_t gpuInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || false) @@ -6675,10 +6675,10 @@ int handle_nvmlGpuInstanceDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceDestroy(gpuInstance); + scuda_intercept_result = nvmlGpuInstanceDestroy(gpuInstance); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6693,7 +6693,7 @@ int handle_nvmlDeviceGetGpuInstances(void *conn) unsigned int count; nvmlGpuInstance_t* gpuInstances; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6704,12 +6704,12 @@ int handle_nvmlDeviceGetGpuInstances(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstances(device, profileId, gpuInstances, &count); + scuda_intercept_result = nvmlDeviceGetGpuInstances(device, profileId, gpuInstances, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, gpuInstances, count * sizeof(nvmlGpuInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6723,7 +6723,7 @@ int handle_nvmlDeviceGetGpuInstanceById(void *conn) unsigned int id; nvmlGpuInstance_t gpuInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &id, sizeof(unsigned int)) < 0 || @@ -6733,11 +6733,11 @@ int handle_nvmlDeviceGetGpuInstanceById(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstanceById(device, id, &gpuInstance); + scuda_intercept_result = nvmlDeviceGetGpuInstanceById(device, id, &gpuInstance); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6750,7 +6750,7 @@ int handle_nvmlGpuInstanceGetInfo(void *conn) nvmlGpuInstance_t gpuInstance; nvmlGpuInstanceInfo_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || false) @@ -6759,11 +6759,11 @@ int handle_nvmlGpuInstanceGetInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetInfo(gpuInstance, &info); + scuda_intercept_result = nvmlGpuInstanceGetInfo(gpuInstance, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlGpuInstanceInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6778,7 +6778,7 @@ int handle_nvmlGpuInstanceGetComputeInstanceProfileInfo(void *conn) unsigned int engProfile; nvmlComputeInstanceProfileInfo_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &profile, sizeof(unsigned int)) < 0 || @@ -6789,11 +6789,11 @@ int handle_nvmlGpuInstanceGetComputeInstanceProfileInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetComputeInstanceProfileInfo(gpuInstance, profile, engProfile, &info); + scuda_intercept_result = nvmlGpuInstanceGetComputeInstanceProfileInfo(gpuInstance, profile, engProfile, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlComputeInstanceProfileInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6808,7 +6808,7 @@ int handle_nvmlGpuInstanceGetComputeInstanceProfileInfoV(void *conn) unsigned int engProfile; nvmlComputeInstanceProfileInfo_v2_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &profile, sizeof(unsigned int)) < 0 || @@ -6819,11 +6819,11 @@ int handle_nvmlGpuInstanceGetComputeInstanceProfileInfoV(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetComputeInstanceProfileInfoV(gpuInstance, profile, engProfile, &info); + scuda_intercept_result = nvmlGpuInstanceGetComputeInstanceProfileInfoV(gpuInstance, profile, engProfile, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlComputeInstanceProfileInfo_v2_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6837,7 +6837,7 @@ int handle_nvmlGpuInstanceGetComputeInstanceRemainingCapacity(void *conn) unsigned int profileId; unsigned int count; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6847,11 +6847,11 @@ int handle_nvmlGpuInstanceGetComputeInstanceRemainingCapacity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetComputeInstanceRemainingCapacity(gpuInstance, profileId, &count); + scuda_intercept_result = nvmlGpuInstanceGetComputeInstanceRemainingCapacity(gpuInstance, profileId, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6866,7 +6866,7 @@ int handle_nvmlGpuInstanceGetComputeInstancePossiblePlacements(void *conn) unsigned int count; nvmlComputeInstancePlacement_t* placements; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6877,12 +6877,12 @@ int handle_nvmlGpuInstanceGetComputeInstancePossiblePlacements(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetComputeInstancePossiblePlacements(gpuInstance, profileId, placements, &count); + scuda_intercept_result = nvmlGpuInstanceGetComputeInstancePossiblePlacements(gpuInstance, profileId, placements, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, placements, count * sizeof(nvmlComputeInstancePlacement_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6896,7 +6896,7 @@ int handle_nvmlGpuInstanceCreateComputeInstance(void *conn) unsigned int profileId; nvmlComputeInstance_t computeInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6906,11 +6906,11 @@ int handle_nvmlGpuInstanceCreateComputeInstance(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceCreateComputeInstance(gpuInstance, profileId, &computeInstance); + scuda_intercept_result = nvmlGpuInstanceCreateComputeInstance(gpuInstance, profileId, &computeInstance); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &computeInstance, sizeof(nvmlComputeInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6922,7 +6922,7 @@ int handle_nvmlComputeInstanceDestroy(void *conn) { nvmlComputeInstance_t computeInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &computeInstance, sizeof(nvmlComputeInstance_t)) < 0 || false) @@ -6931,10 +6931,10 @@ int handle_nvmlComputeInstanceDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlComputeInstanceDestroy(computeInstance); + scuda_intercept_result = nvmlComputeInstanceDestroy(computeInstance); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6949,7 +6949,7 @@ int handle_nvmlGpuInstanceGetComputeInstances(void *conn) unsigned int count; nvmlComputeInstance_t* computeInstances; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &profileId, sizeof(unsigned int)) < 0 || @@ -6960,12 +6960,12 @@ int handle_nvmlGpuInstanceGetComputeInstances(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetComputeInstances(gpuInstance, profileId, computeInstances, &count); + scuda_intercept_result = nvmlGpuInstanceGetComputeInstances(gpuInstance, profileId, computeInstances, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || rpc_write(conn, computeInstances, count * sizeof(nvmlComputeInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -6979,7 +6979,7 @@ int handle_nvmlGpuInstanceGetComputeInstanceById(void *conn) unsigned int id; nvmlComputeInstance_t computeInstance; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpuInstance, sizeof(nvmlGpuInstance_t)) < 0 || rpc_read(conn, &id, sizeof(unsigned int)) < 0 || @@ -6989,11 +6989,11 @@ int handle_nvmlGpuInstanceGetComputeInstanceById(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpuInstanceGetComputeInstanceById(gpuInstance, id, &computeInstance); + scuda_intercept_result = nvmlGpuInstanceGetComputeInstanceById(gpuInstance, id, &computeInstance); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &computeInstance, sizeof(nvmlComputeInstance_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7006,7 +7006,7 @@ int handle_nvmlComputeInstanceGetInfo_v2(void *conn) nvmlComputeInstance_t computeInstance; nvmlComputeInstanceInfo_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &computeInstance, sizeof(nvmlComputeInstance_t)) < 0 || false) @@ -7015,11 +7015,11 @@ int handle_nvmlComputeInstanceGetInfo_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlComputeInstanceGetInfo_v2(computeInstance, &info); + scuda_intercept_result = nvmlComputeInstanceGetInfo_v2(computeInstance, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlComputeInstanceInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7032,7 +7032,7 @@ int handle_nvmlDeviceIsMigDeviceHandle(void *conn) nvmlDevice_t device; unsigned int isMigDevice; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7041,11 +7041,11 @@ int handle_nvmlDeviceIsMigDeviceHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceIsMigDeviceHandle(device, &isMigDevice); + scuda_intercept_result = nvmlDeviceIsMigDeviceHandle(device, &isMigDevice); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isMigDevice, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7058,7 +7058,7 @@ int handle_nvmlDeviceGetGpuInstanceId(void *conn) nvmlDevice_t device; unsigned int id; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7067,11 +7067,11 @@ int handle_nvmlDeviceGetGpuInstanceId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuInstanceId(device, &id); + scuda_intercept_result = nvmlDeviceGetGpuInstanceId(device, &id); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &id, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7084,7 +7084,7 @@ int handle_nvmlDeviceGetComputeInstanceId(void *conn) nvmlDevice_t device; unsigned int id; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7093,11 +7093,11 @@ int handle_nvmlDeviceGetComputeInstanceId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetComputeInstanceId(device, &id); + scuda_intercept_result = nvmlDeviceGetComputeInstanceId(device, &id); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &id, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7110,7 +7110,7 @@ int handle_nvmlDeviceGetMaxMigDeviceCount(void *conn) nvmlDevice_t device; unsigned int count; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7119,11 +7119,11 @@ int handle_nvmlDeviceGetMaxMigDeviceCount(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMaxMigDeviceCount(device, &count); + scuda_intercept_result = nvmlDeviceGetMaxMigDeviceCount(device, &count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7137,7 +7137,7 @@ int handle_nvmlDeviceGetMigDeviceHandleByIndex(void *conn) unsigned int index; nvmlDevice_t migDevice; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &index, sizeof(unsigned int)) < 0 || @@ -7147,11 +7147,11 @@ int handle_nvmlDeviceGetMigDeviceHandleByIndex(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMigDeviceHandleByIndex(device, index, &migDevice); + scuda_intercept_result = nvmlDeviceGetMigDeviceHandleByIndex(device, index, &migDevice); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &migDevice, sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7164,7 +7164,7 @@ int handle_nvmlDeviceGetDeviceHandleFromMigDeviceHandle(void *conn) nvmlDevice_t migDevice; nvmlDevice_t device; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &migDevice, sizeof(nvmlDevice_t)) < 0 || false) @@ -7173,11 +7173,11 @@ int handle_nvmlDeviceGetDeviceHandleFromMigDeviceHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDeviceHandleFromMigDeviceHandle(migDevice, &device); + scuda_intercept_result = nvmlDeviceGetDeviceHandleFromMigDeviceHandle(migDevice, &device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(nvmlDevice_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7190,7 +7190,7 @@ int handle_nvmlDeviceGetBusType(void *conn) nvmlDevice_t device; nvmlBusType_t type; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7199,11 +7199,11 @@ int handle_nvmlDeviceGetBusType(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetBusType(device, &type); + scuda_intercept_result = nvmlDeviceGetBusType(device, &type); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &type, sizeof(nvmlBusType_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7216,7 +7216,7 @@ int handle_nvmlDeviceGetDynamicPstatesInfo(void *conn) nvmlDevice_t device; nvmlGpuDynamicPstatesInfo_t pDynamicPstatesInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7225,11 +7225,11 @@ int handle_nvmlDeviceGetDynamicPstatesInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetDynamicPstatesInfo(device, &pDynamicPstatesInfo); + scuda_intercept_result = nvmlDeviceGetDynamicPstatesInfo(device, &pDynamicPstatesInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pDynamicPstatesInfo, sizeof(nvmlGpuDynamicPstatesInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7243,7 +7243,7 @@ int handle_nvmlDeviceSetFanSpeed_v2(void *conn) unsigned int fan; unsigned int speed; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &fan, sizeof(unsigned int)) < 0 || @@ -7254,10 +7254,10 @@ int handle_nvmlDeviceSetFanSpeed_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetFanSpeed_v2(device, fan, speed); + scuda_intercept_result = nvmlDeviceSetFanSpeed_v2(device, fan, speed); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7270,7 +7270,7 @@ int handle_nvmlDeviceGetGpcClkVfOffset(void *conn) nvmlDevice_t device; int offset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7279,11 +7279,11 @@ int handle_nvmlDeviceGetGpcClkVfOffset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpcClkVfOffset(device, &offset); + scuda_intercept_result = nvmlDeviceGetGpcClkVfOffset(device, &offset); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &offset, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7296,7 +7296,7 @@ int handle_nvmlDeviceSetGpcClkVfOffset(void *conn) nvmlDevice_t device; int offset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &offset, sizeof(int)) < 0 || @@ -7306,10 +7306,10 @@ int handle_nvmlDeviceSetGpcClkVfOffset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetGpcClkVfOffset(device, offset); + scuda_intercept_result = nvmlDeviceSetGpcClkVfOffset(device, offset); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7322,7 +7322,7 @@ int handle_nvmlDeviceGetMemClkVfOffset(void *conn) nvmlDevice_t device; int offset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7331,11 +7331,11 @@ int handle_nvmlDeviceGetMemClkVfOffset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemClkVfOffset(device, &offset); + scuda_intercept_result = nvmlDeviceGetMemClkVfOffset(device, &offset); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &offset, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7348,7 +7348,7 @@ int handle_nvmlDeviceSetMemClkVfOffset(void *conn) nvmlDevice_t device; int offset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &offset, sizeof(int)) < 0 || @@ -7358,10 +7358,10 @@ int handle_nvmlDeviceSetMemClkVfOffset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetMemClkVfOffset(device, offset); + scuda_intercept_result = nvmlDeviceSetMemClkVfOffset(device, offset); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7377,7 +7377,7 @@ int handle_nvmlDeviceGetMinMaxClockOfPState(void *conn) unsigned int minClockMHz; unsigned int maxClockMHz; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &type, sizeof(nvmlClockType_t)) < 0 || @@ -7388,12 +7388,12 @@ int handle_nvmlDeviceGetMinMaxClockOfPState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMinMaxClockOfPState(device, type, pstate, &minClockMHz, &maxClockMHz); + scuda_intercept_result = nvmlDeviceGetMinMaxClockOfPState(device, type, pstate, &minClockMHz, &maxClockMHz); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &minClockMHz, sizeof(unsigned int)) < 0 || rpc_write(conn, &maxClockMHz, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7407,7 +7407,7 @@ int handle_nvmlDeviceGetSupportedPerformanceStates(void *conn) unsigned int size; nvmlPstates_t* pstates; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &size, sizeof(unsigned int)) < 0 || @@ -7417,11 +7417,11 @@ int handle_nvmlDeviceGetSupportedPerformanceStates(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetSupportedPerformanceStates(device, pstates, size); + scuda_intercept_result = nvmlDeviceGetSupportedPerformanceStates(device, pstates, size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, pstates, size * sizeof(nvmlPstates_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7435,7 +7435,7 @@ int handle_nvmlDeviceGetGpcClkMinMaxVfOffset(void *conn) int minOffset; int maxOffset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7444,12 +7444,12 @@ int handle_nvmlDeviceGetGpcClkMinMaxVfOffset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpcClkMinMaxVfOffset(device, &minOffset, &maxOffset); + scuda_intercept_result = nvmlDeviceGetGpcClkMinMaxVfOffset(device, &minOffset, &maxOffset); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &minOffset, sizeof(int)) < 0 || rpc_write(conn, &maxOffset, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7463,7 +7463,7 @@ int handle_nvmlDeviceGetMemClkMinMaxVfOffset(void *conn) int minOffset; int maxOffset; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7472,12 +7472,12 @@ int handle_nvmlDeviceGetMemClkMinMaxVfOffset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetMemClkMinMaxVfOffset(device, &minOffset, &maxOffset); + scuda_intercept_result = nvmlDeviceGetMemClkMinMaxVfOffset(device, &minOffset, &maxOffset); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &minOffset, sizeof(int)) < 0 || rpc_write(conn, &maxOffset, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7490,7 +7490,7 @@ int handle_nvmlDeviceGetGpuFabricInfo(void *conn) nvmlDevice_t device; nvmlGpuFabricInfo_t gpuFabricInfo; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7499,11 +7499,11 @@ int handle_nvmlDeviceGetGpuFabricInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceGetGpuFabricInfo(device, &gpuFabricInfo); + scuda_intercept_result = nvmlDeviceGetGpuFabricInfo(device, &gpuFabricInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpuFabricInfo, sizeof(nvmlGpuFabricInfo_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7515,7 +7515,7 @@ int handle_nvmlGpmMetricsGet(void *conn) { nvmlGpmMetricsGet_t metricsGet; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -7523,11 +7523,11 @@ int handle_nvmlGpmMetricsGet(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpmMetricsGet(&metricsGet); + scuda_intercept_result = nvmlGpmMetricsGet(&metricsGet); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &metricsGet, sizeof(nvmlGpmMetricsGet_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7539,7 +7539,7 @@ int handle_nvmlGpmSampleFree(void *conn) { nvmlGpmSample_t gpmSample; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &gpmSample, sizeof(nvmlGpmSample_t)) < 0 || false) @@ -7548,10 +7548,10 @@ int handle_nvmlGpmSampleFree(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpmSampleFree(gpmSample); + scuda_intercept_result = nvmlGpmSampleFree(gpmSample); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7563,7 +7563,7 @@ int handle_nvmlGpmSampleAlloc(void *conn) { nvmlGpmSample_t gpmSample; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -7571,11 +7571,11 @@ int handle_nvmlGpmSampleAlloc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpmSampleAlloc(&gpmSample); + scuda_intercept_result = nvmlGpmSampleAlloc(&gpmSample); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpmSample, sizeof(nvmlGpmSample_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7588,7 +7588,7 @@ int handle_nvmlGpmSampleGet(void *conn) nvmlDevice_t device; nvmlGpmSample_t gpmSample; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &gpmSample, sizeof(nvmlGpmSample_t)) < 0 || @@ -7598,10 +7598,10 @@ int handle_nvmlGpmSampleGet(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpmSampleGet(device, gpmSample); + scuda_intercept_result = nvmlGpmSampleGet(device, gpmSample); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7615,7 +7615,7 @@ int handle_nvmlGpmMigSampleGet(void *conn) unsigned int gpuInstanceId; nvmlGpmSample_t gpmSample; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || rpc_read(conn, &gpuInstanceId, sizeof(unsigned int)) < 0 || @@ -7626,10 +7626,10 @@ int handle_nvmlGpmMigSampleGet(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpmMigSampleGet(device, gpuInstanceId, gpmSample); + scuda_intercept_result = nvmlGpmMigSampleGet(device, gpuInstanceId, gpmSample); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7642,7 +7642,7 @@ int handle_nvmlGpmQueryDeviceSupport(void *conn) nvmlDevice_t device; nvmlGpmSupport_t gpmSupport; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7651,11 +7651,11 @@ int handle_nvmlGpmQueryDeviceSupport(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlGpmQueryDeviceSupport(device, &gpmSupport); + scuda_intercept_result = nvmlGpmQueryDeviceSupport(device, &gpmSupport); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &gpmSupport, sizeof(nvmlGpmSupport_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7668,7 +7668,7 @@ int handle_nvmlDeviceSetNvLinkDeviceLowPowerThreshold(void *conn) nvmlDevice_t device; nvmlNvLinkPowerThres_t info; int request_id; - nvmlReturn_t result; + nvmlReturn_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(nvmlDevice_t)) < 0 || false) @@ -7677,11 +7677,11 @@ int handle_nvmlDeviceSetNvLinkDeviceLowPowerThreshold(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = nvmlDeviceSetNvLinkDeviceLowPowerThreshold(device, &info); + scuda_intercept_result = nvmlDeviceSetNvLinkDeviceLowPowerThreshold(device, &info); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &info, sizeof(nvmlNvLinkPowerThres_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7693,7 +7693,7 @@ int handle_cuInit(void *conn) { unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &Flags, sizeof(unsigned int)) < 0 || false) @@ -7702,10 +7702,10 @@ int handle_cuInit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuInit(Flags); + scuda_intercept_result = cuInit(Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7717,7 +7717,7 @@ int handle_cuDriverGetVersion(void *conn) { int driverVersion; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -7725,11 +7725,11 @@ int handle_cuDriverGetVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDriverGetVersion(&driverVersion); + scuda_intercept_result = cuDriverGetVersion(&driverVersion); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &driverVersion, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7742,7 +7742,7 @@ int handle_cuDeviceGet(void *conn) CUdevice device; int ordinal; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ordinal, sizeof(int)) < 0 || false) @@ -7751,11 +7751,11 @@ int handle_cuDeviceGet(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGet(&device, ordinal); + scuda_intercept_result = cuDeviceGet(&device, ordinal); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(CUdevice)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7767,7 +7767,7 @@ int handle_cuDeviceGetCount(void *conn) { int count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -7775,11 +7775,11 @@ int handle_cuDeviceGetCount(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetCount(&count); + scuda_intercept_result = cuDeviceGetCount(&count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7793,7 +7793,7 @@ int handle_cuDeviceGetName(void *conn) char* name; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &len, sizeof(int)) < 0 || rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || @@ -7803,11 +7803,11 @@ int handle_cuDeviceGetName(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetName(name, len, dev); + scuda_intercept_result = cuDeviceGetName(name, len, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, name, len * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7820,7 +7820,7 @@ int handle_cuDeviceGetUuid(void *conn) CUuuid* uuid; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -7829,11 +7829,11 @@ int handle_cuDeviceGetUuid(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetUuid(uuid, dev); + scuda_intercept_result = cuDeviceGetUuid(uuid, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, uuid, 16) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7846,7 +7846,7 @@ int handle_cuDeviceGetUuid_v2(void *conn) CUuuid* uuid; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -7855,11 +7855,11 @@ int handle_cuDeviceGetUuid_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetUuid_v2(uuid, dev); + scuda_intercept_result = cuDeviceGetUuid_v2(uuid, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, uuid, 16) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7874,7 +7874,7 @@ int handle_cuDeviceGetLuid(void *conn) unsigned int deviceNodeMask; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -7883,13 +7883,13 @@ int handle_cuDeviceGetLuid(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetLuid(luid, &deviceNodeMask, dev); + scuda_intercept_result = cuDeviceGetLuid(luid, &deviceNodeMask, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &luid_len, sizeof(std::size_t)) < 0 || rpc_write(conn, luid, luid_len) < 0 || rpc_write(conn, &deviceNodeMask, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7902,7 +7902,7 @@ int handle_cuDeviceTotalMem_v2(void *conn) size_t bytes; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -7911,11 +7911,11 @@ int handle_cuDeviceTotalMem_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceTotalMem_v2(&bytes, dev); + scuda_intercept_result = cuDeviceTotalMem_v2(&bytes, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &bytes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7930,7 +7930,7 @@ int handle_cuDeviceGetTexture1DLinearMaxWidth(void *conn) unsigned numChannels; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &format, sizeof(CUarray_format)) < 0 || rpc_read(conn, &numChannels, sizeof(unsigned)) < 0 || @@ -7941,11 +7941,11 @@ int handle_cuDeviceGetTexture1DLinearMaxWidth(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetTexture1DLinearMaxWidth(&maxWidthInElements, format, numChannels, dev); + scuda_intercept_result = cuDeviceGetTexture1DLinearMaxWidth(&maxWidthInElements, format, numChannels, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &maxWidthInElements, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7959,7 +7959,7 @@ int handle_cuDeviceGetAttribute(void *conn) CUdevice_attribute attrib; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &attrib, sizeof(CUdevice_attribute)) < 0 || rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || @@ -7969,11 +7969,11 @@ int handle_cuDeviceGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetAttribute(&pi, attrib, dev); + scuda_intercept_result = cuDeviceGetAttribute(&pi, attrib, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pi, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -7986,7 +7986,7 @@ int handle_cuDeviceSetMemPool(void *conn) CUdevice dev; CUmemoryPool pool; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || rpc_read(conn, &pool, sizeof(CUmemoryPool)) < 0 || @@ -7996,10 +7996,10 @@ int handle_cuDeviceSetMemPool(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceSetMemPool(dev, pool); + scuda_intercept_result = cuDeviceSetMemPool(dev, pool); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8012,7 +8012,7 @@ int handle_cuDeviceGetMemPool(void *conn) CUmemoryPool pool; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8021,11 +8021,11 @@ int handle_cuDeviceGetMemPool(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetMemPool(&pool, dev); + scuda_intercept_result = cuDeviceGetMemPool(&pool, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pool, sizeof(CUmemoryPool)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8038,7 +8038,7 @@ int handle_cuDeviceGetDefaultMemPool(void *conn) CUmemoryPool pool_out; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8047,11 +8047,11 @@ int handle_cuDeviceGetDefaultMemPool(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetDefaultMemPool(&pool_out, dev); + scuda_intercept_result = cuDeviceGetDefaultMemPool(&pool_out, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pool_out, sizeof(CUmemoryPool)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8065,7 +8065,7 @@ int handle_cuDeviceGetExecAffinitySupport(void *conn) CUexecAffinityType type; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &type, sizeof(CUexecAffinityType)) < 0 || rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || @@ -8075,11 +8075,11 @@ int handle_cuDeviceGetExecAffinitySupport(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetExecAffinitySupport(&pi, type, dev); + scuda_intercept_result = cuDeviceGetExecAffinitySupport(&pi, type, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pi, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8092,7 +8092,7 @@ int handle_cuFlushGPUDirectRDMAWrites(void *conn) CUflushGPUDirectRDMAWritesTarget target; CUflushGPUDirectRDMAWritesScope scope; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &target, sizeof(CUflushGPUDirectRDMAWritesTarget)) < 0 || rpc_read(conn, &scope, sizeof(CUflushGPUDirectRDMAWritesScope)) < 0 || @@ -8102,10 +8102,10 @@ int handle_cuFlushGPUDirectRDMAWrites(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFlushGPUDirectRDMAWrites(target, scope); + scuda_intercept_result = cuFlushGPUDirectRDMAWrites(target, scope); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8118,7 +8118,7 @@ int handle_cuDeviceGetProperties(void *conn) CUdevprop prop; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8127,11 +8127,11 @@ int handle_cuDeviceGetProperties(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetProperties(&prop, dev); + scuda_intercept_result = cuDeviceGetProperties(&prop, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &prop, sizeof(CUdevprop)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8145,7 +8145,7 @@ int handle_cuDeviceComputeCapability(void *conn) int minor; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8154,12 +8154,12 @@ int handle_cuDeviceComputeCapability(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceComputeCapability(&major, &minor, dev); + scuda_intercept_result = cuDeviceComputeCapability(&major, &minor, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &major, sizeof(int)) < 0 || rpc_write(conn, &minor, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8172,7 +8172,7 @@ int handle_cuDevicePrimaryCtxRetain(void *conn) CUcontext pctx; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8181,11 +8181,11 @@ int handle_cuDevicePrimaryCtxRetain(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDevicePrimaryCtxRetain(&pctx, dev); + scuda_intercept_result = cuDevicePrimaryCtxRetain(&pctx, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8197,7 +8197,7 @@ int handle_cuDevicePrimaryCtxRelease_v2(void *conn) { CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8206,10 +8206,10 @@ int handle_cuDevicePrimaryCtxRelease_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDevicePrimaryCtxRelease_v2(dev); + scuda_intercept_result = cuDevicePrimaryCtxRelease_v2(dev); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8222,7 +8222,7 @@ int handle_cuDevicePrimaryCtxSetFlags_v2(void *conn) CUdevice dev; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -8232,10 +8232,10 @@ int handle_cuDevicePrimaryCtxSetFlags_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDevicePrimaryCtxSetFlags_v2(dev, flags); + scuda_intercept_result = cuDevicePrimaryCtxSetFlags_v2(dev, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8249,7 +8249,7 @@ int handle_cuDevicePrimaryCtxGetState(void *conn) unsigned int flags; int active; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8258,12 +8258,12 @@ int handle_cuDevicePrimaryCtxGetState(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDevicePrimaryCtxGetState(dev, &flags, &active); + scuda_intercept_result = cuDevicePrimaryCtxGetState(dev, &flags, &active); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned int)) < 0 || rpc_write(conn, &active, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8275,7 +8275,7 @@ int handle_cuDevicePrimaryCtxReset_v2(void *conn) { CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || false) @@ -8284,10 +8284,10 @@ int handle_cuDevicePrimaryCtxReset_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDevicePrimaryCtxReset_v2(dev); + scuda_intercept_result = cuDevicePrimaryCtxReset_v2(dev); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8301,7 +8301,7 @@ int handle_cuCtxCreate_v2(void *conn) unsigned int flags; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || @@ -8311,11 +8311,11 @@ int handle_cuCtxCreate_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxCreate_v2(&pctx, flags, dev); + scuda_intercept_result = cuCtxCreate_v2(&pctx, flags, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8331,7 +8331,7 @@ int handle_cuCtxCreate_v3(void *conn) unsigned int flags; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &numParams, sizeof(int)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -8342,12 +8342,12 @@ int handle_cuCtxCreate_v3(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxCreate_v3(&pctx, paramsArray, numParams, flags, dev); + scuda_intercept_result = cuCtxCreate_v3(&pctx, paramsArray, numParams, flags, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || rpc_write(conn, paramsArray, numParams * sizeof(CUexecAffinityParam)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8359,7 +8359,7 @@ int handle_cuCtxDestroy_v2(void *conn) { CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ctx, sizeof(CUcontext)) < 0 || false) @@ -8368,10 +8368,10 @@ int handle_cuCtxDestroy_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxDestroy_v2(ctx); + scuda_intercept_result = cuCtxDestroy_v2(ctx); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8383,7 +8383,7 @@ int handle_cuCtxPushCurrent_v2(void *conn) { CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ctx, sizeof(CUcontext)) < 0 || false) @@ -8392,10 +8392,10 @@ int handle_cuCtxPushCurrent_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxPushCurrent_v2(ctx); + scuda_intercept_result = cuCtxPushCurrent_v2(ctx); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8407,7 +8407,7 @@ int handle_cuCtxPopCurrent_v2(void *conn) { CUcontext pctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8415,11 +8415,11 @@ int handle_cuCtxPopCurrent_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxPopCurrent_v2(&pctx); + scuda_intercept_result = cuCtxPopCurrent_v2(&pctx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8431,7 +8431,7 @@ int handle_cuCtxSetCurrent(void *conn) { CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ctx, sizeof(CUcontext)) < 0 || false) @@ -8440,10 +8440,10 @@ int handle_cuCtxSetCurrent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxSetCurrent(ctx); + scuda_intercept_result = cuCtxSetCurrent(ctx); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8455,7 +8455,7 @@ int handle_cuCtxGetCurrent(void *conn) { CUcontext pctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8463,11 +8463,11 @@ int handle_cuCtxGetCurrent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetCurrent(&pctx); + scuda_intercept_result = cuCtxGetCurrent(&pctx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8479,7 +8479,7 @@ int handle_cuCtxGetDevice(void *conn) { CUdevice device; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8487,11 +8487,11 @@ int handle_cuCtxGetDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetDevice(&device); + scuda_intercept_result = cuCtxGetDevice(&device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(CUdevice)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8503,7 +8503,7 @@ int handle_cuCtxGetFlags(void *conn) { unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8511,11 +8511,11 @@ int handle_cuCtxGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetFlags(&flags); + scuda_intercept_result = cuCtxGetFlags(&flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8528,7 +8528,7 @@ int handle_cuCtxGetId(void *conn) CUcontext ctx; unsigned long long ctxId; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ctx, sizeof(CUcontext)) < 0 || false) @@ -8537,11 +8537,11 @@ int handle_cuCtxGetId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetId(ctx, &ctxId); + scuda_intercept_result = cuCtxGetId(ctx, &ctxId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ctxId, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8552,7 +8552,7 @@ int handle_cuCtxGetId(void *conn) int handle_cuCtxSynchronize(void *conn) { int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8560,10 +8560,10 @@ int handle_cuCtxSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxSynchronize(); + scuda_intercept_result = cuCtxSynchronize(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8576,7 +8576,7 @@ int handle_cuCtxSetLimit(void *conn) CUlimit limit; size_t value; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &limit, sizeof(CUlimit)) < 0 || rpc_read(conn, &value, sizeof(size_t)) < 0 || @@ -8586,10 +8586,10 @@ int handle_cuCtxSetLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxSetLimit(limit, value); + scuda_intercept_result = cuCtxSetLimit(limit, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8602,7 +8602,7 @@ int handle_cuCtxGetLimit(void *conn) size_t pvalue; CUlimit limit; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &limit, sizeof(CUlimit)) < 0 || false) @@ -8611,11 +8611,11 @@ int handle_cuCtxGetLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetLimit(&pvalue, limit); + scuda_intercept_result = cuCtxGetLimit(&pvalue, limit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pvalue, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8627,7 +8627,7 @@ int handle_cuCtxGetCacheConfig(void *conn) { CUfunc_cache pconfig; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8635,11 +8635,11 @@ int handle_cuCtxGetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetCacheConfig(&pconfig); + scuda_intercept_result = cuCtxGetCacheConfig(&pconfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pconfig, sizeof(CUfunc_cache)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8651,7 +8651,7 @@ int handle_cuCtxSetCacheConfig(void *conn) { CUfunc_cache config; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &config, sizeof(CUfunc_cache)) < 0 || false) @@ -8660,10 +8660,10 @@ int handle_cuCtxSetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxSetCacheConfig(config); + scuda_intercept_result = cuCtxSetCacheConfig(config); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8675,7 +8675,7 @@ int handle_cuCtxGetSharedMemConfig(void *conn) { CUsharedconfig pConfig; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8683,11 +8683,11 @@ int handle_cuCtxGetSharedMemConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetSharedMemConfig(&pConfig); + scuda_intercept_result = cuCtxGetSharedMemConfig(&pConfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pConfig, sizeof(CUsharedconfig)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8699,7 +8699,7 @@ int handle_cuCtxSetSharedMemConfig(void *conn) { CUsharedconfig config; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &config, sizeof(CUsharedconfig)) < 0 || false) @@ -8708,10 +8708,10 @@ int handle_cuCtxSetSharedMemConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxSetSharedMemConfig(config); + scuda_intercept_result = cuCtxSetSharedMemConfig(config); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8724,7 +8724,7 @@ int handle_cuCtxGetApiVersion(void *conn) CUcontext ctx; unsigned int version; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ctx, sizeof(CUcontext)) < 0 || false) @@ -8733,11 +8733,11 @@ int handle_cuCtxGetApiVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetApiVersion(ctx, &version); + scuda_intercept_result = cuCtxGetApiVersion(ctx, &version); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &version, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8750,7 +8750,7 @@ int handle_cuCtxGetStreamPriorityRange(void *conn) int leastPriority; int greatestPriority; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8758,12 +8758,12 @@ int handle_cuCtxGetStreamPriorityRange(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetStreamPriorityRange(&leastPriority, &greatestPriority); + scuda_intercept_result = cuCtxGetStreamPriorityRange(&leastPriority, &greatestPriority); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &leastPriority, sizeof(int)) < 0 || rpc_write(conn, &greatestPriority, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8774,7 +8774,7 @@ int handle_cuCtxGetStreamPriorityRange(void *conn) int handle_cuCtxResetPersistingL2Cache(void *conn) { int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( false) goto ERROR_0; @@ -8782,10 +8782,10 @@ int handle_cuCtxResetPersistingL2Cache(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxResetPersistingL2Cache(); + scuda_intercept_result = cuCtxResetPersistingL2Cache(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8798,7 +8798,7 @@ int handle_cuCtxGetExecAffinity(void *conn) CUexecAffinityParam pExecAffinity; CUexecAffinityType type; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &type, sizeof(CUexecAffinityType)) < 0 || false) @@ -8807,11 +8807,11 @@ int handle_cuCtxGetExecAffinity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxGetExecAffinity(&pExecAffinity, type); + scuda_intercept_result = cuCtxGetExecAffinity(&pExecAffinity, type); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pExecAffinity, sizeof(CUexecAffinityParam)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8824,7 +8824,7 @@ int handle_cuCtxAttach(void *conn) CUcontext pctx; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || false) @@ -8833,11 +8833,11 @@ int handle_cuCtxAttach(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxAttach(&pctx, flags); + scuda_intercept_result = cuCtxAttach(&pctx, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8849,7 +8849,7 @@ int handle_cuCtxDetach(void *conn) { CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ctx, sizeof(CUcontext)) < 0 || false) @@ -8858,10 +8858,10 @@ int handle_cuCtxDetach(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxDetach(ctx); + scuda_intercept_result = cuCtxDetach(ctx); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8875,7 +8875,7 @@ int handle_cuModuleLoad(void *conn) const char* fname; std::size_t fname_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &fname_len, sizeof(std::size_t)) < 0) goto ERROR_0; @@ -8887,11 +8887,11 @@ int handle_cuModuleLoad(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuModuleLoad(&module, fname); + scuda_intercept_result = cuModuleLoad(&module, fname); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &module, sizeof(CUmodule)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -8905,7 +8905,7 @@ int handle_cuModuleUnload(void *conn) { CUmodule hmod; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hmod, sizeof(CUmodule)) < 0 || false) @@ -8914,10 +8914,10 @@ int handle_cuModuleUnload(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuModuleUnload(hmod); + scuda_intercept_result = cuModuleUnload(hmod); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8929,7 +8929,7 @@ int handle_cuModuleGetLoadingMode(void *conn) { CUmoduleLoadingMode mode; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &mode, sizeof(CUmoduleLoadingMode)) < 0 || false) @@ -8938,11 +8938,11 @@ int handle_cuModuleGetLoadingMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuModuleGetLoadingMode(&mode); + scuda_intercept_result = cuModuleGetLoadingMode(&mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(CUmoduleLoadingMode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -8957,7 +8957,7 @@ int handle_cuModuleGetFunction(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hmod, sizeof(CUmodule)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -8970,11 +8970,11 @@ int handle_cuModuleGetFunction(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuModuleGetFunction(&hfunc, hmod, name); + scuda_intercept_result = cuModuleGetFunction(&hfunc, hmod, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &hfunc, sizeof(CUfunction)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -8992,7 +8992,7 @@ int handle_cuModuleGetGlobal_v2(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hmod, sizeof(CUmodule)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -9005,12 +9005,12 @@ int handle_cuModuleGetGlobal_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuModuleGetGlobal_v2(&dptr, &bytes, hmod, name); + scuda_intercept_result = cuModuleGetGlobal_v2(&dptr, &bytes, hmod, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &bytes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9027,7 +9027,7 @@ int handle_cuLinkCreate_v2(void *conn) void* optionValues; CUlinkState stateOut; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &numOptions, sizeof(unsigned int)) < 0 || rpc_read(conn, &options, sizeof(CUjit_option)) < 0 || @@ -9039,13 +9039,13 @@ int handle_cuLinkCreate_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLinkCreate_v2(numOptions, &options, &optionValues, &stateOut); + scuda_intercept_result = cuLinkCreate_v2(numOptions, &options, &optionValues, &stateOut); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &options, sizeof(CUjit_option)) < 0 || rpc_write(conn, &optionValues, sizeof(void*)) < 0 || rpc_write(conn, &stateOut, sizeof(CUlinkState)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9063,7 +9063,7 @@ int handle_cuLinkAddFile_v2(void *conn) CUjit_option* options; void** optionValues; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &state, sizeof(CUlinkState)) < 0 || rpc_read(conn, &type, sizeof(CUjitInputType)) < 0 || @@ -9080,10 +9080,10 @@ int handle_cuLinkAddFile_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuLinkAddFile_v2(state, type, path, numOptions, options, optionValues); + scuda_intercept_result = cuLinkAddFile_v2(state, type, path, numOptions, options, optionValues); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9099,7 +9099,7 @@ int handle_cuLinkComplete(void *conn) void* cubinOut; size_t sizeOut; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &state, sizeof(CUlinkState)) < 0 || false) @@ -9108,12 +9108,12 @@ int handle_cuLinkComplete(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLinkComplete(state, &cubinOut, &sizeOut); + scuda_intercept_result = cuLinkComplete(state, &cubinOut, &sizeOut); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &cubinOut, sizeof(void*)) < 0 || rpc_write(conn, &sizeOut, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9125,7 +9125,7 @@ int handle_cuLinkDestroy(void *conn) { CUlinkState state; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &state, sizeof(CUlinkState)) < 0 || false) @@ -9134,10 +9134,10 @@ int handle_cuLinkDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLinkDestroy(state); + scuda_intercept_result = cuLinkDestroy(state); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9152,7 +9152,7 @@ int handle_cuModuleGetTexRef(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hmod, sizeof(CUmodule)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -9165,11 +9165,11 @@ int handle_cuModuleGetTexRef(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuModuleGetTexRef(&pTexRef, hmod, name); + scuda_intercept_result = cuModuleGetTexRef(&pTexRef, hmod, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pTexRef, sizeof(CUtexref)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9186,7 +9186,7 @@ int handle_cuModuleGetSurfRef(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hmod, sizeof(CUmodule)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -9199,11 +9199,11 @@ int handle_cuModuleGetSurfRef(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuModuleGetSurfRef(&pSurfRef, hmod, name); + scuda_intercept_result = cuModuleGetSurfRef(&pSurfRef, hmod, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pSurfRef, sizeof(CUsurfref)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9225,7 +9225,7 @@ int handle_cuLibraryLoadFromFile(void *conn) CUlibraryOption* libraryOptions; void** libraryOptionValues; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &fileName_len, sizeof(std::size_t)) < 0) goto ERROR_0; @@ -9243,11 +9243,11 @@ int handle_cuLibraryLoadFromFile(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuLibraryLoadFromFile(&library, fileName, jitOptions, jitOptionsValues, numJitOptions, libraryOptions, libraryOptionValues, numLibraryOptions); + scuda_intercept_result = cuLibraryLoadFromFile(&library, fileName, jitOptions, jitOptionsValues, numJitOptions, libraryOptions, libraryOptionValues, numLibraryOptions); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &library, sizeof(CUlibrary)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9261,7 +9261,7 @@ int handle_cuLibraryUnload(void *conn) { CUlibrary library; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &library, sizeof(CUlibrary)) < 0 || false) @@ -9270,10 +9270,10 @@ int handle_cuLibraryUnload(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLibraryUnload(library); + scuda_intercept_result = cuLibraryUnload(library); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9288,7 +9288,7 @@ int handle_cuLibraryGetKernel(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &library, sizeof(CUlibrary)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -9301,11 +9301,11 @@ int handle_cuLibraryGetKernel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuLibraryGetKernel(&pKernel, library, name); + scuda_intercept_result = cuLibraryGetKernel(&pKernel, library, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pKernel, sizeof(CUkernel)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9320,7 +9320,7 @@ int handle_cuLibraryGetModule(void *conn) CUmodule pMod; CUlibrary library; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &library, sizeof(CUlibrary)) < 0 || false) @@ -9329,11 +9329,11 @@ int handle_cuLibraryGetModule(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLibraryGetModule(&pMod, library); + scuda_intercept_result = cuLibraryGetModule(&pMod, library); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pMod, sizeof(CUmodule)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9346,7 +9346,7 @@ int handle_cuKernelGetFunction(void *conn) CUfunction pFunc; CUkernel kernel; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &kernel, sizeof(CUkernel)) < 0 || false) @@ -9355,11 +9355,11 @@ int handle_cuKernelGetFunction(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuKernelGetFunction(&pFunc, kernel); + scuda_intercept_result = cuKernelGetFunction(&pFunc, kernel); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pFunc, sizeof(CUfunction)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9375,7 +9375,7 @@ int handle_cuLibraryGetGlobal(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &library, sizeof(CUlibrary)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -9388,12 +9388,12 @@ int handle_cuLibraryGetGlobal(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuLibraryGetGlobal(&dptr, &bytes, library, name); + scuda_intercept_result = cuLibraryGetGlobal(&dptr, &bytes, library, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &bytes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9411,7 +9411,7 @@ int handle_cuLibraryGetManaged(void *conn) const char* name; std::size_t name_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &library, sizeof(CUlibrary)) < 0 || rpc_read(conn, &name_len, sizeof(std::size_t)) < 0) @@ -9424,12 +9424,12 @@ int handle_cuLibraryGetManaged(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuLibraryGetManaged(&dptr, &bytes, library, name); + scuda_intercept_result = cuLibraryGetManaged(&dptr, &bytes, library, name); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &bytes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9446,7 +9446,7 @@ int handle_cuLibraryGetUnifiedFunction(void *conn) const char* symbol; std::size_t symbol_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &library, sizeof(CUlibrary)) < 0 || rpc_read(conn, &symbol_len, sizeof(std::size_t)) < 0) @@ -9459,11 +9459,11 @@ int handle_cuLibraryGetUnifiedFunction(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuLibraryGetUnifiedFunction(&fptr, library, symbol); + scuda_intercept_result = cuLibraryGetUnifiedFunction(&fptr, library, symbol); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &fptr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9480,7 +9480,7 @@ int handle_cuKernelGetAttribute(void *conn) CUkernel kernel; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pi, sizeof(int)) < 0 || rpc_read(conn, &attrib, sizeof(CUfunction_attribute)) < 0 || @@ -9492,11 +9492,11 @@ int handle_cuKernelGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuKernelGetAttribute(&pi, attrib, kernel, dev); + scuda_intercept_result = cuKernelGetAttribute(&pi, attrib, kernel, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pi, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9511,7 +9511,7 @@ int handle_cuKernelSetAttribute(void *conn) CUkernel kernel; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &attrib, sizeof(CUfunction_attribute)) < 0 || rpc_read(conn, &val, sizeof(int)) < 0 || @@ -9523,10 +9523,10 @@ int handle_cuKernelSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuKernelSetAttribute(attrib, val, kernel, dev); + scuda_intercept_result = cuKernelSetAttribute(attrib, val, kernel, dev); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9540,7 +9540,7 @@ int handle_cuKernelSetCacheConfig(void *conn) CUfunc_cache config; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &kernel, sizeof(CUkernel)) < 0 || rpc_read(conn, &config, sizeof(CUfunc_cache)) < 0 || @@ -9551,10 +9551,10 @@ int handle_cuKernelSetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuKernelSetCacheConfig(kernel, config, dev); + scuda_intercept_result = cuKernelSetCacheConfig(kernel, config, dev); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9567,7 +9567,7 @@ int handle_cuMemGetInfo_v2(void *conn) size_t free; size_t total; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &free, sizeof(size_t)) < 0 || rpc_read(conn, &total, sizeof(size_t)) < 0 || @@ -9577,12 +9577,12 @@ int handle_cuMemGetInfo_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemGetInfo_v2(&free, &total); + scuda_intercept_result = cuMemGetInfo_v2(&free, &total); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &free, sizeof(size_t)) < 0 || rpc_write(conn, &total, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9595,7 +9595,7 @@ int handle_cuMemAlloc_v2(void *conn) CUdeviceptr dptr; size_t bytesize; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &bytesize, sizeof(size_t)) < 0 || @@ -9605,11 +9605,11 @@ int handle_cuMemAlloc_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAlloc_v2(&dptr, bytesize); + scuda_intercept_result = cuMemAlloc_v2(&dptr, bytesize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9625,7 +9625,7 @@ int handle_cuMemAllocPitch_v2(void *conn) size_t Height; unsigned int ElementSizeBytes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &pPitch, sizeof(size_t)) < 0 || @@ -9638,12 +9638,12 @@ int handle_cuMemAllocPitch_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAllocPitch_v2(&dptr, &pPitch, WidthInBytes, Height, ElementSizeBytes); + scuda_intercept_result = cuMemAllocPitch_v2(&dptr, &pPitch, WidthInBytes, Height, ElementSizeBytes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &pPitch, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9655,7 +9655,7 @@ int handle_cuMemFree_v2(void *conn) { CUdeviceptr dptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || false) @@ -9664,10 +9664,10 @@ int handle_cuMemFree_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemFree_v2(dptr); + scuda_intercept_result = cuMemFree_v2(dptr); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9681,7 +9681,7 @@ int handle_cuMemGetAddressRange_v2(void *conn) size_t psize; CUdeviceptr dptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pbase, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &psize, sizeof(size_t)) < 0 || @@ -9692,12 +9692,12 @@ int handle_cuMemGetAddressRange_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemGetAddressRange_v2(&pbase, &psize, dptr); + scuda_intercept_result = cuMemGetAddressRange_v2(&pbase, &psize, dptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pbase, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &psize, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9710,7 +9710,7 @@ int handle_cuMemAllocHost_v2(void *conn) void* pp; size_t bytesize; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &bytesize, sizeof(size_t)) < 0 || false) @@ -9719,11 +9719,11 @@ int handle_cuMemAllocHost_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAllocHost_v2(&pp, bytesize); + scuda_intercept_result = cuMemAllocHost_v2(&pp, bytesize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pp, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9735,7 +9735,7 @@ int handle_cuMemFreeHost(void *conn) { void* p; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &p, sizeof(void*)) < 0 || false) @@ -9744,10 +9744,10 @@ int handle_cuMemFreeHost(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemFreeHost(p); + scuda_intercept_result = cuMemFreeHost(p); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9761,7 +9761,7 @@ int handle_cuMemHostAlloc(void *conn) size_t bytesize; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &bytesize, sizeof(size_t)) < 0 || rpc_read(conn, &Flags, sizeof(unsigned int)) < 0 || @@ -9771,11 +9771,11 @@ int handle_cuMemHostAlloc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemHostAlloc(&pp, bytesize, Flags); + scuda_intercept_result = cuMemHostAlloc(&pp, bytesize, Flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pp, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9789,7 +9789,7 @@ int handle_cuMemHostGetDevicePointer_v2(void *conn) void* p; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pdptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &p, sizeof(void*)) < 0 || @@ -9800,11 +9800,11 @@ int handle_cuMemHostGetDevicePointer_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemHostGetDevicePointer_v2(&pdptr, p, Flags); + scuda_intercept_result = cuMemHostGetDevicePointer_v2(&pdptr, p, Flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pdptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9817,7 +9817,7 @@ int handle_cuMemHostGetFlags(void *conn) unsigned int pFlags; void* p; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pFlags, sizeof(unsigned int)) < 0 || rpc_read(conn, &p, sizeof(void*)) < 0 || @@ -9827,11 +9827,11 @@ int handle_cuMemHostGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemHostGetFlags(&pFlags, p); + scuda_intercept_result = cuMemHostGetFlags(&pFlags, p); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pFlags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9845,7 +9845,7 @@ int handle_cuMemAllocManaged(void *conn) size_t bytesize; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &bytesize, sizeof(size_t)) < 0 || @@ -9856,11 +9856,11 @@ int handle_cuMemAllocManaged(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAllocManaged(&dptr, bytesize, flags); + scuda_intercept_result = cuMemAllocManaged(&dptr, bytesize, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9874,7 +9874,7 @@ int handle_cuDeviceGetByPCIBusId(void *conn) const char* pciBusId; std::size_t pciBusId_len; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || rpc_read(conn, &pciBusId_len, sizeof(std::size_t)) < 0) @@ -9887,11 +9887,11 @@ int handle_cuDeviceGetByPCIBusId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_1; - result = cuDeviceGetByPCIBusId(&dev, pciBusId); + scuda_intercept_result = cuDeviceGetByPCIBusId(&dev, pciBusId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dev, sizeof(CUdevice)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_1; return 0; @@ -9907,7 +9907,7 @@ int handle_cuDeviceGetPCIBusId(void *conn) char* pciBusId; CUdevice dev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &len, sizeof(int)) < 0 || rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || @@ -9917,11 +9917,11 @@ int handle_cuDeviceGetPCIBusId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetPCIBusId(pciBusId, len, dev); + scuda_intercept_result = cuDeviceGetPCIBusId(pciBusId, len, dev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, pciBusId, len * sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9934,7 +9934,7 @@ int handle_cuIpcGetEventHandle(void *conn) CUipcEventHandle pHandle; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pHandle, sizeof(CUipcEventHandle)) < 0 || rpc_read(conn, &event, sizeof(CUevent)) < 0 || @@ -9944,11 +9944,11 @@ int handle_cuIpcGetEventHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuIpcGetEventHandle(&pHandle, event); + scuda_intercept_result = cuIpcGetEventHandle(&pHandle, event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHandle, sizeof(CUipcEventHandle)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9961,7 +9961,7 @@ int handle_cuIpcOpenEventHandle(void *conn) CUevent phEvent; CUipcEventHandle handle; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phEvent, sizeof(CUevent)) < 0 || rpc_read(conn, &handle, sizeof(CUipcEventHandle)) < 0 || @@ -9971,11 +9971,11 @@ int handle_cuIpcOpenEventHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuIpcOpenEventHandle(&phEvent, handle); + scuda_intercept_result = cuIpcOpenEventHandle(&phEvent, handle); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phEvent, sizeof(CUevent)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -9988,7 +9988,7 @@ int handle_cuIpcGetMemHandle(void *conn) CUipcMemHandle pHandle; CUdeviceptr dptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pHandle, sizeof(CUipcMemHandle)) < 0 || rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || @@ -9998,11 +9998,11 @@ int handle_cuIpcGetMemHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuIpcGetMemHandle(&pHandle, dptr); + scuda_intercept_result = cuIpcGetMemHandle(&pHandle, dptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHandle, sizeof(CUipcMemHandle)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10016,7 +10016,7 @@ int handle_cuIpcOpenMemHandle_v2(void *conn) CUipcMemHandle handle; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pdptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &handle, sizeof(CUipcMemHandle)) < 0 || @@ -10027,11 +10027,11 @@ int handle_cuIpcOpenMemHandle_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuIpcOpenMemHandle_v2(&pdptr, handle, Flags); + scuda_intercept_result = cuIpcOpenMemHandle_v2(&pdptr, handle, Flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pdptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10043,7 +10043,7 @@ int handle_cuIpcCloseMemHandle(void *conn) { CUdeviceptr dptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || false) @@ -10052,10 +10052,10 @@ int handle_cuIpcCloseMemHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuIpcCloseMemHandle(dptr); + scuda_intercept_result = cuIpcCloseMemHandle(dptr); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10069,7 +10069,7 @@ int handle_cuMemcpy(void *conn) CUdeviceptr src; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &src, sizeof(CUdeviceptr)) < 0 || @@ -10080,10 +10080,10 @@ int handle_cuMemcpy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpy(dst, src, ByteCount); + scuda_intercept_result = cuMemcpy(dst, src, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10099,7 +10099,7 @@ int handle_cuMemcpyPeer(void *conn) CUcontext srcContext; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstContext, sizeof(CUcontext)) < 0 || @@ -10112,10 +10112,10 @@ int handle_cuMemcpyPeer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyPeer(dstDevice, dstContext, srcDevice, srcContext, ByteCount); + scuda_intercept_result = cuMemcpyPeer(dstDevice, dstContext, srcDevice, srcContext, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10129,7 +10129,7 @@ int handle_cuMemcpyHtoD_v2(void *conn) const void* srcHost; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &srcHost, sizeof(const void*)) < 0 || @@ -10140,10 +10140,10 @@ int handle_cuMemcpyHtoD_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyHtoD_v2(dstDevice, srcHost, ByteCount); + scuda_intercept_result = cuMemcpyHtoD_v2(dstDevice, srcHost, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10157,7 +10157,7 @@ int handle_cuMemcpyDtoD_v2(void *conn) CUdeviceptr srcDevice; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &srcDevice, sizeof(CUdeviceptr)) < 0 || @@ -10168,10 +10168,10 @@ int handle_cuMemcpyDtoD_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyDtoD_v2(dstDevice, srcDevice, ByteCount); + scuda_intercept_result = cuMemcpyDtoD_v2(dstDevice, srcDevice, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10186,7 +10186,7 @@ int handle_cuMemcpyDtoA_v2(void *conn) CUdeviceptr srcDevice; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstArray, sizeof(CUarray)) < 0 || rpc_read(conn, &dstOffset, sizeof(size_t)) < 0 || @@ -10198,10 +10198,10 @@ int handle_cuMemcpyDtoA_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyDtoA_v2(dstArray, dstOffset, srcDevice, ByteCount); + scuda_intercept_result = cuMemcpyDtoA_v2(dstArray, dstOffset, srcDevice, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10216,7 +10216,7 @@ int handle_cuMemcpyAtoD_v2(void *conn) size_t srcOffset; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &srcArray, sizeof(CUarray)) < 0 || @@ -10228,10 +10228,10 @@ int handle_cuMemcpyAtoD_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyAtoD_v2(dstDevice, srcArray, srcOffset, ByteCount); + scuda_intercept_result = cuMemcpyAtoD_v2(dstDevice, srcArray, srcOffset, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10246,7 +10246,7 @@ int handle_cuMemcpyAtoH_v2(void *conn) size_t srcOffset; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstHost, sizeof(void*)) < 0 || rpc_read(conn, &srcArray, sizeof(CUarray)) < 0 || @@ -10258,10 +10258,10 @@ int handle_cuMemcpyAtoH_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyAtoH_v2(dstHost, srcArray, srcOffset, ByteCount); + scuda_intercept_result = cuMemcpyAtoH_v2(dstHost, srcArray, srcOffset, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10277,7 +10277,7 @@ int handle_cuMemcpyAtoA_v2(void *conn) size_t srcOffset; size_t ByteCount; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstArray, sizeof(CUarray)) < 0 || rpc_read(conn, &dstOffset, sizeof(size_t)) < 0 || @@ -10290,10 +10290,10 @@ int handle_cuMemcpyAtoA_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyAtoA_v2(dstArray, dstOffset, srcArray, srcOffset, ByteCount); + scuda_intercept_result = cuMemcpyAtoA_v2(dstArray, dstOffset, srcArray, srcOffset, ByteCount); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10308,7 +10308,7 @@ int handle_cuMemcpyAsync(void *conn) size_t ByteCount; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &src, sizeof(CUdeviceptr)) < 0 || @@ -10320,10 +10320,10 @@ int handle_cuMemcpyAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyAsync(dst, src, ByteCount, hStream); + scuda_intercept_result = cuMemcpyAsync(dst, src, ByteCount, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10340,7 +10340,7 @@ int handle_cuMemcpyPeerAsync(void *conn) size_t ByteCount; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstContext, sizeof(CUcontext)) < 0 || @@ -10354,10 +10354,10 @@ int handle_cuMemcpyPeerAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyPeerAsync(dstDevice, dstContext, srcDevice, srcContext, ByteCount, hStream); + scuda_intercept_result = cuMemcpyPeerAsync(dstDevice, dstContext, srcDevice, srcContext, ByteCount, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10372,7 +10372,7 @@ int handle_cuMemcpyHtoDAsync_v2(void *conn) size_t ByteCount; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &srcHost, sizeof(const void*)) < 0 || @@ -10384,10 +10384,10 @@ int handle_cuMemcpyHtoDAsync_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyHtoDAsync_v2(dstDevice, srcHost, ByteCount, hStream); + scuda_intercept_result = cuMemcpyHtoDAsync_v2(dstDevice, srcHost, ByteCount, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10402,7 +10402,7 @@ int handle_cuMemcpyDtoDAsync_v2(void *conn) size_t ByteCount; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &srcDevice, sizeof(CUdeviceptr)) < 0 || @@ -10414,10 +10414,10 @@ int handle_cuMemcpyDtoDAsync_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemcpyDtoDAsync_v2(dstDevice, srcDevice, ByteCount, hStream); + scuda_intercept_result = cuMemcpyDtoDAsync_v2(dstDevice, srcDevice, ByteCount, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10431,7 +10431,7 @@ int handle_cuMemsetD8_v2(void *conn) unsigned char uc; size_t N; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &uc, sizeof(unsigned char)) < 0 || @@ -10442,10 +10442,10 @@ int handle_cuMemsetD8_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD8_v2(dstDevice, uc, N); + scuda_intercept_result = cuMemsetD8_v2(dstDevice, uc, N); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10459,7 +10459,7 @@ int handle_cuMemsetD16_v2(void *conn) unsigned short us; size_t N; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &us, sizeof(unsigned short)) < 0 || @@ -10470,10 +10470,10 @@ int handle_cuMemsetD16_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD16_v2(dstDevice, us, N); + scuda_intercept_result = cuMemsetD16_v2(dstDevice, us, N); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10487,7 +10487,7 @@ int handle_cuMemsetD32_v2(void *conn) unsigned int ui; size_t N; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &ui, sizeof(unsigned int)) < 0 || @@ -10498,10 +10498,10 @@ int handle_cuMemsetD32_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD32_v2(dstDevice, ui, N); + scuda_intercept_result = cuMemsetD32_v2(dstDevice, ui, N); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10517,7 +10517,7 @@ int handle_cuMemsetD2D8_v2(void *conn) size_t Width; size_t Height; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstPitch, sizeof(size_t)) < 0 || @@ -10530,10 +10530,10 @@ int handle_cuMemsetD2D8_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD2D8_v2(dstDevice, dstPitch, uc, Width, Height); + scuda_intercept_result = cuMemsetD2D8_v2(dstDevice, dstPitch, uc, Width, Height); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10549,7 +10549,7 @@ int handle_cuMemsetD2D16_v2(void *conn) size_t Width; size_t Height; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstPitch, sizeof(size_t)) < 0 || @@ -10562,10 +10562,10 @@ int handle_cuMemsetD2D16_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD2D16_v2(dstDevice, dstPitch, us, Width, Height); + scuda_intercept_result = cuMemsetD2D16_v2(dstDevice, dstPitch, us, Width, Height); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10581,7 +10581,7 @@ int handle_cuMemsetD2D32_v2(void *conn) size_t Width; size_t Height; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstPitch, sizeof(size_t)) < 0 || @@ -10594,10 +10594,10 @@ int handle_cuMemsetD2D32_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD2D32_v2(dstDevice, dstPitch, ui, Width, Height); + scuda_intercept_result = cuMemsetD2D32_v2(dstDevice, dstPitch, ui, Width, Height); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10612,7 +10612,7 @@ int handle_cuMemsetD8Async(void *conn) size_t N; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &uc, sizeof(unsigned char)) < 0 || @@ -10624,10 +10624,10 @@ int handle_cuMemsetD8Async(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD8Async(dstDevice, uc, N, hStream); + scuda_intercept_result = cuMemsetD8Async(dstDevice, uc, N, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10642,7 +10642,7 @@ int handle_cuMemsetD16Async(void *conn) size_t N; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &us, sizeof(unsigned short)) < 0 || @@ -10654,10 +10654,10 @@ int handle_cuMemsetD16Async(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD16Async(dstDevice, us, N, hStream); + scuda_intercept_result = cuMemsetD16Async(dstDevice, us, N, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10672,7 +10672,7 @@ int handle_cuMemsetD32Async(void *conn) size_t N; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &ui, sizeof(unsigned int)) < 0 || @@ -10684,10 +10684,10 @@ int handle_cuMemsetD32Async(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD32Async(dstDevice, ui, N, hStream); + scuda_intercept_result = cuMemsetD32Async(dstDevice, ui, N, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10704,7 +10704,7 @@ int handle_cuMemsetD2D8Async(void *conn) size_t Height; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstPitch, sizeof(size_t)) < 0 || @@ -10718,10 +10718,10 @@ int handle_cuMemsetD2D8Async(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD2D8Async(dstDevice, dstPitch, uc, Width, Height, hStream); + scuda_intercept_result = cuMemsetD2D8Async(dstDevice, dstPitch, uc, Width, Height, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10738,7 +10738,7 @@ int handle_cuMemsetD2D16Async(void *conn) size_t Height; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstPitch, sizeof(size_t)) < 0 || @@ -10752,10 +10752,10 @@ int handle_cuMemsetD2D16Async(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD2D16Async(dstDevice, dstPitch, us, Width, Height, hStream); + scuda_intercept_result = cuMemsetD2D16Async(dstDevice, dstPitch, us, Width, Height, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10772,7 +10772,7 @@ int handle_cuMemsetD2D32Async(void *conn) size_t Height; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dstDevice, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &dstPitch, sizeof(size_t)) < 0 || @@ -10786,10 +10786,10 @@ int handle_cuMemsetD2D32Async(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemsetD2D32Async(dstDevice, dstPitch, ui, Width, Height, hStream); + scuda_intercept_result = cuMemsetD2D32Async(dstDevice, dstPitch, ui, Width, Height, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10802,7 +10802,7 @@ int handle_cuArrayCreate_v2(void *conn) CUarray pHandle; const CUDA_ARRAY_DESCRIPTOR* pAllocateArray; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pHandle, sizeof(CUarray)) < 0 || rpc_read(conn, &pAllocateArray, sizeof(const CUDA_ARRAY_DESCRIPTOR*)) < 0 || @@ -10812,11 +10812,11 @@ int handle_cuArrayCreate_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArrayCreate_v2(&pHandle, pAllocateArray); + scuda_intercept_result = cuArrayCreate_v2(&pHandle, pAllocateArray); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHandle, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10829,7 +10829,7 @@ int handle_cuArrayGetDescriptor_v2(void *conn) CUDA_ARRAY_DESCRIPTOR pArrayDescriptor; CUarray hArray; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pArrayDescriptor, sizeof(CUDA_ARRAY_DESCRIPTOR)) < 0 || rpc_read(conn, &hArray, sizeof(CUarray)) < 0 || @@ -10839,11 +10839,11 @@ int handle_cuArrayGetDescriptor_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArrayGetDescriptor_v2(&pArrayDescriptor, hArray); + scuda_intercept_result = cuArrayGetDescriptor_v2(&pArrayDescriptor, hArray); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pArrayDescriptor, sizeof(CUDA_ARRAY_DESCRIPTOR)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10856,7 +10856,7 @@ int handle_cuArrayGetSparseProperties(void *conn) CUDA_ARRAY_SPARSE_PROPERTIES sparseProperties; CUarray array; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &sparseProperties, sizeof(CUDA_ARRAY_SPARSE_PROPERTIES)) < 0 || rpc_read(conn, &array, sizeof(CUarray)) < 0 || @@ -10866,11 +10866,11 @@ int handle_cuArrayGetSparseProperties(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArrayGetSparseProperties(&sparseProperties, array); + scuda_intercept_result = cuArrayGetSparseProperties(&sparseProperties, array); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sparseProperties, sizeof(CUDA_ARRAY_SPARSE_PROPERTIES)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10883,7 +10883,7 @@ int handle_cuMipmappedArrayGetSparseProperties(void *conn) CUDA_ARRAY_SPARSE_PROPERTIES sparseProperties; CUmipmappedArray mipmap; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &sparseProperties, sizeof(CUDA_ARRAY_SPARSE_PROPERTIES)) < 0 || rpc_read(conn, &mipmap, sizeof(CUmipmappedArray)) < 0 || @@ -10893,11 +10893,11 @@ int handle_cuMipmappedArrayGetSparseProperties(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMipmappedArrayGetSparseProperties(&sparseProperties, mipmap); + scuda_intercept_result = cuMipmappedArrayGetSparseProperties(&sparseProperties, mipmap); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sparseProperties, sizeof(CUDA_ARRAY_SPARSE_PROPERTIES)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10911,7 +10911,7 @@ int handle_cuArrayGetMemoryRequirements(void *conn) CUarray array; CUdevice device; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &memoryRequirements, sizeof(CUDA_ARRAY_MEMORY_REQUIREMENTS)) < 0 || rpc_read(conn, &array, sizeof(CUarray)) < 0 || @@ -10922,11 +10922,11 @@ int handle_cuArrayGetMemoryRequirements(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArrayGetMemoryRequirements(&memoryRequirements, array, device); + scuda_intercept_result = cuArrayGetMemoryRequirements(&memoryRequirements, array, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memoryRequirements, sizeof(CUDA_ARRAY_MEMORY_REQUIREMENTS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10940,7 +10940,7 @@ int handle_cuMipmappedArrayGetMemoryRequirements(void *conn) CUmipmappedArray mipmap; CUdevice device; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &memoryRequirements, sizeof(CUDA_ARRAY_MEMORY_REQUIREMENTS)) < 0 || rpc_read(conn, &mipmap, sizeof(CUmipmappedArray)) < 0 || @@ -10951,11 +10951,11 @@ int handle_cuMipmappedArrayGetMemoryRequirements(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMipmappedArrayGetMemoryRequirements(&memoryRequirements, mipmap, device); + scuda_intercept_result = cuMipmappedArrayGetMemoryRequirements(&memoryRequirements, mipmap, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memoryRequirements, sizeof(CUDA_ARRAY_MEMORY_REQUIREMENTS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10969,7 +10969,7 @@ int handle_cuArrayGetPlane(void *conn) CUarray hArray; unsigned int planeIdx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pPlaneArray, sizeof(CUarray)) < 0 || rpc_read(conn, &hArray, sizeof(CUarray)) < 0 || @@ -10980,11 +10980,11 @@ int handle_cuArrayGetPlane(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArrayGetPlane(&pPlaneArray, hArray, planeIdx); + scuda_intercept_result = cuArrayGetPlane(&pPlaneArray, hArray, planeIdx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pPlaneArray, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -10996,7 +10996,7 @@ int handle_cuArrayDestroy(void *conn) { CUarray hArray; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hArray, sizeof(CUarray)) < 0 || false) @@ -11005,10 +11005,10 @@ int handle_cuArrayDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArrayDestroy(hArray); + scuda_intercept_result = cuArrayDestroy(hArray); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11021,7 +11021,7 @@ int handle_cuArray3DCreate_v2(void *conn) CUarray pHandle; const CUDA_ARRAY3D_DESCRIPTOR* pAllocateArray; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pHandle, sizeof(CUarray)) < 0 || rpc_read(conn, &pAllocateArray, sizeof(const CUDA_ARRAY3D_DESCRIPTOR*)) < 0 || @@ -11031,11 +11031,11 @@ int handle_cuArray3DCreate_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArray3DCreate_v2(&pHandle, pAllocateArray); + scuda_intercept_result = cuArray3DCreate_v2(&pHandle, pAllocateArray); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHandle, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11048,7 +11048,7 @@ int handle_cuArray3DGetDescriptor_v2(void *conn) CUDA_ARRAY3D_DESCRIPTOR pArrayDescriptor; CUarray hArray; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pArrayDescriptor, sizeof(CUDA_ARRAY3D_DESCRIPTOR)) < 0 || rpc_read(conn, &hArray, sizeof(CUarray)) < 0 || @@ -11058,11 +11058,11 @@ int handle_cuArray3DGetDescriptor_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuArray3DGetDescriptor_v2(&pArrayDescriptor, hArray); + scuda_intercept_result = cuArray3DGetDescriptor_v2(&pArrayDescriptor, hArray); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pArrayDescriptor, sizeof(CUDA_ARRAY3D_DESCRIPTOR)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11076,7 +11076,7 @@ int handle_cuMipmappedArrayCreate(void *conn) const CUDA_ARRAY3D_DESCRIPTOR* pMipmappedArrayDesc; unsigned int numMipmapLevels; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pHandle, sizeof(CUmipmappedArray)) < 0 || rpc_read(conn, &pMipmappedArrayDesc, sizeof(const CUDA_ARRAY3D_DESCRIPTOR*)) < 0 || @@ -11087,11 +11087,11 @@ int handle_cuMipmappedArrayCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMipmappedArrayCreate(&pHandle, pMipmappedArrayDesc, numMipmapLevels); + scuda_intercept_result = cuMipmappedArrayCreate(&pHandle, pMipmappedArrayDesc, numMipmapLevels); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHandle, sizeof(CUmipmappedArray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11105,7 +11105,7 @@ int handle_cuMipmappedArrayGetLevel(void *conn) CUmipmappedArray hMipmappedArray; unsigned int level; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pLevelArray, sizeof(CUarray)) < 0 || rpc_read(conn, &hMipmappedArray, sizeof(CUmipmappedArray)) < 0 || @@ -11116,11 +11116,11 @@ int handle_cuMipmappedArrayGetLevel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMipmappedArrayGetLevel(&pLevelArray, hMipmappedArray, level); + scuda_intercept_result = cuMipmappedArrayGetLevel(&pLevelArray, hMipmappedArray, level); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pLevelArray, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11132,7 +11132,7 @@ int handle_cuMipmappedArrayDestroy(void *conn) { CUmipmappedArray hMipmappedArray; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hMipmappedArray, sizeof(CUmipmappedArray)) < 0 || false) @@ -11141,10 +11141,10 @@ int handle_cuMipmappedArrayDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMipmappedArrayDestroy(hMipmappedArray); + scuda_intercept_result = cuMipmappedArrayDestroy(hMipmappedArray); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11160,7 +11160,7 @@ int handle_cuMemAddressReserve(void *conn) CUdeviceptr addr; unsigned long long flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -11173,11 +11173,11 @@ int handle_cuMemAddressReserve(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAddressReserve(&ptr, size, alignment, addr, flags); + scuda_intercept_result = cuMemAddressReserve(&ptr, size, alignment, addr, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11190,7 +11190,7 @@ int handle_cuMemAddressFree(void *conn) CUdeviceptr ptr; size_t size; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -11200,10 +11200,10 @@ int handle_cuMemAddressFree(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAddressFree(ptr, size); + scuda_intercept_result = cuMemAddressFree(ptr, size); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11218,7 +11218,7 @@ int handle_cuMemCreate(void *conn) const CUmemAllocationProp* prop; unsigned long long flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &handle, sizeof(CUmemGenericAllocationHandle)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -11230,11 +11230,11 @@ int handle_cuMemCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemCreate(&handle, size, prop, flags); + scuda_intercept_result = cuMemCreate(&handle, size, prop, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &handle, sizeof(CUmemGenericAllocationHandle)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11246,7 +11246,7 @@ int handle_cuMemRelease(void *conn) { CUmemGenericAllocationHandle handle; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &handle, sizeof(CUmemGenericAllocationHandle)) < 0 || false) @@ -11255,10 +11255,10 @@ int handle_cuMemRelease(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemRelease(handle); + scuda_intercept_result = cuMemRelease(handle); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11274,7 +11274,7 @@ int handle_cuMemMap(void *conn) CUmemGenericAllocationHandle handle; unsigned long long flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -11287,10 +11287,10 @@ int handle_cuMemMap(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemMap(ptr, size, offset, handle, flags); + scuda_intercept_result = cuMemMap(ptr, size, offset, handle, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11304,7 +11304,7 @@ int handle_cuMemMapArrayAsync(void *conn) unsigned int count; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &mapInfoList, sizeof(CUarrayMapInfo)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -11315,11 +11315,11 @@ int handle_cuMemMapArrayAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemMapArrayAsync(&mapInfoList, count, hStream); + scuda_intercept_result = cuMemMapArrayAsync(&mapInfoList, count, hStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mapInfoList, sizeof(CUarrayMapInfo)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11332,7 +11332,7 @@ int handle_cuMemUnmap(void *conn) CUdeviceptr ptr; size_t size; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -11342,10 +11342,10 @@ int handle_cuMemUnmap(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemUnmap(ptr, size); + scuda_intercept_result = cuMemUnmap(ptr, size); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11360,7 +11360,7 @@ int handle_cuMemSetAccess(void *conn) const CUmemAccessDesc* desc; size_t count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -11372,10 +11372,10 @@ int handle_cuMemSetAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemSetAccess(ptr, size, desc, count); + scuda_intercept_result = cuMemSetAccess(ptr, size, desc, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11389,7 +11389,7 @@ int handle_cuMemGetAccess(void *conn) const CUmemLocation* location; CUdeviceptr ptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned long long)) < 0 || rpc_read(conn, &location, sizeof(const CUmemLocation*)) < 0 || @@ -11400,11 +11400,11 @@ int handle_cuMemGetAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemGetAccess(&flags, location, ptr); + scuda_intercept_result = cuMemGetAccess(&flags, location, ptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11418,7 +11418,7 @@ int handle_cuMemGetAllocationGranularity(void *conn) const CUmemAllocationProp* prop; CUmemAllocationGranularity_flags option; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &granularity, sizeof(size_t)) < 0 || rpc_read(conn, &prop, sizeof(const CUmemAllocationProp*)) < 0 || @@ -11429,11 +11429,11 @@ int handle_cuMemGetAllocationGranularity(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemGetAllocationGranularity(&granularity, prop, option); + scuda_intercept_result = cuMemGetAllocationGranularity(&granularity, prop, option); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &granularity, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11446,7 +11446,7 @@ int handle_cuMemGetAllocationPropertiesFromHandle(void *conn) CUmemAllocationProp prop; CUmemGenericAllocationHandle handle; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &prop, sizeof(CUmemAllocationProp)) < 0 || rpc_read(conn, &handle, sizeof(CUmemGenericAllocationHandle)) < 0 || @@ -11456,11 +11456,11 @@ int handle_cuMemGetAllocationPropertiesFromHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemGetAllocationPropertiesFromHandle(&prop, handle); + scuda_intercept_result = cuMemGetAllocationPropertiesFromHandle(&prop, handle); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &prop, sizeof(CUmemAllocationProp)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11473,7 +11473,7 @@ int handle_cuMemFreeAsync(void *conn) CUdeviceptr dptr; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || @@ -11483,10 +11483,10 @@ int handle_cuMemFreeAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemFreeAsync(dptr, hStream); + scuda_intercept_result = cuMemFreeAsync(dptr, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11500,7 +11500,7 @@ int handle_cuMemAllocAsync(void *conn) size_t bytesize; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &bytesize, sizeof(size_t)) < 0 || @@ -11511,11 +11511,11 @@ int handle_cuMemAllocAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAllocAsync(&dptr, bytesize, hStream); + scuda_intercept_result = cuMemAllocAsync(&dptr, bytesize, hStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11528,7 +11528,7 @@ int handle_cuMemPoolTrimTo(void *conn) CUmemoryPool pool; size_t minBytesToKeep; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pool, sizeof(CUmemoryPool)) < 0 || rpc_read(conn, &minBytesToKeep, sizeof(size_t)) < 0 || @@ -11538,10 +11538,10 @@ int handle_cuMemPoolTrimTo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolTrimTo(pool, minBytesToKeep); + scuda_intercept_result = cuMemPoolTrimTo(pool, minBytesToKeep); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11555,7 +11555,7 @@ int handle_cuMemPoolSetAccess(void *conn) const CUmemAccessDesc* map; size_t count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pool, sizeof(CUmemoryPool)) < 0 || rpc_read(conn, &map, sizeof(const CUmemAccessDesc*)) < 0 || @@ -11566,10 +11566,10 @@ int handle_cuMemPoolSetAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolSetAccess(pool, map, count); + scuda_intercept_result = cuMemPoolSetAccess(pool, map, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11583,7 +11583,7 @@ int handle_cuMemPoolGetAccess(void *conn) CUmemoryPool memPool; CUmemLocation location; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(CUmemAccess_flags)) < 0 || rpc_read(conn, &memPool, sizeof(CUmemoryPool)) < 0 || @@ -11594,12 +11594,12 @@ int handle_cuMemPoolGetAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolGetAccess(&flags, memPool, &location); + scuda_intercept_result = cuMemPoolGetAccess(&flags, memPool, &location); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(CUmemAccess_flags)) < 0 || rpc_write(conn, &location, sizeof(CUmemLocation)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11612,7 +11612,7 @@ int handle_cuMemPoolCreate(void *conn) CUmemoryPool pool; const CUmemPoolProps* poolProps; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pool, sizeof(CUmemoryPool)) < 0 || rpc_read(conn, &poolProps, sizeof(const CUmemPoolProps*)) < 0 || @@ -11622,11 +11622,11 @@ int handle_cuMemPoolCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolCreate(&pool, poolProps); + scuda_intercept_result = cuMemPoolCreate(&pool, poolProps); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pool, sizeof(CUmemoryPool)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11638,7 +11638,7 @@ int handle_cuMemPoolDestroy(void *conn) { CUmemoryPool pool; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pool, sizeof(CUmemoryPool)) < 0 || false) @@ -11647,10 +11647,10 @@ int handle_cuMemPoolDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolDestroy(pool); + scuda_intercept_result = cuMemPoolDestroy(pool); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11665,7 +11665,7 @@ int handle_cuMemAllocFromPoolAsync(void *conn) CUmemoryPool pool; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &bytesize, sizeof(size_t)) < 0 || @@ -11677,11 +11677,11 @@ int handle_cuMemAllocFromPoolAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAllocFromPoolAsync(&dptr, bytesize, pool, hStream); + scuda_intercept_result = cuMemAllocFromPoolAsync(&dptr, bytesize, pool, hStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11694,7 +11694,7 @@ int handle_cuMemPoolExportPointer(void *conn) CUmemPoolPtrExportData shareData_out; CUdeviceptr ptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &shareData_out, sizeof(CUmemPoolPtrExportData)) < 0 || rpc_read(conn, &ptr, sizeof(CUdeviceptr)) < 0 || @@ -11704,11 +11704,11 @@ int handle_cuMemPoolExportPointer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolExportPointer(&shareData_out, ptr); + scuda_intercept_result = cuMemPoolExportPointer(&shareData_out, ptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &shareData_out, sizeof(CUmemPoolPtrExportData)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11722,7 +11722,7 @@ int handle_cuMemPoolImportPointer(void *conn) CUmemoryPool pool; CUmemPoolPtrExportData shareData; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ptr_out, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &pool, sizeof(CUmemoryPool)) < 0 || @@ -11733,12 +11733,12 @@ int handle_cuMemPoolImportPointer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPoolImportPointer(&ptr_out, pool, &shareData); + scuda_intercept_result = cuMemPoolImportPointer(&ptr_out, pool, &shareData); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ptr_out, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &shareData, sizeof(CUmemPoolPtrExportData)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11753,7 +11753,7 @@ int handle_cuMemPrefetchAsync(void *conn) CUdevice dstDevice; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &count, sizeof(size_t)) < 0 || @@ -11765,10 +11765,10 @@ int handle_cuMemPrefetchAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemPrefetchAsync(devPtr, count, dstDevice, hStream); + scuda_intercept_result = cuMemPrefetchAsync(devPtr, count, dstDevice, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11783,7 +11783,7 @@ int handle_cuMemAdvise(void *conn) CUmem_advise advice; CUdevice device; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &count, sizeof(size_t)) < 0 || @@ -11795,10 +11795,10 @@ int handle_cuMemAdvise(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemAdvise(devPtr, count, advice, device); + scuda_intercept_result = cuMemAdvise(devPtr, count, advice, device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11815,7 +11815,7 @@ int handle_cuMemRangeGetAttributes(void *conn) CUdeviceptr devPtr; size_t count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &data, sizeof(void*)) < 0 || rpc_read(conn, &dataSizes, sizeof(size_t)) < 0 || @@ -11829,13 +11829,13 @@ int handle_cuMemRangeGetAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuMemRangeGetAttributes(&data, &dataSizes, &attributes, numAttributes, devPtr, count); + scuda_intercept_result = cuMemRangeGetAttributes(&data, &dataSizes, &attributes, numAttributes, devPtr, count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &data, sizeof(void*)) < 0 || rpc_write(conn, &dataSizes, sizeof(size_t)) < 0 || rpc_write(conn, &attributes, sizeof(CUmem_range_attribute)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11849,7 +11849,7 @@ int handle_cuPointerSetAttribute(void *conn) CUpointer_attribute attribute; CUdeviceptr ptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &value, sizeof(const void*)) < 0 || rpc_read(conn, &attribute, sizeof(CUpointer_attribute)) < 0 || @@ -11860,10 +11860,10 @@ int handle_cuPointerSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuPointerSetAttribute(value, attribute, ptr); + scuda_intercept_result = cuPointerSetAttribute(value, attribute, ptr); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11878,7 +11878,7 @@ int handle_cuPointerGetAttributes(void *conn) void* data; CUdeviceptr ptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &numAttributes, sizeof(unsigned int)) < 0 || rpc_read(conn, &attributes, sizeof(CUpointer_attribute)) < 0 || @@ -11890,12 +11890,12 @@ int handle_cuPointerGetAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuPointerGetAttributes(numAttributes, &attributes, &data, ptr); + scuda_intercept_result = cuPointerGetAttributes(numAttributes, &attributes, &data, ptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &attributes, sizeof(CUpointer_attribute)) < 0 || rpc_write(conn, &data, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11908,7 +11908,7 @@ int handle_cuStreamCreate(void *conn) CUstream phStream; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phStream, sizeof(CUstream)) < 0 || rpc_read(conn, &Flags, sizeof(unsigned int)) < 0 || @@ -11918,11 +11918,11 @@ int handle_cuStreamCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamCreate(&phStream, Flags); + scuda_intercept_result = cuStreamCreate(&phStream, Flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phStream, sizeof(CUstream)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11936,7 +11936,7 @@ int handle_cuStreamCreateWithPriority(void *conn) unsigned int flags; int priority; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phStream, sizeof(CUstream)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -11947,11 +11947,11 @@ int handle_cuStreamCreateWithPriority(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamCreateWithPriority(&phStream, flags, priority); + scuda_intercept_result = cuStreamCreateWithPriority(&phStream, flags, priority); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phStream, sizeof(CUstream)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11964,7 +11964,7 @@ int handle_cuStreamGetPriority(void *conn) CUstream hStream; int priority; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &priority, sizeof(int)) < 0 || @@ -11974,11 +11974,11 @@ int handle_cuStreamGetPriority(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamGetPriority(hStream, &priority); + scuda_intercept_result = cuStreamGetPriority(hStream, &priority); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &priority, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -11991,7 +11991,7 @@ int handle_cuStreamGetFlags(void *conn) CUstream hStream; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -12001,11 +12001,11 @@ int handle_cuStreamGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamGetFlags(hStream, &flags); + scuda_intercept_result = cuStreamGetFlags(hStream, &flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12018,7 +12018,7 @@ int handle_cuStreamGetId(void *conn) CUstream hStream; unsigned long long streamId; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &streamId, sizeof(unsigned long long)) < 0 || @@ -12028,11 +12028,11 @@ int handle_cuStreamGetId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamGetId(hStream, &streamId); + scuda_intercept_result = cuStreamGetId(hStream, &streamId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &streamId, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12045,7 +12045,7 @@ int handle_cuStreamGetCtx(void *conn) CUstream hStream; CUcontext pctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &pctx, sizeof(CUcontext)) < 0 || @@ -12055,11 +12055,11 @@ int handle_cuStreamGetCtx(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamGetCtx(hStream, &pctx); + scuda_intercept_result = cuStreamGetCtx(hStream, &pctx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pctx, sizeof(CUcontext)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12073,7 +12073,7 @@ int handle_cuStreamWaitEvent(void *conn) CUevent hEvent; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &hEvent, sizeof(CUevent)) < 0 || @@ -12084,10 +12084,10 @@ int handle_cuStreamWaitEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamWaitEvent(hStream, hEvent, Flags); + scuda_intercept_result = cuStreamWaitEvent(hStream, hEvent, Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12100,7 +12100,7 @@ int handle_cuStreamBeginCapture_v2(void *conn) CUstream hStream; CUstreamCaptureMode mode; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &mode, sizeof(CUstreamCaptureMode)) < 0 || @@ -12110,10 +12110,10 @@ int handle_cuStreamBeginCapture_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamBeginCapture_v2(hStream, mode); + scuda_intercept_result = cuStreamBeginCapture_v2(hStream, mode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12125,7 +12125,7 @@ int handle_cuThreadExchangeStreamCaptureMode(void *conn) { CUstreamCaptureMode mode; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &mode, sizeof(CUstreamCaptureMode)) < 0 || false) @@ -12134,11 +12134,11 @@ int handle_cuThreadExchangeStreamCaptureMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuThreadExchangeStreamCaptureMode(&mode); + scuda_intercept_result = cuThreadExchangeStreamCaptureMode(&mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(CUstreamCaptureMode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12151,7 +12151,7 @@ int handle_cuStreamEndCapture(void *conn) CUstream hStream; CUgraph phGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &phGraph, sizeof(CUgraph)) < 0 || @@ -12161,11 +12161,11 @@ int handle_cuStreamEndCapture(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamEndCapture(hStream, &phGraph); + scuda_intercept_result = cuStreamEndCapture(hStream, &phGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraph, sizeof(CUgraph)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12178,7 +12178,7 @@ int handle_cuStreamIsCapturing(void *conn) CUstream hStream; CUstreamCaptureStatus captureStatus; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &captureStatus, sizeof(CUstreamCaptureStatus)) < 0 || @@ -12188,11 +12188,11 @@ int handle_cuStreamIsCapturing(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamIsCapturing(hStream, &captureStatus); + scuda_intercept_result = cuStreamIsCapturing(hStream, &captureStatus); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &captureStatus, sizeof(CUstreamCaptureStatus)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12207,7 +12207,7 @@ int handle_cuStreamUpdateCaptureDependencies(void *conn) size_t numDependencies; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &dependencies, sizeof(CUgraphNode)) < 0 || @@ -12219,11 +12219,11 @@ int handle_cuStreamUpdateCaptureDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamUpdateCaptureDependencies(hStream, &dependencies, numDependencies, flags); + scuda_intercept_result = cuStreamUpdateCaptureDependencies(hStream, &dependencies, numDependencies, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dependencies, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12238,7 +12238,7 @@ int handle_cuStreamAttachMemAsync(void *conn) size_t length; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &dptr, sizeof(CUdeviceptr)) < 0 || @@ -12250,10 +12250,10 @@ int handle_cuStreamAttachMemAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamAttachMemAsync(hStream, dptr, length, flags); + scuda_intercept_result = cuStreamAttachMemAsync(hStream, dptr, length, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12265,7 +12265,7 @@ int handle_cuStreamQuery(void *conn) { CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || false) @@ -12274,10 +12274,10 @@ int handle_cuStreamQuery(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamQuery(hStream); + scuda_intercept_result = cuStreamQuery(hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12289,7 +12289,7 @@ int handle_cuStreamSynchronize(void *conn) { CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || false) @@ -12298,10 +12298,10 @@ int handle_cuStreamSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamSynchronize(hStream); + scuda_intercept_result = cuStreamSynchronize(hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12313,7 +12313,7 @@ int handle_cuStreamDestroy_v2(void *conn) { CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || false) @@ -12322,10 +12322,10 @@ int handle_cuStreamDestroy_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamDestroy_v2(hStream); + scuda_intercept_result = cuStreamDestroy_v2(hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12338,7 +12338,7 @@ int handle_cuStreamCopyAttributes(void *conn) CUstream dst; CUstream src; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(CUstream)) < 0 || rpc_read(conn, &src, sizeof(CUstream)) < 0 || @@ -12348,10 +12348,10 @@ int handle_cuStreamCopyAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamCopyAttributes(dst, src); + scuda_intercept_result = cuStreamCopyAttributes(dst, src); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12365,7 +12365,7 @@ int handle_cuStreamGetAttribute(void *conn) CUstreamAttrID attr; CUstreamAttrValue value_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &attr, sizeof(CUstreamAttrID)) < 0 || @@ -12376,11 +12376,11 @@ int handle_cuStreamGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamGetAttribute(hStream, attr, &value_out); + scuda_intercept_result = cuStreamGetAttribute(hStream, attr, &value_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value_out, sizeof(CUstreamAttrValue)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12394,7 +12394,7 @@ int handle_cuStreamSetAttribute(void *conn) CUstreamAttrID attr; const CUstreamAttrValue* value; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || rpc_read(conn, &attr, sizeof(CUstreamAttrID)) < 0 || @@ -12405,10 +12405,10 @@ int handle_cuStreamSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamSetAttribute(hStream, attr, value); + scuda_intercept_result = cuStreamSetAttribute(hStream, attr, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12421,7 +12421,7 @@ int handle_cuEventCreate(void *conn) CUevent phEvent; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phEvent, sizeof(CUevent)) < 0 || rpc_read(conn, &Flags, sizeof(unsigned int)) < 0 || @@ -12431,11 +12431,11 @@ int handle_cuEventCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventCreate(&phEvent, Flags); + scuda_intercept_result = cuEventCreate(&phEvent, Flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phEvent, sizeof(CUevent)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12448,7 +12448,7 @@ int handle_cuEventRecord(void *conn) CUevent hEvent; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hEvent, sizeof(CUevent)) < 0 || rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || @@ -12458,10 +12458,10 @@ int handle_cuEventRecord(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventRecord(hEvent, hStream); + scuda_intercept_result = cuEventRecord(hEvent, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12475,7 +12475,7 @@ int handle_cuEventRecordWithFlags(void *conn) CUstream hStream; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hEvent, sizeof(CUevent)) < 0 || rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || @@ -12486,10 +12486,10 @@ int handle_cuEventRecordWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventRecordWithFlags(hEvent, hStream, flags); + scuda_intercept_result = cuEventRecordWithFlags(hEvent, hStream, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12501,7 +12501,7 @@ int handle_cuEventQuery(void *conn) { CUevent hEvent; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hEvent, sizeof(CUevent)) < 0 || false) @@ -12510,10 +12510,10 @@ int handle_cuEventQuery(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventQuery(hEvent); + scuda_intercept_result = cuEventQuery(hEvent); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12525,7 +12525,7 @@ int handle_cuEventSynchronize(void *conn) { CUevent hEvent; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hEvent, sizeof(CUevent)) < 0 || false) @@ -12534,10 +12534,10 @@ int handle_cuEventSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventSynchronize(hEvent); + scuda_intercept_result = cuEventSynchronize(hEvent); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12549,7 +12549,7 @@ int handle_cuEventDestroy_v2(void *conn) { CUevent hEvent; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hEvent, sizeof(CUevent)) < 0 || false) @@ -12558,10 +12558,10 @@ int handle_cuEventDestroy_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventDestroy_v2(hEvent); + scuda_intercept_result = cuEventDestroy_v2(hEvent); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12575,7 +12575,7 @@ int handle_cuEventElapsedTime(void *conn) CUevent hStart; CUevent hEnd; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pMilliseconds, sizeof(float)) < 0 || rpc_read(conn, &hStart, sizeof(CUevent)) < 0 || @@ -12586,11 +12586,11 @@ int handle_cuEventElapsedTime(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuEventElapsedTime(&pMilliseconds, hStart, hEnd); + scuda_intercept_result = cuEventElapsedTime(&pMilliseconds, hStart, hEnd); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pMilliseconds, sizeof(float)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12603,7 +12603,7 @@ int handle_cuImportExternalMemory(void *conn) CUexternalMemory extMem_out; const CUDA_EXTERNAL_MEMORY_HANDLE_DESC* memHandleDesc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &extMem_out, sizeof(CUexternalMemory)) < 0 || rpc_read(conn, &memHandleDesc, sizeof(const CUDA_EXTERNAL_MEMORY_HANDLE_DESC*)) < 0 || @@ -12613,11 +12613,11 @@ int handle_cuImportExternalMemory(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuImportExternalMemory(&extMem_out, memHandleDesc); + scuda_intercept_result = cuImportExternalMemory(&extMem_out, memHandleDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &extMem_out, sizeof(CUexternalMemory)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12631,7 +12631,7 @@ int handle_cuExternalMemoryGetMappedBuffer(void *conn) CUexternalMemory extMem; const CUDA_EXTERNAL_MEMORY_BUFFER_DESC* bufferDesc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &extMem, sizeof(CUexternalMemory)) < 0 || @@ -12642,11 +12642,11 @@ int handle_cuExternalMemoryGetMappedBuffer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuExternalMemoryGetMappedBuffer(&devPtr, extMem, bufferDesc); + scuda_intercept_result = cuExternalMemoryGetMappedBuffer(&devPtr, extMem, bufferDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12660,7 +12660,7 @@ int handle_cuExternalMemoryGetMappedMipmappedArray(void *conn) CUexternalMemory extMem; const CUDA_EXTERNAL_MEMORY_MIPMAPPED_ARRAY_DESC* mipmapDesc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &mipmap, sizeof(CUmipmappedArray)) < 0 || rpc_read(conn, &extMem, sizeof(CUexternalMemory)) < 0 || @@ -12671,11 +12671,11 @@ int handle_cuExternalMemoryGetMappedMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuExternalMemoryGetMappedMipmappedArray(&mipmap, extMem, mipmapDesc); + scuda_intercept_result = cuExternalMemoryGetMappedMipmappedArray(&mipmap, extMem, mipmapDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mipmap, sizeof(CUmipmappedArray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12687,7 +12687,7 @@ int handle_cuDestroyExternalMemory(void *conn) { CUexternalMemory extMem; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &extMem, sizeof(CUexternalMemory)) < 0 || false) @@ -12696,10 +12696,10 @@ int handle_cuDestroyExternalMemory(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDestroyExternalMemory(extMem); + scuda_intercept_result = cuDestroyExternalMemory(extMem); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12712,7 +12712,7 @@ int handle_cuImportExternalSemaphore(void *conn) CUexternalSemaphore extSem_out; const CUDA_EXTERNAL_SEMAPHORE_HANDLE_DESC* semHandleDesc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &extSem_out, sizeof(CUexternalSemaphore)) < 0 || rpc_read(conn, &semHandleDesc, sizeof(const CUDA_EXTERNAL_SEMAPHORE_HANDLE_DESC*)) < 0 || @@ -12722,11 +12722,11 @@ int handle_cuImportExternalSemaphore(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuImportExternalSemaphore(&extSem_out, semHandleDesc); + scuda_intercept_result = cuImportExternalSemaphore(&extSem_out, semHandleDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &extSem_out, sizeof(CUexternalSemaphore)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12741,7 +12741,7 @@ int handle_cuSignalExternalSemaphoresAsync(void *conn) unsigned int numExtSems; CUstream stream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &extSemArray, sizeof(const CUexternalSemaphore*)) < 0 || rpc_read(conn, ¶msArray, sizeof(const CUDA_EXTERNAL_SEMAPHORE_SIGNAL_PARAMS*)) < 0 || @@ -12753,10 +12753,10 @@ int handle_cuSignalExternalSemaphoresAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuSignalExternalSemaphoresAsync(extSemArray, paramsArray, numExtSems, stream); + scuda_intercept_result = cuSignalExternalSemaphoresAsync(extSemArray, paramsArray, numExtSems, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12771,7 +12771,7 @@ int handle_cuWaitExternalSemaphoresAsync(void *conn) unsigned int numExtSems; CUstream stream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &extSemArray, sizeof(const CUexternalSemaphore*)) < 0 || rpc_read(conn, ¶msArray, sizeof(const CUDA_EXTERNAL_SEMAPHORE_WAIT_PARAMS*)) < 0 || @@ -12783,10 +12783,10 @@ int handle_cuWaitExternalSemaphoresAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuWaitExternalSemaphoresAsync(extSemArray, paramsArray, numExtSems, stream); + scuda_intercept_result = cuWaitExternalSemaphoresAsync(extSemArray, paramsArray, numExtSems, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12798,7 +12798,7 @@ int handle_cuDestroyExternalSemaphore(void *conn) { CUexternalSemaphore extSem; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &extSem, sizeof(CUexternalSemaphore)) < 0 || false) @@ -12807,10 +12807,10 @@ int handle_cuDestroyExternalSemaphore(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDestroyExternalSemaphore(extSem); + scuda_intercept_result = cuDestroyExternalSemaphore(extSem); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12825,7 +12825,7 @@ int handle_cuStreamWaitValue32_v2(void *conn) cuuint32_t value; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(CUstream)) < 0 || rpc_read(conn, &addr, sizeof(CUdeviceptr)) < 0 || @@ -12837,10 +12837,10 @@ int handle_cuStreamWaitValue32_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamWaitValue32_v2(stream, addr, value, flags); + scuda_intercept_result = cuStreamWaitValue32_v2(stream, addr, value, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12855,7 +12855,7 @@ int handle_cuStreamWaitValue64_v2(void *conn) cuuint64_t value; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(CUstream)) < 0 || rpc_read(conn, &addr, sizeof(CUdeviceptr)) < 0 || @@ -12867,10 +12867,10 @@ int handle_cuStreamWaitValue64_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamWaitValue64_v2(stream, addr, value, flags); + scuda_intercept_result = cuStreamWaitValue64_v2(stream, addr, value, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12885,7 +12885,7 @@ int handle_cuStreamWriteValue32_v2(void *conn) cuuint32_t value; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(CUstream)) < 0 || rpc_read(conn, &addr, sizeof(CUdeviceptr)) < 0 || @@ -12897,10 +12897,10 @@ int handle_cuStreamWriteValue32_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamWriteValue32_v2(stream, addr, value, flags); + scuda_intercept_result = cuStreamWriteValue32_v2(stream, addr, value, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12915,7 +12915,7 @@ int handle_cuStreamWriteValue64_v2(void *conn) cuuint64_t value; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(CUstream)) < 0 || rpc_read(conn, &addr, sizeof(CUdeviceptr)) < 0 || @@ -12927,10 +12927,10 @@ int handle_cuStreamWriteValue64_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamWriteValue64_v2(stream, addr, value, flags); + scuda_intercept_result = cuStreamWriteValue64_v2(stream, addr, value, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12945,7 +12945,7 @@ int handle_cuStreamBatchMemOp_v2(void *conn) CUstreamBatchMemOpParams paramArray; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(CUstream)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -12957,11 +12957,11 @@ int handle_cuStreamBatchMemOp_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuStreamBatchMemOp_v2(stream, count, ¶mArray, flags); + scuda_intercept_result = cuStreamBatchMemOp_v2(stream, count, ¶mArray, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶mArray, sizeof(CUstreamBatchMemOpParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -12975,7 +12975,7 @@ int handle_cuFuncGetAttribute(void *conn) CUfunction_attribute attrib; CUfunction hfunc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pi, sizeof(int)) < 0 || rpc_read(conn, &attrib, sizeof(CUfunction_attribute)) < 0 || @@ -12986,11 +12986,11 @@ int handle_cuFuncGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncGetAttribute(&pi, attrib, hfunc); + scuda_intercept_result = cuFuncGetAttribute(&pi, attrib, hfunc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pi, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13004,7 +13004,7 @@ int handle_cuFuncSetAttribute(void *conn) CUfunction_attribute attrib; int value; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &attrib, sizeof(CUfunction_attribute)) < 0 || @@ -13015,10 +13015,10 @@ int handle_cuFuncSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncSetAttribute(hfunc, attrib, value); + scuda_intercept_result = cuFuncSetAttribute(hfunc, attrib, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13031,7 +13031,7 @@ int handle_cuFuncSetCacheConfig(void *conn) CUfunction hfunc; CUfunc_cache config; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &config, sizeof(CUfunc_cache)) < 0 || @@ -13041,10 +13041,10 @@ int handle_cuFuncSetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncSetCacheConfig(hfunc, config); + scuda_intercept_result = cuFuncSetCacheConfig(hfunc, config); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13057,7 +13057,7 @@ int handle_cuFuncSetSharedMemConfig(void *conn) CUfunction hfunc; CUsharedconfig config; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &config, sizeof(CUsharedconfig)) < 0 || @@ -13067,10 +13067,10 @@ int handle_cuFuncSetSharedMemConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncSetSharedMemConfig(hfunc, config); + scuda_intercept_result = cuFuncSetSharedMemConfig(hfunc, config); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13083,7 +13083,7 @@ int handle_cuFuncGetModule(void *conn) CUmodule hmod; CUfunction hfunc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hmod, sizeof(CUmodule)) < 0 || rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || @@ -13093,11 +13093,11 @@ int handle_cuFuncGetModule(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncGetModule(&hmod, hfunc); + scuda_intercept_result = cuFuncGetModule(&hmod, hfunc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &hmod, sizeof(CUmodule)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13119,7 +13119,7 @@ int handle_cuLaunchKernel(void *conn) void** kernelParams; void** extra; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &f, sizeof(CUfunction)) < 0 || rpc_read(conn, &gridDimX, sizeof(unsigned int)) < 0 || @@ -13138,10 +13138,10 @@ int handle_cuLaunchKernel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLaunchKernel(f, gridDimX, gridDimY, gridDimZ, blockDimX, blockDimY, blockDimZ, sharedMemBytes, hStream, kernelParams, extra); + scuda_intercept_result = cuLaunchKernel(f, gridDimX, gridDimY, gridDimZ, blockDimX, blockDimY, blockDimZ, sharedMemBytes, hStream, kernelParams, extra); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13162,7 +13162,7 @@ int handle_cuLaunchCooperativeKernel(void *conn) CUstream hStream; void* kernelParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &f, sizeof(CUfunction)) < 0 || rpc_read(conn, &gridDimX, sizeof(unsigned int)) < 0 || @@ -13180,11 +13180,11 @@ int handle_cuLaunchCooperativeKernel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLaunchCooperativeKernel(f, gridDimX, gridDimY, gridDimZ, blockDimX, blockDimY, blockDimZ, sharedMemBytes, hStream, &kernelParams); + scuda_intercept_result = cuLaunchCooperativeKernel(f, gridDimX, gridDimY, gridDimZ, blockDimX, blockDimY, blockDimZ, sharedMemBytes, hStream, &kernelParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &kernelParams, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13198,7 +13198,7 @@ int handle_cuLaunchCooperativeKernelMultiDevice(void *conn) unsigned int numDevices; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &launchParamsList, sizeof(CUDA_LAUNCH_PARAMS)) < 0 || rpc_read(conn, &numDevices, sizeof(unsigned int)) < 0 || @@ -13209,11 +13209,11 @@ int handle_cuLaunchCooperativeKernelMultiDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLaunchCooperativeKernelMultiDevice(&launchParamsList, numDevices, flags); + scuda_intercept_result = cuLaunchCooperativeKernelMultiDevice(&launchParamsList, numDevices, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &launchParamsList, sizeof(CUDA_LAUNCH_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13228,7 +13228,7 @@ int handle_cuFuncSetBlockShape(void *conn) int y; int z; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &x, sizeof(int)) < 0 || @@ -13240,10 +13240,10 @@ int handle_cuFuncSetBlockShape(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncSetBlockShape(hfunc, x, y, z); + scuda_intercept_result = cuFuncSetBlockShape(hfunc, x, y, z); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13256,7 +13256,7 @@ int handle_cuFuncSetSharedSize(void *conn) CUfunction hfunc; unsigned int bytes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &bytes, sizeof(unsigned int)) < 0 || @@ -13266,10 +13266,10 @@ int handle_cuFuncSetSharedSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuFuncSetSharedSize(hfunc, bytes); + scuda_intercept_result = cuFuncSetSharedSize(hfunc, bytes); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13282,7 +13282,7 @@ int handle_cuParamSetSize(void *conn) CUfunction hfunc; unsigned int numbytes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &numbytes, sizeof(unsigned int)) < 0 || @@ -13292,10 +13292,10 @@ int handle_cuParamSetSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuParamSetSize(hfunc, numbytes); + scuda_intercept_result = cuParamSetSize(hfunc, numbytes); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13309,7 +13309,7 @@ int handle_cuParamSeti(void *conn) int offset; unsigned int value; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &offset, sizeof(int)) < 0 || @@ -13320,10 +13320,10 @@ int handle_cuParamSeti(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuParamSeti(hfunc, offset, value); + scuda_intercept_result = cuParamSeti(hfunc, offset, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13337,7 +13337,7 @@ int handle_cuParamSetf(void *conn) int offset; float value; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &offset, sizeof(int)) < 0 || @@ -13348,10 +13348,10 @@ int handle_cuParamSetf(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuParamSetf(hfunc, offset, value); + scuda_intercept_result = cuParamSetf(hfunc, offset, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13363,7 +13363,7 @@ int handle_cuLaunch(void *conn) { CUfunction f; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &f, sizeof(CUfunction)) < 0 || false) @@ -13372,10 +13372,10 @@ int handle_cuLaunch(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLaunch(f); + scuda_intercept_result = cuLaunch(f); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13389,7 +13389,7 @@ int handle_cuLaunchGrid(void *conn) int grid_width; int grid_height; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &f, sizeof(CUfunction)) < 0 || rpc_read(conn, &grid_width, sizeof(int)) < 0 || @@ -13400,10 +13400,10 @@ int handle_cuLaunchGrid(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLaunchGrid(f, grid_width, grid_height); + scuda_intercept_result = cuLaunchGrid(f, grid_width, grid_height); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13418,7 +13418,7 @@ int handle_cuLaunchGridAsync(void *conn) int grid_height; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &f, sizeof(CUfunction)) < 0 || rpc_read(conn, &grid_width, sizeof(int)) < 0 || @@ -13430,10 +13430,10 @@ int handle_cuLaunchGridAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuLaunchGridAsync(f, grid_width, grid_height, hStream); + scuda_intercept_result = cuLaunchGridAsync(f, grid_width, grid_height, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13447,7 +13447,7 @@ int handle_cuParamSetTexRef(void *conn) int texunit; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hfunc, sizeof(CUfunction)) < 0 || rpc_read(conn, &texunit, sizeof(int)) < 0 || @@ -13458,10 +13458,10 @@ int handle_cuParamSetTexRef(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuParamSetTexRef(hfunc, texunit, hTexRef); + scuda_intercept_result = cuParamSetTexRef(hfunc, texunit, hTexRef); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13474,7 +13474,7 @@ int handle_cuGraphCreate(void *conn) CUgraph phGraph; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -13484,11 +13484,11 @@ int handle_cuGraphCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphCreate(&phGraph, flags); + scuda_intercept_result = cuGraphCreate(&phGraph, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraph, sizeof(CUgraph)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13504,7 +13504,7 @@ int handle_cuGraphAddKernelNode_v2(void *conn) size_t numDependencies; const CUDA_KERNEL_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13517,11 +13517,11 @@ int handle_cuGraphAddKernelNode_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddKernelNode_v2(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); + scuda_intercept_result = cuGraphAddKernelNode_v2(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13534,7 +13534,7 @@ int handle_cuGraphKernelNodeGetParams_v2(void *conn) CUgraphNode hNode; CUDA_KERNEL_NODE_PARAMS nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(CUDA_KERNEL_NODE_PARAMS)) < 0 || @@ -13544,11 +13544,11 @@ int handle_cuGraphKernelNodeGetParams_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphKernelNodeGetParams_v2(hNode, &nodeParams); + scuda_intercept_result = cuGraphKernelNodeGetParams_v2(hNode, &nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodeParams, sizeof(CUDA_KERNEL_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13561,7 +13561,7 @@ int handle_cuGraphKernelNodeSetParams_v2(void *conn) CUgraphNode hNode; const CUDA_KERNEL_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_KERNEL_NODE_PARAMS*)) < 0 || @@ -13571,10 +13571,10 @@ int handle_cuGraphKernelNodeSetParams_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphKernelNodeSetParams_v2(hNode, nodeParams); + scuda_intercept_result = cuGraphKernelNodeSetParams_v2(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13591,7 +13591,7 @@ int handle_cuGraphAddMemcpyNode(void *conn) const CUDA_MEMCPY3D* copyParams; CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13605,11 +13605,11 @@ int handle_cuGraphAddMemcpyNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddMemcpyNode(&phGraphNode, hGraph, dependencies, numDependencies, copyParams, ctx); + scuda_intercept_result = cuGraphAddMemcpyNode(&phGraphNode, hGraph, dependencies, numDependencies, copyParams, ctx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13622,7 +13622,7 @@ int handle_cuGraphMemcpyNodeGetParams(void *conn) CUgraphNode hNode; CUDA_MEMCPY3D nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(CUDA_MEMCPY3D)) < 0 || @@ -13632,11 +13632,11 @@ int handle_cuGraphMemcpyNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphMemcpyNodeGetParams(hNode, &nodeParams); + scuda_intercept_result = cuGraphMemcpyNodeGetParams(hNode, &nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodeParams, sizeof(CUDA_MEMCPY3D)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13649,7 +13649,7 @@ int handle_cuGraphMemcpyNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_MEMCPY3D* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_MEMCPY3D*)) < 0 || @@ -13659,10 +13659,10 @@ int handle_cuGraphMemcpyNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphMemcpyNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cuGraphMemcpyNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13679,7 +13679,7 @@ int handle_cuGraphAddMemsetNode(void *conn) const CUDA_MEMSET_NODE_PARAMS* memsetParams; CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13693,11 +13693,11 @@ int handle_cuGraphAddMemsetNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddMemsetNode(&phGraphNode, hGraph, dependencies, numDependencies, memsetParams, ctx); + scuda_intercept_result = cuGraphAddMemsetNode(&phGraphNode, hGraph, dependencies, numDependencies, memsetParams, ctx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13710,7 +13710,7 @@ int handle_cuGraphMemsetNodeGetParams(void *conn) CUgraphNode hNode; CUDA_MEMSET_NODE_PARAMS nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(CUDA_MEMSET_NODE_PARAMS)) < 0 || @@ -13720,11 +13720,11 @@ int handle_cuGraphMemsetNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphMemsetNodeGetParams(hNode, &nodeParams); + scuda_intercept_result = cuGraphMemsetNodeGetParams(hNode, &nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodeParams, sizeof(CUDA_MEMSET_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13737,7 +13737,7 @@ int handle_cuGraphMemsetNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_MEMSET_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_MEMSET_NODE_PARAMS*)) < 0 || @@ -13747,10 +13747,10 @@ int handle_cuGraphMemsetNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphMemsetNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cuGraphMemsetNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13766,7 +13766,7 @@ int handle_cuGraphAddHostNode(void *conn) size_t numDependencies; const CUDA_HOST_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13779,11 +13779,11 @@ int handle_cuGraphAddHostNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddHostNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); + scuda_intercept_result = cuGraphAddHostNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13796,7 +13796,7 @@ int handle_cuGraphHostNodeGetParams(void *conn) CUgraphNode hNode; CUDA_HOST_NODE_PARAMS nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(CUDA_HOST_NODE_PARAMS)) < 0 || @@ -13806,11 +13806,11 @@ int handle_cuGraphHostNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphHostNodeGetParams(hNode, &nodeParams); + scuda_intercept_result = cuGraphHostNodeGetParams(hNode, &nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodeParams, sizeof(CUDA_HOST_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13823,7 +13823,7 @@ int handle_cuGraphHostNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_HOST_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_HOST_NODE_PARAMS*)) < 0 || @@ -13833,10 +13833,10 @@ int handle_cuGraphHostNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphHostNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cuGraphHostNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13852,7 +13852,7 @@ int handle_cuGraphAddChildGraphNode(void *conn) size_t numDependencies; CUgraph childGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13865,11 +13865,11 @@ int handle_cuGraphAddChildGraphNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddChildGraphNode(&phGraphNode, hGraph, dependencies, numDependencies, childGraph); + scuda_intercept_result = cuGraphAddChildGraphNode(&phGraphNode, hGraph, dependencies, numDependencies, childGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13882,7 +13882,7 @@ int handle_cuGraphChildGraphNodeGetGraph(void *conn) CUgraphNode hNode; CUgraph phGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &phGraph, sizeof(CUgraph)) < 0 || @@ -13892,11 +13892,11 @@ int handle_cuGraphChildGraphNodeGetGraph(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphChildGraphNodeGetGraph(hNode, &phGraph); + scuda_intercept_result = cuGraphChildGraphNodeGetGraph(hNode, &phGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraph, sizeof(CUgraph)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13911,7 +13911,7 @@ int handle_cuGraphAddEmptyNode(void *conn) const CUgraphNode* dependencies; size_t numDependencies; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13923,11 +13923,11 @@ int handle_cuGraphAddEmptyNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddEmptyNode(&phGraphNode, hGraph, dependencies, numDependencies); + scuda_intercept_result = cuGraphAddEmptyNode(&phGraphNode, hGraph, dependencies, numDependencies); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13943,7 +13943,7 @@ int handle_cuGraphAddEventRecordNode(void *conn) size_t numDependencies; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -13956,11 +13956,11 @@ int handle_cuGraphAddEventRecordNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddEventRecordNode(&phGraphNode, hGraph, dependencies, numDependencies, event); + scuda_intercept_result = cuGraphAddEventRecordNode(&phGraphNode, hGraph, dependencies, numDependencies, event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -13973,7 +13973,7 @@ int handle_cuGraphEventRecordNodeGetEvent(void *conn) CUgraphNode hNode; CUevent event_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &event_out, sizeof(CUevent)) < 0 || @@ -13983,11 +13983,11 @@ int handle_cuGraphEventRecordNodeGetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphEventRecordNodeGetEvent(hNode, &event_out); + scuda_intercept_result = cuGraphEventRecordNodeGetEvent(hNode, &event_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event_out, sizeof(CUevent)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14000,7 +14000,7 @@ int handle_cuGraphEventRecordNodeSetEvent(void *conn) CUgraphNode hNode; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &event, sizeof(CUevent)) < 0 || @@ -14010,10 +14010,10 @@ int handle_cuGraphEventRecordNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphEventRecordNodeSetEvent(hNode, event); + scuda_intercept_result = cuGraphEventRecordNodeSetEvent(hNode, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14029,7 +14029,7 @@ int handle_cuGraphAddEventWaitNode(void *conn) size_t numDependencies; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14042,11 +14042,11 @@ int handle_cuGraphAddEventWaitNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddEventWaitNode(&phGraphNode, hGraph, dependencies, numDependencies, event); + scuda_intercept_result = cuGraphAddEventWaitNode(&phGraphNode, hGraph, dependencies, numDependencies, event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14059,7 +14059,7 @@ int handle_cuGraphEventWaitNodeGetEvent(void *conn) CUgraphNode hNode; CUevent event_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &event_out, sizeof(CUevent)) < 0 || @@ -14069,11 +14069,11 @@ int handle_cuGraphEventWaitNodeGetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphEventWaitNodeGetEvent(hNode, &event_out); + scuda_intercept_result = cuGraphEventWaitNodeGetEvent(hNode, &event_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event_out, sizeof(CUevent)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14086,7 +14086,7 @@ int handle_cuGraphEventWaitNodeSetEvent(void *conn) CUgraphNode hNode; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &event, sizeof(CUevent)) < 0 || @@ -14096,10 +14096,10 @@ int handle_cuGraphEventWaitNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphEventWaitNodeSetEvent(hNode, event); + scuda_intercept_result = cuGraphEventWaitNodeSetEvent(hNode, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14115,7 +14115,7 @@ int handle_cuGraphAddExternalSemaphoresSignalNode(void *conn) size_t numDependencies; const CUDA_EXT_SEM_SIGNAL_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14128,11 +14128,11 @@ int handle_cuGraphAddExternalSemaphoresSignalNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddExternalSemaphoresSignalNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); + scuda_intercept_result = cuGraphAddExternalSemaphoresSignalNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14145,7 +14145,7 @@ int handle_cuGraphExternalSemaphoresSignalNodeGetParams(void *conn) CUgraphNode hNode; CUDA_EXT_SEM_SIGNAL_NODE_PARAMS params_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, ¶ms_out, sizeof(CUDA_EXT_SEM_SIGNAL_NODE_PARAMS)) < 0 || @@ -14155,11 +14155,11 @@ int handle_cuGraphExternalSemaphoresSignalNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExternalSemaphoresSignalNodeGetParams(hNode, ¶ms_out); + scuda_intercept_result = cuGraphExternalSemaphoresSignalNodeGetParams(hNode, ¶ms_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶ms_out, sizeof(CUDA_EXT_SEM_SIGNAL_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14172,7 +14172,7 @@ int handle_cuGraphExternalSemaphoresSignalNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_EXT_SEM_SIGNAL_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_EXT_SEM_SIGNAL_NODE_PARAMS*)) < 0 || @@ -14182,10 +14182,10 @@ int handle_cuGraphExternalSemaphoresSignalNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExternalSemaphoresSignalNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cuGraphExternalSemaphoresSignalNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14201,7 +14201,7 @@ int handle_cuGraphAddExternalSemaphoresWaitNode(void *conn) size_t numDependencies; const CUDA_EXT_SEM_WAIT_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14214,11 +14214,11 @@ int handle_cuGraphAddExternalSemaphoresWaitNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddExternalSemaphoresWaitNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); + scuda_intercept_result = cuGraphAddExternalSemaphoresWaitNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14231,7 +14231,7 @@ int handle_cuGraphExternalSemaphoresWaitNodeGetParams(void *conn) CUgraphNode hNode; CUDA_EXT_SEM_WAIT_NODE_PARAMS params_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, ¶ms_out, sizeof(CUDA_EXT_SEM_WAIT_NODE_PARAMS)) < 0 || @@ -14241,11 +14241,11 @@ int handle_cuGraphExternalSemaphoresWaitNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExternalSemaphoresWaitNodeGetParams(hNode, ¶ms_out); + scuda_intercept_result = cuGraphExternalSemaphoresWaitNodeGetParams(hNode, ¶ms_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶ms_out, sizeof(CUDA_EXT_SEM_WAIT_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14258,7 +14258,7 @@ int handle_cuGraphExternalSemaphoresWaitNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_EXT_SEM_WAIT_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_EXT_SEM_WAIT_NODE_PARAMS*)) < 0 || @@ -14268,10 +14268,10 @@ int handle_cuGraphExternalSemaphoresWaitNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExternalSemaphoresWaitNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cuGraphExternalSemaphoresWaitNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14287,7 +14287,7 @@ int handle_cuGraphAddBatchMemOpNode(void *conn) size_t numDependencies; const CUDA_BATCH_MEM_OP_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14300,11 +14300,11 @@ int handle_cuGraphAddBatchMemOpNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddBatchMemOpNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); + scuda_intercept_result = cuGraphAddBatchMemOpNode(&phGraphNode, hGraph, dependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14317,7 +14317,7 @@ int handle_cuGraphBatchMemOpNodeGetParams(void *conn) CUgraphNode hNode; CUDA_BATCH_MEM_OP_NODE_PARAMS nodeParams_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams_out, sizeof(CUDA_BATCH_MEM_OP_NODE_PARAMS)) < 0 || @@ -14327,11 +14327,11 @@ int handle_cuGraphBatchMemOpNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphBatchMemOpNodeGetParams(hNode, &nodeParams_out); + scuda_intercept_result = cuGraphBatchMemOpNodeGetParams(hNode, &nodeParams_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodeParams_out, sizeof(CUDA_BATCH_MEM_OP_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14344,7 +14344,7 @@ int handle_cuGraphBatchMemOpNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_BATCH_MEM_OP_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &nodeParams, sizeof(const CUDA_BATCH_MEM_OP_NODE_PARAMS*)) < 0 || @@ -14354,10 +14354,10 @@ int handle_cuGraphBatchMemOpNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphBatchMemOpNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cuGraphBatchMemOpNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14371,7 +14371,7 @@ int handle_cuGraphExecBatchMemOpNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_BATCH_MEM_OP_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -14382,10 +14382,10 @@ int handle_cuGraphExecBatchMemOpNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecBatchMemOpNodeSetParams(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cuGraphExecBatchMemOpNodeSetParams(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14401,7 +14401,7 @@ int handle_cuGraphAddMemAllocNode(void *conn) size_t numDependencies; CUDA_MEM_ALLOC_NODE_PARAMS nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14414,12 +14414,12 @@ int handle_cuGraphAddMemAllocNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddMemAllocNode(&phGraphNode, hGraph, dependencies, numDependencies, &nodeParams); + scuda_intercept_result = cuGraphAddMemAllocNode(&phGraphNode, hGraph, dependencies, numDependencies, &nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &nodeParams, sizeof(CUDA_MEM_ALLOC_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14432,7 +14432,7 @@ int handle_cuGraphMemAllocNodeGetParams(void *conn) CUgraphNode hNode; CUDA_MEM_ALLOC_NODE_PARAMS params_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, ¶ms_out, sizeof(CUDA_MEM_ALLOC_NODE_PARAMS)) < 0 || @@ -14442,11 +14442,11 @@ int handle_cuGraphMemAllocNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphMemAllocNodeGetParams(hNode, ¶ms_out); + scuda_intercept_result = cuGraphMemAllocNodeGetParams(hNode, ¶ms_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶ms_out, sizeof(CUDA_MEM_ALLOC_NODE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14462,7 +14462,7 @@ int handle_cuGraphAddMemFreeNode(void *conn) CUgraphNode* dependencies; CUdeviceptr dptr; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14475,11 +14475,11 @@ int handle_cuGraphAddMemFreeNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddMemFreeNode(&phGraphNode, hGraph, dependencies, numDependencies, dptr); + scuda_intercept_result = cuGraphAddMemFreeNode(&phGraphNode, hGraph, dependencies, numDependencies, dptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14492,7 +14492,7 @@ int handle_cuGraphMemFreeNodeGetParams(void *conn) CUgraphNode hNode; CUdeviceptr dptr_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &dptr_out, sizeof(CUdeviceptr)) < 0 || @@ -14502,11 +14502,11 @@ int handle_cuGraphMemFreeNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphMemFreeNodeGetParams(hNode, &dptr_out); + scuda_intercept_result = cuGraphMemFreeNodeGetParams(hNode, &dptr_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dptr_out, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14518,7 +14518,7 @@ int handle_cuDeviceGraphMemTrim(void *conn) { CUdevice device; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(CUdevice)) < 0 || false) @@ -14527,10 +14527,10 @@ int handle_cuDeviceGraphMemTrim(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGraphMemTrim(device); + scuda_intercept_result = cuDeviceGraphMemTrim(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14543,7 +14543,7 @@ int handle_cuGraphClone(void *conn) CUgraph phGraphClone; CUgraph originalGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphClone, sizeof(CUgraph)) < 0 || rpc_read(conn, &originalGraph, sizeof(CUgraph)) < 0 || @@ -14553,11 +14553,11 @@ int handle_cuGraphClone(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphClone(&phGraphClone, originalGraph); + scuda_intercept_result = cuGraphClone(&phGraphClone, originalGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphClone, sizeof(CUgraph)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14571,7 +14571,7 @@ int handle_cuGraphNodeFindInClone(void *conn) CUgraphNode hOriginalNode; CUgraph hClonedGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &hOriginalNode, sizeof(CUgraphNode)) < 0 || @@ -14582,11 +14582,11 @@ int handle_cuGraphNodeFindInClone(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphNodeFindInClone(&phNode, hOriginalNode, hClonedGraph); + scuda_intercept_result = cuGraphNodeFindInClone(&phNode, hOriginalNode, hClonedGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phNode, sizeof(CUgraphNode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14599,7 +14599,7 @@ int handle_cuGraphNodeGetType(void *conn) CUgraphNode hNode; CUgraphNodeType type; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &type, sizeof(CUgraphNodeType)) < 0 || @@ -14609,11 +14609,11 @@ int handle_cuGraphNodeGetType(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphNodeGetType(hNode, &type); + scuda_intercept_result = cuGraphNodeGetType(hNode, &type); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &type, sizeof(CUgraphNodeType)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14627,7 +14627,7 @@ int handle_cuGraphGetNodes(void *conn) CUgraphNode nodes; size_t numNodes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &nodes, sizeof(CUgraphNode)) < 0 || @@ -14638,12 +14638,12 @@ int handle_cuGraphGetNodes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphGetNodes(hGraph, &nodes, &numNodes); + scuda_intercept_result = cuGraphGetNodes(hGraph, &nodes, &numNodes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodes, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &numNodes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14657,7 +14657,7 @@ int handle_cuGraphGetRootNodes(void *conn) CUgraphNode rootNodes; size_t numRootNodes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &rootNodes, sizeof(CUgraphNode)) < 0 || @@ -14668,12 +14668,12 @@ int handle_cuGraphGetRootNodes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphGetRootNodes(hGraph, &rootNodes, &numRootNodes); + scuda_intercept_result = cuGraphGetRootNodes(hGraph, &rootNodes, &numRootNodes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &rootNodes, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &numRootNodes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14688,7 +14688,7 @@ int handle_cuGraphGetEdges(void *conn) CUgraphNode to; size_t numEdges; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &from, sizeof(CUgraphNode)) < 0 || @@ -14700,13 +14700,13 @@ int handle_cuGraphGetEdges(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphGetEdges(hGraph, &from, &to, &numEdges); + scuda_intercept_result = cuGraphGetEdges(hGraph, &from, &to, &numEdges); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &from, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &to, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &numEdges, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14720,7 +14720,7 @@ int handle_cuGraphNodeGetDependencies(void *conn) CUgraphNode dependencies; size_t numDependencies; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &dependencies, sizeof(CUgraphNode)) < 0 || @@ -14731,12 +14731,12 @@ int handle_cuGraphNodeGetDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphNodeGetDependencies(hNode, &dependencies, &numDependencies); + scuda_intercept_result = cuGraphNodeGetDependencies(hNode, &dependencies, &numDependencies); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dependencies, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &numDependencies, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14750,7 +14750,7 @@ int handle_cuGraphNodeGetDependentNodes(void *conn) CUgraphNode dependentNodes; size_t numDependentNodes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &dependentNodes, sizeof(CUgraphNode)) < 0 || @@ -14761,12 +14761,12 @@ int handle_cuGraphNodeGetDependentNodes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphNodeGetDependentNodes(hNode, &dependentNodes, &numDependentNodes); + scuda_intercept_result = cuGraphNodeGetDependentNodes(hNode, &dependentNodes, &numDependentNodes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dependentNodes, sizeof(CUgraphNode)) < 0 || rpc_write(conn, &numDependentNodes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14781,7 +14781,7 @@ int handle_cuGraphAddDependencies(void *conn) const CUgraphNode* to; size_t numDependencies; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &from, sizeof(const CUgraphNode*)) < 0 || @@ -14793,10 +14793,10 @@ int handle_cuGraphAddDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphAddDependencies(hGraph, from, to, numDependencies); + scuda_intercept_result = cuGraphAddDependencies(hGraph, from, to, numDependencies); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14811,7 +14811,7 @@ int handle_cuGraphRemoveDependencies(void *conn) const CUgraphNode* to; size_t numDependencies; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &from, sizeof(const CUgraphNode*)) < 0 || @@ -14823,10 +14823,10 @@ int handle_cuGraphRemoveDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphRemoveDependencies(hGraph, from, to, numDependencies); + scuda_intercept_result = cuGraphRemoveDependencies(hGraph, from, to, numDependencies); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14838,7 +14838,7 @@ int handle_cuGraphDestroyNode(void *conn) { CUgraphNode hNode; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || false) @@ -14847,10 +14847,10 @@ int handle_cuGraphDestroyNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphDestroyNode(hNode); + scuda_intercept_result = cuGraphDestroyNode(hNode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14864,7 +14864,7 @@ int handle_cuGraphInstantiateWithFlags(void *conn) CUgraph hGraph; unsigned long long flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14875,11 +14875,11 @@ int handle_cuGraphInstantiateWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphInstantiateWithFlags(&phGraphExec, hGraph, flags); + scuda_intercept_result = cuGraphInstantiateWithFlags(&phGraphExec, hGraph, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphExec, sizeof(CUgraphExec)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14893,7 +14893,7 @@ int handle_cuGraphInstantiateWithParams(void *conn) CUgraph hGraph; CUDA_GRAPH_INSTANTIATE_PARAMS instantiateParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -14904,12 +14904,12 @@ int handle_cuGraphInstantiateWithParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphInstantiateWithParams(&phGraphExec, hGraph, &instantiateParams); + scuda_intercept_result = cuGraphInstantiateWithParams(&phGraphExec, hGraph, &instantiateParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phGraphExec, sizeof(CUgraphExec)) < 0 || rpc_write(conn, &instantiateParams, sizeof(CUDA_GRAPH_INSTANTIATE_PARAMS)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14922,7 +14922,7 @@ int handle_cuGraphExecGetFlags(void *conn) CUgraphExec hGraphExec; cuuint64_t flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &flags, sizeof(cuuint64_t)) < 0 || @@ -14932,11 +14932,11 @@ int handle_cuGraphExecGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecGetFlags(hGraphExec, &flags); + scuda_intercept_result = cuGraphExecGetFlags(hGraphExec, &flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(cuuint64_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14950,7 +14950,7 @@ int handle_cuGraphExecKernelNodeSetParams_v2(void *conn) CUgraphNode hNode; const CUDA_KERNEL_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -14961,10 +14961,10 @@ int handle_cuGraphExecKernelNodeSetParams_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecKernelNodeSetParams_v2(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cuGraphExecKernelNodeSetParams_v2(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -14979,7 +14979,7 @@ int handle_cuGraphExecMemcpyNodeSetParams(void *conn) const CUDA_MEMCPY3D* copyParams; CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -14991,10 +14991,10 @@ int handle_cuGraphExecMemcpyNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecMemcpyNodeSetParams(hGraphExec, hNode, copyParams, ctx); + scuda_intercept_result = cuGraphExecMemcpyNodeSetParams(hGraphExec, hNode, copyParams, ctx); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15009,7 +15009,7 @@ int handle_cuGraphExecMemsetNodeSetParams(void *conn) const CUDA_MEMSET_NODE_PARAMS* memsetParams; CUcontext ctx; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15021,10 +15021,10 @@ int handle_cuGraphExecMemsetNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecMemsetNodeSetParams(hGraphExec, hNode, memsetParams, ctx); + scuda_intercept_result = cuGraphExecMemsetNodeSetParams(hGraphExec, hNode, memsetParams, ctx); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15038,7 +15038,7 @@ int handle_cuGraphExecHostNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_HOST_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15049,10 +15049,10 @@ int handle_cuGraphExecHostNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecHostNodeSetParams(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cuGraphExecHostNodeSetParams(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15066,7 +15066,7 @@ int handle_cuGraphExecChildGraphNodeSetParams(void *conn) CUgraphNode hNode; CUgraph childGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15077,10 +15077,10 @@ int handle_cuGraphExecChildGraphNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecChildGraphNodeSetParams(hGraphExec, hNode, childGraph); + scuda_intercept_result = cuGraphExecChildGraphNodeSetParams(hGraphExec, hNode, childGraph); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15094,7 +15094,7 @@ int handle_cuGraphExecEventRecordNodeSetEvent(void *conn) CUgraphNode hNode; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15105,10 +15105,10 @@ int handle_cuGraphExecEventRecordNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecEventRecordNodeSetEvent(hGraphExec, hNode, event); + scuda_intercept_result = cuGraphExecEventRecordNodeSetEvent(hGraphExec, hNode, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15122,7 +15122,7 @@ int handle_cuGraphExecEventWaitNodeSetEvent(void *conn) CUgraphNode hNode; CUevent event; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15133,10 +15133,10 @@ int handle_cuGraphExecEventWaitNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecEventWaitNodeSetEvent(hGraphExec, hNode, event); + scuda_intercept_result = cuGraphExecEventWaitNodeSetEvent(hGraphExec, hNode, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15150,7 +15150,7 @@ int handle_cuGraphExecExternalSemaphoresSignalNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_EXT_SEM_SIGNAL_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15161,10 +15161,10 @@ int handle_cuGraphExecExternalSemaphoresSignalNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecExternalSemaphoresSignalNodeSetParams(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cuGraphExecExternalSemaphoresSignalNodeSetParams(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15178,7 +15178,7 @@ int handle_cuGraphExecExternalSemaphoresWaitNodeSetParams(void *conn) CUgraphNode hNode; const CUDA_EXT_SEM_WAIT_NODE_PARAMS* nodeParams; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15189,10 +15189,10 @@ int handle_cuGraphExecExternalSemaphoresWaitNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecExternalSemaphoresWaitNodeSetParams(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cuGraphExecExternalSemaphoresWaitNodeSetParams(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15206,7 +15206,7 @@ int handle_cuGraphNodeSetEnabled(void *conn) CUgraphNode hNode; unsigned int isEnabled; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15217,10 +15217,10 @@ int handle_cuGraphNodeSetEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphNodeSetEnabled(hGraphExec, hNode, isEnabled); + scuda_intercept_result = cuGraphNodeSetEnabled(hGraphExec, hNode, isEnabled); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15234,7 +15234,7 @@ int handle_cuGraphNodeGetEnabled(void *conn) CUgraphNode hNode; unsigned int isEnabled; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || @@ -15245,11 +15245,11 @@ int handle_cuGraphNodeGetEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphNodeGetEnabled(hGraphExec, hNode, &isEnabled); + scuda_intercept_result = cuGraphNodeGetEnabled(hGraphExec, hNode, &isEnabled); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isEnabled, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15262,7 +15262,7 @@ int handle_cuGraphUpload(void *conn) CUgraphExec hGraphExec; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || @@ -15272,10 +15272,10 @@ int handle_cuGraphUpload(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphUpload(hGraphExec, hStream); + scuda_intercept_result = cuGraphUpload(hGraphExec, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15288,7 +15288,7 @@ int handle_cuGraphLaunch(void *conn) CUgraphExec hGraphExec; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hStream, sizeof(CUstream)) < 0 || @@ -15298,10 +15298,10 @@ int handle_cuGraphLaunch(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphLaunch(hGraphExec, hStream); + scuda_intercept_result = cuGraphLaunch(hGraphExec, hStream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15313,7 +15313,7 @@ int handle_cuGraphExecDestroy(void *conn) { CUgraphExec hGraphExec; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || false) @@ -15322,10 +15322,10 @@ int handle_cuGraphExecDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecDestroy(hGraphExec); + scuda_intercept_result = cuGraphExecDestroy(hGraphExec); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15337,7 +15337,7 @@ int handle_cuGraphDestroy(void *conn) { CUgraph hGraph; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || false) @@ -15346,10 +15346,10 @@ int handle_cuGraphDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphDestroy(hGraph); + scuda_intercept_result = cuGraphDestroy(hGraph); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15363,7 +15363,7 @@ int handle_cuGraphExecUpdate_v2(void *conn) CUgraph hGraph; CUgraphExecUpdateResultInfo resultInfo; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(CUgraphExec)) < 0 || rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || @@ -15374,11 +15374,11 @@ int handle_cuGraphExecUpdate_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphExecUpdate_v2(hGraphExec, hGraph, &resultInfo); + scuda_intercept_result = cuGraphExecUpdate_v2(hGraphExec, hGraph, &resultInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &resultInfo, sizeof(CUgraphExecUpdateResultInfo)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15391,7 +15391,7 @@ int handle_cuGraphKernelNodeCopyAttributes(void *conn) CUgraphNode dst; CUgraphNode src; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &src, sizeof(CUgraphNode)) < 0 || @@ -15401,10 +15401,10 @@ int handle_cuGraphKernelNodeCopyAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphKernelNodeCopyAttributes(dst, src); + scuda_intercept_result = cuGraphKernelNodeCopyAttributes(dst, src); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15418,7 +15418,7 @@ int handle_cuGraphKernelNodeGetAttribute(void *conn) CUkernelNodeAttrID attr; CUkernelNodeAttrValue value_out; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &attr, sizeof(CUkernelNodeAttrID)) < 0 || @@ -15429,11 +15429,11 @@ int handle_cuGraphKernelNodeGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphKernelNodeGetAttribute(hNode, attr, &value_out); + scuda_intercept_result = cuGraphKernelNodeGetAttribute(hNode, attr, &value_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value_out, sizeof(CUkernelNodeAttrValue)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15447,7 +15447,7 @@ int handle_cuGraphKernelNodeSetAttribute(void *conn) CUkernelNodeAttrID attr; const CUkernelNodeAttrValue* value; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(CUgraphNode)) < 0 || rpc_read(conn, &attr, sizeof(CUkernelNodeAttrID)) < 0 || @@ -15458,10 +15458,10 @@ int handle_cuGraphKernelNodeSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphKernelNodeSetAttribute(hNode, attr, value); + scuda_intercept_result = cuGraphKernelNodeSetAttribute(hNode, attr, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15475,7 +15475,7 @@ int handle_cuGraphDebugDotPrint(void *conn) const char* path; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hGraph, sizeof(CUgraph)) < 0 || rpc_read(conn, &path, sizeof(const char*)) < 0 || @@ -15486,10 +15486,10 @@ int handle_cuGraphDebugDotPrint(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphDebugDotPrint(hGraph, path, flags); + scuda_intercept_result = cuGraphDebugDotPrint(hGraph, path, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15502,7 +15502,7 @@ int handle_cuUserObjectRetain(void *conn) CUuserObject object; unsigned int count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &object, sizeof(CUuserObject)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -15512,10 +15512,10 @@ int handle_cuUserObjectRetain(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuUserObjectRetain(object, count); + scuda_intercept_result = cuUserObjectRetain(object, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15528,7 +15528,7 @@ int handle_cuUserObjectRelease(void *conn) CUuserObject object; unsigned int count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &object, sizeof(CUuserObject)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -15538,10 +15538,10 @@ int handle_cuUserObjectRelease(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuUserObjectRelease(object, count); + scuda_intercept_result = cuUserObjectRelease(object, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15556,7 +15556,7 @@ int handle_cuGraphRetainUserObject(void *conn) unsigned int count; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(CUgraph)) < 0 || rpc_read(conn, &object, sizeof(CUuserObject)) < 0 || @@ -15568,10 +15568,10 @@ int handle_cuGraphRetainUserObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphRetainUserObject(graph, object, count, flags); + scuda_intercept_result = cuGraphRetainUserObject(graph, object, count, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15585,7 +15585,7 @@ int handle_cuGraphReleaseUserObject(void *conn) CUuserObject object; unsigned int count; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(CUgraph)) < 0 || rpc_read(conn, &object, sizeof(CUuserObject)) < 0 || @@ -15596,10 +15596,10 @@ int handle_cuGraphReleaseUserObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphReleaseUserObject(graph, object, count); + scuda_intercept_result = cuGraphReleaseUserObject(graph, object, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15614,7 +15614,7 @@ int handle_cuOccupancyMaxActiveBlocksPerMultiprocessor(void *conn) int blockSize; size_t dynamicSMemSize; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &numBlocks, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(CUfunction)) < 0 || @@ -15626,11 +15626,11 @@ int handle_cuOccupancyMaxActiveBlocksPerMultiprocessor(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuOccupancyMaxActiveBlocksPerMultiprocessor(&numBlocks, func, blockSize, dynamicSMemSize); + scuda_intercept_result = cuOccupancyMaxActiveBlocksPerMultiprocessor(&numBlocks, func, blockSize, dynamicSMemSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numBlocks, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15646,7 +15646,7 @@ int handle_cuOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(void *conn) size_t dynamicSMemSize; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &numBlocks, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(CUfunction)) < 0 || @@ -15659,11 +15659,11 @@ int handle_cuOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(&numBlocks, func, blockSize, dynamicSMemSize, flags); + scuda_intercept_result = cuOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(&numBlocks, func, blockSize, dynamicSMemSize, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numBlocks, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15678,7 +15678,7 @@ int handle_cuOccupancyAvailableDynamicSMemPerBlock(void *conn) int numBlocks; int blockSize; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &dynamicSmemSize, sizeof(size_t)) < 0 || rpc_read(conn, &func, sizeof(CUfunction)) < 0 || @@ -15690,11 +15690,11 @@ int handle_cuOccupancyAvailableDynamicSMemPerBlock(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuOccupancyAvailableDynamicSMemPerBlock(&dynamicSmemSize, func, numBlocks, blockSize); + scuda_intercept_result = cuOccupancyAvailableDynamicSMemPerBlock(&dynamicSmemSize, func, numBlocks, blockSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dynamicSmemSize, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15708,7 +15708,7 @@ int handle_cuOccupancyMaxPotentialClusterSize(void *conn) CUfunction func; const CUlaunchConfig* config; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &clusterSize, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(CUfunction)) < 0 || @@ -15719,11 +15719,11 @@ int handle_cuOccupancyMaxPotentialClusterSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuOccupancyMaxPotentialClusterSize(&clusterSize, func, config); + scuda_intercept_result = cuOccupancyMaxPotentialClusterSize(&clusterSize, func, config); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clusterSize, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15737,7 +15737,7 @@ int handle_cuOccupancyMaxActiveClusters(void *conn) CUfunction func; const CUlaunchConfig* config; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &numClusters, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(CUfunction)) < 0 || @@ -15748,11 +15748,11 @@ int handle_cuOccupancyMaxActiveClusters(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuOccupancyMaxActiveClusters(&numClusters, func, config); + scuda_intercept_result = cuOccupancyMaxActiveClusters(&numClusters, func, config); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numClusters, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15766,7 +15766,7 @@ int handle_cuTexRefSetArray(void *conn) CUarray hArray; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &hArray, sizeof(CUarray)) < 0 || @@ -15777,10 +15777,10 @@ int handle_cuTexRefSetArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetArray(hTexRef, hArray, Flags); + scuda_intercept_result = cuTexRefSetArray(hTexRef, hArray, Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15794,7 +15794,7 @@ int handle_cuTexRefSetMipmappedArray(void *conn) CUmipmappedArray hMipmappedArray; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &hMipmappedArray, sizeof(CUmipmappedArray)) < 0 || @@ -15805,10 +15805,10 @@ int handle_cuTexRefSetMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetMipmappedArray(hTexRef, hMipmappedArray, Flags); + scuda_intercept_result = cuTexRefSetMipmappedArray(hTexRef, hMipmappedArray, Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15823,7 +15823,7 @@ int handle_cuTexRefSetAddress_v2(void *conn) CUdeviceptr dptr; size_t bytes; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &ByteOffset, sizeof(size_t)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -15835,11 +15835,11 @@ int handle_cuTexRefSetAddress_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetAddress_v2(&ByteOffset, hTexRef, dptr, bytes); + scuda_intercept_result = cuTexRefSetAddress_v2(&ByteOffset, hTexRef, dptr, bytes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ByteOffset, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15854,7 +15854,7 @@ int handle_cuTexRefSetAddress2D_v3(void *conn) CUdeviceptr dptr; size_t Pitch; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &desc, sizeof(const CUDA_ARRAY_DESCRIPTOR*)) < 0 || @@ -15866,10 +15866,10 @@ int handle_cuTexRefSetAddress2D_v3(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetAddress2D_v3(hTexRef, desc, dptr, Pitch); + scuda_intercept_result = cuTexRefSetAddress2D_v3(hTexRef, desc, dptr, Pitch); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15883,7 +15883,7 @@ int handle_cuTexRefSetFormat(void *conn) CUarray_format fmt; int NumPackedComponents; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &fmt, sizeof(CUarray_format)) < 0 || @@ -15894,10 +15894,10 @@ int handle_cuTexRefSetFormat(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetFormat(hTexRef, fmt, NumPackedComponents); + scuda_intercept_result = cuTexRefSetFormat(hTexRef, fmt, NumPackedComponents); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15911,7 +15911,7 @@ int handle_cuTexRefSetAddressMode(void *conn) int dim; CUaddress_mode am; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &dim, sizeof(int)) < 0 || @@ -15922,10 +15922,10 @@ int handle_cuTexRefSetAddressMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetAddressMode(hTexRef, dim, am); + scuda_intercept_result = cuTexRefSetAddressMode(hTexRef, dim, am); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15938,7 +15938,7 @@ int handle_cuTexRefSetFilterMode(void *conn) CUtexref hTexRef; CUfilter_mode fm; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &fm, sizeof(CUfilter_mode)) < 0 || @@ -15948,10 +15948,10 @@ int handle_cuTexRefSetFilterMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetFilterMode(hTexRef, fm); + scuda_intercept_result = cuTexRefSetFilterMode(hTexRef, fm); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15964,7 +15964,7 @@ int handle_cuTexRefSetMipmapFilterMode(void *conn) CUtexref hTexRef; CUfilter_mode fm; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &fm, sizeof(CUfilter_mode)) < 0 || @@ -15974,10 +15974,10 @@ int handle_cuTexRefSetMipmapFilterMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetMipmapFilterMode(hTexRef, fm); + scuda_intercept_result = cuTexRefSetMipmapFilterMode(hTexRef, fm); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -15990,7 +15990,7 @@ int handle_cuTexRefSetMipmapLevelBias(void *conn) CUtexref hTexRef; float bias; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &bias, sizeof(float)) < 0 || @@ -16000,10 +16000,10 @@ int handle_cuTexRefSetMipmapLevelBias(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetMipmapLevelBias(hTexRef, bias); + scuda_intercept_result = cuTexRefSetMipmapLevelBias(hTexRef, bias); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16017,7 +16017,7 @@ int handle_cuTexRefSetMipmapLevelClamp(void *conn) float minMipmapLevelClamp; float maxMipmapLevelClamp; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &minMipmapLevelClamp, sizeof(float)) < 0 || @@ -16028,10 +16028,10 @@ int handle_cuTexRefSetMipmapLevelClamp(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetMipmapLevelClamp(hTexRef, minMipmapLevelClamp, maxMipmapLevelClamp); + scuda_intercept_result = cuTexRefSetMipmapLevelClamp(hTexRef, minMipmapLevelClamp, maxMipmapLevelClamp); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16044,7 +16044,7 @@ int handle_cuTexRefSetMaxAnisotropy(void *conn) CUtexref hTexRef; unsigned int maxAniso; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &maxAniso, sizeof(unsigned int)) < 0 || @@ -16054,10 +16054,10 @@ int handle_cuTexRefSetMaxAnisotropy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetMaxAnisotropy(hTexRef, maxAniso); + scuda_intercept_result = cuTexRefSetMaxAnisotropy(hTexRef, maxAniso); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16070,7 +16070,7 @@ int handle_cuTexRefSetBorderColor(void *conn) CUtexref hTexRef; float pBorderColor; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &pBorderColor, sizeof(float)) < 0 || @@ -16080,11 +16080,11 @@ int handle_cuTexRefSetBorderColor(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetBorderColor(hTexRef, &pBorderColor); + scuda_intercept_result = cuTexRefSetBorderColor(hTexRef, &pBorderColor); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pBorderColor, sizeof(float)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16097,7 +16097,7 @@ int handle_cuTexRefSetFlags(void *conn) CUtexref hTexRef; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || rpc_read(conn, &Flags, sizeof(unsigned int)) < 0 || @@ -16107,10 +16107,10 @@ int handle_cuTexRefSetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefSetFlags(hTexRef, Flags); + scuda_intercept_result = cuTexRefSetFlags(hTexRef, Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16123,7 +16123,7 @@ int handle_cuTexRefGetAddress_v2(void *conn) CUdeviceptr pdptr; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pdptr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16133,11 +16133,11 @@ int handle_cuTexRefGetAddress_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetAddress_v2(&pdptr, hTexRef); + scuda_intercept_result = cuTexRefGetAddress_v2(&pdptr, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pdptr, sizeof(CUdeviceptr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16150,7 +16150,7 @@ int handle_cuTexRefGetArray(void *conn) CUarray phArray; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phArray, sizeof(CUarray)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16160,11 +16160,11 @@ int handle_cuTexRefGetArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetArray(&phArray, hTexRef); + scuda_intercept_result = cuTexRefGetArray(&phArray, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phArray, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16177,7 +16177,7 @@ int handle_cuTexRefGetMipmappedArray(void *conn) CUmipmappedArray phMipmappedArray; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phMipmappedArray, sizeof(CUmipmappedArray)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16187,11 +16187,11 @@ int handle_cuTexRefGetMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetMipmappedArray(&phMipmappedArray, hTexRef); + scuda_intercept_result = cuTexRefGetMipmappedArray(&phMipmappedArray, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phMipmappedArray, sizeof(CUmipmappedArray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16205,7 +16205,7 @@ int handle_cuTexRefGetAddressMode(void *conn) CUtexref hTexRef; int dim; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pam, sizeof(CUaddress_mode)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16216,11 +16216,11 @@ int handle_cuTexRefGetAddressMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetAddressMode(&pam, hTexRef, dim); + scuda_intercept_result = cuTexRefGetAddressMode(&pam, hTexRef, dim); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pam, sizeof(CUaddress_mode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16233,7 +16233,7 @@ int handle_cuTexRefGetFilterMode(void *conn) CUfilter_mode pfm; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pfm, sizeof(CUfilter_mode)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16243,11 +16243,11 @@ int handle_cuTexRefGetFilterMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetFilterMode(&pfm, hTexRef); + scuda_intercept_result = cuTexRefGetFilterMode(&pfm, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pfm, sizeof(CUfilter_mode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16261,7 +16261,7 @@ int handle_cuTexRefGetFormat(void *conn) int pNumChannels; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pFormat, sizeof(CUarray_format)) < 0 || rpc_read(conn, &pNumChannels, sizeof(int)) < 0 || @@ -16272,12 +16272,12 @@ int handle_cuTexRefGetFormat(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetFormat(&pFormat, &pNumChannels, hTexRef); + scuda_intercept_result = cuTexRefGetFormat(&pFormat, &pNumChannels, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pFormat, sizeof(CUarray_format)) < 0 || rpc_write(conn, &pNumChannels, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16290,7 +16290,7 @@ int handle_cuTexRefGetMipmapFilterMode(void *conn) CUfilter_mode pfm; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pfm, sizeof(CUfilter_mode)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16300,11 +16300,11 @@ int handle_cuTexRefGetMipmapFilterMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetMipmapFilterMode(&pfm, hTexRef); + scuda_intercept_result = cuTexRefGetMipmapFilterMode(&pfm, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pfm, sizeof(CUfilter_mode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16317,7 +16317,7 @@ int handle_cuTexRefGetMipmapLevelBias(void *conn) float pbias; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pbias, sizeof(float)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16327,11 +16327,11 @@ int handle_cuTexRefGetMipmapLevelBias(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetMipmapLevelBias(&pbias, hTexRef); + scuda_intercept_result = cuTexRefGetMipmapLevelBias(&pbias, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pbias, sizeof(float)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16345,7 +16345,7 @@ int handle_cuTexRefGetMipmapLevelClamp(void *conn) float pmaxMipmapLevelClamp; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pminMipmapLevelClamp, sizeof(float)) < 0 || rpc_read(conn, &pmaxMipmapLevelClamp, sizeof(float)) < 0 || @@ -16356,12 +16356,12 @@ int handle_cuTexRefGetMipmapLevelClamp(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetMipmapLevelClamp(&pminMipmapLevelClamp, &pmaxMipmapLevelClamp, hTexRef); + scuda_intercept_result = cuTexRefGetMipmapLevelClamp(&pminMipmapLevelClamp, &pmaxMipmapLevelClamp, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pminMipmapLevelClamp, sizeof(float)) < 0 || rpc_write(conn, &pmaxMipmapLevelClamp, sizeof(float)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16374,7 +16374,7 @@ int handle_cuTexRefGetMaxAnisotropy(void *conn) int pmaxAniso; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pmaxAniso, sizeof(int)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16384,11 +16384,11 @@ int handle_cuTexRefGetMaxAnisotropy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetMaxAnisotropy(&pmaxAniso, hTexRef); + scuda_intercept_result = cuTexRefGetMaxAnisotropy(&pmaxAniso, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pmaxAniso, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16401,7 +16401,7 @@ int handle_cuTexRefGetBorderColor(void *conn) float pBorderColor; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pBorderColor, sizeof(float)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16411,11 +16411,11 @@ int handle_cuTexRefGetBorderColor(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetBorderColor(&pBorderColor, hTexRef); + scuda_intercept_result = cuTexRefGetBorderColor(&pBorderColor, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pBorderColor, sizeof(float)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16428,7 +16428,7 @@ int handle_cuTexRefGetFlags(void *conn) unsigned int pFlags; CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pFlags, sizeof(unsigned int)) < 0 || rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || @@ -16438,11 +16438,11 @@ int handle_cuTexRefGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefGetFlags(&pFlags, hTexRef); + scuda_intercept_result = cuTexRefGetFlags(&pFlags, hTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pFlags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16454,7 +16454,7 @@ int handle_cuTexRefCreate(void *conn) { CUtexref pTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pTexRef, sizeof(CUtexref)) < 0 || false) @@ -16463,11 +16463,11 @@ int handle_cuTexRefCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefCreate(&pTexRef); + scuda_intercept_result = cuTexRefCreate(&pTexRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pTexRef, sizeof(CUtexref)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16479,7 +16479,7 @@ int handle_cuTexRefDestroy(void *conn) { CUtexref hTexRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hTexRef, sizeof(CUtexref)) < 0 || false) @@ -16488,10 +16488,10 @@ int handle_cuTexRefDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexRefDestroy(hTexRef); + scuda_intercept_result = cuTexRefDestroy(hTexRef); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16505,7 +16505,7 @@ int handle_cuSurfRefSetArray(void *conn) CUarray hArray; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &hSurfRef, sizeof(CUsurfref)) < 0 || rpc_read(conn, &hArray, sizeof(CUarray)) < 0 || @@ -16516,10 +16516,10 @@ int handle_cuSurfRefSetArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuSurfRefSetArray(hSurfRef, hArray, Flags); + scuda_intercept_result = cuSurfRefSetArray(hSurfRef, hArray, Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16532,7 +16532,7 @@ int handle_cuSurfRefGetArray(void *conn) CUarray phArray; CUsurfref hSurfRef; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &phArray, sizeof(CUarray)) < 0 || rpc_read(conn, &hSurfRef, sizeof(CUsurfref)) < 0 || @@ -16542,11 +16542,11 @@ int handle_cuSurfRefGetArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuSurfRefGetArray(&phArray, hSurfRef); + scuda_intercept_result = cuSurfRefGetArray(&phArray, hSurfRef); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &phArray, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16561,7 +16561,7 @@ int handle_cuTexObjectCreate(void *conn) const CUDA_TEXTURE_DESC* pTexDesc; const CUDA_RESOURCE_VIEW_DESC* pResViewDesc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pTexObject, sizeof(CUtexObject)) < 0 || rpc_read(conn, &pResDesc, sizeof(const CUDA_RESOURCE_DESC*)) < 0 || @@ -16573,11 +16573,11 @@ int handle_cuTexObjectCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexObjectCreate(&pTexObject, pResDesc, pTexDesc, pResViewDesc); + scuda_intercept_result = cuTexObjectCreate(&pTexObject, pResDesc, pTexDesc, pResViewDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pTexObject, sizeof(CUtexObject)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16589,7 +16589,7 @@ int handle_cuTexObjectDestroy(void *conn) { CUtexObject texObject; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &texObject, sizeof(CUtexObject)) < 0 || false) @@ -16598,10 +16598,10 @@ int handle_cuTexObjectDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexObjectDestroy(texObject); + scuda_intercept_result = cuTexObjectDestroy(texObject); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16614,7 +16614,7 @@ int handle_cuTexObjectGetResourceDesc(void *conn) CUDA_RESOURCE_DESC pResDesc; CUtexObject texObject; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pResDesc, sizeof(CUDA_RESOURCE_DESC)) < 0 || rpc_read(conn, &texObject, sizeof(CUtexObject)) < 0 || @@ -16624,11 +16624,11 @@ int handle_cuTexObjectGetResourceDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexObjectGetResourceDesc(&pResDesc, texObject); + scuda_intercept_result = cuTexObjectGetResourceDesc(&pResDesc, texObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pResDesc, sizeof(CUDA_RESOURCE_DESC)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16641,7 +16641,7 @@ int handle_cuTexObjectGetTextureDesc(void *conn) CUDA_TEXTURE_DESC pTexDesc; CUtexObject texObject; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pTexDesc, sizeof(CUDA_TEXTURE_DESC)) < 0 || rpc_read(conn, &texObject, sizeof(CUtexObject)) < 0 || @@ -16651,11 +16651,11 @@ int handle_cuTexObjectGetTextureDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexObjectGetTextureDesc(&pTexDesc, texObject); + scuda_intercept_result = cuTexObjectGetTextureDesc(&pTexDesc, texObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pTexDesc, sizeof(CUDA_TEXTURE_DESC)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16668,7 +16668,7 @@ int handle_cuTexObjectGetResourceViewDesc(void *conn) CUDA_RESOURCE_VIEW_DESC pResViewDesc; CUtexObject texObject; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pResViewDesc, sizeof(CUDA_RESOURCE_VIEW_DESC)) < 0 || rpc_read(conn, &texObject, sizeof(CUtexObject)) < 0 || @@ -16678,11 +16678,11 @@ int handle_cuTexObjectGetResourceViewDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuTexObjectGetResourceViewDesc(&pResViewDesc, texObject); + scuda_intercept_result = cuTexObjectGetResourceViewDesc(&pResViewDesc, texObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pResViewDesc, sizeof(CUDA_RESOURCE_VIEW_DESC)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16695,7 +16695,7 @@ int handle_cuSurfObjectCreate(void *conn) CUsurfObject pSurfObject; const CUDA_RESOURCE_DESC* pResDesc; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pSurfObject, sizeof(CUsurfObject)) < 0 || rpc_read(conn, &pResDesc, sizeof(const CUDA_RESOURCE_DESC*)) < 0 || @@ -16705,11 +16705,11 @@ int handle_cuSurfObjectCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuSurfObjectCreate(&pSurfObject, pResDesc); + scuda_intercept_result = cuSurfObjectCreate(&pSurfObject, pResDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pSurfObject, sizeof(CUsurfObject)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16721,7 +16721,7 @@ int handle_cuSurfObjectDestroy(void *conn) { CUsurfObject surfObject; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &surfObject, sizeof(CUsurfObject)) < 0 || false) @@ -16730,10 +16730,10 @@ int handle_cuSurfObjectDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuSurfObjectDestroy(surfObject); + scuda_intercept_result = cuSurfObjectDestroy(surfObject); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16746,7 +16746,7 @@ int handle_cuSurfObjectGetResourceDesc(void *conn) CUDA_RESOURCE_DESC pResDesc; CUsurfObject surfObject; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pResDesc, sizeof(CUDA_RESOURCE_DESC)) < 0 || rpc_read(conn, &surfObject, sizeof(CUsurfObject)) < 0 || @@ -16756,11 +16756,11 @@ int handle_cuSurfObjectGetResourceDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuSurfObjectGetResourceDesc(&pResDesc, surfObject); + scuda_intercept_result = cuSurfObjectGetResourceDesc(&pResDesc, surfObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pResDesc, sizeof(CUDA_RESOURCE_DESC)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16774,7 +16774,7 @@ int handle_cuDeviceCanAccessPeer(void *conn) CUdevice dev; CUdevice peerDev; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &canAccessPeer, sizeof(int)) < 0 || rpc_read(conn, &dev, sizeof(CUdevice)) < 0 || @@ -16785,11 +16785,11 @@ int handle_cuDeviceCanAccessPeer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceCanAccessPeer(&canAccessPeer, dev, peerDev); + scuda_intercept_result = cuDeviceCanAccessPeer(&canAccessPeer, dev, peerDev); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &canAccessPeer, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16802,7 +16802,7 @@ int handle_cuCtxEnablePeerAccess(void *conn) CUcontext peerContext; unsigned int Flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &peerContext, sizeof(CUcontext)) < 0 || rpc_read(conn, &Flags, sizeof(unsigned int)) < 0 || @@ -16812,10 +16812,10 @@ int handle_cuCtxEnablePeerAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxEnablePeerAccess(peerContext, Flags); + scuda_intercept_result = cuCtxEnablePeerAccess(peerContext, Flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16827,7 +16827,7 @@ int handle_cuCtxDisablePeerAccess(void *conn) { CUcontext peerContext; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &peerContext, sizeof(CUcontext)) < 0 || false) @@ -16836,10 +16836,10 @@ int handle_cuCtxDisablePeerAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuCtxDisablePeerAccess(peerContext); + scuda_intercept_result = cuCtxDisablePeerAccess(peerContext); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16854,7 +16854,7 @@ int handle_cuDeviceGetP2PAttribute(void *conn) CUdevice srcDevice; CUdevice dstDevice; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &value, sizeof(int)) < 0 || rpc_read(conn, &attrib, sizeof(CUdevice_P2PAttribute)) < 0 || @@ -16866,11 +16866,11 @@ int handle_cuDeviceGetP2PAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuDeviceGetP2PAttribute(&value, attrib, srcDevice, dstDevice); + scuda_intercept_result = cuDeviceGetP2PAttribute(&value, attrib, srcDevice, dstDevice); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16882,7 +16882,7 @@ int handle_cuGraphicsUnregisterResource(void *conn) { CUgraphicsResource resource; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &resource, sizeof(CUgraphicsResource)) < 0 || false) @@ -16891,10 +16891,10 @@ int handle_cuGraphicsUnregisterResource(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsUnregisterResource(resource); + scuda_intercept_result = cuGraphicsUnregisterResource(resource); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16909,7 +16909,7 @@ int handle_cuGraphicsSubResourceGetMappedArray(void *conn) unsigned int arrayIndex; unsigned int mipLevel; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pArray, sizeof(CUarray)) < 0 || rpc_read(conn, &resource, sizeof(CUgraphicsResource)) < 0 || @@ -16921,11 +16921,11 @@ int handle_cuGraphicsSubResourceGetMappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsSubResourceGetMappedArray(&pArray, resource, arrayIndex, mipLevel); + scuda_intercept_result = cuGraphicsSubResourceGetMappedArray(&pArray, resource, arrayIndex, mipLevel); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pArray, sizeof(CUarray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16938,7 +16938,7 @@ int handle_cuGraphicsResourceGetMappedMipmappedArray(void *conn) CUmipmappedArray pMipmappedArray; CUgraphicsResource resource; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pMipmappedArray, sizeof(CUmipmappedArray)) < 0 || rpc_read(conn, &resource, sizeof(CUgraphicsResource)) < 0 || @@ -16948,11 +16948,11 @@ int handle_cuGraphicsResourceGetMappedMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsResourceGetMappedMipmappedArray(&pMipmappedArray, resource); + scuda_intercept_result = cuGraphicsResourceGetMappedMipmappedArray(&pMipmappedArray, resource); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pMipmappedArray, sizeof(CUmipmappedArray)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16966,7 +16966,7 @@ int handle_cuGraphicsResourceGetMappedPointer_v2(void *conn) size_t pSize; CUgraphicsResource resource; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &pDevPtr, sizeof(CUdeviceptr)) < 0 || rpc_read(conn, &pSize, sizeof(size_t)) < 0 || @@ -16977,12 +16977,12 @@ int handle_cuGraphicsResourceGetMappedPointer_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsResourceGetMappedPointer_v2(&pDevPtr, &pSize, resource); + scuda_intercept_result = cuGraphicsResourceGetMappedPointer_v2(&pDevPtr, &pSize, resource); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pDevPtr, sizeof(CUdeviceptr)) < 0 || rpc_write(conn, &pSize, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -16995,7 +16995,7 @@ int handle_cuGraphicsResourceSetMapFlags_v2(void *conn) CUgraphicsResource resource; unsigned int flags; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &resource, sizeof(CUgraphicsResource)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -17005,10 +17005,10 @@ int handle_cuGraphicsResourceSetMapFlags_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsResourceSetMapFlags_v2(resource, flags); + scuda_intercept_result = cuGraphicsResourceSetMapFlags_v2(resource, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17022,7 +17022,7 @@ int handle_cuGraphicsMapResources(void *conn) CUgraphicsResource resources; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &count, sizeof(unsigned int)) < 0 || rpc_read(conn, &resources, sizeof(CUgraphicsResource)) < 0 || @@ -17033,11 +17033,11 @@ int handle_cuGraphicsMapResources(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsMapResources(count, &resources, hStream); + scuda_intercept_result = cuGraphicsMapResources(count, &resources, hStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &resources, sizeof(CUgraphicsResource)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17051,7 +17051,7 @@ int handle_cuGraphicsUnmapResources(void *conn) CUgraphicsResource resources; CUstream hStream; int request_id; - CUresult result; + CUresult scuda_intercept_result; if ( rpc_read(conn, &count, sizeof(unsigned int)) < 0 || rpc_read(conn, &resources, sizeof(CUgraphicsResource)) < 0 || @@ -17062,11 +17062,11 @@ int handle_cuGraphicsUnmapResources(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cuGraphicsUnmapResources(count, &resources, hStream); + scuda_intercept_result = cuGraphicsUnmapResources(count, &resources, hStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &resources, sizeof(CUgraphicsResource)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17077,7 +17077,7 @@ int handle_cuGraphicsUnmapResources(void *conn) int handle_cudaDeviceReset(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17085,10 +17085,10 @@ int handle_cudaDeviceReset(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceReset(); + scuda_intercept_result = cudaDeviceReset(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17099,7 +17099,7 @@ int handle_cudaDeviceReset(void *conn) int handle_cudaDeviceSynchronize(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17107,10 +17107,10 @@ int handle_cudaDeviceSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceSynchronize(); + scuda_intercept_result = cudaDeviceSynchronize(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17123,7 +17123,7 @@ int handle_cudaDeviceSetLimit(void *conn) enum cudaLimit limit; size_t value; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &limit, sizeof(enum cudaLimit)) < 0 || rpc_read(conn, &value, sizeof(size_t)) < 0 || @@ -17133,10 +17133,10 @@ int handle_cudaDeviceSetLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceSetLimit(limit, value); + scuda_intercept_result = cudaDeviceSetLimit(limit, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17149,7 +17149,7 @@ int handle_cudaDeviceGetLimit(void *conn) size_t pValue; enum cudaLimit limit; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pValue, sizeof(size_t)) < 0 || rpc_read(conn, &limit, sizeof(enum cudaLimit)) < 0 || @@ -17159,11 +17159,11 @@ int handle_cudaDeviceGetLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetLimit(&pValue, limit); + scuda_intercept_result = cudaDeviceGetLimit(&pValue, limit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pValue, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17177,7 +17177,7 @@ int handle_cudaDeviceGetTexture1DLinearMaxWidth(void *conn) const struct cudaChannelFormatDesc* fmtDesc; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &maxWidthInElements, sizeof(size_t)) < 0 || rpc_read(conn, &fmtDesc, sizeof(const struct cudaChannelFormatDesc*)) < 0 || @@ -17188,11 +17188,11 @@ int handle_cudaDeviceGetTexture1DLinearMaxWidth(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetTexture1DLinearMaxWidth(&maxWidthInElements, fmtDesc, device); + scuda_intercept_result = cudaDeviceGetTexture1DLinearMaxWidth(&maxWidthInElements, fmtDesc, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &maxWidthInElements, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17204,7 +17204,7 @@ int handle_cudaDeviceGetCacheConfig(void *conn) { enum cudaFuncCache pCacheConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pCacheConfig, sizeof(enum cudaFuncCache)) < 0 || false) @@ -17213,11 +17213,11 @@ int handle_cudaDeviceGetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetCacheConfig(&pCacheConfig); + scuda_intercept_result = cudaDeviceGetCacheConfig(&pCacheConfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pCacheConfig, sizeof(enum cudaFuncCache)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17230,7 +17230,7 @@ int handle_cudaDeviceGetStreamPriorityRange(void *conn) int leastPriority; int greatestPriority; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &leastPriority, sizeof(int)) < 0 || rpc_read(conn, &greatestPriority, sizeof(int)) < 0 || @@ -17240,12 +17240,12 @@ int handle_cudaDeviceGetStreamPriorityRange(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetStreamPriorityRange(&leastPriority, &greatestPriority); + scuda_intercept_result = cudaDeviceGetStreamPriorityRange(&leastPriority, &greatestPriority); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &leastPriority, sizeof(int)) < 0 || rpc_write(conn, &greatestPriority, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17257,7 +17257,7 @@ int handle_cudaDeviceSetCacheConfig(void *conn) { enum cudaFuncCache cacheConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &cacheConfig, sizeof(enum cudaFuncCache)) < 0 || false) @@ -17266,10 +17266,10 @@ int handle_cudaDeviceSetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceSetCacheConfig(cacheConfig); + scuda_intercept_result = cudaDeviceSetCacheConfig(cacheConfig); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17281,7 +17281,7 @@ int handle_cudaDeviceGetSharedMemConfig(void *conn) { enum cudaSharedMemConfig pConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pConfig, sizeof(enum cudaSharedMemConfig)) < 0 || false) @@ -17290,11 +17290,11 @@ int handle_cudaDeviceGetSharedMemConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetSharedMemConfig(&pConfig); + scuda_intercept_result = cudaDeviceGetSharedMemConfig(&pConfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pConfig, sizeof(enum cudaSharedMemConfig)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17306,7 +17306,7 @@ int handle_cudaDeviceSetSharedMemConfig(void *conn) { enum cudaSharedMemConfig config; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &config, sizeof(enum cudaSharedMemConfig)) < 0 || false) @@ -17315,10 +17315,10 @@ int handle_cudaDeviceSetSharedMemConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceSetSharedMemConfig(config); + scuda_intercept_result = cudaDeviceSetSharedMemConfig(config); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17331,7 +17331,7 @@ int handle_cudaDeviceGetByPCIBusId(void *conn) int device; const char* pciBusId; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || rpc_read(conn, &pciBusId, sizeof(const char*)) < 0 || @@ -17341,11 +17341,11 @@ int handle_cudaDeviceGetByPCIBusId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetByPCIBusId(&device, pciBusId); + scuda_intercept_result = cudaDeviceGetByPCIBusId(&device, pciBusId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17359,7 +17359,7 @@ int handle_cudaDeviceGetPCIBusId(void *conn) int len; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pciBusId, sizeof(char)) < 0 || rpc_read(conn, &len, sizeof(int)) < 0 || @@ -17370,11 +17370,11 @@ int handle_cudaDeviceGetPCIBusId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetPCIBusId(&pciBusId, len, device); + scuda_intercept_result = cudaDeviceGetPCIBusId(&pciBusId, len, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pciBusId, sizeof(char)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17387,7 +17387,7 @@ int handle_cudaIpcGetEventHandle(void *conn) cudaIpcEventHandle_t handle; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &handle, sizeof(cudaIpcEventHandle_t)) < 0 || rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || @@ -17397,11 +17397,11 @@ int handle_cudaIpcGetEventHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaIpcGetEventHandle(&handle, event); + scuda_intercept_result = cudaIpcGetEventHandle(&handle, event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &handle, sizeof(cudaIpcEventHandle_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17414,7 +17414,7 @@ int handle_cudaIpcOpenEventHandle(void *conn) cudaEvent_t event; cudaIpcEventHandle_t handle; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || rpc_read(conn, &handle, sizeof(cudaIpcEventHandle_t)) < 0 || @@ -17424,11 +17424,11 @@ int handle_cudaIpcOpenEventHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaIpcOpenEventHandle(&event, handle); + scuda_intercept_result = cudaIpcOpenEventHandle(&event, handle); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event, sizeof(cudaEvent_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17442,7 +17442,7 @@ int handle_cudaIpcOpenMemHandle(void *conn) cudaIpcMemHandle_t handle; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &handle, sizeof(cudaIpcMemHandle_t)) < 0 || @@ -17453,11 +17453,11 @@ int handle_cudaIpcOpenMemHandle(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaIpcOpenMemHandle(&devPtr, handle, flags); + scuda_intercept_result = cudaIpcOpenMemHandle(&devPtr, handle, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17470,7 +17470,7 @@ int handle_cudaDeviceFlushGPUDirectRDMAWrites(void *conn) enum cudaFlushGPUDirectRDMAWritesTarget target; enum cudaFlushGPUDirectRDMAWritesScope scope; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &target, sizeof(enum cudaFlushGPUDirectRDMAWritesTarget)) < 0 || rpc_read(conn, &scope, sizeof(enum cudaFlushGPUDirectRDMAWritesScope)) < 0 || @@ -17480,10 +17480,10 @@ int handle_cudaDeviceFlushGPUDirectRDMAWrites(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceFlushGPUDirectRDMAWrites(target, scope); + scuda_intercept_result = cudaDeviceFlushGPUDirectRDMAWrites(target, scope); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17494,7 +17494,7 @@ int handle_cudaDeviceFlushGPUDirectRDMAWrites(void *conn) int handle_cudaThreadExit(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17502,10 +17502,10 @@ int handle_cudaThreadExit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadExit(); + scuda_intercept_result = cudaThreadExit(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17516,7 +17516,7 @@ int handle_cudaThreadExit(void *conn) int handle_cudaThreadSynchronize(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17524,10 +17524,10 @@ int handle_cudaThreadSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadSynchronize(); + scuda_intercept_result = cudaThreadSynchronize(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17540,7 +17540,7 @@ int handle_cudaThreadSetLimit(void *conn) enum cudaLimit limit; size_t value; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &limit, sizeof(enum cudaLimit)) < 0 || rpc_read(conn, &value, sizeof(size_t)) < 0 || @@ -17550,10 +17550,10 @@ int handle_cudaThreadSetLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadSetLimit(limit, value); + scuda_intercept_result = cudaThreadSetLimit(limit, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17566,7 +17566,7 @@ int handle_cudaThreadGetLimit(void *conn) size_t pValue; enum cudaLimit limit; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pValue, sizeof(size_t)) < 0 || rpc_read(conn, &limit, sizeof(enum cudaLimit)) < 0 || @@ -17576,11 +17576,11 @@ int handle_cudaThreadGetLimit(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadGetLimit(&pValue, limit); + scuda_intercept_result = cudaThreadGetLimit(&pValue, limit); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pValue, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17592,7 +17592,7 @@ int handle_cudaThreadGetCacheConfig(void *conn) { enum cudaFuncCache pCacheConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pCacheConfig, sizeof(enum cudaFuncCache)) < 0 || false) @@ -17601,11 +17601,11 @@ int handle_cudaThreadGetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadGetCacheConfig(&pCacheConfig); + scuda_intercept_result = cudaThreadGetCacheConfig(&pCacheConfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pCacheConfig, sizeof(enum cudaFuncCache)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17617,7 +17617,7 @@ int handle_cudaThreadSetCacheConfig(void *conn) { enum cudaFuncCache cacheConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &cacheConfig, sizeof(enum cudaFuncCache)) < 0 || false) @@ -17626,10 +17626,10 @@ int handle_cudaThreadSetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadSetCacheConfig(cacheConfig); + scuda_intercept_result = cudaThreadSetCacheConfig(cacheConfig); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17640,7 +17640,7 @@ int handle_cudaThreadSetCacheConfig(void *conn) int handle_cudaGetLastError(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17648,10 +17648,10 @@ int handle_cudaGetLastError(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetLastError(); + scuda_intercept_result = cudaGetLastError(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17662,7 +17662,7 @@ int handle_cudaGetLastError(void *conn) int handle_cudaPeekAtLastError(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17670,10 +17670,10 @@ int handle_cudaPeekAtLastError(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaPeekAtLastError(); + scuda_intercept_result = cudaPeekAtLastError(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17685,7 +17685,7 @@ int handle_cudaGetDeviceCount(void *conn) { int count; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -17693,11 +17693,11 @@ int handle_cudaGetDeviceCount(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetDeviceCount(&count); + scuda_intercept_result = cudaGetDeviceCount(&count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &count, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17710,7 +17710,7 @@ int handle_cudaGetDeviceProperties_v2(void *conn) struct cudaDeviceProp prop; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || false) @@ -17719,11 +17719,11 @@ int handle_cudaGetDeviceProperties_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetDeviceProperties_v2(&prop, device); + scuda_intercept_result = cudaGetDeviceProperties_v2(&prop, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &prop, sizeof(struct cudaDeviceProp)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17737,7 +17737,7 @@ int handle_cudaDeviceGetAttribute(void *conn) enum cudaDeviceAttr attr; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &value, sizeof(int)) < 0 || rpc_read(conn, &attr, sizeof(enum cudaDeviceAttr)) < 0 || @@ -17748,11 +17748,11 @@ int handle_cudaDeviceGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetAttribute(&value, attr, device); + scuda_intercept_result = cudaDeviceGetAttribute(&value, attr, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17765,7 +17765,7 @@ int handle_cudaDeviceGetDefaultMemPool(void *conn) cudaMemPool_t memPool; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || rpc_read(conn, &device, sizeof(int)) < 0 || @@ -17775,11 +17775,11 @@ int handle_cudaDeviceGetDefaultMemPool(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetDefaultMemPool(&memPool, device); + scuda_intercept_result = cudaDeviceGetDefaultMemPool(&memPool, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17792,7 +17792,7 @@ int handle_cudaDeviceSetMemPool(void *conn) int device; cudaMemPool_t memPool; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || @@ -17802,10 +17802,10 @@ int handle_cudaDeviceSetMemPool(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceSetMemPool(device, memPool); + scuda_intercept_result = cudaDeviceSetMemPool(device, memPool); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17818,7 +17818,7 @@ int handle_cudaDeviceGetMemPool(void *conn) cudaMemPool_t memPool; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || rpc_read(conn, &device, sizeof(int)) < 0 || @@ -17828,11 +17828,11 @@ int handle_cudaDeviceGetMemPool(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetMemPool(&memPool, device); + scuda_intercept_result = cudaDeviceGetMemPool(&memPool, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17847,7 +17847,7 @@ int handle_cudaDeviceGetP2PAttribute(void *conn) int srcDevice; int dstDevice; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &value, sizeof(int)) < 0 || rpc_read(conn, &attr, sizeof(enum cudaDeviceP2PAttr)) < 0 || @@ -17859,11 +17859,11 @@ int handle_cudaDeviceGetP2PAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGetP2PAttribute(&value, attr, srcDevice, dstDevice); + scuda_intercept_result = cudaDeviceGetP2PAttribute(&value, attr, srcDevice, dstDevice); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17876,7 +17876,7 @@ int handle_cudaChooseDevice(void *conn) int device; const struct cudaDeviceProp* prop; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || rpc_read(conn, &prop, sizeof(const struct cudaDeviceProp*)) < 0 || @@ -17886,11 +17886,11 @@ int handle_cudaChooseDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaChooseDevice(&device, prop); + scuda_intercept_result = cudaChooseDevice(&device, prop); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17904,7 +17904,7 @@ int handle_cudaInitDevice(void *conn) unsigned int deviceFlags; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || rpc_read(conn, &deviceFlags, sizeof(unsigned int)) < 0 || @@ -17915,10 +17915,10 @@ int handle_cudaInitDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaInitDevice(device, deviceFlags, flags); + scuda_intercept_result = cudaInitDevice(device, deviceFlags, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17930,7 +17930,7 @@ int handle_cudaSetDevice(void *conn) { int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || false) @@ -17939,10 +17939,10 @@ int handle_cudaSetDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaSetDevice(device); + scuda_intercept_result = cudaSetDevice(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17954,7 +17954,7 @@ int handle_cudaGetDevice(void *conn) { int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || false) @@ -17963,11 +17963,11 @@ int handle_cudaGetDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetDevice(&device); + scuda_intercept_result = cudaGetDevice(&device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -17980,7 +17980,7 @@ int handle_cudaSetValidDevices(void *conn) int device_arr; int len; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device_arr, sizeof(int)) < 0 || rpc_read(conn, &len, sizeof(int)) < 0 || @@ -17990,11 +17990,11 @@ int handle_cudaSetValidDevices(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaSetValidDevices(&device_arr, len); + scuda_intercept_result = cudaSetValidDevices(&device_arr, len); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &device_arr, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18006,7 +18006,7 @@ int handle_cudaSetDeviceFlags(void *conn) { unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || false) @@ -18015,10 +18015,10 @@ int handle_cudaSetDeviceFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaSetDeviceFlags(flags); + scuda_intercept_result = cudaSetDeviceFlags(flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18030,7 +18030,7 @@ int handle_cudaGetDeviceFlags(void *conn) { unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || false) @@ -18039,11 +18039,11 @@ int handle_cudaGetDeviceFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetDeviceFlags(&flags); + scuda_intercept_result = cudaGetDeviceFlags(&flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18055,7 +18055,7 @@ int handle_cudaStreamCreate(void *conn) { cudaStream_t pStream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pStream, sizeof(cudaStream_t)) < 0 || false) @@ -18064,11 +18064,11 @@ int handle_cudaStreamCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamCreate(&pStream); + scuda_intercept_result = cudaStreamCreate(&pStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pStream, sizeof(cudaStream_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18081,7 +18081,7 @@ int handle_cudaStreamCreateWithFlags(void *conn) cudaStream_t pStream; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -18091,11 +18091,11 @@ int handle_cudaStreamCreateWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamCreateWithFlags(&pStream, flags); + scuda_intercept_result = cudaStreamCreateWithFlags(&pStream, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pStream, sizeof(cudaStream_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18109,7 +18109,7 @@ int handle_cudaStreamCreateWithPriority(void *conn) unsigned int flags; int priority; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -18120,11 +18120,11 @@ int handle_cudaStreamCreateWithPriority(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamCreateWithPriority(&pStream, flags, priority); + scuda_intercept_result = cudaStreamCreateWithPriority(&pStream, flags, priority); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pStream, sizeof(cudaStream_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18137,7 +18137,7 @@ int handle_cudaStreamGetPriority(void *conn) cudaStream_t hStream; int priority; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &priority, sizeof(int)) < 0 || @@ -18147,11 +18147,11 @@ int handle_cudaStreamGetPriority(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamGetPriority(hStream, &priority); + scuda_intercept_result = cudaStreamGetPriority(hStream, &priority); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &priority, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18164,7 +18164,7 @@ int handle_cudaStreamGetFlags(void *conn) cudaStream_t hStream; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -18174,11 +18174,11 @@ int handle_cudaStreamGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamGetFlags(hStream, &flags); + scuda_intercept_result = cudaStreamGetFlags(hStream, &flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18191,7 +18191,7 @@ int handle_cudaStreamGetId(void *conn) cudaStream_t hStream; unsigned long long streamId; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &streamId, sizeof(unsigned long long)) < 0 || @@ -18201,11 +18201,11 @@ int handle_cudaStreamGetId(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamGetId(hStream, &streamId); + scuda_intercept_result = cudaStreamGetId(hStream, &streamId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &streamId, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18216,7 +18216,7 @@ int handle_cudaStreamGetId(void *conn) int handle_cudaCtxResetPersistingL2Cache(void *conn) { int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -18224,10 +18224,10 @@ int handle_cudaCtxResetPersistingL2Cache(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaCtxResetPersistingL2Cache(); + scuda_intercept_result = cudaCtxResetPersistingL2Cache(); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18240,7 +18240,7 @@ int handle_cudaStreamCopyAttributes(void *conn) cudaStream_t dst; cudaStream_t src; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &src, sizeof(cudaStream_t)) < 0 || @@ -18250,10 +18250,10 @@ int handle_cudaStreamCopyAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamCopyAttributes(dst, src); + scuda_intercept_result = cudaStreamCopyAttributes(dst, src); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18267,7 +18267,7 @@ int handle_cudaStreamGetAttribute(void *conn) cudaLaunchAttributeID attr; cudaLaunchAttributeValue value_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &attr, sizeof(cudaLaunchAttributeID)) < 0 || @@ -18278,11 +18278,11 @@ int handle_cudaStreamGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamGetAttribute(hStream, attr, &value_out); + scuda_intercept_result = cudaStreamGetAttribute(hStream, attr, &value_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value_out, sizeof(cudaLaunchAttributeValue)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18296,7 +18296,7 @@ int handle_cudaStreamSetAttribute(void *conn) cudaLaunchAttributeID attr; const cudaLaunchAttributeValue* value; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hStream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &attr, sizeof(cudaLaunchAttributeID)) < 0 || @@ -18307,10 +18307,10 @@ int handle_cudaStreamSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamSetAttribute(hStream, attr, value); + scuda_intercept_result = cudaStreamSetAttribute(hStream, attr, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18322,7 +18322,7 @@ int handle_cudaStreamDestroy(void *conn) { cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || false) @@ -18331,10 +18331,10 @@ int handle_cudaStreamDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamDestroy(stream); + scuda_intercept_result = cudaStreamDestroy(stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18348,7 +18348,7 @@ int handle_cudaStreamWaitEvent(void *conn) cudaEvent_t event; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || @@ -18359,10 +18359,10 @@ int handle_cudaStreamWaitEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamWaitEvent(stream, event, flags); + scuda_intercept_result = cudaStreamWaitEvent(stream, event, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18374,7 +18374,7 @@ int handle_cudaStreamSynchronize(void *conn) { cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || false) @@ -18383,10 +18383,10 @@ int handle_cudaStreamSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamSynchronize(stream); + scuda_intercept_result = cudaStreamSynchronize(stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18398,7 +18398,7 @@ int handle_cudaStreamQuery(void *conn) { cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || false) @@ -18407,10 +18407,10 @@ int handle_cudaStreamQuery(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamQuery(stream); + scuda_intercept_result = cudaStreamQuery(stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18423,7 +18423,7 @@ int handle_cudaStreamBeginCapture(void *conn) cudaStream_t stream; enum cudaStreamCaptureMode mode; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &mode, sizeof(enum cudaStreamCaptureMode)) < 0 || @@ -18433,10 +18433,10 @@ int handle_cudaStreamBeginCapture(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamBeginCapture(stream, mode); + scuda_intercept_result = cudaStreamBeginCapture(stream, mode); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18448,7 +18448,7 @@ int handle_cudaThreadExchangeStreamCaptureMode(void *conn) { enum cudaStreamCaptureMode mode; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &mode, sizeof(enum cudaStreamCaptureMode)) < 0 || false) @@ -18457,11 +18457,11 @@ int handle_cudaThreadExchangeStreamCaptureMode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaThreadExchangeStreamCaptureMode(&mode); + scuda_intercept_result = cudaThreadExchangeStreamCaptureMode(&mode); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mode, sizeof(enum cudaStreamCaptureMode)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18474,7 +18474,7 @@ int handle_cudaStreamEndCapture(void *conn) cudaStream_t stream; cudaGraph_t pGraph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &pGraph, sizeof(cudaGraph_t)) < 0 || @@ -18484,11 +18484,11 @@ int handle_cudaStreamEndCapture(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamEndCapture(stream, &pGraph); + scuda_intercept_result = cudaStreamEndCapture(stream, &pGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraph, sizeof(cudaGraph_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18501,7 +18501,7 @@ int handle_cudaStreamIsCapturing(void *conn) cudaStream_t stream; enum cudaStreamCaptureStatus pCaptureStatus; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &pCaptureStatus, sizeof(enum cudaStreamCaptureStatus)) < 0 || @@ -18511,11 +18511,11 @@ int handle_cudaStreamIsCapturing(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamIsCapturing(stream, &pCaptureStatus); + scuda_intercept_result = cudaStreamIsCapturing(stream, &pCaptureStatus); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pCaptureStatus, sizeof(enum cudaStreamCaptureStatus)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18532,7 +18532,7 @@ int handle_cudaStreamGetCaptureInfo_v2(void *conn) size_t numDependencies_out; const cudaGraphNode_t** dependencies_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || false) @@ -18541,7 +18541,7 @@ int handle_cudaStreamGetCaptureInfo_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamGetCaptureInfo_v2(stream, &captureStatus_out, &id_out, &graph_out, dependencies_out, &numDependencies_out); + scuda_intercept_result = cudaStreamGetCaptureInfo_v2(stream, &captureStatus_out, &id_out, &graph_out, dependencies_out, &numDependencies_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &captureStatus_out, sizeof(enum cudaStreamCaptureStatus)) < 0 || @@ -18549,7 +18549,7 @@ int handle_cudaStreamGetCaptureInfo_v2(void *conn) rpc_write(conn, &graph_out, sizeof(cudaGraph_t)) < 0 || rpc_write(conn, &numDependencies_out, sizeof(size_t)) < 0 || rpc_write(conn, dependencies_out, numDependencies_out * sizeof(const cudaGraphNode_t*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18564,7 +18564,7 @@ int handle_cudaStreamUpdateCaptureDependencies(void *conn) cudaGraphNode_t* dependencies; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || rpc_read(conn, &numDependencies, sizeof(size_t)) < 0 || @@ -18576,10 +18576,10 @@ int handle_cudaStreamUpdateCaptureDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaStreamUpdateCaptureDependencies(stream, dependencies, numDependencies, flags); + scuda_intercept_result = cudaStreamUpdateCaptureDependencies(stream, dependencies, numDependencies, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18591,7 +18591,7 @@ int handle_cudaEventCreate(void *conn) { cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -18599,11 +18599,11 @@ int handle_cudaEventCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventCreate(&event); + scuda_intercept_result = cudaEventCreate(&event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event, sizeof(cudaEvent_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18616,7 +18616,7 @@ int handle_cudaEventCreateWithFlags(void *conn) cudaEvent_t event; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || false) @@ -18625,11 +18625,11 @@ int handle_cudaEventCreateWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventCreateWithFlags(&event, flags); + scuda_intercept_result = cudaEventCreateWithFlags(&event, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event, sizeof(cudaEvent_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18642,7 +18642,7 @@ int handle_cudaEventRecord(void *conn) cudaEvent_t event; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || @@ -18652,10 +18652,10 @@ int handle_cudaEventRecord(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventRecord(event, stream); + scuda_intercept_result = cudaEventRecord(event, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18669,7 +18669,7 @@ int handle_cudaEventRecordWithFlags(void *conn) cudaStream_t stream; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || @@ -18680,10 +18680,10 @@ int handle_cudaEventRecordWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventRecordWithFlags(event, stream, flags); + scuda_intercept_result = cudaEventRecordWithFlags(event, stream, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18695,7 +18695,7 @@ int handle_cudaEventQuery(void *conn) { cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || false) @@ -18704,10 +18704,10 @@ int handle_cudaEventQuery(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventQuery(event); + scuda_intercept_result = cudaEventQuery(event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18719,7 +18719,7 @@ int handle_cudaEventSynchronize(void *conn) { cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || false) @@ -18728,10 +18728,10 @@ int handle_cudaEventSynchronize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventSynchronize(event); + scuda_intercept_result = cudaEventSynchronize(event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18743,7 +18743,7 @@ int handle_cudaEventDestroy(void *conn) { cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || false) @@ -18752,10 +18752,10 @@ int handle_cudaEventDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventDestroy(event); + scuda_intercept_result = cudaEventDestroy(event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18769,7 +18769,7 @@ int handle_cudaEventElapsedTime(void *conn) cudaEvent_t start; cudaEvent_t end; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &start, sizeof(cudaEvent_t)) < 0 || rpc_read(conn, &end, sizeof(cudaEvent_t)) < 0 || @@ -18779,11 +18779,11 @@ int handle_cudaEventElapsedTime(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaEventElapsedTime(&ms, start, end); + scuda_intercept_result = cudaEventElapsedTime(&ms, start, end); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ms, sizeof(float)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18797,7 +18797,7 @@ int handle_cudaExternalMemoryGetMappedBuffer(void *conn) cudaExternalMemory_t extMem; const struct cudaExternalMemoryBufferDesc* bufferDesc; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &extMem, sizeof(cudaExternalMemory_t)) < 0 || @@ -18808,11 +18808,11 @@ int handle_cudaExternalMemoryGetMappedBuffer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaExternalMemoryGetMappedBuffer(&devPtr, extMem, bufferDesc); + scuda_intercept_result = cudaExternalMemoryGetMappedBuffer(&devPtr, extMem, bufferDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18826,7 +18826,7 @@ int handle_cudaExternalMemoryGetMappedMipmappedArray(void *conn) cudaExternalMemory_t extMem; const struct cudaExternalMemoryMipmappedArrayDesc* mipmapDesc; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &mipmap, sizeof(cudaMipmappedArray_t)) < 0 || rpc_read(conn, &extMem, sizeof(cudaExternalMemory_t)) < 0 || @@ -18837,11 +18837,11 @@ int handle_cudaExternalMemoryGetMappedMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaExternalMemoryGetMappedMipmappedArray(&mipmap, extMem, mipmapDesc); + scuda_intercept_result = cudaExternalMemoryGetMappedMipmappedArray(&mipmap, extMem, mipmapDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mipmap, sizeof(cudaMipmappedArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18853,7 +18853,7 @@ int handle_cudaDestroyExternalMemory(void *conn) { cudaExternalMemory_t extMem; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &extMem, sizeof(cudaExternalMemory_t)) < 0 || false) @@ -18862,10 +18862,10 @@ int handle_cudaDestroyExternalMemory(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDestroyExternalMemory(extMem); + scuda_intercept_result = cudaDestroyExternalMemory(extMem); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18878,7 +18878,7 @@ int handle_cudaImportExternalSemaphore(void *conn) cudaExternalSemaphore_t extSem_out; const struct cudaExternalSemaphoreHandleDesc* semHandleDesc; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &extSem_out, sizeof(cudaExternalSemaphore_t)) < 0 || rpc_read(conn, &semHandleDesc, sizeof(const struct cudaExternalSemaphoreHandleDesc*)) < 0 || @@ -18888,11 +18888,11 @@ int handle_cudaImportExternalSemaphore(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaImportExternalSemaphore(&extSem_out, semHandleDesc); + scuda_intercept_result = cudaImportExternalSemaphore(&extSem_out, semHandleDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &extSem_out, sizeof(cudaExternalSemaphore_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18907,7 +18907,7 @@ int handle_cudaSignalExternalSemaphoresAsync_v2(void *conn) unsigned int numExtSems; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &extSemArray, sizeof(const cudaExternalSemaphore_t*)) < 0 || rpc_read(conn, ¶msArray, sizeof(const struct cudaExternalSemaphoreSignalParams*)) < 0 || @@ -18919,10 +18919,10 @@ int handle_cudaSignalExternalSemaphoresAsync_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaSignalExternalSemaphoresAsync_v2(extSemArray, paramsArray, numExtSems, stream); + scuda_intercept_result = cudaSignalExternalSemaphoresAsync_v2(extSemArray, paramsArray, numExtSems, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18937,7 +18937,7 @@ int handle_cudaWaitExternalSemaphoresAsync_v2(void *conn) unsigned int numExtSems; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &extSemArray, sizeof(const cudaExternalSemaphore_t*)) < 0 || rpc_read(conn, ¶msArray, sizeof(const struct cudaExternalSemaphoreWaitParams*)) < 0 || @@ -18949,10 +18949,10 @@ int handle_cudaWaitExternalSemaphoresAsync_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaWaitExternalSemaphoresAsync_v2(extSemArray, paramsArray, numExtSems, stream); + scuda_intercept_result = cudaWaitExternalSemaphoresAsync_v2(extSemArray, paramsArray, numExtSems, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18964,7 +18964,7 @@ int handle_cudaDestroyExternalSemaphore(void *conn) { cudaExternalSemaphore_t extSem; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &extSem, sizeof(cudaExternalSemaphore_t)) < 0 || false) @@ -18973,10 +18973,10 @@ int handle_cudaDestroyExternalSemaphore(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDestroyExternalSemaphore(extSem); + scuda_intercept_result = cudaDestroyExternalSemaphore(extSem); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -18990,7 +18990,7 @@ int handle_cudaLaunchKernelExC(void *conn) const void* func; void* args; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &config, sizeof(const cudaLaunchConfig_t*)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19001,11 +19001,11 @@ int handle_cudaLaunchKernelExC(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaLaunchKernelExC(config, func, &args); + scuda_intercept_result = cudaLaunchKernelExC(config, func, &args); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &args, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19022,7 +19022,7 @@ int handle_cudaLaunchCooperativeKernel(void *conn) size_t sharedMem; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &func, sizeof(const void*)) < 0 || rpc_read(conn, &gridDim, sizeof(dim3)) < 0 || @@ -19036,11 +19036,11 @@ int handle_cudaLaunchCooperativeKernel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaLaunchCooperativeKernel(func, gridDim, blockDim, &args, sharedMem, stream); + scuda_intercept_result = cudaLaunchCooperativeKernel(func, gridDim, blockDim, &args, sharedMem, stream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &args, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19054,7 +19054,7 @@ int handle_cudaLaunchCooperativeKernelMultiDevice(void *conn) unsigned int numDevices; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &launchParamsList, sizeof(struct cudaLaunchParams)) < 0 || rpc_read(conn, &numDevices, sizeof(unsigned int)) < 0 || @@ -19065,11 +19065,11 @@ int handle_cudaLaunchCooperativeKernelMultiDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaLaunchCooperativeKernelMultiDevice(&launchParamsList, numDevices, flags); + scuda_intercept_result = cudaLaunchCooperativeKernelMultiDevice(&launchParamsList, numDevices, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &launchParamsList, sizeof(struct cudaLaunchParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19082,7 +19082,7 @@ int handle_cudaFuncSetCacheConfig(void *conn) const void* func; enum cudaFuncCache cacheConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &func, sizeof(const void*)) < 0 || rpc_read(conn, &cacheConfig, sizeof(enum cudaFuncCache)) < 0 || @@ -19092,10 +19092,10 @@ int handle_cudaFuncSetCacheConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFuncSetCacheConfig(func, cacheConfig); + scuda_intercept_result = cudaFuncSetCacheConfig(func, cacheConfig); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19108,7 +19108,7 @@ int handle_cudaFuncSetSharedMemConfig(void *conn) const void* func; enum cudaSharedMemConfig config; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &func, sizeof(const void*)) < 0 || rpc_read(conn, &config, sizeof(enum cudaSharedMemConfig)) < 0 || @@ -19118,10 +19118,10 @@ int handle_cudaFuncSetSharedMemConfig(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFuncSetSharedMemConfig(func, config); + scuda_intercept_result = cudaFuncSetSharedMemConfig(func, config); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19134,7 +19134,7 @@ int handle_cudaFuncGetAttributes(void *conn) struct cudaFuncAttributes attr; const void* func; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &attr, sizeof(struct cudaFuncAttributes)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19144,11 +19144,11 @@ int handle_cudaFuncGetAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFuncGetAttributes(&attr, func); + scuda_intercept_result = cudaFuncGetAttributes(&attr, func); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &attr, sizeof(struct cudaFuncAttributes)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19162,7 +19162,7 @@ int handle_cudaFuncSetAttribute(void *conn) enum cudaFuncAttribute attr; int value; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &func, sizeof(const void*)) < 0 || rpc_read(conn, &attr, sizeof(enum cudaFuncAttribute)) < 0 || @@ -19173,10 +19173,10 @@ int handle_cudaFuncSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFuncSetAttribute(func, attr, value); + scuda_intercept_result = cudaFuncSetAttribute(func, attr, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19188,7 +19188,7 @@ int handle_cudaSetDoubleForDevice(void *conn) { double d; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &d, sizeof(double)) < 0 || false) @@ -19197,11 +19197,11 @@ int handle_cudaSetDoubleForDevice(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaSetDoubleForDevice(&d); + scuda_intercept_result = cudaSetDoubleForDevice(&d); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &d, sizeof(double)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19213,7 +19213,7 @@ int handle_cudaSetDoubleForHost(void *conn) { double d; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &d, sizeof(double)) < 0 || false) @@ -19222,11 +19222,11 @@ int handle_cudaSetDoubleForHost(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaSetDoubleForHost(&d); + scuda_intercept_result = cudaSetDoubleForHost(&d); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &d, sizeof(double)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19241,7 +19241,7 @@ int handle_cudaOccupancyMaxActiveBlocksPerMultiprocessor(void *conn) int blockSize; size_t dynamicSMemSize; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &numBlocks, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19253,11 +19253,11 @@ int handle_cudaOccupancyMaxActiveBlocksPerMultiprocessor(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaOccupancyMaxActiveBlocksPerMultiprocessor(&numBlocks, func, blockSize, dynamicSMemSize); + scuda_intercept_result = cudaOccupancyMaxActiveBlocksPerMultiprocessor(&numBlocks, func, blockSize, dynamicSMemSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numBlocks, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19272,7 +19272,7 @@ int handle_cudaOccupancyAvailableDynamicSMemPerBlock(void *conn) int numBlocks; int blockSize; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dynamicSmemSize, sizeof(size_t)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19284,11 +19284,11 @@ int handle_cudaOccupancyAvailableDynamicSMemPerBlock(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaOccupancyAvailableDynamicSMemPerBlock(&dynamicSmemSize, func, numBlocks, blockSize); + scuda_intercept_result = cudaOccupancyAvailableDynamicSMemPerBlock(&dynamicSmemSize, func, numBlocks, blockSize); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &dynamicSmemSize, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19304,7 +19304,7 @@ int handle_cudaOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(void *conn) size_t dynamicSMemSize; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &numBlocks, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19317,11 +19317,11 @@ int handle_cudaOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(&numBlocks, func, blockSize, dynamicSMemSize, flags); + scuda_intercept_result = cudaOccupancyMaxActiveBlocksPerMultiprocessorWithFlags(&numBlocks, func, blockSize, dynamicSMemSize, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numBlocks, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19335,7 +19335,7 @@ int handle_cudaOccupancyMaxPotentialClusterSize(void *conn) const void* func; const cudaLaunchConfig_t* launchConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &clusterSize, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19346,11 +19346,11 @@ int handle_cudaOccupancyMaxPotentialClusterSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaOccupancyMaxPotentialClusterSize(&clusterSize, func, launchConfig); + scuda_intercept_result = cudaOccupancyMaxPotentialClusterSize(&clusterSize, func, launchConfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &clusterSize, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19364,7 +19364,7 @@ int handle_cudaOccupancyMaxActiveClusters(void *conn) const void* func; const cudaLaunchConfig_t* launchConfig; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &numClusters, sizeof(int)) < 0 || rpc_read(conn, &func, sizeof(const void*)) < 0 || @@ -19375,11 +19375,11 @@ int handle_cudaOccupancyMaxActiveClusters(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaOccupancyMaxActiveClusters(&numClusters, func, launchConfig); + scuda_intercept_result = cudaOccupancyMaxActiveClusters(&numClusters, func, launchConfig); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &numClusters, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19393,7 +19393,7 @@ int handle_cudaMallocManaged(void *conn) size_t size; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -19404,11 +19404,11 @@ int handle_cudaMallocManaged(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocManaged(&devPtr, size, flags); + scuda_intercept_result = cudaMallocManaged(&devPtr, size, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19421,7 +19421,7 @@ int handle_cudaMalloc(void *conn) void* devPtr; size_t size; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &size, sizeof(size_t)) < 0 || false) @@ -19430,11 +19430,11 @@ int handle_cudaMalloc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMalloc(&devPtr, size); + scuda_intercept_result = cudaMalloc(&devPtr, size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19447,7 +19447,7 @@ int handle_cudaMallocHost(void *conn) void* ptr; size_t size; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(void*)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -19457,11 +19457,11 @@ int handle_cudaMallocHost(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocHost(&ptr, size); + scuda_intercept_result = cudaMallocHost(&ptr, size); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ptr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19476,7 +19476,7 @@ int handle_cudaMallocPitch(void *conn) size_t width; size_t height; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &pitch, sizeof(size_t)) < 0 || @@ -19488,12 +19488,12 @@ int handle_cudaMallocPitch(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocPitch(&devPtr, &pitch, width, height); + scuda_intercept_result = cudaMallocPitch(&devPtr, &pitch, width, height); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || rpc_write(conn, &pitch, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19509,7 +19509,7 @@ int handle_cudaMallocArray(void *conn) size_t height; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &array, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &desc, sizeof(const struct cudaChannelFormatDesc*)) < 0 || @@ -19522,11 +19522,11 @@ int handle_cudaMallocArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocArray(&array, desc, width, height, flags); + scuda_intercept_result = cudaMallocArray(&array, desc, width, height, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &array, sizeof(cudaArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19538,7 +19538,7 @@ int handle_cudaFree(void *conn) { void* devPtr; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || false) @@ -19547,10 +19547,10 @@ int handle_cudaFree(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFree(devPtr); + scuda_intercept_result = cudaFree(devPtr); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19562,7 +19562,7 @@ int handle_cudaFreeHost(void *conn) { void* ptr; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(void*)) < 0 || false) @@ -19571,10 +19571,10 @@ int handle_cudaFreeHost(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFreeHost(ptr); + scuda_intercept_result = cudaFreeHost(ptr); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19586,7 +19586,7 @@ int handle_cudaFreeArray(void *conn) { cudaArray_t array; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &array, sizeof(cudaArray_t)) < 0 || false) @@ -19595,10 +19595,10 @@ int handle_cudaFreeArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFreeArray(array); + scuda_intercept_result = cudaFreeArray(array); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19610,7 +19610,7 @@ int handle_cudaFreeMipmappedArray(void *conn) { cudaMipmappedArray_t mipmappedArray; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &mipmappedArray, sizeof(cudaMipmappedArray_t)) < 0 || false) @@ -19619,10 +19619,10 @@ int handle_cudaFreeMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaFreeMipmappedArray(mipmappedArray); + scuda_intercept_result = cudaFreeMipmappedArray(mipmappedArray); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19636,7 +19636,7 @@ int handle_cudaHostAlloc(void *conn) size_t size; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pHost, sizeof(void*)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -19647,11 +19647,11 @@ int handle_cudaHostAlloc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaHostAlloc(&pHost, size, flags); + scuda_intercept_result = cudaHostAlloc(&pHost, size, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pHost, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19664,7 +19664,7 @@ int handle_cudaMalloc3D(void *conn) struct cudaPitchedPtr pitchedDevPtr; struct cudaExtent extent; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pitchedDevPtr, sizeof(struct cudaPitchedPtr)) < 0 || rpc_read(conn, &extent, sizeof(struct cudaExtent)) < 0 || @@ -19674,11 +19674,11 @@ int handle_cudaMalloc3D(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMalloc3D(&pitchedDevPtr, extent); + scuda_intercept_result = cudaMalloc3D(&pitchedDevPtr, extent); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pitchedDevPtr, sizeof(struct cudaPitchedPtr)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19693,7 +19693,7 @@ int handle_cudaMalloc3DArray(void *conn) struct cudaExtent extent; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &array, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &desc, sizeof(const struct cudaChannelFormatDesc*)) < 0 || @@ -19705,11 +19705,11 @@ int handle_cudaMalloc3DArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMalloc3DArray(&array, desc, extent, flags); + scuda_intercept_result = cudaMalloc3DArray(&array, desc, extent, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &array, sizeof(cudaArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19725,7 +19725,7 @@ int handle_cudaMallocMipmappedArray(void *conn) unsigned int numLevels; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &mipmappedArray, sizeof(cudaMipmappedArray_t)) < 0 || rpc_read(conn, &desc, sizeof(const struct cudaChannelFormatDesc*)) < 0 || @@ -19738,11 +19738,11 @@ int handle_cudaMallocMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocMipmappedArray(&mipmappedArray, desc, extent, numLevels, flags); + scuda_intercept_result = cudaMallocMipmappedArray(&mipmappedArray, desc, extent, numLevels, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mipmappedArray, sizeof(cudaMipmappedArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19756,7 +19756,7 @@ int handle_cudaGetMipmappedArrayLevel(void *conn) cudaMipmappedArray_const_t mipmappedArray; unsigned int level; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &levelArray, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &mipmappedArray, sizeof(cudaMipmappedArray_const_t)) < 0 || @@ -19767,11 +19767,11 @@ int handle_cudaGetMipmappedArrayLevel(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetMipmappedArrayLevel(&levelArray, mipmappedArray, level); + scuda_intercept_result = cudaGetMipmappedArrayLevel(&levelArray, mipmappedArray, level); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &levelArray, sizeof(cudaArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19783,7 +19783,7 @@ int handle_cudaMemcpy3D(void *conn) { const struct cudaMemcpy3DParms* p; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &p, sizeof(const struct cudaMemcpy3DParms*)) < 0 || false) @@ -19792,10 +19792,10 @@ int handle_cudaMemcpy3D(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy3D(p); + scuda_intercept_result = cudaMemcpy3D(p); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19807,7 +19807,7 @@ int handle_cudaMemcpy3DPeer(void *conn) { const struct cudaMemcpy3DPeerParms* p; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &p, sizeof(const struct cudaMemcpy3DPeerParms*)) < 0 || false) @@ -19816,10 +19816,10 @@ int handle_cudaMemcpy3DPeer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy3DPeer(p); + scuda_intercept_result = cudaMemcpy3DPeer(p); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19832,7 +19832,7 @@ int handle_cudaMemcpy3DAsync(void *conn) const struct cudaMemcpy3DParms* p; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &p, sizeof(const struct cudaMemcpy3DParms*)) < 0 || rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || @@ -19842,10 +19842,10 @@ int handle_cudaMemcpy3DAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy3DAsync(p, stream); + scuda_intercept_result = cudaMemcpy3DAsync(p, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19858,7 +19858,7 @@ int handle_cudaMemcpy3DPeerAsync(void *conn) const struct cudaMemcpy3DPeerParms* p; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &p, sizeof(const struct cudaMemcpy3DPeerParms*)) < 0 || rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || @@ -19868,10 +19868,10 @@ int handle_cudaMemcpy3DPeerAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy3DPeerAsync(p, stream); + scuda_intercept_result = cudaMemcpy3DPeerAsync(p, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19884,7 +19884,7 @@ int handle_cudaMemGetInfo(void *conn) size_t free; size_t total; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &free, sizeof(size_t)) < 0 || rpc_read(conn, &total, sizeof(size_t)) < 0 || @@ -19894,12 +19894,12 @@ int handle_cudaMemGetInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemGetInfo(&free, &total); + scuda_intercept_result = cudaMemGetInfo(&free, &total); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &free, sizeof(size_t)) < 0 || rpc_write(conn, &total, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19914,7 +19914,7 @@ int handle_cudaArrayGetInfo(void *conn) unsigned int flags; cudaArray_t array; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &desc, sizeof(struct cudaChannelFormatDesc)) < 0 || rpc_read(conn, &extent, sizeof(struct cudaExtent)) < 0 || @@ -19926,13 +19926,13 @@ int handle_cudaArrayGetInfo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaArrayGetInfo(&desc, &extent, &flags, array); + scuda_intercept_result = cudaArrayGetInfo(&desc, &extent, &flags, array); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &desc, sizeof(struct cudaChannelFormatDesc)) < 0 || rpc_write(conn, &extent, sizeof(struct cudaExtent)) < 0 || rpc_write(conn, &flags, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19946,7 +19946,7 @@ int handle_cudaArrayGetPlane(void *conn) cudaArray_t hArray; unsigned int planeIdx; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pPlaneArray, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &hArray, sizeof(cudaArray_t)) < 0 || @@ -19957,11 +19957,11 @@ int handle_cudaArrayGetPlane(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaArrayGetPlane(&pPlaneArray, hArray, planeIdx); + scuda_intercept_result = cudaArrayGetPlane(&pPlaneArray, hArray, planeIdx); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pPlaneArray, sizeof(cudaArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -19975,7 +19975,7 @@ int handle_cudaArrayGetMemoryRequirements(void *conn) cudaArray_t array; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memoryRequirements, sizeof(struct cudaArrayMemoryRequirements)) < 0 || rpc_read(conn, &array, sizeof(cudaArray_t)) < 0 || @@ -19986,11 +19986,11 @@ int handle_cudaArrayGetMemoryRequirements(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaArrayGetMemoryRequirements(&memoryRequirements, array, device); + scuda_intercept_result = cudaArrayGetMemoryRequirements(&memoryRequirements, array, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memoryRequirements, sizeof(struct cudaArrayMemoryRequirements)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20004,7 +20004,7 @@ int handle_cudaMipmappedArrayGetMemoryRequirements(void *conn) cudaMipmappedArray_t mipmap; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memoryRequirements, sizeof(struct cudaArrayMemoryRequirements)) < 0 || rpc_read(conn, &mipmap, sizeof(cudaMipmappedArray_t)) < 0 || @@ -20015,11 +20015,11 @@ int handle_cudaMipmappedArrayGetMemoryRequirements(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMipmappedArrayGetMemoryRequirements(&memoryRequirements, mipmap, device); + scuda_intercept_result = cudaMipmappedArrayGetMemoryRequirements(&memoryRequirements, mipmap, device); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memoryRequirements, sizeof(struct cudaArrayMemoryRequirements)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20032,7 +20032,7 @@ int handle_cudaArrayGetSparseProperties(void *conn) struct cudaArraySparseProperties sparseProperties; cudaArray_t array; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &sparseProperties, sizeof(struct cudaArraySparseProperties)) < 0 || rpc_read(conn, &array, sizeof(cudaArray_t)) < 0 || @@ -20042,11 +20042,11 @@ int handle_cudaArrayGetSparseProperties(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaArrayGetSparseProperties(&sparseProperties, array); + scuda_intercept_result = cudaArrayGetSparseProperties(&sparseProperties, array); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sparseProperties, sizeof(struct cudaArraySparseProperties)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20059,7 +20059,7 @@ int handle_cudaMipmappedArrayGetSparseProperties(void *conn) struct cudaArraySparseProperties sparseProperties; cudaMipmappedArray_t mipmap; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &sparseProperties, sizeof(struct cudaArraySparseProperties)) < 0 || rpc_read(conn, &mipmap, sizeof(cudaMipmappedArray_t)) < 0 || @@ -20069,11 +20069,11 @@ int handle_cudaMipmappedArrayGetSparseProperties(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMipmappedArrayGetSparseProperties(&sparseProperties, mipmap); + scuda_intercept_result = cudaMipmappedArrayGetSparseProperties(&sparseProperties, mipmap); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &sparseProperties, sizeof(struct cudaArraySparseProperties)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20092,7 +20092,7 @@ int handle_cudaMemcpy2DToArray(void *conn) size_t height; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &wOffset, sizeof(size_t)) < 0 || @@ -20108,10 +20108,10 @@ int handle_cudaMemcpy2DToArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy2DToArray(dst, wOffset, hOffset, src, spitch, width, height, kind); + scuda_intercept_result = cudaMemcpy2DToArray(dst, wOffset, hOffset, src, spitch, width, height, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20131,7 +20131,7 @@ int handle_cudaMemcpy2DArrayToArray(void *conn) size_t height; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &wOffsetDst, sizeof(size_t)) < 0 || @@ -20148,10 +20148,10 @@ int handle_cudaMemcpy2DArrayToArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy2DArrayToArray(dst, wOffsetDst, hOffsetDst, src, wOffsetSrc, hOffsetSrc, width, height, kind); + scuda_intercept_result = cudaMemcpy2DArrayToArray(dst, wOffsetDst, hOffsetDst, src, wOffsetSrc, hOffsetSrc, width, height, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20167,7 +20167,7 @@ int handle_cudaMemcpyToSymbol(void *conn) size_t offset; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &symbol, sizeof(const void*)) < 0 || rpc_read(conn, &src, sizeof(const void*)) < 0 || @@ -20180,10 +20180,10 @@ int handle_cudaMemcpyToSymbol(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpyToSymbol(symbol, src, count, offset, kind); + scuda_intercept_result = cudaMemcpyToSymbol(symbol, src, count, offset, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20203,7 +20203,7 @@ int handle_cudaMemcpy2DToArrayAsync(void *conn) enum cudaMemcpyKind kind; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &wOffset, sizeof(size_t)) < 0 || @@ -20220,10 +20220,10 @@ int handle_cudaMemcpy2DToArrayAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpy2DToArrayAsync(dst, wOffset, hOffset, src, spitch, width, height, kind, stream); + scuda_intercept_result = cudaMemcpy2DToArrayAsync(dst, wOffset, hOffset, src, spitch, width, height, kind, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20240,7 +20240,7 @@ int handle_cudaMemcpyToSymbolAsync(void *conn) enum cudaMemcpyKind kind; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &symbol, sizeof(const void*)) < 0 || rpc_read(conn, &src, sizeof(const void*)) < 0 || @@ -20254,10 +20254,10 @@ int handle_cudaMemcpyToSymbolAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpyToSymbolAsync(symbol, src, count, offset, kind, stream); + scuda_intercept_result = cudaMemcpyToSymbolAsync(symbol, src, count, offset, kind, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20271,7 +20271,7 @@ int handle_cudaMemset3D(void *conn) int value; struct cudaExtent extent; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pitchedDevPtr, sizeof(struct cudaPitchedPtr)) < 0 || rpc_read(conn, &value, sizeof(int)) < 0 || @@ -20282,10 +20282,10 @@ int handle_cudaMemset3D(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemset3D(pitchedDevPtr, value, extent); + scuda_intercept_result = cudaMemset3D(pitchedDevPtr, value, extent); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20300,7 +20300,7 @@ int handle_cudaMemset3DAsync(void *conn) struct cudaExtent extent; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pitchedDevPtr, sizeof(struct cudaPitchedPtr)) < 0 || rpc_read(conn, &value, sizeof(int)) < 0 || @@ -20312,10 +20312,10 @@ int handle_cudaMemset3DAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemset3DAsync(pitchedDevPtr, value, extent, stream); + scuda_intercept_result = cudaMemset3DAsync(pitchedDevPtr, value, extent, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20328,7 +20328,7 @@ int handle_cudaGetSymbolAddress(void *conn) void* devPtr; const void* symbol; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &symbol, sizeof(const void*)) < 0 || @@ -20338,11 +20338,11 @@ int handle_cudaGetSymbolAddress(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetSymbolAddress(&devPtr, symbol); + scuda_intercept_result = cudaGetSymbolAddress(&devPtr, symbol); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20355,7 +20355,7 @@ int handle_cudaGetSymbolSize(void *conn) size_t size; const void* symbol; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &size, sizeof(size_t)) < 0 || rpc_read(conn, &symbol, sizeof(const void*)) < 0 || @@ -20365,11 +20365,11 @@ int handle_cudaGetSymbolSize(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetSymbolSize(&size, symbol); + scuda_intercept_result = cudaGetSymbolSize(&size, symbol); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &size, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20384,7 +20384,7 @@ int handle_cudaMemPrefetchAsync(void *conn) int dstDevice; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(const void*)) < 0 || rpc_read(conn, &count, sizeof(size_t)) < 0 || @@ -20396,10 +20396,10 @@ int handle_cudaMemPrefetchAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPrefetchAsync(devPtr, count, dstDevice, stream); + scuda_intercept_result = cudaMemPrefetchAsync(devPtr, count, dstDevice, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20414,7 +20414,7 @@ int handle_cudaMemAdvise(void *conn) enum cudaMemoryAdvise advice; int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(const void*)) < 0 || rpc_read(conn, &count, sizeof(size_t)) < 0 || @@ -20426,10 +20426,10 @@ int handle_cudaMemAdvise(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemAdvise(devPtr, count, advice, device); + scuda_intercept_result = cudaMemAdvise(devPtr, count, advice, device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20446,7 +20446,7 @@ int handle_cudaMemRangeGetAttributes(void *conn) const void* devPtr; size_t count; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &data, sizeof(void*)) < 0 || rpc_read(conn, &dataSizes, sizeof(size_t)) < 0 || @@ -20460,13 +20460,13 @@ int handle_cudaMemRangeGetAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemRangeGetAttributes(&data, &dataSizes, &attributes, numAttributes, devPtr, count); + scuda_intercept_result = cudaMemRangeGetAttributes(&data, &dataSizes, &attributes, numAttributes, devPtr, count); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &data, sizeof(void*)) < 0 || rpc_write(conn, &dataSizes, sizeof(size_t)) < 0 || rpc_write(conn, &attributes, sizeof(enum cudaMemRangeAttribute)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20483,7 +20483,7 @@ int handle_cudaMemcpyToArray(void *conn) size_t count; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &wOffset, sizeof(size_t)) < 0 || @@ -20497,10 +20497,10 @@ int handle_cudaMemcpyToArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpyToArray(dst, wOffset, hOffset, src, count, kind); + scuda_intercept_result = cudaMemcpyToArray(dst, wOffset, hOffset, src, count, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20519,7 +20519,7 @@ int handle_cudaMemcpyArrayToArray(void *conn) size_t count; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &wOffsetDst, sizeof(size_t)) < 0 || @@ -20535,10 +20535,10 @@ int handle_cudaMemcpyArrayToArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpyArrayToArray(dst, wOffsetDst, hOffsetDst, src, wOffsetSrc, hOffsetSrc, count, kind); + scuda_intercept_result = cudaMemcpyArrayToArray(dst, wOffsetDst, hOffsetDst, src, wOffsetSrc, hOffsetSrc, count, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20556,7 +20556,7 @@ int handle_cudaMemcpyToArrayAsync(void *conn) enum cudaMemcpyKind kind; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &dst, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &wOffset, sizeof(size_t)) < 0 || @@ -20571,10 +20571,10 @@ int handle_cudaMemcpyToArrayAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemcpyToArrayAsync(dst, wOffset, hOffset, src, count, kind, stream); + scuda_intercept_result = cudaMemcpyToArrayAsync(dst, wOffset, hOffset, src, count, kind, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20588,7 +20588,7 @@ int handle_cudaMallocAsync(void *conn) size_t size; cudaStream_t hStream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -20599,11 +20599,11 @@ int handle_cudaMallocAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocAsync(&devPtr, size, hStream); + scuda_intercept_result = cudaMallocAsync(&devPtr, size, hStream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20616,7 +20616,7 @@ int handle_cudaMemPoolTrimTo(void *conn) cudaMemPool_t memPool; size_t minBytesToKeep; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || rpc_read(conn, &minBytesToKeep, sizeof(size_t)) < 0 || @@ -20626,10 +20626,10 @@ int handle_cudaMemPoolTrimTo(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPoolTrimTo(memPool, minBytesToKeep); + scuda_intercept_result = cudaMemPoolTrimTo(memPool, minBytesToKeep); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20643,7 +20643,7 @@ int handle_cudaMemPoolSetAccess(void *conn) const struct cudaMemAccessDesc* descList; size_t count; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || rpc_read(conn, &descList, sizeof(const struct cudaMemAccessDesc*)) < 0 || @@ -20654,10 +20654,10 @@ int handle_cudaMemPoolSetAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPoolSetAccess(memPool, descList, count); + scuda_intercept_result = cudaMemPoolSetAccess(memPool, descList, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20671,7 +20671,7 @@ int handle_cudaMemPoolGetAccess(void *conn) cudaMemPool_t memPool; struct cudaMemLocation location; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &flags, sizeof(enum cudaMemAccessFlags)) < 0 || rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || @@ -20682,12 +20682,12 @@ int handle_cudaMemPoolGetAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPoolGetAccess(&flags, memPool, &location); + scuda_intercept_result = cudaMemPoolGetAccess(&flags, memPool, &location); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(enum cudaMemAccessFlags)) < 0 || rpc_write(conn, &location, sizeof(struct cudaMemLocation)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20700,7 +20700,7 @@ int handle_cudaMemPoolCreate(void *conn) cudaMemPool_t memPool; const struct cudaMemPoolProps* poolProps; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || rpc_read(conn, &poolProps, sizeof(const struct cudaMemPoolProps*)) < 0 || @@ -20710,11 +20710,11 @@ int handle_cudaMemPoolCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPoolCreate(&memPool, poolProps); + scuda_intercept_result = cudaMemPoolCreate(&memPool, poolProps); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20726,7 +20726,7 @@ int handle_cudaMemPoolDestroy(void *conn) { cudaMemPool_t memPool; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || false) @@ -20735,10 +20735,10 @@ int handle_cudaMemPoolDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPoolDestroy(memPool); + scuda_intercept_result = cudaMemPoolDestroy(memPool); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20753,7 +20753,7 @@ int handle_cudaMallocFromPoolAsync(void *conn) cudaMemPool_t memPool; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(void*)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -20765,11 +20765,11 @@ int handle_cudaMallocFromPoolAsync(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMallocFromPoolAsync(&ptr, size, memPool, stream); + scuda_intercept_result = cudaMallocFromPoolAsync(&ptr, size, memPool, stream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ptr, sizeof(void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20783,7 +20783,7 @@ int handle_cudaMemPoolImportPointer(void *conn) cudaMemPool_t memPool; struct cudaMemPoolPtrExportData exportData; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &ptr, sizeof(void*)) < 0 || rpc_read(conn, &memPool, sizeof(cudaMemPool_t)) < 0 || @@ -20794,12 +20794,12 @@ int handle_cudaMemPoolImportPointer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaMemPoolImportPointer(&ptr, memPool, &exportData); + scuda_intercept_result = cudaMemPoolImportPointer(&ptr, memPool, &exportData); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ptr, sizeof(void*)) < 0 || rpc_write(conn, &exportData, sizeof(struct cudaMemPoolPtrExportData)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20812,7 +20812,7 @@ int handle_cudaPointerGetAttributes(void *conn) struct cudaPointerAttributes attributes; const void* ptr; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &attributes, sizeof(struct cudaPointerAttributes)) < 0 || rpc_read(conn, &ptr, sizeof(const void*)) < 0 || @@ -20822,11 +20822,11 @@ int handle_cudaPointerGetAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaPointerGetAttributes(&attributes, ptr); + scuda_intercept_result = cudaPointerGetAttributes(&attributes, ptr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &attributes, sizeof(struct cudaPointerAttributes)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20840,7 +20840,7 @@ int handle_cudaDeviceCanAccessPeer(void *conn) int device; int peerDevice; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &canAccessPeer, sizeof(int)) < 0 || rpc_read(conn, &device, sizeof(int)) < 0 || @@ -20851,11 +20851,11 @@ int handle_cudaDeviceCanAccessPeer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceCanAccessPeer(&canAccessPeer, device, peerDevice); + scuda_intercept_result = cudaDeviceCanAccessPeer(&canAccessPeer, device, peerDevice); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &canAccessPeer, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20868,7 +20868,7 @@ int handle_cudaDeviceEnablePeerAccess(void *conn) int peerDevice; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &peerDevice, sizeof(int)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -20878,10 +20878,10 @@ int handle_cudaDeviceEnablePeerAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceEnablePeerAccess(peerDevice, flags); + scuda_intercept_result = cudaDeviceEnablePeerAccess(peerDevice, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20893,7 +20893,7 @@ int handle_cudaDeviceDisablePeerAccess(void *conn) { int peerDevice; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &peerDevice, sizeof(int)) < 0 || false) @@ -20902,10 +20902,10 @@ int handle_cudaDeviceDisablePeerAccess(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceDisablePeerAccess(peerDevice); + scuda_intercept_result = cudaDeviceDisablePeerAccess(peerDevice); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20917,7 +20917,7 @@ int handle_cudaGraphicsUnregisterResource(void *conn) { cudaGraphicsResource_t resource; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &resource, sizeof(cudaGraphicsResource_t)) < 0 || false) @@ -20926,10 +20926,10 @@ int handle_cudaGraphicsUnregisterResource(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsUnregisterResource(resource); + scuda_intercept_result = cudaGraphicsUnregisterResource(resource); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20942,7 +20942,7 @@ int handle_cudaGraphicsResourceSetMapFlags(void *conn) cudaGraphicsResource_t resource; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &resource, sizeof(cudaGraphicsResource_t)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -20952,10 +20952,10 @@ int handle_cudaGraphicsResourceSetMapFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsResourceSetMapFlags(resource, flags); + scuda_intercept_result = cudaGraphicsResourceSetMapFlags(resource, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20969,7 +20969,7 @@ int handle_cudaGraphicsMapResources(void *conn) cudaGraphicsResource_t resources; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &count, sizeof(int)) < 0 || rpc_read(conn, &resources, sizeof(cudaGraphicsResource_t)) < 0 || @@ -20980,11 +20980,11 @@ int handle_cudaGraphicsMapResources(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsMapResources(count, &resources, stream); + scuda_intercept_result = cudaGraphicsMapResources(count, &resources, stream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &resources, sizeof(cudaGraphicsResource_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -20998,7 +20998,7 @@ int handle_cudaGraphicsUnmapResources(void *conn) cudaGraphicsResource_t resources; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &count, sizeof(int)) < 0 || rpc_read(conn, &resources, sizeof(cudaGraphicsResource_t)) < 0 || @@ -21009,11 +21009,11 @@ int handle_cudaGraphicsUnmapResources(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsUnmapResources(count, &resources, stream); + scuda_intercept_result = cudaGraphicsUnmapResources(count, &resources, stream); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &resources, sizeof(cudaGraphicsResource_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21027,7 +21027,7 @@ int handle_cudaGraphicsResourceGetMappedPointer(void *conn) size_t size; cudaGraphicsResource_t resource; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &devPtr, sizeof(void*)) < 0 || rpc_read(conn, &size, sizeof(size_t)) < 0 || @@ -21038,12 +21038,12 @@ int handle_cudaGraphicsResourceGetMappedPointer(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsResourceGetMappedPointer(&devPtr, &size, resource); + scuda_intercept_result = cudaGraphicsResourceGetMappedPointer(&devPtr, &size, resource); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &devPtr, sizeof(void*)) < 0 || rpc_write(conn, &size, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21058,7 +21058,7 @@ int handle_cudaGraphicsSubResourceGetMappedArray(void *conn) unsigned int arrayIndex; unsigned int mipLevel; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &array, sizeof(cudaArray_t)) < 0 || rpc_read(conn, &resource, sizeof(cudaGraphicsResource_t)) < 0 || @@ -21070,11 +21070,11 @@ int handle_cudaGraphicsSubResourceGetMappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsSubResourceGetMappedArray(&array, resource, arrayIndex, mipLevel); + scuda_intercept_result = cudaGraphicsSubResourceGetMappedArray(&array, resource, arrayIndex, mipLevel); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &array, sizeof(cudaArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21087,7 +21087,7 @@ int handle_cudaGraphicsResourceGetMappedMipmappedArray(void *conn) cudaMipmappedArray_t mipmappedArray; cudaGraphicsResource_t resource; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &mipmappedArray, sizeof(cudaMipmappedArray_t)) < 0 || rpc_read(conn, &resource, sizeof(cudaGraphicsResource_t)) < 0 || @@ -21097,11 +21097,11 @@ int handle_cudaGraphicsResourceGetMappedMipmappedArray(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphicsResourceGetMappedMipmappedArray(&mipmappedArray, resource); + scuda_intercept_result = cudaGraphicsResourceGetMappedMipmappedArray(&mipmappedArray, resource); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &mipmappedArray, sizeof(cudaMipmappedArray_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21114,7 +21114,7 @@ int handle_cudaGetChannelDesc(void *conn) struct cudaChannelFormatDesc desc; cudaArray_const_t array; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &desc, sizeof(struct cudaChannelFormatDesc)) < 0 || rpc_read(conn, &array, sizeof(cudaArray_const_t)) < 0 || @@ -21124,11 +21124,11 @@ int handle_cudaGetChannelDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetChannelDesc(&desc, array); + scuda_intercept_result = cudaGetChannelDesc(&desc, array); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &desc, sizeof(struct cudaChannelFormatDesc)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21143,7 +21143,7 @@ int handle_cudaCreateTextureObject(void *conn) const struct cudaTextureDesc* pTexDesc; const struct cudaResourceViewDesc* pResViewDesc; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pTexObject, sizeof(cudaTextureObject_t)) < 0 || rpc_read(conn, &pResDesc, sizeof(const struct cudaResourceDesc*)) < 0 || @@ -21155,11 +21155,11 @@ int handle_cudaCreateTextureObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaCreateTextureObject(&pTexObject, pResDesc, pTexDesc, pResViewDesc); + scuda_intercept_result = cudaCreateTextureObject(&pTexObject, pResDesc, pTexDesc, pResViewDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pTexObject, sizeof(cudaTextureObject_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21171,7 +21171,7 @@ int handle_cudaDestroyTextureObject(void *conn) { cudaTextureObject_t texObject; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &texObject, sizeof(cudaTextureObject_t)) < 0 || false) @@ -21180,10 +21180,10 @@ int handle_cudaDestroyTextureObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDestroyTextureObject(texObject); + scuda_intercept_result = cudaDestroyTextureObject(texObject); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21196,7 +21196,7 @@ int handle_cudaGetTextureObjectResourceDesc(void *conn) struct cudaResourceDesc pResDesc; cudaTextureObject_t texObject; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pResDesc, sizeof(struct cudaResourceDesc)) < 0 || rpc_read(conn, &texObject, sizeof(cudaTextureObject_t)) < 0 || @@ -21206,11 +21206,11 @@ int handle_cudaGetTextureObjectResourceDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetTextureObjectResourceDesc(&pResDesc, texObject); + scuda_intercept_result = cudaGetTextureObjectResourceDesc(&pResDesc, texObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pResDesc, sizeof(struct cudaResourceDesc)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21223,7 +21223,7 @@ int handle_cudaGetTextureObjectTextureDesc(void *conn) struct cudaTextureDesc pTexDesc; cudaTextureObject_t texObject; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pTexDesc, sizeof(struct cudaTextureDesc)) < 0 || rpc_read(conn, &texObject, sizeof(cudaTextureObject_t)) < 0 || @@ -21233,11 +21233,11 @@ int handle_cudaGetTextureObjectTextureDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetTextureObjectTextureDesc(&pTexDesc, texObject); + scuda_intercept_result = cudaGetTextureObjectTextureDesc(&pTexDesc, texObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pTexDesc, sizeof(struct cudaTextureDesc)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21250,7 +21250,7 @@ int handle_cudaGetTextureObjectResourceViewDesc(void *conn) struct cudaResourceViewDesc pResViewDesc; cudaTextureObject_t texObject; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pResViewDesc, sizeof(struct cudaResourceViewDesc)) < 0 || rpc_read(conn, &texObject, sizeof(cudaTextureObject_t)) < 0 || @@ -21260,11 +21260,11 @@ int handle_cudaGetTextureObjectResourceViewDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetTextureObjectResourceViewDesc(&pResViewDesc, texObject); + scuda_intercept_result = cudaGetTextureObjectResourceViewDesc(&pResViewDesc, texObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pResViewDesc, sizeof(struct cudaResourceViewDesc)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21277,7 +21277,7 @@ int handle_cudaCreateSurfaceObject(void *conn) cudaSurfaceObject_t pSurfObject; const struct cudaResourceDesc* pResDesc; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pSurfObject, sizeof(cudaSurfaceObject_t)) < 0 || rpc_read(conn, &pResDesc, sizeof(const struct cudaResourceDesc*)) < 0 || @@ -21287,11 +21287,11 @@ int handle_cudaCreateSurfaceObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaCreateSurfaceObject(&pSurfObject, pResDesc); + scuda_intercept_result = cudaCreateSurfaceObject(&pSurfObject, pResDesc); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pSurfObject, sizeof(cudaSurfaceObject_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21303,7 +21303,7 @@ int handle_cudaDestroySurfaceObject(void *conn) { cudaSurfaceObject_t surfObject; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &surfObject, sizeof(cudaSurfaceObject_t)) < 0 || false) @@ -21312,10 +21312,10 @@ int handle_cudaDestroySurfaceObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDestroySurfaceObject(surfObject); + scuda_intercept_result = cudaDestroySurfaceObject(surfObject); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21328,7 +21328,7 @@ int handle_cudaGetSurfaceObjectResourceDesc(void *conn) struct cudaResourceDesc pResDesc; cudaSurfaceObject_t surfObject; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pResDesc, sizeof(struct cudaResourceDesc)) < 0 || rpc_read(conn, &surfObject, sizeof(cudaSurfaceObject_t)) < 0 || @@ -21338,11 +21338,11 @@ int handle_cudaGetSurfaceObjectResourceDesc(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetSurfaceObjectResourceDesc(&pResDesc, surfObject); + scuda_intercept_result = cudaGetSurfaceObjectResourceDesc(&pResDesc, surfObject); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pResDesc, sizeof(struct cudaResourceDesc)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21354,7 +21354,7 @@ int handle_cudaDriverGetVersion(void *conn) { int driverVersion; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &driverVersion, sizeof(int)) < 0 || false) @@ -21363,11 +21363,11 @@ int handle_cudaDriverGetVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDriverGetVersion(&driverVersion); + scuda_intercept_result = cudaDriverGetVersion(&driverVersion); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &driverVersion, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21379,7 +21379,7 @@ int handle_cudaRuntimeGetVersion(void *conn) { int runtimeVersion; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &runtimeVersion, sizeof(int)) < 0 || false) @@ -21388,11 +21388,11 @@ int handle_cudaRuntimeGetVersion(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaRuntimeGetVersion(&runtimeVersion); + scuda_intercept_result = cudaRuntimeGetVersion(&runtimeVersion); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &runtimeVersion, sizeof(int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21405,7 +21405,7 @@ int handle_cudaGraphCreate(void *conn) cudaGraph_t pGraph; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &flags, sizeof(unsigned int)) < 0 || @@ -21415,11 +21415,11 @@ int handle_cudaGraphCreate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphCreate(&pGraph, flags); + scuda_intercept_result = cudaGraphCreate(&pGraph, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraph, sizeof(cudaGraph_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21435,7 +21435,7 @@ int handle_cudaGraphAddKernelNode(void *conn) size_t numDependencies; const struct cudaKernelNodeParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -21448,11 +21448,11 @@ int handle_cudaGraphAddKernelNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddKernelNode(&pGraphNode, graph, pDependencies, numDependencies, pNodeParams); + scuda_intercept_result = cudaGraphAddKernelNode(&pGraphNode, graph, pDependencies, numDependencies, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21465,7 +21465,7 @@ int handle_cudaGraphKernelNodeGetParams(void *conn) cudaGraphNode_t node; struct cudaKernelNodeParams pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(struct cudaKernelNodeParams)) < 0 || @@ -21475,11 +21475,11 @@ int handle_cudaGraphKernelNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphKernelNodeGetParams(node, &pNodeParams); + scuda_intercept_result = cudaGraphKernelNodeGetParams(node, &pNodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pNodeParams, sizeof(struct cudaKernelNodeParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21492,7 +21492,7 @@ int handle_cudaGraphKernelNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaKernelNodeParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(const struct cudaKernelNodeParams*)) < 0 || @@ -21502,10 +21502,10 @@ int handle_cudaGraphKernelNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphKernelNodeSetParams(node, pNodeParams); + scuda_intercept_result = cudaGraphKernelNodeSetParams(node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21518,7 +21518,7 @@ int handle_cudaGraphKernelNodeCopyAttributes(void *conn) cudaGraphNode_t hSrc; cudaGraphNode_t hDst; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hSrc, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &hDst, sizeof(cudaGraphNode_t)) < 0 || @@ -21528,10 +21528,10 @@ int handle_cudaGraphKernelNodeCopyAttributes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphKernelNodeCopyAttributes(hSrc, hDst); + scuda_intercept_result = cudaGraphKernelNodeCopyAttributes(hSrc, hDst); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21545,7 +21545,7 @@ int handle_cudaGraphKernelNodeGetAttribute(void *conn) cudaLaunchAttributeID attr; cudaLaunchAttributeValue value_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &attr, sizeof(cudaLaunchAttributeID)) < 0 || @@ -21556,11 +21556,11 @@ int handle_cudaGraphKernelNodeGetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphKernelNodeGetAttribute(hNode, attr, &value_out); + scuda_intercept_result = cudaGraphKernelNodeGetAttribute(hNode, attr, &value_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &value_out, sizeof(cudaLaunchAttributeValue)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21574,7 +21574,7 @@ int handle_cudaGraphKernelNodeSetAttribute(void *conn) cudaLaunchAttributeID attr; const cudaLaunchAttributeValue* value; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &attr, sizeof(cudaLaunchAttributeID)) < 0 || @@ -21585,10 +21585,10 @@ int handle_cudaGraphKernelNodeSetAttribute(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphKernelNodeSetAttribute(hNode, attr, value); + scuda_intercept_result = cudaGraphKernelNodeSetAttribute(hNode, attr, value); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21604,7 +21604,7 @@ int handle_cudaGraphAddMemcpyNode(void *conn) size_t numDependencies; const struct cudaMemcpy3DParms* pCopyParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -21617,11 +21617,11 @@ int handle_cudaGraphAddMemcpyNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddMemcpyNode(&pGraphNode, graph, pDependencies, numDependencies, pCopyParams); + scuda_intercept_result = cudaGraphAddMemcpyNode(&pGraphNode, graph, pDependencies, numDependencies, pCopyParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21641,7 +21641,7 @@ int handle_cudaGraphAddMemcpyNodeToSymbol(void *conn) size_t offset; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -21658,11 +21658,11 @@ int handle_cudaGraphAddMemcpyNodeToSymbol(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddMemcpyNodeToSymbol(&pGraphNode, graph, pDependencies, numDependencies, symbol, src, count, offset, kind); + scuda_intercept_result = cudaGraphAddMemcpyNodeToSymbol(&pGraphNode, graph, pDependencies, numDependencies, symbol, src, count, offset, kind); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21675,7 +21675,7 @@ int handle_cudaGraphMemcpyNodeGetParams(void *conn) cudaGraphNode_t node; struct cudaMemcpy3DParms pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(struct cudaMemcpy3DParms)) < 0 || @@ -21685,11 +21685,11 @@ int handle_cudaGraphMemcpyNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphMemcpyNodeGetParams(node, &pNodeParams); + scuda_intercept_result = cudaGraphMemcpyNodeGetParams(node, &pNodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pNodeParams, sizeof(struct cudaMemcpy3DParms)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21702,7 +21702,7 @@ int handle_cudaGraphMemcpyNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaMemcpy3DParms* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(const struct cudaMemcpy3DParms*)) < 0 || @@ -21712,10 +21712,10 @@ int handle_cudaGraphMemcpyNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphMemcpyNodeSetParams(node, pNodeParams); + scuda_intercept_result = cudaGraphMemcpyNodeSetParams(node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21732,7 +21732,7 @@ int handle_cudaGraphMemcpyNodeSetParamsToSymbol(void *conn) size_t offset; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &symbol, sizeof(const void*)) < 0 || @@ -21746,10 +21746,10 @@ int handle_cudaGraphMemcpyNodeSetParamsToSymbol(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphMemcpyNodeSetParamsToSymbol(node, symbol, src, count, offset, kind); + scuda_intercept_result = cudaGraphMemcpyNodeSetParamsToSymbol(node, symbol, src, count, offset, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21765,7 +21765,7 @@ int handle_cudaGraphAddMemsetNode(void *conn) size_t numDependencies; const struct cudaMemsetParams* pMemsetParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -21778,11 +21778,11 @@ int handle_cudaGraphAddMemsetNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddMemsetNode(&pGraphNode, graph, pDependencies, numDependencies, pMemsetParams); + scuda_intercept_result = cudaGraphAddMemsetNode(&pGraphNode, graph, pDependencies, numDependencies, pMemsetParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21795,7 +21795,7 @@ int handle_cudaGraphMemsetNodeGetParams(void *conn) cudaGraphNode_t node; struct cudaMemsetParams pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(struct cudaMemsetParams)) < 0 || @@ -21805,11 +21805,11 @@ int handle_cudaGraphMemsetNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphMemsetNodeGetParams(node, &pNodeParams); + scuda_intercept_result = cudaGraphMemsetNodeGetParams(node, &pNodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pNodeParams, sizeof(struct cudaMemsetParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21822,7 +21822,7 @@ int handle_cudaGraphMemsetNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaMemsetParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(const struct cudaMemsetParams*)) < 0 || @@ -21832,10 +21832,10 @@ int handle_cudaGraphMemsetNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphMemsetNodeSetParams(node, pNodeParams); + scuda_intercept_result = cudaGraphMemsetNodeSetParams(node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21851,7 +21851,7 @@ int handle_cudaGraphAddHostNode(void *conn) size_t numDependencies; const struct cudaHostNodeParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -21864,11 +21864,11 @@ int handle_cudaGraphAddHostNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddHostNode(&pGraphNode, graph, pDependencies, numDependencies, pNodeParams); + scuda_intercept_result = cudaGraphAddHostNode(&pGraphNode, graph, pDependencies, numDependencies, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21881,7 +21881,7 @@ int handle_cudaGraphHostNodeGetParams(void *conn) cudaGraphNode_t node; struct cudaHostNodeParams pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(struct cudaHostNodeParams)) < 0 || @@ -21891,11 +21891,11 @@ int handle_cudaGraphHostNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphHostNodeGetParams(node, &pNodeParams); + scuda_intercept_result = cudaGraphHostNodeGetParams(node, &pNodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pNodeParams, sizeof(struct cudaHostNodeParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21908,7 +21908,7 @@ int handle_cudaGraphHostNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaHostNodeParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pNodeParams, sizeof(const struct cudaHostNodeParams*)) < 0 || @@ -21918,10 +21918,10 @@ int handle_cudaGraphHostNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphHostNodeSetParams(node, pNodeParams); + scuda_intercept_result = cudaGraphHostNodeSetParams(node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21937,7 +21937,7 @@ int handle_cudaGraphAddChildGraphNode(void *conn) size_t numDependencies; cudaGraph_t childGraph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -21950,11 +21950,11 @@ int handle_cudaGraphAddChildGraphNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddChildGraphNode(&pGraphNode, graph, pDependencies, numDependencies, childGraph); + scuda_intercept_result = cudaGraphAddChildGraphNode(&pGraphNode, graph, pDependencies, numDependencies, childGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21967,7 +21967,7 @@ int handle_cudaGraphChildGraphNodeGetGraph(void *conn) cudaGraphNode_t node; cudaGraph_t pGraph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pGraph, sizeof(cudaGraph_t)) < 0 || @@ -21977,11 +21977,11 @@ int handle_cudaGraphChildGraphNodeGetGraph(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphChildGraphNodeGetGraph(node, &pGraph); + scuda_intercept_result = cudaGraphChildGraphNodeGetGraph(node, &pGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraph, sizeof(cudaGraph_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -21996,7 +21996,7 @@ int handle_cudaGraphAddEmptyNode(void *conn) const cudaGraphNode_t* pDependencies; size_t numDependencies; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22008,11 +22008,11 @@ int handle_cudaGraphAddEmptyNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddEmptyNode(&pGraphNode, graph, pDependencies, numDependencies); + scuda_intercept_result = cudaGraphAddEmptyNode(&pGraphNode, graph, pDependencies, numDependencies); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22028,7 +22028,7 @@ int handle_cudaGraphAddEventRecordNode(void *conn) size_t numDependencies; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22041,11 +22041,11 @@ int handle_cudaGraphAddEventRecordNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddEventRecordNode(&pGraphNode, graph, pDependencies, numDependencies, event); + scuda_intercept_result = cudaGraphAddEventRecordNode(&pGraphNode, graph, pDependencies, numDependencies, event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22058,7 +22058,7 @@ int handle_cudaGraphEventRecordNodeGetEvent(void *conn) cudaGraphNode_t node; cudaEvent_t event_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &event_out, sizeof(cudaEvent_t)) < 0 || @@ -22068,11 +22068,11 @@ int handle_cudaGraphEventRecordNodeGetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphEventRecordNodeGetEvent(node, &event_out); + scuda_intercept_result = cudaGraphEventRecordNodeGetEvent(node, &event_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event_out, sizeof(cudaEvent_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22085,7 +22085,7 @@ int handle_cudaGraphEventRecordNodeSetEvent(void *conn) cudaGraphNode_t node; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || @@ -22095,10 +22095,10 @@ int handle_cudaGraphEventRecordNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphEventRecordNodeSetEvent(node, event); + scuda_intercept_result = cudaGraphEventRecordNodeSetEvent(node, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22114,7 +22114,7 @@ int handle_cudaGraphAddEventWaitNode(void *conn) size_t numDependencies; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22127,11 +22127,11 @@ int handle_cudaGraphAddEventWaitNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddEventWaitNode(&pGraphNode, graph, pDependencies, numDependencies, event); + scuda_intercept_result = cudaGraphAddEventWaitNode(&pGraphNode, graph, pDependencies, numDependencies, event); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22144,7 +22144,7 @@ int handle_cudaGraphEventWaitNodeGetEvent(void *conn) cudaGraphNode_t node; cudaEvent_t event_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &event_out, sizeof(cudaEvent_t)) < 0 || @@ -22154,11 +22154,11 @@ int handle_cudaGraphEventWaitNodeGetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphEventWaitNodeGetEvent(node, &event_out); + scuda_intercept_result = cudaGraphEventWaitNodeGetEvent(node, &event_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &event_out, sizeof(cudaEvent_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22171,7 +22171,7 @@ int handle_cudaGraphEventWaitNodeSetEvent(void *conn) cudaGraphNode_t node; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &event, sizeof(cudaEvent_t)) < 0 || @@ -22181,10 +22181,10 @@ int handle_cudaGraphEventWaitNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphEventWaitNodeSetEvent(node, event); + scuda_intercept_result = cudaGraphEventWaitNodeSetEvent(node, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22200,7 +22200,7 @@ int handle_cudaGraphAddExternalSemaphoresSignalNode(void *conn) size_t numDependencies; const struct cudaExternalSemaphoreSignalNodeParams* nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22213,11 +22213,11 @@ int handle_cudaGraphAddExternalSemaphoresSignalNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddExternalSemaphoresSignalNode(&pGraphNode, graph, pDependencies, numDependencies, nodeParams); + scuda_intercept_result = cudaGraphAddExternalSemaphoresSignalNode(&pGraphNode, graph, pDependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22230,7 +22230,7 @@ int handle_cudaGraphExternalSemaphoresSignalNodeGetParams(void *conn) cudaGraphNode_t hNode; struct cudaExternalSemaphoreSignalNodeParams params_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, ¶ms_out, sizeof(struct cudaExternalSemaphoreSignalNodeParams)) < 0 || @@ -22240,11 +22240,11 @@ int handle_cudaGraphExternalSemaphoresSignalNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExternalSemaphoresSignalNodeGetParams(hNode, ¶ms_out); + scuda_intercept_result = cudaGraphExternalSemaphoresSignalNodeGetParams(hNode, ¶ms_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶ms_out, sizeof(struct cudaExternalSemaphoreSignalNodeParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22257,7 +22257,7 @@ int handle_cudaGraphExternalSemaphoresSignalNodeSetParams(void *conn) cudaGraphNode_t hNode; const struct cudaExternalSemaphoreSignalNodeParams* nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &nodeParams, sizeof(const struct cudaExternalSemaphoreSignalNodeParams*)) < 0 || @@ -22267,10 +22267,10 @@ int handle_cudaGraphExternalSemaphoresSignalNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExternalSemaphoresSignalNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cudaGraphExternalSemaphoresSignalNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22286,7 +22286,7 @@ int handle_cudaGraphAddExternalSemaphoresWaitNode(void *conn) size_t numDependencies; const struct cudaExternalSemaphoreWaitNodeParams* nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22299,11 +22299,11 @@ int handle_cudaGraphAddExternalSemaphoresWaitNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddExternalSemaphoresWaitNode(&pGraphNode, graph, pDependencies, numDependencies, nodeParams); + scuda_intercept_result = cudaGraphAddExternalSemaphoresWaitNode(&pGraphNode, graph, pDependencies, numDependencies, nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22316,7 +22316,7 @@ int handle_cudaGraphExternalSemaphoresWaitNodeGetParams(void *conn) cudaGraphNode_t hNode; struct cudaExternalSemaphoreWaitNodeParams params_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, ¶ms_out, sizeof(struct cudaExternalSemaphoreWaitNodeParams)) < 0 || @@ -22326,11 +22326,11 @@ int handle_cudaGraphExternalSemaphoresWaitNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExternalSemaphoresWaitNodeGetParams(hNode, ¶ms_out); + scuda_intercept_result = cudaGraphExternalSemaphoresWaitNodeGetParams(hNode, ¶ms_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶ms_out, sizeof(struct cudaExternalSemaphoreWaitNodeParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22343,7 +22343,7 @@ int handle_cudaGraphExternalSemaphoresWaitNodeSetParams(void *conn) cudaGraphNode_t hNode; const struct cudaExternalSemaphoreWaitNodeParams* nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &nodeParams, sizeof(const struct cudaExternalSemaphoreWaitNodeParams*)) < 0 || @@ -22353,10 +22353,10 @@ int handle_cudaGraphExternalSemaphoresWaitNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExternalSemaphoresWaitNodeSetParams(hNode, nodeParams); + scuda_intercept_result = cudaGraphExternalSemaphoresWaitNodeSetParams(hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22372,7 +22372,7 @@ int handle_cudaGraphAddMemAllocNode(void *conn) size_t numDependencies; struct cudaMemAllocNodeParams nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22385,12 +22385,12 @@ int handle_cudaGraphAddMemAllocNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddMemAllocNode(&pGraphNode, graph, pDependencies, numDependencies, &nodeParams); + scuda_intercept_result = cudaGraphAddMemAllocNode(&pGraphNode, graph, pDependencies, numDependencies, &nodeParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphNode, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &nodeParams, sizeof(struct cudaMemAllocNodeParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22403,7 +22403,7 @@ int handle_cudaGraphMemAllocNodeGetParams(void *conn) cudaGraphNode_t node; struct cudaMemAllocNodeParams params_out; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, ¶ms_out, sizeof(struct cudaMemAllocNodeParams)) < 0 || @@ -22413,11 +22413,11 @@ int handle_cudaGraphMemAllocNodeGetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphMemAllocNodeGetParams(node, ¶ms_out); + scuda_intercept_result = cudaGraphMemAllocNodeGetParams(node, ¶ms_out); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, ¶ms_out, sizeof(struct cudaMemAllocNodeParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22429,7 +22429,7 @@ int handle_cudaDeviceGraphMemTrim(void *conn) { int device; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &device, sizeof(int)) < 0 || false) @@ -22438,10 +22438,10 @@ int handle_cudaDeviceGraphMemTrim(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaDeviceGraphMemTrim(device); + scuda_intercept_result = cudaDeviceGraphMemTrim(device); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22454,7 +22454,7 @@ int handle_cudaGraphClone(void *conn) cudaGraph_t pGraphClone; cudaGraph_t originalGraph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphClone, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &originalGraph, sizeof(cudaGraph_t)) < 0 || @@ -22464,11 +22464,11 @@ int handle_cudaGraphClone(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphClone(&pGraphClone, originalGraph); + scuda_intercept_result = cudaGraphClone(&pGraphClone, originalGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphClone, sizeof(cudaGraph_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22482,7 +22482,7 @@ int handle_cudaGraphNodeFindInClone(void *conn) cudaGraphNode_t originalNode; cudaGraph_t clonedGraph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pNode, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &originalNode, sizeof(cudaGraphNode_t)) < 0 || @@ -22493,11 +22493,11 @@ int handle_cudaGraphNodeFindInClone(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphNodeFindInClone(&pNode, originalNode, clonedGraph); + scuda_intercept_result = cudaGraphNodeFindInClone(&pNode, originalNode, clonedGraph); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pNode, sizeof(cudaGraphNode_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22510,7 +22510,7 @@ int handle_cudaGraphNodeGetType(void *conn) cudaGraphNode_t node; enum cudaGraphNodeType pType; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pType, sizeof(enum cudaGraphNodeType)) < 0 || @@ -22520,11 +22520,11 @@ int handle_cudaGraphNodeGetType(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphNodeGetType(node, &pType); + scuda_intercept_result = cudaGraphNodeGetType(node, &pType); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pType, sizeof(enum cudaGraphNodeType)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22538,7 +22538,7 @@ int handle_cudaGraphGetNodes(void *conn) cudaGraphNode_t nodes; size_t numNodes; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &nodes, sizeof(cudaGraphNode_t)) < 0 || @@ -22549,12 +22549,12 @@ int handle_cudaGraphGetNodes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphGetNodes(graph, &nodes, &numNodes); + scuda_intercept_result = cudaGraphGetNodes(graph, &nodes, &numNodes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &nodes, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &numNodes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22568,7 +22568,7 @@ int handle_cudaGraphGetRootNodes(void *conn) cudaGraphNode_t pRootNodes; size_t pNumRootNodes; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &pRootNodes, sizeof(cudaGraphNode_t)) < 0 || @@ -22579,12 +22579,12 @@ int handle_cudaGraphGetRootNodes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphGetRootNodes(graph, &pRootNodes, &pNumRootNodes); + scuda_intercept_result = cudaGraphGetRootNodes(graph, &pRootNodes, &pNumRootNodes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pRootNodes, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &pNumRootNodes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22599,7 +22599,7 @@ int handle_cudaGraphGetEdges(void *conn) cudaGraphNode_t to; size_t numEdges; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &from, sizeof(cudaGraphNode_t)) < 0 || @@ -22611,13 +22611,13 @@ int handle_cudaGraphGetEdges(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphGetEdges(graph, &from, &to, &numEdges); + scuda_intercept_result = cudaGraphGetEdges(graph, &from, &to, &numEdges); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &from, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &to, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &numEdges, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22631,7 +22631,7 @@ int handle_cudaGraphNodeGetDependencies(void *conn) cudaGraphNode_t pDependencies; size_t pNumDependencies; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pDependencies, sizeof(cudaGraphNode_t)) < 0 || @@ -22642,12 +22642,12 @@ int handle_cudaGraphNodeGetDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphNodeGetDependencies(node, &pDependencies, &pNumDependencies); + scuda_intercept_result = cudaGraphNodeGetDependencies(node, &pDependencies, &pNumDependencies); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pDependencies, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &pNumDependencies, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22661,7 +22661,7 @@ int handle_cudaGraphNodeGetDependentNodes(void *conn) cudaGraphNode_t pDependentNodes; size_t pNumDependentNodes; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || rpc_read(conn, &pDependentNodes, sizeof(cudaGraphNode_t)) < 0 || @@ -22672,12 +22672,12 @@ int handle_cudaGraphNodeGetDependentNodes(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphNodeGetDependentNodes(node, &pDependentNodes, &pNumDependentNodes); + scuda_intercept_result = cudaGraphNodeGetDependentNodes(node, &pDependentNodes, &pNumDependentNodes); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pDependentNodes, sizeof(cudaGraphNode_t)) < 0 || rpc_write(conn, &pNumDependentNodes, sizeof(size_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22692,7 +22692,7 @@ int handle_cudaGraphAddDependencies(void *conn) const cudaGraphNode_t* to; size_t numDependencies; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &from, sizeof(const cudaGraphNode_t*)) < 0 || @@ -22704,10 +22704,10 @@ int handle_cudaGraphAddDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphAddDependencies(graph, from, to, numDependencies); + scuda_intercept_result = cudaGraphAddDependencies(graph, from, to, numDependencies); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22722,7 +22722,7 @@ int handle_cudaGraphRemoveDependencies(void *conn) const cudaGraphNode_t* to; size_t numDependencies; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &from, sizeof(const cudaGraphNode_t*)) < 0 || @@ -22734,10 +22734,10 @@ int handle_cudaGraphRemoveDependencies(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphRemoveDependencies(graph, from, to, numDependencies); + scuda_intercept_result = cudaGraphRemoveDependencies(graph, from, to, numDependencies); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22749,7 +22749,7 @@ int handle_cudaGraphDestroyNode(void *conn) { cudaGraphNode_t node; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || false) @@ -22758,10 +22758,10 @@ int handle_cudaGraphDestroyNode(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphDestroyNode(node); + scuda_intercept_result = cudaGraphDestroyNode(node); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22775,7 +22775,7 @@ int handle_cudaGraphInstantiate(void *conn) cudaGraph_t graph; unsigned long long flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22786,11 +22786,11 @@ int handle_cudaGraphInstantiate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphInstantiate(&pGraphExec, graph, flags); + scuda_intercept_result = cudaGraphInstantiate(&pGraphExec, graph, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphExec, sizeof(cudaGraphExec_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22804,7 +22804,7 @@ int handle_cudaGraphInstantiateWithFlags(void *conn) cudaGraph_t graph; unsigned long long flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22815,11 +22815,11 @@ int handle_cudaGraphInstantiateWithFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphInstantiateWithFlags(&pGraphExec, graph, flags); + scuda_intercept_result = cudaGraphInstantiateWithFlags(&pGraphExec, graph, flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphExec, sizeof(cudaGraphExec_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22833,7 +22833,7 @@ int handle_cudaGraphInstantiateWithParams(void *conn) cudaGraph_t graph; cudaGraphInstantiateParams instantiateParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &pGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || @@ -22844,12 +22844,12 @@ int handle_cudaGraphInstantiateWithParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphInstantiateWithParams(&pGraphExec, graph, &instantiateParams); + scuda_intercept_result = cudaGraphInstantiateWithParams(&pGraphExec, graph, &instantiateParams); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &pGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_write(conn, &instantiateParams, sizeof(cudaGraphInstantiateParams)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22862,7 +22862,7 @@ int handle_cudaGraphExecGetFlags(void *conn) cudaGraphExec_t graphExec; unsigned long long flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &flags, sizeof(unsigned long long)) < 0 || @@ -22872,11 +22872,11 @@ int handle_cudaGraphExecGetFlags(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecGetFlags(graphExec, &flags); + scuda_intercept_result = cudaGraphExecGetFlags(graphExec, &flags); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &flags, sizeof(unsigned long long)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22890,7 +22890,7 @@ int handle_cudaGraphExecKernelNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaKernelNodeParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || @@ -22901,10 +22901,10 @@ int handle_cudaGraphExecKernelNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecKernelNodeSetParams(hGraphExec, node, pNodeParams); + scuda_intercept_result = cudaGraphExecKernelNodeSetParams(hGraphExec, node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22918,7 +22918,7 @@ int handle_cudaGraphExecMemcpyNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaMemcpy3DParms* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || @@ -22929,10 +22929,10 @@ int handle_cudaGraphExecMemcpyNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecMemcpyNodeSetParams(hGraphExec, node, pNodeParams); + scuda_intercept_result = cudaGraphExecMemcpyNodeSetParams(hGraphExec, node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22950,7 +22950,7 @@ int handle_cudaGraphExecMemcpyNodeSetParamsToSymbol(void *conn) size_t offset; enum cudaMemcpyKind kind; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || @@ -22965,10 +22965,10 @@ int handle_cudaGraphExecMemcpyNodeSetParamsToSymbol(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecMemcpyNodeSetParamsToSymbol(hGraphExec, node, symbol, src, count, offset, kind); + scuda_intercept_result = cudaGraphExecMemcpyNodeSetParamsToSymbol(hGraphExec, node, symbol, src, count, offset, kind); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -22982,7 +22982,7 @@ int handle_cudaGraphExecMemsetNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaMemsetParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || @@ -22993,10 +22993,10 @@ int handle_cudaGraphExecMemsetNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecMemsetNodeSetParams(hGraphExec, node, pNodeParams); + scuda_intercept_result = cudaGraphExecMemsetNodeSetParams(hGraphExec, node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23010,7 +23010,7 @@ int handle_cudaGraphExecHostNodeSetParams(void *conn) cudaGraphNode_t node; const struct cudaHostNodeParams* pNodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || @@ -23021,10 +23021,10 @@ int handle_cudaGraphExecHostNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecHostNodeSetParams(hGraphExec, node, pNodeParams); + scuda_intercept_result = cudaGraphExecHostNodeSetParams(hGraphExec, node, pNodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23038,7 +23038,7 @@ int handle_cudaGraphExecChildGraphNodeSetParams(void *conn) cudaGraphNode_t node; cudaGraph_t childGraph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &node, sizeof(cudaGraphNode_t)) < 0 || @@ -23049,10 +23049,10 @@ int handle_cudaGraphExecChildGraphNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecChildGraphNodeSetParams(hGraphExec, node, childGraph); + scuda_intercept_result = cudaGraphExecChildGraphNodeSetParams(hGraphExec, node, childGraph); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23066,7 +23066,7 @@ int handle_cudaGraphExecEventRecordNodeSetEvent(void *conn) cudaGraphNode_t hNode; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || @@ -23077,10 +23077,10 @@ int handle_cudaGraphExecEventRecordNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecEventRecordNodeSetEvent(hGraphExec, hNode, event); + scuda_intercept_result = cudaGraphExecEventRecordNodeSetEvent(hGraphExec, hNode, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23094,7 +23094,7 @@ int handle_cudaGraphExecEventWaitNodeSetEvent(void *conn) cudaGraphNode_t hNode; cudaEvent_t event; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || @@ -23105,10 +23105,10 @@ int handle_cudaGraphExecEventWaitNodeSetEvent(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecEventWaitNodeSetEvent(hGraphExec, hNode, event); + scuda_intercept_result = cudaGraphExecEventWaitNodeSetEvent(hGraphExec, hNode, event); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23122,7 +23122,7 @@ int handle_cudaGraphExecExternalSemaphoresSignalNodeSetParams(void *conn) cudaGraphNode_t hNode; const struct cudaExternalSemaphoreSignalNodeParams* nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || @@ -23133,10 +23133,10 @@ int handle_cudaGraphExecExternalSemaphoresSignalNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecExternalSemaphoresSignalNodeSetParams(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cudaGraphExecExternalSemaphoresSignalNodeSetParams(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23150,7 +23150,7 @@ int handle_cudaGraphExecExternalSemaphoresWaitNodeSetParams(void *conn) cudaGraphNode_t hNode; const struct cudaExternalSemaphoreWaitNodeParams* nodeParams; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || @@ -23161,10 +23161,10 @@ int handle_cudaGraphExecExternalSemaphoresWaitNodeSetParams(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecExternalSemaphoresWaitNodeSetParams(hGraphExec, hNode, nodeParams); + scuda_intercept_result = cudaGraphExecExternalSemaphoresWaitNodeSetParams(hGraphExec, hNode, nodeParams); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23178,7 +23178,7 @@ int handle_cudaGraphNodeSetEnabled(void *conn) cudaGraphNode_t hNode; unsigned int isEnabled; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || @@ -23189,10 +23189,10 @@ int handle_cudaGraphNodeSetEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphNodeSetEnabled(hGraphExec, hNode, isEnabled); + scuda_intercept_result = cudaGraphNodeSetEnabled(hGraphExec, hNode, isEnabled); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23206,7 +23206,7 @@ int handle_cudaGraphNodeGetEnabled(void *conn) cudaGraphNode_t hNode; unsigned int isEnabled; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hNode, sizeof(cudaGraphNode_t)) < 0 || @@ -23217,11 +23217,11 @@ int handle_cudaGraphNodeGetEnabled(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphNodeGetEnabled(hGraphExec, hNode, &isEnabled); + scuda_intercept_result = cudaGraphNodeGetEnabled(hGraphExec, hNode, &isEnabled); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &isEnabled, sizeof(unsigned int)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23235,7 +23235,7 @@ int handle_cudaGraphExecUpdate(void *conn) cudaGraph_t hGraph; cudaGraphExecUpdateResultInfo resultInfo; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &hGraphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &hGraph, sizeof(cudaGraph_t)) < 0 || @@ -23246,11 +23246,11 @@ int handle_cudaGraphExecUpdate(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecUpdate(hGraphExec, hGraph, &resultInfo); + scuda_intercept_result = cudaGraphExecUpdate(hGraphExec, hGraph, &resultInfo); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &resultInfo, sizeof(cudaGraphExecUpdateResultInfo)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23263,7 +23263,7 @@ int handle_cudaGraphUpload(void *conn) cudaGraphExec_t graphExec; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || @@ -23273,10 +23273,10 @@ int handle_cudaGraphUpload(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphUpload(graphExec, stream); + scuda_intercept_result = cudaGraphUpload(graphExec, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23289,7 +23289,7 @@ int handle_cudaGraphLaunch(void *conn) cudaGraphExec_t graphExec; cudaStream_t stream; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graphExec, sizeof(cudaGraphExec_t)) < 0 || rpc_read(conn, &stream, sizeof(cudaStream_t)) < 0 || @@ -23299,10 +23299,10 @@ int handle_cudaGraphLaunch(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphLaunch(graphExec, stream); + scuda_intercept_result = cudaGraphLaunch(graphExec, stream); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23314,7 +23314,7 @@ int handle_cudaGraphExecDestroy(void *conn) { cudaGraphExec_t graphExec; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graphExec, sizeof(cudaGraphExec_t)) < 0 || false) @@ -23323,10 +23323,10 @@ int handle_cudaGraphExecDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphExecDestroy(graphExec); + scuda_intercept_result = cudaGraphExecDestroy(graphExec); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23338,7 +23338,7 @@ int handle_cudaGraphDestroy(void *conn) { cudaGraph_t graph; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || false) @@ -23347,10 +23347,10 @@ int handle_cudaGraphDestroy(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphDestroy(graph); + scuda_intercept_result = cudaGraphDestroy(graph); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23364,7 +23364,7 @@ int handle_cudaGraphDebugDotPrint(void *conn) const char* path; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &path, sizeof(const char*)) < 0 || @@ -23375,10 +23375,10 @@ int handle_cudaGraphDebugDotPrint(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphDebugDotPrint(graph, path, flags); + scuda_intercept_result = cudaGraphDebugDotPrint(graph, path, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23391,7 +23391,7 @@ int handle_cudaUserObjectRetain(void *conn) cudaUserObject_t object; unsigned int count; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &object, sizeof(cudaUserObject_t)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -23401,10 +23401,10 @@ int handle_cudaUserObjectRetain(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaUserObjectRetain(object, count); + scuda_intercept_result = cudaUserObjectRetain(object, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23417,7 +23417,7 @@ int handle_cudaUserObjectRelease(void *conn) cudaUserObject_t object; unsigned int count; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &object, sizeof(cudaUserObject_t)) < 0 || rpc_read(conn, &count, sizeof(unsigned int)) < 0 || @@ -23427,10 +23427,10 @@ int handle_cudaUserObjectRelease(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaUserObjectRelease(object, count); + scuda_intercept_result = cudaUserObjectRelease(object, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23445,7 +23445,7 @@ int handle_cudaGraphRetainUserObject(void *conn) unsigned int count; unsigned int flags; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &object, sizeof(cudaUserObject_t)) < 0 || @@ -23457,10 +23457,10 @@ int handle_cudaGraphRetainUserObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphRetainUserObject(graph, object, count, flags); + scuda_intercept_result = cudaGraphRetainUserObject(graph, object, count, flags); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23474,7 +23474,7 @@ int handle_cudaGraphReleaseUserObject(void *conn) cudaUserObject_t object; unsigned int count; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || rpc_read(conn, &object, sizeof(cudaUserObject_t)) < 0 || @@ -23485,10 +23485,10 @@ int handle_cudaGraphReleaseUserObject(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGraphReleaseUserObject(graph, object, count); + scuda_intercept_result = cudaGraphReleaseUserObject(graph, object, count); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23503,7 +23503,7 @@ int handle_cudaGetDriverEntryPoint(void *conn) unsigned long long flags; enum cudaDriverEntryPointQueryResult driverStatus; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &symbol, sizeof(const char*)) < 0 || rpc_read(conn, &funcPtr, sizeof(void*)) < 0 || @@ -23515,12 +23515,12 @@ int handle_cudaGetDriverEntryPoint(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetDriverEntryPoint(symbol, &funcPtr, flags, &driverStatus); + scuda_intercept_result = cudaGetDriverEntryPoint(symbol, &funcPtr, flags, &driverStatus); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &funcPtr, sizeof(void*)) < 0 || rpc_write(conn, &driverStatus, sizeof(enum cudaDriverEntryPointQueryResult)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23533,7 +23533,7 @@ int handle_cudaGetExportTable(void *conn) const void* ppExportTable; const cudaUUID_t* pExportTableId; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &ppExportTable, sizeof(const void*)) < 0 || rpc_read(conn, &pExportTableId, sizeof(const cudaUUID_t*)) < 0 || @@ -23543,11 +23543,11 @@ int handle_cudaGetExportTable(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetExportTable(&ppExportTable, pExportTableId); + scuda_intercept_result = cudaGetExportTable(&ppExportTable, pExportTableId); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &ppExportTable, sizeof(const void*)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23560,7 +23560,7 @@ int handle_cudaGetFuncBySymbol(void *conn) cudaFunction_t functionPtr; const void* symbolPtr; int request_id; - cudaError_t result; + cudaError_t scuda_intercept_result; if ( rpc_read(conn, &functionPtr, sizeof(cudaFunction_t)) < 0 || rpc_read(conn, &symbolPtr, sizeof(const void*)) < 0 || @@ -23570,11 +23570,11 @@ int handle_cudaGetFuncBySymbol(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudaGetFuncBySymbol(&functionPtr, symbolPtr); + scuda_intercept_result = cudaGetFuncBySymbol(&functionPtr, symbolPtr); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &functionPtr, sizeof(cudaFunction_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23586,7 +23586,7 @@ int handle_cublasCreate_v2(void *conn) { cublasHandle_t handle; int request_id; - cublasStatus_t result; + cublasStatus_t scuda_intercept_result; if ( false) goto ERROR_0; @@ -23594,11 +23594,11 @@ int handle_cublasCreate_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cublasCreate_v2(&handle); + scuda_intercept_result = cublasCreate_v2(&handle); if (rpc_start_response(conn, request_id) < 0 || rpc_write(conn, &handle, sizeof(cublasHandle_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23610,7 +23610,7 @@ int handle_cublasDestroy_v2(void *conn) { cublasHandle_t handle; int request_id; - cublasStatus_t result; + cublasStatus_t scuda_intercept_result; if ( rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || false) @@ -23619,10 +23619,11276 @@ int handle_cublasDestroy_v2(void *conn) request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cublasDestroy_v2(handle); + scuda_intercept_result = cublasDestroy_v2(handle); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetVersion_v2(void *conn) +{ + cublasHandle_t handle; + int version; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &version, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetVersion_v2(handle, &version); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &version, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetProperty(void *conn) +{ + libraryPropertyType type; + int value; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &type, sizeof(libraryPropertyType)) < 0 || + rpc_read(conn, &value, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetProperty(type, &value); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &value, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSetStream_v2(void *conn) +{ + cublasHandle_t handle; + cudaStream_t streamId; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &streamId, sizeof(cudaStream_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSetStream_v2(handle, streamId); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetStream_v2(void *conn) +{ + cublasHandle_t handle; + cudaStream_t streamId; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &streamId, sizeof(cudaStream_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetStream_v2(handle, &streamId); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &streamId, sizeof(cudaStream_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetPointerMode_v2(void *conn) +{ + cublasHandle_t handle; + cublasPointerMode_t mode; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasPointerMode_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetPointerMode_v2(handle, &mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &mode, sizeof(cublasPointerMode_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSetPointerMode_v2(void *conn) +{ + cublasHandle_t handle; + cublasPointerMode_t mode; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasPointerMode_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSetPointerMode_v2(handle, mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetAtomicsMode(void *conn) +{ + cublasHandle_t handle; + cublasAtomicsMode_t mode; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasAtomicsMode_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetAtomicsMode(handle, &mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &mode, sizeof(cublasAtomicsMode_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSetAtomicsMode(void *conn) +{ + cublasHandle_t handle; + cublasAtomicsMode_t mode; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasAtomicsMode_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSetAtomicsMode(handle, mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetMathMode(void *conn) +{ + cublasHandle_t handle; + cublasMath_t mode; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasMath_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetMathMode(handle, &mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &mode, sizeof(cublasMath_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSetMathMode(void *conn) +{ + cublasHandle_t handle; + cublasMath_t mode; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasMath_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSetMathMode(handle, mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetSmCountTarget(void *conn) +{ + cublasHandle_t handle; + int smCountTarget; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &smCountTarget, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetSmCountTarget(handle, &smCountTarget); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &smCountTarget, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSetSmCountTarget(void *conn) +{ + cublasHandle_t handle; + int smCountTarget; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &smCountTarget, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSetSmCountTarget(handle, smCountTarget); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasLoggerConfigure(void *conn) +{ + int logIsOn; + int logToStdOut; + int logToStdErr; + const char* logFileName; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &logIsOn, sizeof(int)) < 0 || + rpc_read(conn, &logToStdOut, sizeof(int)) < 0 || + rpc_read(conn, &logToStdErr, sizeof(int)) < 0 || + rpc_read(conn, &logFileName, sizeof(const char*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasLoggerConfigure(logIsOn, logToStdOut, logToStdErr, logFileName); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSetLoggerCallback(void *conn) +{ + cublasLogCallback userCallback; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &userCallback, sizeof(cublasLogCallback)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSetLoggerCallback(userCallback); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasGetLoggerCallback(void *conn) +{ + cublasLogCallback userCallback; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &userCallback, sizeof(cublasLogCallback)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasGetLoggerCallback(&userCallback); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &userCallback, sizeof(cublasLogCallback)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSnrm2_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* x; + int incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSnrm2_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSnrm2_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* x; + int64_t incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSnrm2_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDnrm2_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* x; + int incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDnrm2_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDnrm2_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* x; + int64_t incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDnrm2_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasScnrm2_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasScnrm2_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasScnrm2_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasScnrm2_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDznrm2_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDznrm2_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDznrm2_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDznrm2_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSdot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* x; + int incx; + const float* y; + int incy; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSdot_v2(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSdot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* x; + int64_t incx; + const float* y; + int64_t incy; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSdot_v2_64(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDdot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* x; + int incx; + const double* y; + int incy; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDdot_v2(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDdot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* x; + int64_t incx; + const double* y; + int64_t incy; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDdot_v2_64(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCdotu_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCdotu_v2(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCdotu_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCdotu_v2_64(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCdotc_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCdotc_v2(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCdotc_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCdotc_v2_64(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdotu_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdotu_v2(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdotu_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdotu_v2_64(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdotc_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdotc_v2(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdotc_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdotc_v2_64(handle, n, x, incx, y, incy, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSscal_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* alpha; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSscal_v2(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSscal_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* alpha; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSscal_v2_64(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDscal_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* alpha; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDscal_v2(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDscal_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* alpha; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDscal_v2_64(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCscal_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* alpha; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCscal_v2(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCscal_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* alpha; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCscal_v2_64(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsscal_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* alpha; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsscal_v2(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsscal_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* alpha; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsscal_v2_64(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZscal_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* alpha; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZscal_v2(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZscal_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* alpha; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZscal_v2_64(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdscal_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* alpha; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdscal_v2(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdscal_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* alpha; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdscal_v2_64(handle, n, alpha, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSaxpy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* alpha; + const float* x; + int incx; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSaxpy_v2(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSaxpy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* alpha; + const float* x; + int64_t incx; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSaxpy_v2_64(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDaxpy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* alpha; + const double* x; + int incx; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDaxpy_v2(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDaxpy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* alpha; + const double* x; + int64_t incx; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDaxpy_v2_64(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCaxpy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCaxpy_v2(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCaxpy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCaxpy_v2_64(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZaxpy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZaxpy_v2(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZaxpy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZaxpy_v2_64(handle, n, alpha, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasScopy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* x; + int incx; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasScopy_v2(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasScopy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* x; + int64_t incx; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasScopy_v2_64(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDcopy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* x; + int incx; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDcopy_v2(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDcopy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* x; + int64_t incx; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDcopy_v2_64(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCcopy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCcopy_v2(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCcopy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCcopy_v2_64(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZcopy_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZcopy_v2(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZcopy_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZcopy_v2_64(handle, n, x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSswap_v2(void *conn) +{ + cublasHandle_t handle; + int n; + float x; + int incx; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSswap_v2(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSswap_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + float x; + int64_t incx; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSswap_v2_64(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDswap_v2(void *conn) +{ + cublasHandle_t handle; + int n; + double x; + int incx; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDswap_v2(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDswap_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + double x; + int64_t incx; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDswap_v2_64(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCswap_v2(void *conn) +{ + cublasHandle_t handle; + int n; + cuComplex x; + int incx; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCswap_v2(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCswap_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + cuComplex x; + int64_t incx; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCswap_v2_64(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZswap_v2(void *conn) +{ + cublasHandle_t handle; + int n; + cuDoubleComplex x; + int incx; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZswap_v2(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZswap_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + cuDoubleComplex x; + int64_t incx; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZswap_v2_64(handle, n, &x, incx, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIsamax_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIsamax_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIsamax_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIsamax_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIdamax_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIdamax_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIdamax_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIdamax_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIcamax_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIcamax_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIcamax_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIcamax_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIzamax_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIzamax_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIzamax_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIzamax_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIamaxEx(void *conn) +{ + cublasHandle_t handle; + int n; + const void* x; + cudaDataType xType; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const void*)) < 0 || + rpc_read(conn, &xType, sizeof(cudaDataType)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIamaxEx(handle, n, x, xType, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIamaxEx_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const void* x; + cudaDataType xType; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const void*)) < 0 || + rpc_read(conn, &xType, sizeof(cudaDataType)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIamaxEx_64(handle, n, x, xType, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIsamin_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIsamin_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIsamin_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIsamin_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIdamin_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIdamin_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIdamin_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIdamin_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIcamin_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIcamin_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIcamin_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIcamin_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIzamin_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIzamin_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIzamin_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIzamin_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIaminEx(void *conn) +{ + cublasHandle_t handle; + int n; + const void* x; + cudaDataType xType; + int incx; + int result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const void*)) < 0 || + rpc_read(conn, &xType, sizeof(cudaDataType)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIaminEx(handle, n, x, xType, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasIaminEx_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const void* x; + cudaDataType xType; + int64_t incx; + int64_t result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const void*)) < 0 || + rpc_read(conn, &xType, sizeof(cudaDataType)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasIaminEx_64(handle, n, x, xType, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(int64_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSasum_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const float* x; + int incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSasum_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSasum_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const float* x; + int64_t incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSasum_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDasum_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const double* x; + int incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDasum_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDasum_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const double* x; + int64_t incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDasum_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasScasum_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuComplex* x; + int incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasScasum_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasScasum_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuComplex* x; + int64_t incx; + float result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasScasum_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDzasum_v2(void *conn) +{ + cublasHandle_t handle; + int n; + const cuDoubleComplex* x; + int incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDzasum_v2(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDzasum_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + const cuDoubleComplex* x; + int64_t incx; + double result; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &result, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDzasum_v2_64(handle, n, x, incx, &result); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &result, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSrot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + float x; + int incx; + float y; + int incy; + const float* c; + const float* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(const float*)) < 0 || + rpc_read(conn, &s, sizeof(const float*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSrot_v2(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSrot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + float x; + int64_t incx; + float y; + int64_t incy; + const float* c; + const float* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &c, sizeof(const float*)) < 0 || + rpc_read(conn, &s, sizeof(const float*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSrot_v2_64(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDrot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + double x; + int incx; + double y; + int incy; + const double* c; + const double* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(const double*)) < 0 || + rpc_read(conn, &s, sizeof(const double*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDrot_v2(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDrot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + double x; + int64_t incx; + double y; + int64_t incy; + const double* c; + const double* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &c, sizeof(const double*)) < 0 || + rpc_read(conn, &s, sizeof(const double*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDrot_v2_64(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCrot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + cuComplex x; + int incx; + cuComplex y; + int incy; + const float* c; + const cuComplex* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(const float*)) < 0 || + rpc_read(conn, &s, sizeof(const cuComplex*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCrot_v2(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCrot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + cuComplex x; + int64_t incx; + cuComplex y; + int64_t incy; + const float* c; + const cuComplex* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &c, sizeof(const float*)) < 0 || + rpc_read(conn, &s, sizeof(const cuComplex*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCrot_v2_64(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsrot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + cuComplex x; + int incx; + cuComplex y; + int incy; + const float* c; + const float* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(const float*)) < 0 || + rpc_read(conn, &s, sizeof(const float*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsrot_v2(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsrot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + cuComplex x; + int64_t incx; + cuComplex y; + int64_t incy; + const float* c; + const float* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &c, sizeof(const float*)) < 0 || + rpc_read(conn, &s, sizeof(const float*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsrot_v2_64(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZrot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + cuDoubleComplex x; + int incx; + cuDoubleComplex y; + int incy; + const double* c; + const cuDoubleComplex* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(const double*)) < 0 || + rpc_read(conn, &s, sizeof(const cuDoubleComplex*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZrot_v2(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZrot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + cuDoubleComplex x; + int64_t incx; + cuDoubleComplex y; + int64_t incy; + const double* c; + const cuDoubleComplex* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &c, sizeof(const double*)) < 0 || + rpc_read(conn, &s, sizeof(const cuDoubleComplex*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZrot_v2_64(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdrot_v2(void *conn) +{ + cublasHandle_t handle; + int n; + cuDoubleComplex x; + int incx; + cuDoubleComplex y; + int incy; + const double* c; + const double* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(const double*)) < 0 || + rpc_read(conn, &s, sizeof(const double*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdrot_v2(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdrot_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + cuDoubleComplex x; + int64_t incx; + cuDoubleComplex y; + int64_t incy; + const double* c; + const double* s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &c, sizeof(const double*)) < 0 || + rpc_read(conn, &s, sizeof(const double*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdrot_v2_64(handle, n, &x, incx, &y, incy, c, s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSrotg_v2(void *conn) +{ + cublasHandle_t handle; + float a; + float b; + float c; + float s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &a, sizeof(float)) < 0 || + rpc_read(conn, &b, sizeof(float)) < 0 || + rpc_read(conn, &c, sizeof(float)) < 0 || + rpc_read(conn, &s, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSrotg_v2(handle, &a, &b, &c, &s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &a, sizeof(float)) < 0 || + rpc_write(conn, &b, sizeof(float)) < 0 || + rpc_write(conn, &c, sizeof(float)) < 0 || + rpc_write(conn, &s, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDrotg_v2(void *conn) +{ + cublasHandle_t handle; + double a; + double b; + double c; + double s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &a, sizeof(double)) < 0 || + rpc_read(conn, &b, sizeof(double)) < 0 || + rpc_read(conn, &c, sizeof(double)) < 0 || + rpc_read(conn, &s, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDrotg_v2(handle, &a, &b, &c, &s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &a, sizeof(double)) < 0 || + rpc_write(conn, &b, sizeof(double)) < 0 || + rpc_write(conn, &c, sizeof(double)) < 0 || + rpc_write(conn, &s, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCrotg_v2(void *conn) +{ + cublasHandle_t handle; + cuComplex a; + cuComplex b; + float c; + cuComplex s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &a, sizeof(cuComplex)) < 0 || + rpc_read(conn, &b, sizeof(cuComplex)) < 0 || + rpc_read(conn, &c, sizeof(float)) < 0 || + rpc_read(conn, &s, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCrotg_v2(handle, &a, &b, &c, &s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &a, sizeof(cuComplex)) < 0 || + rpc_write(conn, &b, sizeof(cuComplex)) < 0 || + rpc_write(conn, &c, sizeof(float)) < 0 || + rpc_write(conn, &s, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZrotg_v2(void *conn) +{ + cublasHandle_t handle; + cuDoubleComplex a; + cuDoubleComplex b; + double c; + cuDoubleComplex s; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &a, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &b, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &c, sizeof(double)) < 0 || + rpc_read(conn, &s, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZrotg_v2(handle, &a, &b, &c, &s); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &a, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &b, sizeof(cuDoubleComplex)) < 0 || + rpc_write(conn, &c, sizeof(double)) < 0 || + rpc_write(conn, &s, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSrotm_v2(void *conn) +{ + cublasHandle_t handle; + int n; + float x; + int incx; + float y; + int incy; + const float* param; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, ¶m, sizeof(const float*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSrotm_v2(handle, n, &x, incx, &y, incy, param); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSrotm_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + float x; + int64_t incx; + float y; + int64_t incy; + const float* param; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, ¶m, sizeof(const float*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSrotm_v2_64(handle, n, &x, incx, &y, incy, param); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDrotm_v2(void *conn) +{ + cublasHandle_t handle; + int n; + double x; + int incx; + double y; + int incy; + const double* param; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, ¶m, sizeof(const double*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDrotm_v2(handle, n, &x, incx, &y, incy, param); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDrotm_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t n; + double x; + int64_t incx; + double y; + int64_t incy; + const double* param; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, ¶m, sizeof(const double*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDrotm_v2_64(handle, n, &x, incx, &y, incy, param); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSrotmg_v2(void *conn) +{ + cublasHandle_t handle; + float d1; + float d2; + float x1; + const float* y1; + float param; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &d1, sizeof(float)) < 0 || + rpc_read(conn, &d2, sizeof(float)) < 0 || + rpc_read(conn, &x1, sizeof(float)) < 0 || + rpc_read(conn, &y1, sizeof(const float*)) < 0 || + rpc_read(conn, ¶m, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSrotmg_v2(handle, &d1, &d2, &x1, y1, ¶m); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &d1, sizeof(float)) < 0 || + rpc_write(conn, &d2, sizeof(float)) < 0 || + rpc_write(conn, &x1, sizeof(float)) < 0 || + rpc_write(conn, ¶m, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDrotmg_v2(void *conn) +{ + cublasHandle_t handle; + double d1; + double d2; + double x1; + const double* y1; + double param; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &d1, sizeof(double)) < 0 || + rpc_read(conn, &d2, sizeof(double)) < 0 || + rpc_read(conn, &x1, sizeof(double)) < 0 || + rpc_read(conn, &y1, sizeof(const double*)) < 0 || + rpc_read(conn, ¶m, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDrotmg_v2(handle, &d1, &d2, &x1, y1, ¶m); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &d1, sizeof(double)) < 0 || + rpc_write(conn, &d2, sizeof(double)) < 0 || + rpc_write(conn, &x1, sizeof(double)) < 0 || + rpc_write(conn, ¶m, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + const float* A; + int lda; + const float* x; + int incx; + const float* beta; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemv_v2(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + const float* x; + int64_t incx; + const float* beta; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemv_v2_64(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const double* alpha; + const double* A; + int lda; + const double* x; + int incx; + const double* beta; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemv_v2(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + const double* x; + int64_t incx; + const double* beta; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemv_v2_64(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* x; + int incx; + const cuComplex* beta; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemv_v2(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* x; + int64_t incx; + const cuComplex* beta; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemv_v2_64(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemv_v2(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemv_v2_64(handle, trans, m, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + int kl; + int ku; + const float* alpha; + const float* A; + int lda; + const float* x; + int incx; + const float* beta; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &kl, sizeof(int)) < 0 || + rpc_read(conn, &ku, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgbmv_v2(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + int64_t kl; + int64_t ku; + const float* alpha; + const float* A; + int64_t lda; + const float* x; + int64_t incx; + const float* beta; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &kl, sizeof(int64_t)) < 0 || + rpc_read(conn, &ku, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgbmv_v2_64(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + int kl; + int ku; + const double* alpha; + const double* A; + int lda; + const double* x; + int incx; + const double* beta; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &kl, sizeof(int)) < 0 || + rpc_read(conn, &ku, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgbmv_v2(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + int64_t kl; + int64_t ku; + const double* alpha; + const double* A; + int64_t lda; + const double* x; + int64_t incx; + const double* beta; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &kl, sizeof(int64_t)) < 0 || + rpc_read(conn, &ku, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgbmv_v2_64(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + int kl; + int ku; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* x; + int incx; + const cuComplex* beta; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &kl, sizeof(int)) < 0 || + rpc_read(conn, &ku, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgbmv_v2(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + int64_t kl; + int64_t ku; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* x; + int64_t incx; + const cuComplex* beta; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &kl, sizeof(int64_t)) < 0 || + rpc_read(conn, &ku, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgbmv_v2_64(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + int kl; + int ku; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &kl, sizeof(int)) < 0 || + rpc_read(conn, &ku, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgbmv_v2(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + int64_t kl; + int64_t ku; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &kl, sizeof(int64_t)) < 0 || + rpc_read(conn, &ku, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgbmv_v2_64(handle, trans, m, n, kl, ku, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const float* A; + int lda; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrmv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const float* A; + int64_t lda; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrmv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const double* A; + int lda; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrmv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const double* A; + int64_t lda; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrmv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuComplex* A; + int lda; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrmv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuComplex* A; + int64_t lda; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrmv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuDoubleComplex* A; + int lda; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrmv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuDoubleComplex* A; + int64_t lda; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrmv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const float* A; + int lda; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStbmv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const float* A; + int64_t lda; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStbmv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const double* A; + int lda; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtbmv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const double* A; + int64_t lda; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtbmv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const cuComplex* A; + int lda; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtbmv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const cuComplex* A; + int64_t lda; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtbmv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const cuDoubleComplex* A; + int lda; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtbmv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const cuDoubleComplex* A; + int64_t lda; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtbmv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStpmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const float* AP; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStpmv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStpmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const float* AP; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStpmv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtpmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const double* AP; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtpmv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtpmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const double* AP; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtpmv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtpmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuComplex* AP; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtpmv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtpmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuComplex* AP; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtpmv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtpmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuDoubleComplex* AP; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtpmv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtpmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuDoubleComplex* AP; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtpmv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const float* A; + int lda; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrsv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const float* A; + int64_t lda; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrsv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const double* A; + int lda; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrsv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const double* A; + int64_t lda; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrsv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuComplex* A; + int lda; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrsv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuComplex* A; + int64_t lda; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrsv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuDoubleComplex* A; + int lda; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrsv_v2(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuDoubleComplex* A; + int64_t lda; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrsv_v2_64(handle, uplo, trans, diag, n, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStpsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const float* AP; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStpsv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStpsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const float* AP; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStpsv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtpsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const double* AP; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtpsv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtpsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const double* AP; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtpsv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtpsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuComplex* AP; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtpsv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtpsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuComplex* AP; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtpsv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtpsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + const cuDoubleComplex* AP; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtpsv_v2(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtpsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + const cuDoubleComplex* AP; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtpsv_v2_64(handle, uplo, trans, diag, n, AP, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStbsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const float* A; + int lda; + float x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStbsv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStbsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const float* A; + int64_t lda; + float x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(float)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStbsv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtbsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const double* A; + int lda; + double x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtbsv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtbsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const double* A; + int64_t lda; + double x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(double)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtbsv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtbsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const cuComplex* A; + int lda; + cuComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtbsv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtbsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const cuComplex* A; + int64_t lda; + cuComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtbsv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtbsv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int n; + int k; + const cuDoubleComplex* A; + int lda; + cuDoubleComplex x; + int incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtbsv_v2(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtbsv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t n; + int64_t k; + const cuDoubleComplex* A; + int64_t lda; + cuDoubleComplex x; + int64_t incx; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtbsv_v2_64(handle, uplo, trans, diag, n, k, A, lda, &x, incx); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &x, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsymv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const float* A; + int lda; + const float* x; + int incx; + const float* beta; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsymv_v2(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsymv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + const float* x; + int64_t incx; + const float* beta; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsymv_v2_64(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsymv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const double* A; + int lda; + const double* x; + int incx; + const double* beta; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsymv_v2(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsymv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + const double* x; + int64_t incx; + const double* beta; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsymv_v2_64(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsymv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* x; + int incx; + const cuComplex* beta; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsymv_v2(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsymv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* x; + int64_t incx; + const cuComplex* beta; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsymv_v2_64(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsymv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsymv_v2(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsymv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsymv_v2_64(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChemv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* x; + int incx; + const cuComplex* beta; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChemv_v2(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChemv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* x; + int64_t incx; + const cuComplex* beta; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChemv_v2_64(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhemv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhemv_v2(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhemv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhemv_v2_64(handle, uplo, n, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + int k; + const float* alpha; + const float* A; + int lda; + const float* x; + int incx; + const float* beta; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsbmv_v2(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + int64_t k; + const float* alpha; + const float* A; + int64_t lda; + const float* x; + int64_t incx; + const float* beta; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsbmv_v2_64(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + int k; + const double* alpha; + const double* A; + int lda; + const double* x; + int incx; + const double* beta; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsbmv_v2(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + int64_t k; + const double* alpha; + const double* A; + int64_t lda; + const double* x; + int64_t incx; + const double* beta; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsbmv_v2_64(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* x; + int incx; + const cuComplex* beta; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChbmv_v2(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* x; + int64_t incx; + const cuComplex* beta; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChbmv_v2_64(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhbmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhbmv_v2(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhbmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhbmv_v2_64(handle, uplo, n, k, alpha, A, lda, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSspmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const float* AP; + const float* x; + int incx; + const float* beta; + float y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSspmv_v2(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSspmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const float* AP; + const float* x; + int64_t incx; + const float* beta; + float y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSspmv_v2_64(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDspmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const double* AP; + const double* x; + int incx; + const double* beta; + double y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDspmv_v2(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDspmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const double* AP; + const double* x; + int64_t incx; + const double* beta; + double y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDspmv_v2_64(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChpmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* AP; + const cuComplex* x; + int incx; + const cuComplex* beta; + cuComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChpmv_v2(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChpmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* AP; + const cuComplex* x; + int64_t incx; + const cuComplex* beta; + cuComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChpmv_v2_64(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhpmv_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* AP; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhpmv_v2(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhpmv_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* AP; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhpmv_v2_64(handle, uplo, n, alpha, AP, x, incx, beta, &y, incy); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSger_v2(void *conn) +{ + cublasHandle_t handle; + int m; + int n; + const float* alpha; + const float* x; + int incx; + const float* y; + int incy; + float A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSger_v2(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSger_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t m; + int64_t n; + const float* alpha; + const float* x; + int64_t incx; + const float* y; + int64_t incy; + float A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSger_v2_64(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDger_v2(void *conn) +{ + cublasHandle_t handle; + int m; + int n; + const double* alpha; + const double* x; + int incx; + const double* y; + int incy; + double A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDger_v2(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDger_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t m; + int64_t n; + const double* alpha; + const double* x; + int64_t incx; + const double* y; + int64_t incy; + double A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDger_v2_64(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgeru_v2(void *conn) +{ + cublasHandle_t handle; + int m; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgeru_v2(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgeru_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgeru_v2_64(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgerc_v2(void *conn) +{ + cublasHandle_t handle; + int m; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgerc_v2(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgerc_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgerc_v2_64(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgeru_v2(void *conn) +{ + cublasHandle_t handle; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgeru_v2(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgeru_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgeru_v2_64(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgerc_v2(void *conn) +{ + cublasHandle_t handle; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgerc_v2(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgerc_v2_64(void *conn) +{ + cublasHandle_t handle; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgerc_v2_64(handle, m, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const float* x; + int incx; + float A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyr_v2(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const float* x; + int64_t incx; + float A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyr_v2_64(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const double* x; + int incx; + double A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyr_v2(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const double* x; + int64_t incx; + double A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyr_v2_64(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyr_v2(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + cuComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyr_v2_64(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyr_v2(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + cuDoubleComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyr_v2_64(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCher_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const cuComplex* x; + int incx; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCher_v2(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCher_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const cuComplex* x; + int64_t incx; + cuComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCher_v2_64(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZher_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const cuDoubleComplex* x; + int incx; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZher_v2(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZher_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const cuDoubleComplex* x; + int64_t incx; + cuDoubleComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZher_v2_64(handle, uplo, n, alpha, x, incx, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSspr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const float* x; + int incx; + float AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSspr_v2(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSspr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const float* x; + int64_t incx; + float AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSspr_v2_64(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDspr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const double* x; + int incx; + double AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDspr_v2(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDspr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const double* x; + int64_t incx; + double AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDspr_v2_64(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChpr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const cuComplex* x; + int incx; + cuComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChpr_v2(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChpr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const cuComplex* x; + int64_t incx; + cuComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChpr_v2_64(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhpr_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const cuDoubleComplex* x; + int incx; + cuDoubleComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhpr_v2(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhpr_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const cuDoubleComplex* x; + int64_t incx; + cuDoubleComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhpr_v2_64(handle, uplo, n, alpha, x, incx, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const float* x; + int incx; + const float* y; + int incy; + float A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const float* x; + int64_t incx; + const float* y; + int64_t incy; + float A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const double* x; + int incx; + const double* y; + int incy; + double A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const double* x; + int64_t incx; + const double* y; + int64_t incy; + double A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCher2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCher2_v2(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCher2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCher2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZher2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZher2_v2(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZher2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex A; + int64_t lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZher2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSspr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* alpha; + const float* x; + int incx; + const float* y; + int incy; + float AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSspr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSspr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const float* alpha; + const float* x; + int64_t incx; + const float* y; + int64_t incy; + float AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const float*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSspr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDspr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* alpha; + const double* x; + int incx; + const double* y; + int incy; + double AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDspr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDspr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const double* alpha; + const double* x; + int64_t incx; + const double* y; + int64_t incy; + double AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const double*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDspr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChpr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* alpha; + const cuComplex* x; + int incx; + const cuComplex* y; + int incy; + cuComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChpr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChpr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuComplex* alpha; + const cuComplex* x; + int64_t incx; + const cuComplex* y; + int64_t incy; + cuComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChpr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhpr2_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int incx; + const cuDoubleComplex* y; + int incy; + cuDoubleComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhpr2_v2(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhpr2_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* x; + int64_t incx; + const cuDoubleComplex* y; + int64_t incy; + cuDoubleComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &y, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhpr2_v2_64(handle, uplo, n, alpha, x, incx, y, incy, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemvBatched(void *conn) +{ + int batchCount; + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + int lda; + int incx; + const float* beta; + int incy; + if (rpc_read(conn, &batchCount, sizeof(int)) < 0) + return -1; + const float* * Aarray = new const float* [batchCount]; + const float* * xarray = new const float* [batchCount]; + float* * yarray = new float* [batchCount]; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, Aarray, sizeof(const float* const[batchCount])) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, xarray, sizeof(const float* const[batchCount])) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, yarray, sizeof(float* const[batchCount])) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemvBatched(handle, trans, m, n, alpha, Aarray, lda, xarray, incx, beta, yarray, incy, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasTSTgemvBatched(void *conn) +{ + int batchCount; + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + int lda; + int incx; + const float* beta; + int incy; + if (rpc_read(conn, &batchCount, sizeof(int)) < 0) + return -1; + const __nv_bfloat16* * Aarray = new const __nv_bfloat16* [batchCount]; + const __nv_bfloat16* * xarray = new const __nv_bfloat16* [batchCount]; + __nv_bfloat16* * yarray = new __nv_bfloat16* [batchCount]; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, Aarray, sizeof(const __nv_bfloat16* const[batchCount])) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, xarray, sizeof(const __nv_bfloat16* const[batchCount])) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, yarray, sizeof(__nv_bfloat16* const[batchCount])) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasTSTgemvBatched(handle, trans, m, n, alpha, Aarray, lda, xarray, incx, beta, yarray, incy, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + const float* A; + int lda; + long long int strideA; + const float* x; + int incx; + long long int stridex; + const float* beta; + float y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + long long int strideA; + const float* x; + int64_t incx; + long long int stridex; + const float* beta; + float y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const double* alpha; + const double* A; + int lda; + long long int strideA; + const double* x; + int incx; + long long int stridex; + const double* beta; + double y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + long long int strideA; + const double* x; + int64_t incx; + long long int stridex; + const double* beta; + double y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &y, sizeof(double)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + long long int strideA; + const cuComplex* x; + int incx; + long long int stridex; + const cuComplex* beta; + cuComplex y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + long long int strideA; + const cuComplex* x; + int64_t incx; + long long int stridex; + const cuComplex* beta; + cuComplex y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + long long int strideA; + const cuDoubleComplex* x; + int incx; + long long int stridex; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + long long int strideA; + const cuDoubleComplex* x; + int64_t incx; + long long int stridex; + const cuDoubleComplex* beta; + cuDoubleComplex y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHSHgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + const __half* A; + int lda; + long long int strideA; + const __half* x; + int incx; + long long int stridex; + const float* beta; + __half y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __half*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(__half)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHSHgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(__half)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHSHgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const float* alpha; + const __half* A; + int64_t lda; + long long int strideA; + const __half* x; + int64_t incx; + long long int stridex; + const float* beta; + __half y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __half*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(__half)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHSHgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(__half)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHSSgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + const __half* A; + int lda; + long long int strideA; + const __half* x; + int incx; + long long int stridex; + const float* beta; + float y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __half*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHSSgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHSSgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const float* alpha; + const __half* A; + int64_t lda; + long long int strideA; + const __half* x; + int64_t incx; + long long int stridex; + const float* beta; + float y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __half*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHSSgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasTSTgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + const __nv_bfloat16* A; + int lda; + long long int strideA; + const __nv_bfloat16* x; + int incx; + long long int stridex; + const float* beta; + __nv_bfloat16 y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(__nv_bfloat16)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasTSTgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(__nv_bfloat16)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasTSTgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const float* alpha; + const __nv_bfloat16* A; + int64_t lda; + long long int strideA; + const __nv_bfloat16* x; + int64_t incx; + long long int stridex; + const float* beta; + __nv_bfloat16 y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(__nv_bfloat16)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasTSTgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(__nv_bfloat16)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasTSSgemvStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int m; + int n; + const float* alpha; + const __nv_bfloat16* A; + int lda; + long long int strideA; + const __nv_bfloat16* x; + int incx; + long long int stridex; + const float* beta; + float y; + int incy; + long long int stridey; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasTSSgemvStridedBatched(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasTSSgemvStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t trans; + int64_t m; + int64_t n; + const float* alpha; + const __nv_bfloat16* A; + int64_t lda; + long long int strideA; + const __nv_bfloat16* x; + int64_t incx; + long long int stridex; + const float* beta; + float y; + int64_t incy; + long long int stridey; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &x, sizeof(const __nv_bfloat16*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridex, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &y, sizeof(float)) < 0 || + rpc_read(conn, &incy, sizeof(int64_t)) < 0 || + rpc_read(conn, &stridey, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasTSSgemvStridedBatched_64(handle, trans, m, n, alpha, A, lda, strideA, x, incx, stridex, beta, &y, incy, stridey, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &y, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23632,51 +34898,7314 @@ int handle_cublasDestroy_v2(void *conn) int handle_cublasSgemm_v2(void *conn) { - cublasHandle_t handle; - cublasOperation_t transa; - cublasOperation_t transb; - int m; - int n; - int k; - float* alpha_null_check; - float alpha; - const float* A; - int lda; - const float* B; - int ldb; - float* beta_null_check; - float beta; - float* C; - int ldc; + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + float* alpha_null_check; + float alpha; + const float* A; + int lda; + const float* B; + int ldb; + float* beta_null_check; + float beta; + float* C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha_null_check, sizeof(const float*)) < 0 || + (alpha_null_check && rpc_read(conn, &alpha, sizeof(const float)) < 0) || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta_null_check, sizeof(const float*)) < 0 || + (beta_null_check && rpc_read(conn, &beta, sizeof(const float)) < 0) || + rpc_read(conn, &C, sizeof(float*)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemm_v2(handle, transa, transb, m, n, k, &alpha, A, lda, B, ldb, &beta, C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const float* alpha; + const float* A; + int64_t lda; + const float* B; + int64_t ldb; + const float* beta; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemm_v2_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemm_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const double* alpha; + const double* A; + int lda; + const double* B; + int ldb; + const double* beta; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemm_v2(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const double* alpha; + const double* A; + int64_t lda; + const double* B; + int64_t ldb; + const double* beta; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemm_v2_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemm_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemm_v2(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemm_v2_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemm3m(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemm3m(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemm3m_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemm3m_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemm_v2(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemm_v2(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemm_v2_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemm3m(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemm3m(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemm3m_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemm3m_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHgemm(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const __half* alpha; + const __half* A; + int lda; + const __half* B; + int ldb; + const __half* beta; + __half C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const __half*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const __half*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const __half*)) < 0 || + rpc_read(conn, &C, sizeof(__half)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHgemm(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(__half)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHgemm_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const __half* alpha; + const __half* A; + int64_t lda; + const __half* B; + int64_t ldb; + const __half* beta; + __half C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const __half*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const __half*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const __half*)) < 0 || + rpc_read(conn, &C, sizeof(__half)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHgemm_64(handle, transa, transb, m, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(__half)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyrk_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const float* alpha; + const float* A; + int lda; + const float* beta; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyrk_v2(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyrk_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const float* alpha; + const float* A; + int64_t lda; + const float* beta; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyrk_v2_64(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyrk_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const double* alpha; + const double* A; + int lda; + const double* beta; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyrk_v2(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyrk_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const double* alpha; + const double* A; + int64_t lda; + const double* beta; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyrk_v2_64(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyrk_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyrk_v2(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyrk_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyrk_v2_64(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyrk_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyrk_v2(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyrk_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyrk_v2_64(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCherk_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const float* alpha; + const cuComplex* A; + int lda; + const float* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCherk_v2(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCherk_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const float* alpha; + const cuComplex* A; + int64_t lda; + const float* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCherk_v2_64(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZherk_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const double* alpha; + const cuDoubleComplex* A; + int lda; + const double* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZherk_v2(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZherk_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const double* alpha; + const cuDoubleComplex* A; + int64_t lda; + const double* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZherk_v2_64(handle, uplo, trans, n, k, alpha, A, lda, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyr2k_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const float* alpha; + const float* A; + int lda; + const float* B; + int ldb; + const float* beta; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyr2k_v2(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyr2k_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const float* alpha; + const float* A; + int64_t lda; + const float* B; + int64_t ldb; + const float* beta; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyr2k_v2_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyr2k_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const double* alpha; + const double* A; + int lda; + const double* B; + int ldb; + const double* beta; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyr2k_v2(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyr2k_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const double* alpha; + const double* A; + int64_t lda; + const double* B; + int64_t ldb; + const double* beta; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyr2k_v2_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyr2k_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyr2k_v2(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyr2k_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyr2k_v2_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyr2k_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyr2k_v2(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyr2k_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyr2k_v2_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCher2k_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const float* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCher2k_v2(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCher2k_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const float* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCher2k_v2_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZher2k_v2(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const double* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZher2k_v2(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZher2k_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const double* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZher2k_v2_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyrkx(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const float* alpha; + const float* A; + int lda; + const float* B; + int ldb; + const float* beta; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyrkx(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsyrkx_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const float* alpha; + const float* A; + int64_t lda; + const float* B; + int64_t ldb; + const float* beta; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsyrkx_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyrkx(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const double* alpha; + const double* A; + int lda; + const double* B; + int ldb; + const double* beta; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyrkx(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsyrkx_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const double* alpha; + const double* A; + int64_t lda; + const double* B; + int64_t ldb; + const double* beta; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsyrkx_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyrkx(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyrkx(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsyrkx_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsyrkx_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyrkx(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyrkx(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsyrkx_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsyrkx_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCherkx(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const float* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCherkx(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCherkx_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const float* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCherkx_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZherkx(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const double* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZherkx(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZherkx_64(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + cublasOperation_t trans; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const double* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZherkx_64(handle, uplo, trans, n, k, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsymm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int m; + int n; + const float* alpha; + const float* A; + int lda; + const float* B; + int ldb; + const float* beta; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsymm_v2(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSsymm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int64_t m; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + const float* B; + int64_t ldb; + const float* beta; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSsymm_v2_64(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsymm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int m; + int n; + const double* alpha; + const double* A; + int lda; + const double* B; + int ldb; + const double* beta; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsymm_v2(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDsymm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int64_t m; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + const double* B; + int64_t ldb; + const double* beta; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDsymm_v2_64(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsymm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsymm_v2(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCsymm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCsymm_v2_64(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsymm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsymm_v2(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZsymm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZsymm_v2_64(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChemm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + const cuComplex* beta; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChemm_v2(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasChemm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasChemm_v2_64(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhemm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhemm_v2(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZhemm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZhemm_v2_64(handle, side, uplo, m, n, alpha, A, lda, B, ldb, beta, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrsm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const float* alpha; + const float* A; + int lda; + float B; + int ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(float)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrsm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrsm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + float B; + int64_t ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(float)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrsm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrsm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const double* alpha; + const double* A; + int lda; + double B; + int ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(double)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrsm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrsm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + double B; + int64_t ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(double)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrsm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrsm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + cuComplex B; + int ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrsm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrsm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + cuComplex B; + int64_t ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrsm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrsm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + cuDoubleComplex B; + int ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrsm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrsm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + cuDoubleComplex B; + int64_t ldb; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrsm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, &B, ldb); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &B, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrmm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const float* alpha; + const float* A; + int lda; + const float* B; + int ldb; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrmm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrmm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + const float* B; + int64_t ldb; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrmm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrmm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const double* alpha; + const double* A; + int lda; + const double* B; + int ldb; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrmm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrmm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + const double* B; + int64_t ldb; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrmm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrmm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* B; + int ldb; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrmm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrmm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* B; + int64_t ldb; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrmm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrmm_v2(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* B; + int ldb; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrmm_v2(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrmm_v2_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t side; + cublasFillMode_t uplo; + cublasOperation_t trans; + cublasDiagType_t diag; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* B; + int64_t ldb; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &side, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &trans, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &diag, sizeof(cublasDiagType_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrmm_v2_64(handle, side, uplo, trans, diag, m, n, alpha, A, lda, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHgemmStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const __half* alpha; + const __half* A; + int lda; + long long int strideA; + const __half* B; + int ldb; + long long int strideB; + const __half* beta; + __half C; + int ldc; + long long int strideC; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const __half*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const __half*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const __half*)) < 0 || + rpc_read(conn, &C, sizeof(__half)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHgemmStridedBatched(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(__half)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasHgemmStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const __half* alpha; + const __half* A; + int64_t lda; + long long int strideA; + const __half* B; + int64_t ldb; + long long int strideB; + const __half* beta; + __half C; + int64_t ldc; + long long int strideC; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const __half*)) < 0 || + rpc_read(conn, &A, sizeof(const __half*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const __half*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const __half*)) < 0 || + rpc_read(conn, &C, sizeof(__half)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasHgemmStridedBatched_64(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(__half)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemmStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const float* alpha; + const float* A; + int lda; + long long int strideA; + const float* B; + int ldb; + long long int strideB; + const float* beta; + float C; + int ldc; + long long int strideC; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemmStridedBatched(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgemmStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const float* alpha; + const float* A; + int64_t lda; + long long int strideA; + const float* B; + int64_t ldb; + long long int strideB; + const float* beta; + float C; + int64_t ldc; + long long int strideC; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgemmStridedBatched_64(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemmStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const double* alpha; + const double* A; + int lda; + long long int strideA; + const double* B; + int ldb; + long long int strideB; + const double* beta; + double C; + int ldc; + long long int strideC; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemmStridedBatched(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgemmStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const double* alpha; + const double* A; + int64_t lda; + long long int strideA; + const double* B; + int64_t ldb; + long long int strideB; + const double* beta; + double C; + int64_t ldc; + long long int strideC; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgemmStridedBatched_64(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemmStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + long long int strideA; + const cuComplex* B; + int ldb; + long long int strideB; + const cuComplex* beta; + cuComplex C; + int ldc; + long long int strideC; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemmStridedBatched(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemmStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + long long int strideA; + const cuComplex* B; + int64_t ldb; + long long int strideB; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + long long int strideC; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemmStridedBatched_64(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemm3mStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuComplex* alpha; + const cuComplex* A; + int lda; + long long int strideA; + const cuComplex* B; + int ldb; + long long int strideB; + const cuComplex* beta; + cuComplex C; + int ldc; + long long int strideC; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemm3mStridedBatched(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgemm3mStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + long long int strideA; + const cuComplex* B; + int64_t ldb; + long long int strideB; + const cuComplex* beta; + cuComplex C; + int64_t ldc; + long long int strideC; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgemm3mStridedBatched_64(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemmStridedBatched(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + int k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + long long int strideA; + const cuDoubleComplex* B; + int ldb; + long long int strideB; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int ldc; + long long int strideC; + int batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemmStridedBatched(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgemmStridedBatched_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + int64_t k; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + long long int strideA; + const cuDoubleComplex* B; + int64_t ldb; + long long int strideB; + const cuDoubleComplex* beta; + cuDoubleComplex C; + int64_t ldc; + long long int strideC; + int64_t batchCount; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &k, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideA, sizeof(long long int)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideB, sizeof(long long int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + rpc_read(conn, &strideC, sizeof(long long int)) < 0 || + rpc_read(conn, &batchCount, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgemmStridedBatched_64(handle, transa, transb, m, n, k, alpha, A, lda, strideA, B, ldb, strideB, beta, &C, ldc, strideC, batchCount); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgeam(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + const float* alpha; + const float* A; + int lda; + const float* beta; + const float* B; + int ldb; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgeam(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSgeam_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + const float* alpha; + const float* A; + int64_t lda; + const float* beta; + const float* B; + int64_t ldb; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const float*)) < 0 || + rpc_read(conn, &B, sizeof(const float*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSgeam_64(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgeam(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + const double* alpha; + const double* A; + int lda; + const double* beta; + const double* B; + int ldb; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgeam(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDgeam_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + const double* alpha; + const double* A; + int64_t lda; + const double* beta; + const double* B; + int64_t ldb; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const double*)) < 0 || + rpc_read(conn, &B, sizeof(const double*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDgeam_64(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgeam(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + const cuComplex* alpha; + const cuComplex* A; + int lda; + const cuComplex* beta; + const cuComplex* B; + int ldb; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgeam(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCgeam_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + const cuComplex* alpha; + const cuComplex* A; + int64_t lda; + const cuComplex* beta; + const cuComplex* B; + int64_t ldb; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &B, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCgeam_64(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgeam(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int m; + int n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* beta; + const cuDoubleComplex* B; + int ldb; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgeam(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZgeam_64(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + int64_t m; + int64_t n; + const cuDoubleComplex* alpha; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* beta; + const cuDoubleComplex* B; + int64_t ldb; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &alpha, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &beta, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &B, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &ldb, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZgeam_64(handle, transa, transb, m, n, alpha, A, lda, beta, B, ldb, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSdgmm(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int m; + int n; + const float* A; + int lda; + const float* x; + int incx; + float C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSdgmm(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasSdgmm_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int64_t m; + int64_t n; + const float* A; + int64_t lda; + const float* x; + int64_t incx; + float C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const float*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(float)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasSdgmm_64(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDdgmm(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int m; + int n; + const double* A; + int lda; + const double* x; + int incx; + double C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDdgmm(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDdgmm_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int64_t m; + int64_t n; + const double* A; + int64_t lda; + const double* x; + int64_t incx; + double C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const double*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(double)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDdgmm_64(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCdgmm(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int m; + int n; + const cuComplex* A; + int lda; + const cuComplex* x; + int incx; + cuComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCdgmm(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCdgmm_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int64_t m; + int64_t n; + const cuComplex* A; + int64_t lda; + const cuComplex* x; + int64_t incx; + cuComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(cuComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCdgmm_64(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdgmm(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int m; + int n; + const cuDoubleComplex* A; + int lda; + const cuDoubleComplex* x; + int incx; + cuDoubleComplex C; + int ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdgmm(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZdgmm_64(void *conn) +{ + cublasHandle_t handle; + cublasSideMode_t mode; + int64_t m; + int64_t n; + const cuDoubleComplex* A; + int64_t lda; + const cuDoubleComplex* x; + int64_t incx; + cuDoubleComplex C; + int64_t ldc; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cublasSideMode_t)) < 0 || + rpc_read(conn, &m, sizeof(int64_t)) < 0 || + rpc_read(conn, &n, sizeof(int64_t)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int64_t)) < 0 || + rpc_read(conn, &x, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &incx, sizeof(int64_t)) < 0 || + rpc_read(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &ldc, sizeof(int64_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZdgmm_64(handle, mode, m, n, A, lda, x, incx, &C, ldc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStpttr(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* AP; + float A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const float*)) < 0 || + rpc_read(conn, &A, sizeof(float)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStpttr(handle, uplo, n, AP, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtpttr(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* AP; + double A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const double*)) < 0 || + rpc_read(conn, &A, sizeof(double)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtpttr(handle, uplo, n, AP, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtpttr(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* AP; + cuComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &A, sizeof(cuComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtpttr(handle, uplo, n, AP, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtpttr(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* AP; + cuDoubleComplex A; + int lda; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtpttr(handle, uplo, n, AP, &A, lda); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &A, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasStrttp(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const float* A; + int lda; + float AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const float*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(float)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasStrttp(handle, uplo, n, A, lda, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(float)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasDtrttp(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const double* A; + int lda; + double AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const double*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasDtrttp(handle, uplo, n, A, lda, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasCtrttp(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuComplex* A; + int lda; + cuComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(cuComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasCtrttp(handle, uplo, n, A, lda, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasZtrttp(void *conn) +{ + cublasHandle_t handle; + cublasFillMode_t uplo; + int n; + const cuDoubleComplex* A; + int lda; + cuDoubleComplex AP; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &uplo, sizeof(cublasFillMode_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const cuDoubleComplex*)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasZtrttp(handle, uplo, n, A, lda, &AP); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &AP, sizeof(cuDoubleComplex)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasUint8gemmBias(void *conn) +{ + cublasHandle_t handle; + cublasOperation_t transa; + cublasOperation_t transb; + cublasOperation_t transc; + int m; + int n; + int k; + const unsigned char* A; + int A_bias; + int lda; + const unsigned char* B; + int B_bias; + int ldb; + unsigned char C; + int C_bias; + int ldc; + int C_mult; + int C_shift; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &transc, sizeof(cublasOperation_t)) < 0 || + rpc_read(conn, &m, sizeof(int)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &A, sizeof(const unsigned char*)) < 0 || + rpc_read(conn, &A_bias, sizeof(int)) < 0 || + rpc_read(conn, &lda, sizeof(int)) < 0 || + rpc_read(conn, &B, sizeof(const unsigned char*)) < 0 || + rpc_read(conn, &B_bias, sizeof(int)) < 0 || + rpc_read(conn, &ldb, sizeof(int)) < 0 || + rpc_read(conn, &C, sizeof(unsigned char)) < 0 || + rpc_read(conn, &C_bias, sizeof(int)) < 0 || + rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &C_mult, sizeof(int)) < 0 || + rpc_read(conn, &C_shift, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasUint8gemmBias(handle, transa, transb, transc, m, n, k, A, A_bias, lda, B, B_bias, ldb, &C, C_bias, ldc, C_mult, C_shift); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &C, sizeof(unsigned char)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cublasMigrateComputeType(void *conn) +{ + cublasHandle_t handle; + cudaDataType_t dataType; + cublasComputeType_t computeType; + int request_id; + cublasStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || + rpc_read(conn, &dataType, sizeof(cudaDataType_t)) < 0 || + rpc_read(conn, &computeType, sizeof(cublasComputeType_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cublasMigrateComputeType(handle, dataType, &computeType); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &computeType, sizeof(cublasComputeType_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetProperty(void *conn) +{ + libraryPropertyType type; + int value; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &type, sizeof(libraryPropertyType)) < 0 || + rpc_read(conn, &value, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetProperty(type, &value); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &value, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreate(void *conn) +{ + cudnnHandle_t handle; + int request_id; + cudnnStatus_t scuda_intercept_result; + + std::cout << "asdf" << std::endl; + if ( + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreate(&handle); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroy(void *conn) +{ + cudnnHandle_t handle; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroy(handle); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetStream(void *conn) +{ + cudnnHandle_t handle; + cudaStream_t streamId; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &streamId, sizeof(cudaStream_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetStream(handle, streamId); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetStream(void *conn) +{ + cudnnHandle_t handle; + cudaStream_t streamId; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &streamId, sizeof(cudaStream_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetStream(handle, &streamId); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &streamId, sizeof(cudaStream_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetCallback(void *conn) +{ + unsigned mask; + void* udata; + cudnnCallback_t fptr; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &mask, sizeof(unsigned)) < 0 || + rpc_read(conn, &udata, sizeof(void*)) < 0 || + rpc_read(conn, &fptr, sizeof(cudnnCallback_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetCallback(&mask, &udata, &fptr); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &mask, sizeof(unsigned)) < 0 || + rpc_write(conn, &udata, sizeof(void*)) < 0 || + rpc_write(conn, &fptr, sizeof(cudnnCallback_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGraphVersionCheck(void *conn) +{ + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGraphVersionCheck(); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendCreateDescriptor(void *conn) +{ + cudnnBackendDescriptorType_t descriptorType; + cudnnBackendDescriptor_t descriptor; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &descriptorType, sizeof(cudnnBackendDescriptorType_t)) < 0 || + rpc_read(conn, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendCreateDescriptor(descriptorType, &descriptor); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendDestroyDescriptor(void *conn) +{ + cudnnBackendDescriptor_t descriptor; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendDestroyDescriptor(descriptor); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendInitialize(void *conn) +{ + cudnnBackendDescriptor_t descriptor; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendInitialize(descriptor); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendFinalize(void *conn) +{ + cudnnBackendDescriptor_t descriptor; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendFinalize(descriptor); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendSetAttribute(void *conn) +{ + cudnnBackendDescriptor_t descriptor; + cudnnBackendAttributeName_t attributeName; + cudnnBackendAttributeType_t attributeType; + int64_t elementCount; + const void* arrayOfElements; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &descriptor, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_read(conn, &attributeName, sizeof(cudnnBackendAttributeName_t)) < 0 || + rpc_read(conn, &attributeType, sizeof(cudnnBackendAttributeType_t)) < 0 || + rpc_read(conn, &elementCount, sizeof(int64_t)) < 0 || + rpc_read(conn, &arrayOfElements, sizeof(const void*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendSetAttribute(descriptor, attributeName, attributeType, elementCount, arrayOfElements); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendExecute(void *conn) +{ + cudnnHandle_t handle; + cudnnBackendDescriptor_t executionPlan; + cudnnBackendDescriptor_t variantPack; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &executionPlan, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_read(conn, &variantPack, sizeof(cudnnBackendDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendExecute(handle, executionPlan, variantPack); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendPopulateCudaGraph(void *conn) +{ + cudnnHandle_t handle; + cudnnBackendDescriptor_t executionPlan; + cudnnBackendDescriptor_t variantPack; + cudaGraph_t graph; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &executionPlan, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_read(conn, &variantPack, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendPopulateCudaGraph(handle, executionPlan, variantPack, graph); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnBackendUpdateCudaGraph(void *conn) +{ + cudnnHandle_t handle; + cudnnBackendDescriptor_t executionPlan; + cudnnBackendDescriptor_t variantPack; + cudaGraph_t graph; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &executionPlan, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_read(conn, &variantPack, sizeof(cudnnBackendDescriptor_t)) < 0 || + rpc_read(conn, &graph, sizeof(cudaGraph_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnBackendUpdateCudaGraph(handle, executionPlan, variantPack, graph); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateTensorDescriptor(void *conn) +{ + cudnnTensorDescriptor_t tensorDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateTensorDescriptor(&tensorDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetTensor4dDescriptor(void *conn) +{ + cudnnTensorDescriptor_t tensorDesc; + cudnnTensorFormat_t format; + cudnnDataType_t dataType; + int n; + int c; + int h; + int w; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_read(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(int)) < 0 || + rpc_read(conn, &h, sizeof(int)) < 0 || + rpc_read(conn, &w, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetTensor4dDescriptor(tensorDesc, format, dataType, n, c, h, w); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetTensor4dDescriptorEx(void *conn) +{ + cudnnTensorDescriptor_t tensorDesc; + cudnnDataType_t dataType; + int n; + int c; + int h; + int w; + int nStride; + int cStride; + int hStride; + int wStride; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(int)) < 0 || + rpc_read(conn, &h, sizeof(int)) < 0 || + rpc_read(conn, &w, sizeof(int)) < 0 || + rpc_read(conn, &nStride, sizeof(int)) < 0 || + rpc_read(conn, &cStride, sizeof(int)) < 0 || + rpc_read(conn, &hStride, sizeof(int)) < 0 || + rpc_read(conn, &wStride, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetTensor4dDescriptorEx(tensorDesc, dataType, n, c, h, w, nStride, cStride, hStride, wStride); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetTensor4dDescriptor(void *conn) +{ + cudnnTensorDescriptor_t tensorDesc; + cudnnDataType_t dataType; + int n; + int c; + int h; + int w; + int nStride; + int cStride; + int hStride; + int wStride; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &tensorDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(int)) < 0 || + rpc_read(conn, &h, sizeof(int)) < 0 || + rpc_read(conn, &w, sizeof(int)) < 0 || + rpc_read(conn, &nStride, sizeof(int)) < 0 || + rpc_read(conn, &cStride, sizeof(int)) < 0 || + rpc_read(conn, &hStride, sizeof(int)) < 0 || + rpc_read(conn, &wStride, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetTensor4dDescriptor(tensorDesc, &dataType, &n, &c, &h, &w, &nStride, &cStride, &hStride, &wStride); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(conn, &n, sizeof(int)) < 0 || + rpc_write(conn, &c, sizeof(int)) < 0 || + rpc_write(conn, &h, sizeof(int)) < 0 || + rpc_write(conn, &w, sizeof(int)) < 0 || + rpc_write(conn, &nStride, sizeof(int)) < 0 || + rpc_write(conn, &cStride, sizeof(int)) < 0 || + rpc_write(conn, &hStride, sizeof(int)) < 0 || + rpc_write(conn, &wStride, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetTensorSizeInBytes(void *conn) +{ + cudnnTensorDescriptor_t tensorDesc; + size_t size; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &tensorDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &size, sizeof(size_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetTensorSizeInBytes(tensorDesc, &size); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &size, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyTensorDescriptor(void *conn) +{ + cudnnTensorDescriptor_t tensorDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyTensorDescriptor(tensorDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnInitTransformDest(void *conn) +{ + cudnnTensorTransformDescriptor_t transformDesc; + cudnnTensorDescriptor_t srcDesc; + cudnnTensorDescriptor_t destDesc; + size_t destSizeInBytes; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &transformDesc, sizeof(const cudnnTensorTransformDescriptor_t)) < 0 || + rpc_read(conn, &srcDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &destDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &destSizeInBytes, sizeof(size_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnInitTransformDest(transformDesc, srcDesc, destDesc, &destSizeInBytes); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &destSizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateTensorTransformDescriptor(void *conn) +{ + cudnnTensorTransformDescriptor_t transformDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &transformDesc, sizeof(cudnnTensorTransformDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateTensorTransformDescriptor(&transformDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &transformDesc, sizeof(cudnnTensorTransformDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyTensorTransformDescriptor(void *conn) +{ + cudnnTensorTransformDescriptor_t transformDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &transformDesc, sizeof(cudnnTensorTransformDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyTensorTransformDescriptor(transformDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateOpTensorDescriptor(void *conn) +{ + cudnnOpTensorDescriptor_t opTensorDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateOpTensorDescriptor(&opTensorDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetOpTensorDescriptor(void *conn) +{ + cudnnOpTensorDescriptor_t opTensorDesc; + cudnnOpTensorOp_t opTensorOp; + cudnnDataType_t opTensorCompType; + cudnnNanPropagation_t opTensorNanOpt; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + rpc_read(conn, &opTensorOp, sizeof(cudnnOpTensorOp_t)) < 0 || + rpc_read(conn, &opTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &opTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetOpTensorDescriptor(opTensorDesc, opTensorOp, opTensorCompType, opTensorNanOpt); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetOpTensorDescriptor(void *conn) +{ + cudnnOpTensorDescriptor_t opTensorDesc; + cudnnOpTensorOp_t opTensorOp; + cudnnDataType_t opTensorCompType; + cudnnNanPropagation_t opTensorNanOpt; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &opTensorDesc, sizeof(const cudnnOpTensorDescriptor_t)) < 0 || + rpc_read(conn, &opTensorOp, sizeof(cudnnOpTensorOp_t)) < 0 || + rpc_read(conn, &opTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &opTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetOpTensorDescriptor(opTensorDesc, &opTensorOp, &opTensorCompType, &opTensorNanOpt); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &opTensorOp, sizeof(cudnnOpTensorOp_t)) < 0 || + rpc_write(conn, &opTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(conn, &opTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyOpTensorDescriptor(void *conn) +{ + cudnnOpTensorDescriptor_t opTensorDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &opTensorDesc, sizeof(cudnnOpTensorDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyOpTensorDescriptor(opTensorDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateReduceTensorDescriptor(void *conn) +{ + cudnnReduceTensorDescriptor_t reduceTensorDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateReduceTensorDescriptor(&reduceTensorDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetReduceTensorDescriptor(void *conn) +{ + cudnnReduceTensorDescriptor_t reduceTensorDesc; + cudnnReduceTensorOp_t reduceTensorOp; + cudnnDataType_t reduceTensorCompType; + cudnnNanPropagation_t reduceTensorNanOpt; + cudnnReduceTensorIndices_t reduceTensorIndices; + cudnnIndicesType_t reduceTensorIndicesType; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + rpc_read(conn, &reduceTensorOp, sizeof(cudnnReduceTensorOp_t)) < 0 || + rpc_read(conn, &reduceTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &reduceTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(conn, &reduceTensorIndices, sizeof(cudnnReduceTensorIndices_t)) < 0 || + rpc_read(conn, &reduceTensorIndicesType, sizeof(cudnnIndicesType_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetReduceTensorDescriptor(reduceTensorDesc, reduceTensorOp, reduceTensorCompType, reduceTensorNanOpt, reduceTensorIndices, reduceTensorIndicesType); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetReduceTensorDescriptor(void *conn) +{ + cudnnReduceTensorDescriptor_t reduceTensorDesc; + cudnnReduceTensorOp_t reduceTensorOp; + cudnnDataType_t reduceTensorCompType; + cudnnNanPropagation_t reduceTensorNanOpt; + cudnnReduceTensorIndices_t reduceTensorIndices; + cudnnIndicesType_t reduceTensorIndicesType; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &reduceTensorDesc, sizeof(const cudnnReduceTensorDescriptor_t)) < 0 || + rpc_read(conn, &reduceTensorOp, sizeof(cudnnReduceTensorOp_t)) < 0 || + rpc_read(conn, &reduceTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &reduceTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(conn, &reduceTensorIndices, sizeof(cudnnReduceTensorIndices_t)) < 0 || + rpc_read(conn, &reduceTensorIndicesType, sizeof(cudnnIndicesType_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetReduceTensorDescriptor(reduceTensorDesc, &reduceTensorOp, &reduceTensorCompType, &reduceTensorNanOpt, &reduceTensorIndices, &reduceTensorIndicesType); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &reduceTensorOp, sizeof(cudnnReduceTensorOp_t)) < 0 || + rpc_write(conn, &reduceTensorCompType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(conn, &reduceTensorNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(conn, &reduceTensorIndices, sizeof(cudnnReduceTensorIndices_t)) < 0 || + rpc_write(conn, &reduceTensorIndicesType, sizeof(cudnnIndicesType_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyReduceTensorDescriptor(void *conn) +{ + cudnnReduceTensorDescriptor_t reduceTensorDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &reduceTensorDesc, sizeof(cudnnReduceTensorDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyReduceTensorDescriptor(reduceTensorDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetReductionIndicesSize(void *conn) +{ + cudnnHandle_t handle; + cudnnReduceTensorDescriptor_t reduceTensorDesc; + cudnnTensorDescriptor_t aDesc; + cudnnTensorDescriptor_t cDesc; + size_t sizeInBytes; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &reduceTensorDesc, sizeof(const cudnnReduceTensorDescriptor_t)) < 0 || + rpc_read(conn, &aDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &cDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetReductionIndicesSize(handle, reduceTensorDesc, aDesc, cDesc, &sizeInBytes); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetReductionWorkspaceSize(void *conn) +{ + cudnnHandle_t handle; + cudnnReduceTensorDescriptor_t reduceTensorDesc; + cudnnTensorDescriptor_t aDesc; + cudnnTensorDescriptor_t cDesc; + size_t sizeInBytes; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &reduceTensorDesc, sizeof(const cudnnReduceTensorDescriptor_t)) < 0 || + rpc_read(conn, &aDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &cDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetReductionWorkspaceSize(handle, reduceTensorDesc, aDesc, cDesc, &sizeInBytes); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateFilterDescriptor(void *conn) +{ + cudnnFilterDescriptor_t filterDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateFilterDescriptor(&filterDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetFilter4dDescriptor(void *conn) +{ + cudnnFilterDescriptor_t filterDesc; + cudnnDataType_t dataType; + cudnnTensorFormat_t format; + int k; + int c; + int h; + int w; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + rpc_read(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(int)) < 0 || + rpc_read(conn, &h, sizeof(int)) < 0 || + rpc_read(conn, &w, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetFilter4dDescriptor(filterDesc, dataType, format, k, c, h, w); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetFilter4dDescriptor(void *conn) +{ + cudnnFilterDescriptor_t filterDesc; + cudnnDataType_t dataType; + cudnnTensorFormat_t format; + int k; + int c; + int h; + int w; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &filterDesc, sizeof(const cudnnFilterDescriptor_t)) < 0 || + rpc_read(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_read(conn, &format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_read(conn, &k, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(int)) < 0 || + rpc_read(conn, &h, sizeof(int)) < 0 || + rpc_read(conn, &w, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetFilter4dDescriptor(filterDesc, &dataType, &format, &k, &c, &h, &w); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || + rpc_write(conn, &format, sizeof(cudnnTensorFormat_t)) < 0 || + rpc_write(conn, &k, sizeof(int)) < 0 || + rpc_write(conn, &c, sizeof(int)) < 0 || + rpc_write(conn, &h, sizeof(int)) < 0 || + rpc_write(conn, &w, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetFilterSizeInBytes(void *conn) +{ + cudnnFilterDescriptor_t filterDesc; + size_t size; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &filterDesc, sizeof(const cudnnFilterDescriptor_t)) < 0 || + rpc_read(conn, &size, sizeof(size_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetFilterSizeInBytes(filterDesc, &size); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &size, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyFilterDescriptor(void *conn) +{ + cudnnFilterDescriptor_t filterDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &filterDesc, sizeof(cudnnFilterDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyFilterDescriptor(filterDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreatePoolingDescriptor(void *conn) +{ + cudnnPoolingDescriptor_t poolingDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreatePoolingDescriptor(&poolingDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetPooling2dDescriptor(void *conn) +{ + cudnnPoolingDescriptor_t poolingDesc; + cudnnPoolingMode_t mode; + cudnnNanPropagation_t maxpoolingNanOpt; + int windowHeight; + int windowWidth; + int verticalPadding; + int horizontalPadding; + int verticalStride; + int horizontalStride; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnPoolingMode_t)) < 0 || + rpc_read(conn, &maxpoolingNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(conn, &windowHeight, sizeof(int)) < 0 || + rpc_read(conn, &windowWidth, sizeof(int)) < 0 || + rpc_read(conn, &verticalPadding, sizeof(int)) < 0 || + rpc_read(conn, &horizontalPadding, sizeof(int)) < 0 || + rpc_read(conn, &verticalStride, sizeof(int)) < 0 || + rpc_read(conn, &horizontalStride, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetPooling2dDescriptor(poolingDesc, mode, maxpoolingNanOpt, windowHeight, windowWidth, verticalPadding, horizontalPadding, verticalStride, horizontalStride); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetPooling2dDescriptor(void *conn) +{ + cudnnPoolingDescriptor_t poolingDesc; + cudnnPoolingMode_t mode; + cudnnNanPropagation_t maxpoolingNanOpt; + int windowHeight; + int windowWidth; + int verticalPadding; + int horizontalPadding; + int verticalStride; + int horizontalStride; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &poolingDesc, sizeof(const cudnnPoolingDescriptor_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnPoolingMode_t)) < 0 || + rpc_read(conn, &maxpoolingNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(conn, &windowHeight, sizeof(int)) < 0 || + rpc_read(conn, &windowWidth, sizeof(int)) < 0 || + rpc_read(conn, &verticalPadding, sizeof(int)) < 0 || + rpc_read(conn, &horizontalPadding, sizeof(int)) < 0 || + rpc_read(conn, &verticalStride, sizeof(int)) < 0 || + rpc_read(conn, &horizontalStride, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetPooling2dDescriptor(poolingDesc, &mode, &maxpoolingNanOpt, &windowHeight, &windowWidth, &verticalPadding, &horizontalPadding, &verticalStride, &horizontalStride); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &mode, sizeof(cudnnPoolingMode_t)) < 0 || + rpc_write(conn, &maxpoolingNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(conn, &windowHeight, sizeof(int)) < 0 || + rpc_write(conn, &windowWidth, sizeof(int)) < 0 || + rpc_write(conn, &verticalPadding, sizeof(int)) < 0 || + rpc_write(conn, &horizontalPadding, sizeof(int)) < 0 || + rpc_write(conn, &verticalStride, sizeof(int)) < 0 || + rpc_write(conn, &horizontalStride, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetPooling2dForwardOutputDim(void *conn) +{ + cudnnPoolingDescriptor_t poolingDesc; + cudnnTensorDescriptor_t inputTensorDesc; + int n; + int c; + int h; + int w; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &poolingDesc, sizeof(const cudnnPoolingDescriptor_t)) < 0 || + rpc_read(conn, &inputTensorDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &n, sizeof(int)) < 0 || + rpc_read(conn, &c, sizeof(int)) < 0 || + rpc_read(conn, &h, sizeof(int)) < 0 || + rpc_read(conn, &w, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetPooling2dForwardOutputDim(poolingDesc, inputTensorDesc, &n, &c, &h, &w); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &n, sizeof(int)) < 0 || + rpc_write(conn, &c, sizeof(int)) < 0 || + rpc_write(conn, &h, sizeof(int)) < 0 || + rpc_write(conn, &w, sizeof(int)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyPoolingDescriptor(void *conn) +{ + cudnnPoolingDescriptor_t poolingDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &poolingDesc, sizeof(cudnnPoolingDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyPoolingDescriptor(poolingDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateActivationDescriptor(void *conn) +{ + cudnnActivationDescriptor_t activationDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateActivationDescriptor(&activationDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetActivationDescriptor(void *conn) +{ + cudnnActivationDescriptor_t activationDesc; + cudnnActivationMode_t mode; + cudnnNanPropagation_t reluNanOpt; + double coef; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnActivationMode_t)) < 0 || + rpc_read(conn, &reluNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(conn, &coef, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetActivationDescriptor(activationDesc, mode, reluNanOpt, coef); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetActivationDescriptor(void *conn) +{ + cudnnActivationDescriptor_t activationDesc; + cudnnActivationMode_t mode; + cudnnNanPropagation_t reluNanOpt; + double coef; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnActivationMode_t)) < 0 || + rpc_read(conn, &reluNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_read(conn, &coef, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetActivationDescriptor(activationDesc, &mode, &reluNanOpt, &coef); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &mode, sizeof(cudnnActivationMode_t)) < 0 || + rpc_write(conn, &reluNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || + rpc_write(conn, &coef, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetActivationDescriptorSwishBeta(void *conn) +{ + cudnnActivationDescriptor_t activationDesc; + double swish_beta; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &swish_beta, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetActivationDescriptorSwishBeta(activationDesc, swish_beta); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetActivationDescriptorSwishBeta(void *conn) +{ + cudnnActivationDescriptor_t activationDesc; + double swish_beta; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &swish_beta, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetActivationDescriptorSwishBeta(activationDesc, &swish_beta); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &swish_beta, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyActivationDescriptor(void *conn) +{ + cudnnActivationDescriptor_t activationDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyActivationDescriptor(activationDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnActivationForward(void *conn) +{ + cudnnHandle_t handle; + cudnnActivationDescriptor_t activationDesc; + void* alpha_null_check; + void* alpha; + cudnnTensorDescriptor_t xDesc; + const void* x; + void* beta_null_check; + void* beta; + cudnnTensorDescriptor_t yDesc; + void* y; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &alpha_null_check, sizeof(const void*)) < 0 || + (alpha_null_check && rpc_read(conn, &alpha, sizeof(const void*)) < 0) || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &x, sizeof(const void*)) < 0 || + rpc_read(conn, &beta_null_check, sizeof(const void*)) < 0 || + (beta_null_check && rpc_read(conn, &beta, sizeof(const void*)) < 0) || + rpc_read(conn, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &y, sizeof(void*)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnActivationForward(handle, activationDesc, &alpha, xDesc, x, &beta, yDesc, y); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateLRNDescriptor(void *conn) +{ + cudnnLRNDescriptor_t normDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateLRNDescriptor(&normDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnSetLRNDescriptor(void *conn) +{ + cudnnLRNDescriptor_t normDesc; + unsigned lrnN; + double lrnAlpha; + double lrnBeta; + double lrnK; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_read(conn, &lrnN, sizeof(unsigned)) < 0 || + rpc_read(conn, &lrnAlpha, sizeof(double)) < 0 || + rpc_read(conn, &lrnBeta, sizeof(double)) < 0 || + rpc_read(conn, &lrnK, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnSetLRNDescriptor(normDesc, lrnN, lrnAlpha, lrnBeta, lrnK); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetLRNDescriptor(void *conn) +{ + cudnnLRNDescriptor_t normDesc; + unsigned lrnN; + double lrnAlpha; + double lrnBeta; + double lrnK; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &normDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + rpc_read(conn, &lrnN, sizeof(unsigned)) < 0 || + rpc_read(conn, &lrnAlpha, sizeof(double)) < 0 || + rpc_read(conn, &lrnBeta, sizeof(double)) < 0 || + rpc_read(conn, &lrnK, sizeof(double)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetLRNDescriptor(normDesc, &lrnN, &lrnAlpha, &lrnBeta, &lrnK); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &lrnN, sizeof(unsigned)) < 0 || + rpc_write(conn, &lrnAlpha, sizeof(double)) < 0 || + rpc_write(conn, &lrnBeta, sizeof(double)) < 0 || + rpc_write(conn, &lrnK, sizeof(double)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyLRNDescriptor(void *conn) +{ + cudnnLRNDescriptor_t lrnDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &lrnDesc, sizeof(cudnnLRNDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyLRNDescriptor(lrnDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDeriveBNTensorDescriptor(void *conn) +{ + cudnnTensorDescriptor_t derivedBnDesc; + cudnnTensorDescriptor_t xDesc; + cudnnBatchNormMode_t mode; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &derivedBnDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDeriveBNTensorDescriptor(derivedBnDesc, xDesc, mode); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDeriveNormTensorDescriptor(void *conn) +{ + cudnnTensorDescriptor_t derivedNormScaleBiasDesc; + cudnnTensorDescriptor_t derivedNormMeanVarDesc; + cudnnTensorDescriptor_t xDesc; + cudnnNormMode_t mode; + int groupCnt; int request_id; - cublasStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( - rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || - rpc_read(conn, &transa, sizeof(cublasOperation_t)) < 0 || - rpc_read(conn, &transb, sizeof(cublasOperation_t)) < 0 || - rpc_read(conn, &m, sizeof(int)) < 0 || - rpc_read(conn, &n, sizeof(int)) < 0 || - rpc_read(conn, &k, sizeof(int)) < 0 || - rpc_read(conn, &alpha_null_check, sizeof(const float*)) < 0 || - (alpha_null_check && rpc_read(conn, &alpha, sizeof(const float)) < 0) || - rpc_read(conn, &A, sizeof(const float*)) < 0 || - rpc_read(conn, &lda, sizeof(int)) < 0 || - rpc_read(conn, &B, sizeof(const float*)) < 0 || - rpc_read(conn, &ldb, sizeof(int)) < 0 || - rpc_read(conn, &beta_null_check, sizeof(const float*)) < 0 || - (beta_null_check && rpc_read(conn, &beta, sizeof(const float)) < 0) || - rpc_read(conn, &C, sizeof(float*)) < 0 || - rpc_read(conn, &ldc, sizeof(int)) < 0 || + rpc_read(conn, &derivedNormScaleBiasDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &derivedNormMeanVarDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_read(conn, &groupCnt, sizeof(int)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cublasSgemm_v2(handle, transa, transb, m, n, k, &alpha, A, lda, B, ldb, &beta, C, ldc); + scuda_intercept_result = cudnnDeriveNormTensorDescriptor(derivedNormScaleBiasDesc, derivedNormMeanVarDesc, xDesc, mode, groupCnt); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23684,23 +42213,124 @@ int handle_cublasSgemm_v2(void *conn) return -1; } -int handle_cudnnCreate(void *conn) +int handle_cudnnCreateSpatialTransformerDescriptor(void *conn) +{ + cudnnSpatialTransformerDescriptor_t stDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &stDesc, sizeof(cudnnSpatialTransformerDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateSpatialTransformerDescriptor(&stDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &stDesc, sizeof(cudnnSpatialTransformerDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroySpatialTransformerDescriptor(void *conn) +{ + cudnnSpatialTransformerDescriptor_t stDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &stDesc, sizeof(cudnnSpatialTransformerDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroySpatialTransformerDescriptor(stDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnCreateDropoutDescriptor(void *conn) +{ + cudnnDropoutDescriptor_t dropoutDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnCreateDropoutDescriptor(&dropoutDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDestroyDropoutDescriptor(void *conn) +{ + cudnnDropoutDescriptor_t dropoutDesc; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDestroyDropoutDescriptor(dropoutDesc); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnDropoutGetStatesSize(void *conn) { cudnnHandle_t handle; + size_t sizeInBytes; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnCreate(&handle); + scuda_intercept_result = cudnnDropoutGetStatesSize(handle, &sizeInBytes); if (rpc_start_response(conn, request_id) < 0 || - rpc_write(conn, &handle, sizeof(cudnnHandle_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23708,23 +42338,61 @@ int handle_cudnnCreate(void *conn) return -1; } -int handle_cudnnDestroy(void *conn) +int handle_cudnnDropoutGetReserveSpaceSize(void *conn) +{ + cudnnTensorDescriptor_t xdesc; + size_t sizeInBytes; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &xdesc, sizeof(cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnDropoutGetReserveSpaceSize(xdesc, &sizeInBytes); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetDropoutDescriptor(void *conn) { + cudnnDropoutDescriptor_t dropoutDesc; cudnnHandle_t handle; + float dropout; + void* states; + unsigned long long seed; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( + rpc_read(conn, &dropoutDesc, sizeof(cudnnDropoutDescriptor_t)) < 0 || rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &dropout, sizeof(float)) < 0 || + rpc_read(conn, &states, sizeof(void*)) < 0 || + rpc_read(conn, &seed, sizeof(unsigned long long)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnDestroy(handle); + scuda_intercept_result = cudnnGetDropoutDescriptor(dropoutDesc, handle, &dropout, &states, &seed); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_write(conn, &dropout, sizeof(float)) < 0 || + rpc_write(conn, &states, sizeof(void*)) < 0 || + rpc_write(conn, &seed, sizeof(unsigned long long)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23732,24 +42400,21 @@ int handle_cudnnDestroy(void *conn) return -1; } -int handle_cudnnCreateTensorDescriptor(void *conn) +int handle_cudnnOpsVersionCheck(void *conn) { - cudnnTensorDescriptor_t tensorDesc; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( - rpc_read(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnCreateTensorDescriptor(&tensorDesc); + scuda_intercept_result = cudnnOpsVersionCheck(); if (rpc_start_response(conn, request_id) < 0 || - rpc_write(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23757,35 +42422,40 @@ int handle_cudnnCreateTensorDescriptor(void *conn) return -1; } -int handle_cudnnSetTensor4dDescriptor(void *conn) +int handle_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize(void *conn) { - cudnnTensorDescriptor_t tensorDesc; - cudnnTensorFormat_t format; - cudnnDataType_t dataType; - int n; - int c; - int h; - int w; + cudnnHandle_t handle; + cudnnBatchNormMode_t mode; + cudnnBatchNormOps_t bnOps; + cudnnTensorDescriptor_t xDesc; + cudnnTensorDescriptor_t zDesc; + cudnnTensorDescriptor_t yDesc; + cudnnTensorDescriptor_t bnScaleBiasMeanVarDesc; + cudnnActivationDescriptor_t activationDesc; + size_t sizeInBytes; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( - rpc_read(conn, &tensorDesc, sizeof(cudnnTensorDescriptor_t)) < 0 || - rpc_read(conn, &format, sizeof(cudnnTensorFormat_t)) < 0 || - rpc_read(conn, &dataType, sizeof(cudnnDataType_t)) < 0 || - rpc_read(conn, &n, sizeof(int)) < 0 || - rpc_read(conn, &c, sizeof(int)) < 0 || - rpc_read(conn, &h, sizeof(int)) < 0 || - rpc_read(conn, &w, sizeof(int)) < 0 || + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_read(conn, &bnOps, sizeof(cudnnBatchNormOps_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &zDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &bnScaleBiasMeanVarDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnSetTensor4dDescriptor(tensorDesc, format, dataType, n, c, h, w); + scuda_intercept_result = cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize(handle, mode, bnOps, xDesc, zDesc, yDesc, bnScaleBiasMeanVarDesc, activationDesc, &sizeInBytes); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23793,24 +42463,44 @@ int handle_cudnnSetTensor4dDescriptor(void *conn) return -1; } -int handle_cudnnCreateActivationDescriptor(void *conn) +int handle_cudnnGetBatchNormalizationBackwardExWorkspaceSize(void *conn) { + cudnnHandle_t handle; + cudnnBatchNormMode_t mode; + cudnnBatchNormOps_t bnOps; + cudnnTensorDescriptor_t xDesc; + cudnnTensorDescriptor_t yDesc; + cudnnTensorDescriptor_t dyDesc; + cudnnTensorDescriptor_t dzDesc; + cudnnTensorDescriptor_t dxDesc; + cudnnTensorDescriptor_t dBnScaleBiasDesc; cudnnActivationDescriptor_t activationDesc; + size_t sizeInBytes; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( - rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_read(conn, &bnOps, sizeof(cudnnBatchNormOps_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dyDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dzDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dxDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dBnScaleBiasDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnCreateActivationDescriptor(&activationDesc); + scuda_intercept_result = cudnnGetBatchNormalizationBackwardExWorkspaceSize(handle, mode, bnOps, xDesc, yDesc, dyDesc, dzDesc, dxDesc, dBnScaleBiasDesc, activationDesc, &sizeInBytes); if (rpc_start_response(conn, request_id) < 0 || - rpc_write(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23818,29 +42508,34 @@ int handle_cudnnCreateActivationDescriptor(void *conn) return -1; } -int handle_cudnnSetActivationDescriptor(void *conn) +int handle_cudnnGetBatchNormalizationTrainingExReserveSpaceSize(void *conn) { + cudnnHandle_t handle; + cudnnBatchNormMode_t mode; + cudnnBatchNormOps_t bnOps; cudnnActivationDescriptor_t activationDesc; - cudnnActivationMode_t mode; - cudnnNanPropagation_t reluNanOpt; - double coef; + cudnnTensorDescriptor_t xDesc; + size_t sizeInBytes; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( - rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || - rpc_read(conn, &mode, sizeof(cudnnActivationMode_t)) < 0 || - rpc_read(conn, &reluNanOpt, sizeof(cudnnNanPropagation_t)) < 0 || - rpc_read(conn, &coef, sizeof(double)) < 0 || + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnBatchNormMode_t)) < 0 || + rpc_read(conn, &bnOps, sizeof(cudnnBatchNormOps_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnSetActivationDescriptor(activationDesc, mode, reluNanOpt, coef); + scuda_intercept_result = cudnnGetBatchNormalizationTrainingExReserveSpaceSize(handle, mode, bnOps, activationDesc, xDesc, &sizeInBytes); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -23848,41 +42543,136 @@ int handle_cudnnSetActivationDescriptor(void *conn) return -1; } -int handle_cudnnActivationForward(void *conn) +int handle_cudnnGetNormalizationForwardTrainingWorkspaceSize(void *conn) { cudnnHandle_t handle; + cudnnNormMode_t mode; + cudnnNormOps_t normOps; + cudnnNormAlgo_t algo; + cudnnTensorDescriptor_t xDesc; + cudnnTensorDescriptor_t zDesc; + cudnnTensorDescriptor_t yDesc; + cudnnTensorDescriptor_t normScaleBiasDesc; cudnnActivationDescriptor_t activationDesc; - void* alpha_null_check; - void* alpha; + cudnnTensorDescriptor_t normMeanVarDesc; + size_t sizeInBytes; + int groupCnt; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_read(conn, &normOps, sizeof(cudnnNormOps_t)) < 0 || + rpc_read(conn, &algo, sizeof(cudnnNormAlgo_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &zDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &normScaleBiasDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &normMeanVarDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_read(conn, &groupCnt, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetNormalizationForwardTrainingWorkspaceSize(handle, mode, normOps, algo, xDesc, zDesc, yDesc, normScaleBiasDesc, activationDesc, normMeanVarDesc, &sizeInBytes, groupCnt); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetNormalizationBackwardWorkspaceSize(void *conn) +{ + cudnnHandle_t handle; + cudnnNormMode_t mode; + cudnnNormOps_t normOps; + cudnnNormAlgo_t algo; cudnnTensorDescriptor_t xDesc; - const void* x; - void* beta_null_check; - void* beta; cudnnTensorDescriptor_t yDesc; - void* y; + cudnnTensorDescriptor_t dyDesc; + cudnnTensorDescriptor_t dzDesc; + cudnnTensorDescriptor_t dxDesc; + cudnnTensorDescriptor_t dNormScaleBiasDesc; + cudnnActivationDescriptor_t activationDesc; + cudnnTensorDescriptor_t normMeanVarDesc; + size_t sizeInBytes; + int groupCnt; int request_id; - cudnnStatus_t result; + cudnnStatus_t scuda_intercept_result; if ( rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || - rpc_read(conn, &activationDesc, sizeof(cudnnActivationDescriptor_t)) < 0 || - rpc_read(conn, &alpha_null_check, sizeof(const void*)) < 0 || - (alpha_null_check && rpc_read(conn, &alpha, sizeof(const void*)) < 0) || + rpc_read(conn, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_read(conn, &normOps, sizeof(cudnnNormOps_t)) < 0 || + rpc_read(conn, &algo, sizeof(cudnnNormAlgo_t)) < 0 || rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || - rpc_read(conn, &x, sizeof(const void*)) < 0 || - rpc_read(conn, &beta_null_check, sizeof(const void*)) < 0 || - (beta_null_check && rpc_read(conn, &beta, sizeof(const void*)) < 0) || rpc_read(conn, &yDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || - rpc_read(conn, &y, sizeof(void*)) < 0 || + rpc_read(conn, &dyDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dzDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dxDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &dNormScaleBiasDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &normMeanVarDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_read(conn, &groupCnt, sizeof(int)) < 0 || + false) + goto ERROR_0; + + request_id = rpc_end_request(conn); + if (request_id < 0) + goto ERROR_0; + scuda_intercept_result = cudnnGetNormalizationBackwardWorkspaceSize(handle, mode, normOps, algo, xDesc, yDesc, dyDesc, dzDesc, dxDesc, dNormScaleBiasDesc, activationDesc, normMeanVarDesc, &sizeInBytes, groupCnt); + + if (rpc_start_response(conn, request_id) < 0 || + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) + goto ERROR_0; + + return 0; +ERROR_0: + return -1; +} + +int handle_cudnnGetNormalizationTrainingReserveSpaceSize(void *conn) +{ + cudnnHandle_t handle; + cudnnNormMode_t mode; + cudnnNormOps_t normOps; + cudnnNormAlgo_t algo; + cudnnActivationDescriptor_t activationDesc; + cudnnTensorDescriptor_t xDesc; + size_t sizeInBytes; + int groupCnt; + int request_id; + cudnnStatus_t scuda_intercept_result; + if ( + rpc_read(conn, &handle, sizeof(cudnnHandle_t)) < 0 || + rpc_read(conn, &mode, sizeof(cudnnNormMode_t)) < 0 || + rpc_read(conn, &normOps, sizeof(cudnnNormOps_t)) < 0 || + rpc_read(conn, &algo, sizeof(cudnnNormAlgo_t)) < 0 || + rpc_read(conn, &activationDesc, sizeof(const cudnnActivationDescriptor_t)) < 0 || + rpc_read(conn, &xDesc, sizeof(const cudnnTensorDescriptor_t)) < 0 || + rpc_read(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_read(conn, &groupCnt, sizeof(int)) < 0 || false) goto ERROR_0; request_id = rpc_end_request(conn); if (request_id < 0) goto ERROR_0; - result = cudnnActivationForward(handle, activationDesc, &alpha, xDesc, x, &beta, yDesc, y); + scuda_intercept_result = cudnnGetNormalizationTrainingReserveSpaceSize(handle, mode, normOps, algo, activationDesc, xDesc, &sizeInBytes, groupCnt); if (rpc_start_response(conn, request_id) < 0 || - rpc_end_response(conn, &result) < 0) + rpc_write(conn, &sizeInBytes, sizeof(size_t)) < 0 || + rpc_end_response(conn, &scuda_intercept_result) < 0) goto ERROR_0; return 0; @@ -24780,14 +43570,486 @@ static RequestHandler opHandlers[] = { handle_cudaGetFuncBySymbol, handle_cublasCreate_v2, handle_cublasDestroy_v2, + handle_cublasGetVersion_v2, + handle_cublasGetProperty, + nullptr, + handle_cublasSetStream_v2, + handle_cublasGetStream_v2, + handle_cublasGetPointerMode_v2, + handle_cublasSetPointerMode_v2, + handle_cublasGetAtomicsMode, + handle_cublasSetAtomicsMode, + handle_cublasGetMathMode, + handle_cublasSetMathMode, + handle_cublasGetSmCountTarget, + handle_cublasSetSmCountTarget, + nullptr, + nullptr, + handle_cublasLoggerConfigure, + handle_cublasSetLoggerCallback, + handle_cublasGetLoggerCallback, + nullptr, + handle_cublasSnrm2_v2, + handle_cublasSnrm2_v2_64, + handle_cublasDnrm2_v2, + handle_cublasDnrm2_v2_64, + handle_cublasScnrm2_v2, + handle_cublasScnrm2_v2_64, + handle_cublasDznrm2_v2, + handle_cublasDznrm2_v2_64, + handle_cublasSdot_v2, + handle_cublasSdot_v2_64, + handle_cublasDdot_v2, + handle_cublasDdot_v2_64, + handle_cublasCdotu_v2, + handle_cublasCdotu_v2_64, + handle_cublasCdotc_v2, + handle_cublasCdotc_v2_64, + handle_cublasZdotu_v2, + handle_cublasZdotu_v2_64, + handle_cublasZdotc_v2, + handle_cublasZdotc_v2_64, + handle_cublasSscal_v2, + handle_cublasSscal_v2_64, + handle_cublasDscal_v2, + handle_cublasDscal_v2_64, + handle_cublasCscal_v2, + handle_cublasCscal_v2_64, + handle_cublasCsscal_v2, + handle_cublasCsscal_v2_64, + handle_cublasZscal_v2, + handle_cublasZscal_v2_64, + handle_cublasZdscal_v2, + handle_cublasZdscal_v2_64, + handle_cublasSaxpy_v2, + handle_cublasSaxpy_v2_64, + handle_cublasDaxpy_v2, + handle_cublasDaxpy_v2_64, + handle_cublasCaxpy_v2, + handle_cublasCaxpy_v2_64, + handle_cublasZaxpy_v2, + handle_cublasZaxpy_v2_64, + handle_cublasScopy_v2, + handle_cublasScopy_v2_64, + handle_cublasDcopy_v2, + handle_cublasDcopy_v2_64, + handle_cublasCcopy_v2, + handle_cublasCcopy_v2_64, + handle_cublasZcopy_v2, + handle_cublasZcopy_v2_64, + handle_cublasSswap_v2, + handle_cublasSswap_v2_64, + handle_cublasDswap_v2, + handle_cublasDswap_v2_64, + handle_cublasCswap_v2, + handle_cublasCswap_v2_64, + handle_cublasZswap_v2, + handle_cublasZswap_v2_64, + handle_cublasIsamax_v2, + handle_cublasIsamax_v2_64, + handle_cublasIdamax_v2, + handle_cublasIdamax_v2_64, + handle_cublasIcamax_v2, + handle_cublasIcamax_v2_64, + handle_cublasIzamax_v2, + handle_cublasIzamax_v2_64, + handle_cublasIamaxEx, + handle_cublasIamaxEx_64, + handle_cublasIsamin_v2, + handle_cublasIsamin_v2_64, + handle_cublasIdamin_v2, + handle_cublasIdamin_v2_64, + handle_cublasIcamin_v2, + handle_cublasIcamin_v2_64, + handle_cublasIzamin_v2, + handle_cublasIzamin_v2_64, + handle_cublasIaminEx, + handle_cublasIaminEx_64, + handle_cublasSasum_v2, + handle_cublasSasum_v2_64, + handle_cublasDasum_v2, + handle_cublasDasum_v2_64, + handle_cublasScasum_v2, + handle_cublasScasum_v2_64, + handle_cublasDzasum_v2, + handle_cublasDzasum_v2_64, + handle_cublasSrot_v2, + handle_cublasSrot_v2_64, + handle_cublasDrot_v2, + handle_cublasDrot_v2_64, + handle_cublasCrot_v2, + handle_cublasCrot_v2_64, + handle_cublasCsrot_v2, + handle_cublasCsrot_v2_64, + handle_cublasZrot_v2, + handle_cublasZrot_v2_64, + handle_cublasZdrot_v2, + handle_cublasZdrot_v2_64, + handle_cublasSrotg_v2, + handle_cublasDrotg_v2, + handle_cublasCrotg_v2, + handle_cublasZrotg_v2, + handle_cublasSrotm_v2, + handle_cublasSrotm_v2_64, + handle_cublasDrotm_v2, + handle_cublasDrotm_v2_64, + handle_cublasSrotmg_v2, + handle_cublasDrotmg_v2, + handle_cublasSgemv_v2, + handle_cublasSgemv_v2_64, + handle_cublasDgemv_v2, + handle_cublasDgemv_v2_64, + handle_cublasCgemv_v2, + handle_cublasCgemv_v2_64, + handle_cublasZgemv_v2, + handle_cublasZgemv_v2_64, + handle_cublasSgbmv_v2, + handle_cublasSgbmv_v2_64, + handle_cublasDgbmv_v2, + handle_cublasDgbmv_v2_64, + handle_cublasCgbmv_v2, + handle_cublasCgbmv_v2_64, + handle_cublasZgbmv_v2, + handle_cublasZgbmv_v2_64, + handle_cublasStrmv_v2, + handle_cublasStrmv_v2_64, + handle_cublasDtrmv_v2, + handle_cublasDtrmv_v2_64, + handle_cublasCtrmv_v2, + handle_cublasCtrmv_v2_64, + handle_cublasZtrmv_v2, + handle_cublasZtrmv_v2_64, + handle_cublasStbmv_v2, + handle_cublasStbmv_v2_64, + handle_cublasDtbmv_v2, + handle_cublasDtbmv_v2_64, + handle_cublasCtbmv_v2, + handle_cublasCtbmv_v2_64, + handle_cublasZtbmv_v2, + handle_cublasZtbmv_v2_64, + handle_cublasStpmv_v2, + handle_cublasStpmv_v2_64, + handle_cublasDtpmv_v2, + handle_cublasDtpmv_v2_64, + handle_cublasCtpmv_v2, + handle_cublasCtpmv_v2_64, + handle_cublasZtpmv_v2, + handle_cublasZtpmv_v2_64, + handle_cublasStrsv_v2, + handle_cublasStrsv_v2_64, + handle_cublasDtrsv_v2, + handle_cublasDtrsv_v2_64, + handle_cublasCtrsv_v2, + handle_cublasCtrsv_v2_64, + handle_cublasZtrsv_v2, + handle_cublasZtrsv_v2_64, + handle_cublasStpsv_v2, + handle_cublasStpsv_v2_64, + handle_cublasDtpsv_v2, + handle_cublasDtpsv_v2_64, + handle_cublasCtpsv_v2, + handle_cublasCtpsv_v2_64, + handle_cublasZtpsv_v2, + handle_cublasZtpsv_v2_64, + handle_cublasStbsv_v2, + handle_cublasStbsv_v2_64, + handle_cublasDtbsv_v2, + handle_cublasDtbsv_v2_64, + handle_cublasCtbsv_v2, + handle_cublasCtbsv_v2_64, + handle_cublasZtbsv_v2, + handle_cublasZtbsv_v2_64, + handle_cublasSsymv_v2, + handle_cublasSsymv_v2_64, + handle_cublasDsymv_v2, + handle_cublasDsymv_v2_64, + handle_cublasCsymv_v2, + handle_cublasCsymv_v2_64, + handle_cublasZsymv_v2, + handle_cublasZsymv_v2_64, + handle_cublasChemv_v2, + handle_cublasChemv_v2_64, + handle_cublasZhemv_v2, + handle_cublasZhemv_v2_64, + handle_cublasSsbmv_v2, + handle_cublasSsbmv_v2_64, + handle_cublasDsbmv_v2, + handle_cublasDsbmv_v2_64, + handle_cublasChbmv_v2, + handle_cublasChbmv_v2_64, + handle_cublasZhbmv_v2, + handle_cublasZhbmv_v2_64, + handle_cublasSspmv_v2, + handle_cublasSspmv_v2_64, + handle_cublasDspmv_v2, + handle_cublasDspmv_v2_64, + handle_cublasChpmv_v2, + handle_cublasChpmv_v2_64, + handle_cublasZhpmv_v2, + handle_cublasZhpmv_v2_64, + handle_cublasSger_v2, + handle_cublasSger_v2_64, + handle_cublasDger_v2, + handle_cublasDger_v2_64, + handle_cublasCgeru_v2, + handle_cublasCgeru_v2_64, + handle_cublasCgerc_v2, + handle_cublasCgerc_v2_64, + handle_cublasZgeru_v2, + handle_cublasZgeru_v2_64, + handle_cublasZgerc_v2, + handle_cublasZgerc_v2_64, + handle_cublasSsyr_v2, + handle_cublasSsyr_v2_64, + handle_cublasDsyr_v2, + handle_cublasDsyr_v2_64, + handle_cublasCsyr_v2, + handle_cublasCsyr_v2_64, + handle_cublasZsyr_v2, + handle_cublasZsyr_v2_64, + handle_cublasCher_v2, + handle_cublasCher_v2_64, + handle_cublasZher_v2, + handle_cublasZher_v2_64, + handle_cublasSspr_v2, + handle_cublasSspr_v2_64, + handle_cublasDspr_v2, + handle_cublasDspr_v2_64, + handle_cublasChpr_v2, + handle_cublasChpr_v2_64, + handle_cublasZhpr_v2, + handle_cublasZhpr_v2_64, + handle_cublasSsyr2_v2, + handle_cublasSsyr2_v2_64, + handle_cublasDsyr2_v2, + handle_cublasDsyr2_v2_64, + handle_cublasCsyr2_v2, + handle_cublasCsyr2_v2_64, + handle_cublasZsyr2_v2, + handle_cublasZsyr2_v2_64, + handle_cublasCher2_v2, + handle_cublasCher2_v2_64, + handle_cublasZher2_v2, + handle_cublasZher2_v2_64, + handle_cublasSspr2_v2, + handle_cublasSspr2_v2_64, + handle_cublasDspr2_v2, + handle_cublasDspr2_v2_64, + handle_cublasChpr2_v2, + handle_cublasChpr2_v2_64, + handle_cublasZhpr2_v2, + handle_cublasZhpr2_v2_64, + handle_cublasSgemvBatched, + handle_cublasTSTgemvBatched, + handle_cublasSgemvStridedBatched, + handle_cublasSgemvStridedBatched_64, + handle_cublasDgemvStridedBatched, + handle_cublasDgemvStridedBatched_64, + handle_cublasCgemvStridedBatched, + handle_cublasCgemvStridedBatched_64, + handle_cublasZgemvStridedBatched, + handle_cublasZgemvStridedBatched_64, + handle_cublasHSHgemvStridedBatched, + handle_cublasHSHgemvStridedBatched_64, + handle_cublasHSSgemvStridedBatched, + handle_cublasHSSgemvStridedBatched_64, + handle_cublasTSTgemvStridedBatched, + handle_cublasTSTgemvStridedBatched_64, + handle_cublasTSSgemvStridedBatched, + handle_cublasTSSgemvStridedBatched_64, handle_cublasSgemm_v2, + handle_cublasSgemm_v2_64, + handle_cublasDgemm_v2, + handle_cublasDgemm_v2_64, + handle_cublasCgemm_v2, + handle_cublasCgemm_v2_64, + handle_cublasCgemm3m, + handle_cublasCgemm3m_64, + handle_cublasZgemm_v2, + handle_cublasZgemm_v2_64, + handle_cublasZgemm3m, + handle_cublasZgemm3m_64, + handle_cublasHgemm, + handle_cublasHgemm_64, + handle_cublasSsyrk_v2, + handle_cublasSsyrk_v2_64, + handle_cublasDsyrk_v2, + handle_cublasDsyrk_v2_64, + handle_cublasCsyrk_v2, + handle_cublasCsyrk_v2_64, + handle_cublasZsyrk_v2, + handle_cublasZsyrk_v2_64, + handle_cublasCherk_v2, + handle_cublasCherk_v2_64, + handle_cublasZherk_v2, + handle_cublasZherk_v2_64, + handle_cublasSsyr2k_v2, + handle_cublasSsyr2k_v2_64, + handle_cublasDsyr2k_v2, + handle_cublasDsyr2k_v2_64, + handle_cublasCsyr2k_v2, + handle_cublasCsyr2k_v2_64, + handle_cublasZsyr2k_v2, + handle_cublasZsyr2k_v2_64, + handle_cublasCher2k_v2, + handle_cublasCher2k_v2_64, + handle_cublasZher2k_v2, + handle_cublasZher2k_v2_64, + handle_cublasSsyrkx, + handle_cublasSsyrkx_64, + handle_cublasDsyrkx, + handle_cublasDsyrkx_64, + handle_cublasCsyrkx, + handle_cublasCsyrkx_64, + handle_cublasZsyrkx, + handle_cublasZsyrkx_64, + handle_cublasCherkx, + handle_cublasCherkx_64, + handle_cublasZherkx, + handle_cublasZherkx_64, + handle_cublasSsymm_v2, + handle_cublasSsymm_v2_64, + handle_cublasDsymm_v2, + handle_cublasDsymm_v2_64, + handle_cublasCsymm_v2, + handle_cublasCsymm_v2_64, + handle_cublasZsymm_v2, + handle_cublasZsymm_v2_64, + handle_cublasChemm_v2, + handle_cublasChemm_v2_64, + handle_cublasZhemm_v2, + handle_cublasZhemm_v2_64, + handle_cublasStrsm_v2, + handle_cublasStrsm_v2_64, + handle_cublasDtrsm_v2, + handle_cublasDtrsm_v2_64, + handle_cublasCtrsm_v2, + handle_cublasCtrsm_v2_64, + handle_cublasZtrsm_v2, + handle_cublasZtrsm_v2_64, + handle_cublasStrmm_v2, + handle_cublasStrmm_v2_64, + handle_cublasDtrmm_v2, + handle_cublasDtrmm_v2_64, + handle_cublasCtrmm_v2, + handle_cublasCtrmm_v2_64, + handle_cublasZtrmm_v2, + handle_cublasZtrmm_v2_64, + handle_cublasHgemmStridedBatched, + handle_cublasHgemmStridedBatched_64, + handle_cublasSgemmStridedBatched, + handle_cublasSgemmStridedBatched_64, + handle_cublasDgemmStridedBatched, + handle_cublasDgemmStridedBatched_64, + handle_cublasCgemmStridedBatched, + handle_cublasCgemmStridedBatched_64, + handle_cublasCgemm3mStridedBatched, + handle_cublasCgemm3mStridedBatched_64, + handle_cublasZgemmStridedBatched, + handle_cublasZgemmStridedBatched_64, + handle_cublasSgeam, + handle_cublasSgeam_64, + handle_cublasDgeam, + handle_cublasDgeam_64, + handle_cublasCgeam, + handle_cublasCgeam_64, + handle_cublasZgeam, + handle_cublasZgeam_64, + handle_cublasSdgmm, + handle_cublasSdgmm_64, + handle_cublasDdgmm, + handle_cublasDdgmm_64, + handle_cublasCdgmm, + handle_cublasCdgmm_64, + handle_cublasZdgmm, + handle_cublasZdgmm_64, + handle_cublasStpttr, + handle_cublasDtpttr, + handle_cublasCtpttr, + handle_cublasZtpttr, + handle_cublasStrttp, + handle_cublasDtrttp, + handle_cublasCtrttp, + handle_cublasZtrttp, + handle_cublasUint8gemmBias, + handle_cublasMigrateComputeType, + nullptr, + nullptr, + nullptr, + nullptr, + nullptr, + nullptr, + handle_cudnnGetProperty, handle_cudnnCreate, handle_cudnnDestroy, + handle_cudnnSetStream, + handle_cudnnGetStream, + handle_cudnnGetCallback, + handle_cudnnGraphVersionCheck, + handle_cudnnBackendCreateDescriptor, + handle_cudnnBackendDestroyDescriptor, + handle_cudnnBackendInitialize, + handle_cudnnBackendFinalize, + handle_cudnnBackendSetAttribute, + handle_cudnnBackendExecute, + handle_cudnnBackendPopulateCudaGraph, + handle_cudnnBackendUpdateCudaGraph, handle_cudnnCreateTensorDescriptor, handle_cudnnSetTensor4dDescriptor, + handle_cudnnSetTensor4dDescriptorEx, + handle_cudnnGetTensor4dDescriptor, + handle_cudnnGetTensorSizeInBytes, + handle_cudnnDestroyTensorDescriptor, + handle_cudnnInitTransformDest, + handle_cudnnCreateTensorTransformDescriptor, + handle_cudnnDestroyTensorTransformDescriptor, + handle_cudnnCreateOpTensorDescriptor, + handle_cudnnSetOpTensorDescriptor, + handle_cudnnGetOpTensorDescriptor, + handle_cudnnDestroyOpTensorDescriptor, + handle_cudnnCreateReduceTensorDescriptor, + handle_cudnnSetReduceTensorDescriptor, + handle_cudnnGetReduceTensorDescriptor, + handle_cudnnDestroyReduceTensorDescriptor, + handle_cudnnGetReductionIndicesSize, + handle_cudnnGetReductionWorkspaceSize, + handle_cudnnCreateFilterDescriptor, + handle_cudnnSetFilter4dDescriptor, + handle_cudnnGetFilter4dDescriptor, + handle_cudnnGetFilterSizeInBytes, + handle_cudnnDestroyFilterDescriptor, + handle_cudnnCreatePoolingDescriptor, + handle_cudnnSetPooling2dDescriptor, + handle_cudnnGetPooling2dDescriptor, + handle_cudnnGetPooling2dForwardOutputDim, + handle_cudnnDestroyPoolingDescriptor, handle_cudnnCreateActivationDescriptor, handle_cudnnSetActivationDescriptor, + handle_cudnnGetActivationDescriptor, + handle_cudnnSetActivationDescriptorSwishBeta, + handle_cudnnGetActivationDescriptorSwishBeta, + handle_cudnnDestroyActivationDescriptor, handle_cudnnActivationForward, + handle_cudnnCreateLRNDescriptor, + handle_cudnnSetLRNDescriptor, + handle_cudnnGetLRNDescriptor, + handle_cudnnDestroyLRNDescriptor, + handle_cudnnDeriveBNTensorDescriptor, + handle_cudnnDeriveNormTensorDescriptor, + handle_cudnnCreateSpatialTransformerDescriptor, + handle_cudnnDestroySpatialTransformerDescriptor, + handle_cudnnCreateDropoutDescriptor, + handle_cudnnDestroyDropoutDescriptor, + handle_cudnnDropoutGetStatesSize, + handle_cudnnDropoutGetReserveSpaceSize, + handle_cudnnGetDropoutDescriptor, + handle_cudnnOpsVersionCheck, + handle_cudnnGetBatchNormalizationForwardTrainingExWorkspaceSize, + handle_cudnnGetBatchNormalizationBackwardExWorkspaceSize, + handle_cudnnGetBatchNormalizationTrainingExReserveSpaceSize, + handle_cudnnGetNormalizationForwardTrainingWorkspaceSize, + handle_cudnnGetNormalizationBackwardWorkspaceSize, + handle_cudnnGetNormalizationTrainingReserveSpaceSize, }; RequestHandler get_handler(const int op) From 3cfacec4c10cf52ef1791d228e47ac230dee214f Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Mon, 2 Dec 2024 01:35:15 +0000 Subject: [PATCH 5/7] chore: rm migrate compute type for now --- codegen/annotations.h | 1 + codegen/gen_client.cpp | 17 ----------------- codegen/gen_server.cpp | 33 +-------------------------------- 3 files changed, 2 insertions(+), 49 deletions(-) diff --git a/codegen/annotations.h b/codegen/annotations.h index d5c79d6..f39ae0b 100644 --- a/codegen/annotations.h +++ b/codegen/annotations.h @@ -13452,6 +13452,7 @@ cublasStatus_t cublasZgetrsBatched(cublasHandle_t handle, cublasOperation_t tran */ cublasStatus_t cublasUint8gemmBias(cublasHandle_t handle, cublasOperation_t transa, cublasOperation_t transb, cublasOperation_t transc, int m, int n, int k, const unsigned char* A, int A_bias, int lda, const unsigned char* B, int B_bias, int ldb, unsigned char* C, int C_bias, int ldc, int C_mult, int C_shift); /** + * @disabled * @param handle SEND_ONLY * @param dataType SEND_ONLY * @param computeType SEND_RECV diff --git a/codegen/gen_client.cpp b/codegen/gen_client.cpp index 1c89f50..b6324f9 100644 --- a/codegen/gen_client.cpp +++ b/codegen/gen_client.cpp @@ -1,6 +1,5 @@ #include #include -#include #include #include #include @@ -19378,20 +19377,6 @@ cublasStatus_t cublasUint8gemmBias(cublasHandle_t handle, cublasOperation_t tran return return_value; } -cublasStatus_t cublasMigrateComputeType(cublasHandle_t handle, cudaDataType_t dataType, cublasComputeType_t* computeType) -{ - cublasStatus_t return_value; - if (rpc_start_request(0, RPC_cublasMigrateComputeType) < 0 || - rpc_write(0, &handle, sizeof(cublasHandle_t)) < 0 || - rpc_write(0, &dataType, sizeof(cudaDataType_t)) < 0 || - rpc_write(0, computeType, sizeof(cublasComputeType_t)) < 0 || - rpc_wait_for_response(0) < 0 || - rpc_read(0, computeType, sizeof(cublasComputeType_t)) < 0 || - rpc_end_response(0, &return_value) < 0) - return CUBLAS_STATUS_NOT_INITIALIZED; - return return_value; -} - cudnnStatus_t cudnnGetProperty(libraryPropertyType type, int* value) { cudnnStatus_t return_value; @@ -19407,7 +19392,6 @@ cudnnStatus_t cudnnGetProperty(libraryPropertyType type, int* value) cudnnStatus_t cudnnCreate(cudnnHandle_t* handle) { - std::cout << "asdf" << std::endl; cudnnStatus_t return_value; if (rpc_start_request(0, RPC_cudnnCreate) < 0 || rpc_wait_for_response(0) < 0 || @@ -21697,7 +21681,6 @@ std::unordered_map functionMap = { {"cublasCtrttp", (void *)cublasCtrttp}, {"cublasZtrttp", (void *)cublasZtrttp}, {"cublasUint8gemmBias", (void *)cublasUint8gemmBias}, - {"cublasMigrateComputeType", (void *)cublasMigrateComputeType}, {"cudnnGetProperty", (void *)cudnnGetProperty}, {"cudnnCreate", (void *)cudnnCreate}, {"cudnnDestroy", (void *)cudnnDestroy}, diff --git a/codegen/gen_server.cpp b/codegen/gen_server.cpp index eead9b9..b243014 100644 --- a/codegen/gen_server.cpp +++ b/codegen/gen_server.cpp @@ -40484,35 +40484,6 @@ int handle_cublasUint8gemmBias(void *conn) return -1; } -int handle_cublasMigrateComputeType(void *conn) -{ - cublasHandle_t handle; - cudaDataType_t dataType; - cublasComputeType_t computeType; - int request_id; - cublasStatus_t scuda_intercept_result; - if ( - rpc_read(conn, &handle, sizeof(cublasHandle_t)) < 0 || - rpc_read(conn, &dataType, sizeof(cudaDataType_t)) < 0 || - rpc_read(conn, &computeType, sizeof(cublasComputeType_t)) < 0 || - false) - goto ERROR_0; - - request_id = rpc_end_request(conn); - if (request_id < 0) - goto ERROR_0; - scuda_intercept_result = cublasMigrateComputeType(handle, dataType, &computeType); - - if (rpc_start_response(conn, request_id) < 0 || - rpc_write(conn, &computeType, sizeof(cublasComputeType_t)) < 0 || - rpc_end_response(conn, &scuda_intercept_result) < 0) - goto ERROR_0; - - return 0; -ERROR_0: - return -1; -} - int handle_cudnnGetProperty(void *conn) { libraryPropertyType type; @@ -40545,8 +40516,6 @@ int handle_cudnnCreate(void *conn) cudnnHandle_t handle; int request_id; cudnnStatus_t scuda_intercept_result; - - std::cout << "asdf" << std::endl; if ( false) goto ERROR_0; @@ -43972,7 +43941,7 @@ static RequestHandler opHandlers[] = { handle_cublasCtrttp, handle_cublasZtrttp, handle_cublasUint8gemmBias, - handle_cublasMigrateComputeType, + nullptr, nullptr, nullptr, nullptr, From fb519a9fa1e62bf8c2741907e4c34ae3a2a04f5f Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Tue, 3 Dec 2024 02:38:05 +0000 Subject: [PATCH 6/7] chore: cleanup --- codegen/codegen.py | 82 ++++++++++++++++++++++++---------------------- 1 file changed, 42 insertions(+), 40 deletions(-) diff --git a/codegen/codegen.py b/codegen/codegen.py index 7879638..5b88155 100644 --- a/codegen/codegen.py +++ b/codegen/codegen.py @@ -180,35 +180,35 @@ class ArrayOperation: def client_rpc_write(self, f): if not self.send: return - if isinstance(self.length, int): + elif isinstance(self.length, int): f.write( " rpc_write(0, {param_name}, {size}) < 0 ||\n".format( param_name=self.parameter.name, size=self.length, ) ) - else: - # array length operations are handled differently than char - if isinstance(self.ptr, Array): - f.write( - " rpc_write(0, {param_name}, sizeof({param_type}[{length}])) < 0 ||\n".format( - param_name=self.parameter.name, - param_type=self.ptr.format().replace("[]", ""), - length=self.length.name, - ) + # array length operations are handled differently than char + elif isinstance(self.ptr, Array): + f.write( + " rpc_write(0, {param_name}, sizeof({param_type}[{length}])) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.format().replace("[]", ""), + length=self.length.name, ) + ) + else: + if isinstance(self.length.type, Pointer): + length = "*" + self.length.name else: - if isinstance(self.length.type, Pointer): - length = "*" + self.length.name - else: - length = self.length.name - f.write( - " rpc_write(0, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( - param_name=self.parameter.name, - param_type=self.ptr.ptr_to.format(), - length=length, - ) + length = self.length.name + f.write( + " rpc_write(0, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.ptr_to.format(), + length=length, ) + ) + @property def server_declaration(self) -> str: @@ -228,34 +228,33 @@ def server_declaration(self) -> str: def server_rpc_read(self, f): if not self.send: return - if isinstance(self.length, int): + elif isinstance(self.length, int): f.write( " rpc_read(conn, {param_name}, {size}) < 0 ||\n".format( param_name=self.parameter.name, size=self.length, ) ) - else: - if isinstance(self.ptr, Array): - f.write( - " rpc_read(conn, {param_name}, sizeof({param_type}[{length}])) < 0 ||\n".format( - param_name=self.parameter.name, - param_type=self.ptr.format().replace("[]", ""), - length=self.length.name, - ) + elif isinstance(self.ptr, Array): + f.write( + " rpc_read(conn, {param_name}, sizeof({param_type}[{length}])) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.format().replace("[]", ""), + length=self.length.name, ) + ) + else: + if isinstance(self.length.type, Pointer): + length = "*" + self.length.name else: - if isinstance(self.length.type, Pointer): - length = "*" + self.length.name - else: - length = self.length.name - f.write( - " rpc_read(conn, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( - param_name=self.parameter.name, - param_type=self.ptr.ptr_to.format(), - length=length, - ) + length = self.length.name + f.write( + " rpc_read(conn, {param_name}, {length} * sizeof({param_type})) < 0 ||\n".format( + param_name=self.parameter.name, + param_type=self.ptr.ptr_to.format(), + length=length, ) + ) def server_len_rpc_read(self, f): f.write(" if (rpc_read(conn, &{length_param}, sizeof(int)) < 0)\n".format( @@ -519,6 +518,7 @@ def client_rpc_read(self, f): Operation = NullableOperation | ArrayOperation | NullTerminatedOperation | OpaqueTypeOperation | DereferenceOperation +# parses a function annotation. if disabled is encountered, returns True for short circuiting. def parse_annotation(annotation: str, params: list[Parameter]) -> list[Operation, bool]: operations: list[Operation] = [] @@ -917,7 +917,9 @@ def main(): batched = False - # not a fan of this, but the batched functions are pretty standard with the flow below + # not a fan of this, but the batched functions are pretty standard with the flow below. + # batched functions are cublas functions that send pointer arrays where batchCount describes... + # the number of pointers in the arrays. This is non-trivial to generate. if "Batched" in function.name.format(): batched = True From 2fdc3bea188d5e096bb6cbc0212df1fea9da3cda Mon Sep 17 00:00:00 2001 From: Brodey Newman Date: Tue, 3 Dec 2024 02:42:36 +0000 Subject: [PATCH 7/7] fix: type --- codegen/codegen.py | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/codegen/codegen.py b/codegen/codegen.py index 5b88155..c91ac7a 100644 --- a/codegen/codegen.py +++ b/codegen/codegen.py @@ -519,7 +519,7 @@ def client_rpc_read(self, f): Operation = NullableOperation | ArrayOperation | NullTerminatedOperation | OpaqueTypeOperation | DereferenceOperation # parses a function annotation. if disabled is encountered, returns True for short circuiting. -def parse_annotation(annotation: str, params: list[Parameter]) -> list[Operation, bool]: +def parse_annotation(annotation: str, params: list[Parameter]) -> list[tuple[Operation, bool]]: operations: list[Operation] = [] if not annotation: