mirror of
				https://github.com/gnss-sdr/gnss-sdr
				synced 2025-10-31 07:13:03 +00:00 
			
		
		
		
	Apply fixes by clang-tidy
This commit is contained in:
		| @@ -220,7 +220,7 @@ void GpsL1CaPcpsOpenClAcquisition::set_local_code() | ||||
| { | ||||
|     if (item_type_ == "gr_complex") | ||||
|         { | ||||
|             std::complex<float>* code = new std::complex<float>[code_length_]; | ||||
|             auto* code = new std::complex<float>[code_length_]; | ||||
|  | ||||
|             gps_l1_ca_code_gen_complex_sampled(code, gnss_synchro_->PRN, fs_in_, 0); | ||||
|  | ||||
| @@ -261,9 +261,9 @@ float GpsL1CaPcpsOpenClAcquisition::calculate_threshold(float pfa) | ||||
|     unsigned int ncells = vector_length_ * frequency_bins; | ||||
|     double exponent = 1 / static_cast<double>(ncells); | ||||
|     double val = pow(1.0 - pfa, exponent); | ||||
|     double lambda = double(vector_length_); | ||||
|     auto lambda = double(vector_length_); | ||||
|     boost::math::exponential_distribution<double> mydist(lambda); | ||||
|     float threshold = static_cast<float>(quantile(mydist, val)); | ||||
|     auto threshold = static_cast<float>(quantile(mydist, val)); | ||||
|  | ||||
|     return threshold; | ||||
| } | ||||
|   | ||||
| @@ -61,6 +61,7 @@ | ||||
| #include <fstream> | ||||
| #include <iostream> | ||||
| #include <sstream> | ||||
| #include <utility> | ||||
|  | ||||
|  | ||||
| using google::LogMessage; | ||||
| @@ -75,7 +76,7 @@ pcps_opencl_acquisition_cc_sptr pcps_make_opencl_acquisition_cc( | ||||
| { | ||||
|     return pcps_opencl_acquisition_cc_sptr( | ||||
|         new pcps_opencl_acquisition_cc(sampled_ms, max_dwells, doppler_max, fs_in, samples_per_ms, | ||||
|             samples_per_code, bit_transition_flag, dump, dump_filename)); | ||||
|             samples_per_code, bit_transition_flag, dump, std::move(dump_filename))); | ||||
| } | ||||
|  | ||||
|  | ||||
| @@ -140,7 +141,7 @@ pcps_opencl_acquisition_cc::pcps_opencl_acquisition_cc( | ||||
|  | ||||
|     // For dumping samples into a file | ||||
|     d_dump = dump; | ||||
|     d_dump_filename = dump_filename; | ||||
|     d_dump_filename = std::move(dump_filename); | ||||
| } | ||||
|  | ||||
|  | ||||
| @@ -193,7 +194,7 @@ pcps_opencl_acquisition_cc::~pcps_opencl_acquisition_cc() | ||||
| } | ||||
|  | ||||
|  | ||||
| int pcps_opencl_acquisition_cc::init_opencl_environment(std::string kernel_filename) | ||||
| int pcps_opencl_acquisition_cc::init_opencl_environment(const std::string &kernel_filename) | ||||
| { | ||||
|     //get all platforms (drivers) | ||||
|     std::vector<cl::Platform> all_platforms; | ||||
| @@ -359,7 +360,7 @@ void pcps_opencl_acquisition_cc::set_local_code(std::complex<float> *code) | ||||
|  | ||||
|             clFFT_ExecuteInterleaved((*d_cl_queue)(), d_cl_fft_plan, d_cl_fft_batch_size, | ||||
|                 clFFT_Forward, (*d_cl_buffer_2)(), (*d_cl_buffer_2)(), | ||||
|                 0, NULL, NULL); | ||||
|                 0, nullptr, nullptr); | ||||
|  | ||||
|             //Conjucate the local code | ||||
|             cl::Kernel kernel = cl::Kernel(d_cl_program, "conj_vector"); | ||||
| @@ -562,7 +563,7 @@ void pcps_opencl_acquisition_cc::acquisition_core_opencl() | ||||
|  | ||||
|             clFFT_ExecuteInterleaved((*d_cl_queue)(), d_cl_fft_plan, d_cl_fft_batch_size, | ||||
|                 clFFT_Forward, (*d_cl_buffer_1)(), (*d_cl_buffer_2)(), | ||||
|                 0, NULL, NULL); | ||||
|                 0, nullptr, nullptr); | ||||
|  | ||||
|             // Multiply carrier wiped--off, Fourier transformed incoming signal | ||||
|             // with the local FFT'd code reference | ||||
| @@ -576,7 +577,7 @@ void pcps_opencl_acquisition_cc::acquisition_core_opencl() | ||||
|             // compute the inverse FFT | ||||
|             clFFT_ExecuteInterleaved((*d_cl_queue)(), d_cl_fft_plan, d_cl_fft_batch_size, | ||||
|                 clFFT_Inverse, (*d_cl_buffer_2)(), (*d_cl_buffer_2)(), | ||||
|                 0, NULL, NULL); | ||||
|                 0, nullptr, nullptr); | ||||
|  | ||||
|             // Compute magnitude | ||||
|             kernel = cl::Kernel(d_cl_program, "magnitude_squared"); | ||||
|   | ||||
| @@ -105,7 +105,7 @@ private: | ||||
|     void calculate_magnitudes(gr_complex* fft_begin, int doppler_shift, | ||||
|         int doppler_offset); | ||||
|  | ||||
|     int init_opencl_environment(std::string kernel_filename); | ||||
|     int init_opencl_environment(const std::string& kernel_filename); | ||||
|  | ||||
|     long d_fs_in; | ||||
|     int d_samples_per_ms; | ||||
|   | ||||
| @@ -86,11 +86,6 @@ if(OPENCL_FOUND) | ||||
|         opencl/fft_setup.cc # Needs OpenCL | ||||
|         opencl/fft_kernelstring.cc # Needs OpenCL | ||||
|     ) | ||||
|     set(GNSS_SPLIBS_HEADERS ${GNSS_SPLIBS_HEADERS} | ||||
|         opencl/fft_execute.h # Needs OpenCL | ||||
|         opencl/fft_setup.h # Needs OpenCL | ||||
|         opencl/fft_kernelstring.h # Needs OpenCL | ||||
|     ) | ||||
| endif() | ||||
|  | ||||
| include_directories( | ||||
|   | ||||
| @@ -48,9 +48,9 @@ | ||||
|  | ||||
| #include "clFFT.h" | ||||
| #include "fft_internal.h" | ||||
| #include <math.h> | ||||
| #include <stdio.h> | ||||
| #include <stdlib.h> | ||||
| #include <cmath> | ||||
| #include <cstdio> | ||||
| #include <cstdlib> | ||||
|  | ||||
| #define max(a, b) (((a) > (b)) ? (a) : (b)) | ||||
| #define min(a, b) (((a) < (b)) ? (a) : (b)) | ||||
| @@ -67,7 +67,7 @@ allocateTemporaryBufferInterleaved(cl_fft_plan *plan, cl_uint batchSize) | ||||
|             if (plan->tempmemobj) | ||||
|                 clReleaseMemObject(plan->tempmemobj); | ||||
|  | ||||
|             plan->tempmemobj = clCreateBuffer(plan->context, CL_MEM_READ_WRITE, tmpLength, NULL, &err); | ||||
|             plan->tempmemobj = clCreateBuffer(plan->context, CL_MEM_READ_WRITE, tmpLength, nullptr, &err); | ||||
|         } | ||||
|     return err; | ||||
| } | ||||
| @@ -88,8 +88,8 @@ allocateTemporaryBufferPlannar(cl_fft_plan *plan, cl_uint batchSize) | ||||
|             if (plan->tempmemobj_imag) | ||||
|                 clReleaseMemObject(plan->tempmemobj_imag); | ||||
|  | ||||
|             plan->tempmemobj_real = clCreateBuffer(plan->context, CL_MEM_READ_WRITE, tmpLength, NULL, &err); | ||||
|             plan->tempmemobj_imag = clCreateBuffer(plan->context, CL_MEM_READ_WRITE, tmpLength, NULL, &terr); | ||||
|             plan->tempmemobj_real = clCreateBuffer(plan->context, CL_MEM_READ_WRITE, tmpLength, nullptr, &err); | ||||
|             plan->tempmemobj_imag = clCreateBuffer(plan->context, CL_MEM_READ_WRITE, tmpLength, nullptr, &terr); | ||||
|             err |= terr; | ||||
|         } | ||||
|     return err; | ||||
| @@ -126,7 +126,7 @@ clFFT_ExecuteInterleaved(cl_command_queue queue, clFFT_Plan Plan, cl_int batchSi | ||||
|     cl_int num_events, cl_event *event_list, cl_event *event) | ||||
| { | ||||
|     int s; | ||||
|     cl_fft_plan *plan = (cl_fft_plan *)Plan; | ||||
|     auto *plan = (cl_fft_plan *)Plan; | ||||
|     if (plan->format != clFFT_InterleavedComplexFormat) | ||||
|         return CL_INVALID_VALUE; | ||||
|  | ||||
| @@ -180,7 +180,7 @@ clFFT_ExecuteInterleaved(cl_command_queue queue, clFFT_Plan Plan, cl_int batchSi | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 2, sizeof(cl_int), &dir); | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 3, sizeof(cl_int), &s); | ||||
|  | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, NULL, &gWorkItems, &lWorkItems, 0, NULL, NULL); | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, nullptr, &gWorkItems, &lWorkItems, 0, nullptr, nullptr); | ||||
|                     if (err) | ||||
|                         return err; | ||||
|  | ||||
| @@ -203,7 +203,7 @@ clFFT_ExecuteInterleaved(cl_command_queue queue, clFFT_Plan Plan, cl_int batchSi | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 2, sizeof(cl_int), &dir); | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 3, sizeof(cl_int), &s); | ||||
|  | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, NULL, &gWorkItems, &lWorkItems, 0, NULL, NULL); | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, nullptr, &gWorkItems, &lWorkItems, 0, nullptr, nullptr); | ||||
|                     if (err) | ||||
|                         return err; | ||||
|  | ||||
| @@ -223,7 +223,7 @@ clFFT_ExecutePlannar(cl_command_queue queue, clFFT_Plan Plan, cl_int batchSize, | ||||
|     cl_int num_events, cl_event *event_list, cl_event *event) | ||||
| { | ||||
|     int s; | ||||
|     cl_fft_plan *plan = (cl_fft_plan *)Plan; | ||||
|     auto *plan = (cl_fft_plan *)Plan; | ||||
|  | ||||
|     if (plan->format != clFFT_SplitComplexFormat) | ||||
|         return CL_INVALID_VALUE; | ||||
| @@ -285,7 +285,7 @@ clFFT_ExecutePlannar(cl_command_queue queue, clFFT_Plan Plan, cl_int batchSize, | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 4, sizeof(cl_int), &dir); | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 5, sizeof(cl_int), &s); | ||||
|  | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, NULL, &gWorkItems, &lWorkItems, 0, NULL, NULL); | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, nullptr, &gWorkItems, &lWorkItems, 0, nullptr, nullptr); | ||||
|                     if (err) | ||||
|                         return err; | ||||
|  | ||||
| @@ -309,7 +309,7 @@ clFFT_ExecutePlannar(cl_command_queue queue, clFFT_Plan Plan, cl_int batchSize, | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 4, sizeof(cl_int), &dir); | ||||
|                     err |= clSetKernelArg(kernelInfo->kernel, 5, sizeof(cl_int), &s); | ||||
|  | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, NULL, &gWorkItems, &lWorkItems, 0, NULL, NULL); | ||||
|                     err |= clEnqueueNDRangeKernel(queue, kernelInfo->kernel, 1, nullptr, &gWorkItems, &lWorkItems, 0, nullptr, nullptr); | ||||
|                     if (err) | ||||
|                         return err; | ||||
|  | ||||
| @@ -327,7 +327,7 @@ cl_int | ||||
| clFFT_1DTwistInterleaved(clFFT_Plan Plan, cl_command_queue queue, cl_mem array, | ||||
|     unsigned numRows, unsigned numCols, unsigned startRow, unsigned rowsToProcess, clFFT_Direction dir) | ||||
| { | ||||
|     cl_fft_plan *plan = (cl_fft_plan *)Plan; | ||||
|     auto *plan = (cl_fft_plan *)Plan; | ||||
|  | ||||
|     unsigned int N = numRows * numCols; | ||||
|     unsigned int nCols = numCols; | ||||
| @@ -337,12 +337,12 @@ clFFT_1DTwistInterleaved(clFFT_Plan Plan, cl_command_queue queue, cl_mem array, | ||||
|     int err = 0; | ||||
|  | ||||
|     cl_device_id device_id; | ||||
|     err = clGetCommandQueueInfo(queue, CL_QUEUE_DEVICE, sizeof(cl_device_id), &device_id, NULL); | ||||
|     err = clGetCommandQueueInfo(queue, CL_QUEUE_DEVICE, sizeof(cl_device_id), &device_id, nullptr); | ||||
|     if (err) | ||||
|         return err; | ||||
|  | ||||
|     size_t gSize; | ||||
|     err = clGetKernelWorkGroupInfo(plan->twist_kernel, device_id, CL_KERNEL_WORK_GROUP_SIZE, sizeof(size_t), &gSize, NULL); | ||||
|     err = clGetKernelWorkGroupInfo(plan->twist_kernel, device_id, CL_KERNEL_WORK_GROUP_SIZE, sizeof(size_t), &gSize, nullptr); | ||||
|     if (err) | ||||
|         return err; | ||||
|  | ||||
| @@ -357,7 +357,7 @@ clFFT_1DTwistInterleaved(clFFT_Plan Plan, cl_command_queue queue, cl_mem array, | ||||
|     err |= clSetKernelArg(plan->twist_kernel, 4, sizeof(unsigned int), &rToProcess); | ||||
|     err |= clSetKernelArg(plan->twist_kernel, 5, sizeof(int), &d); | ||||
|  | ||||
|     err |= clEnqueueNDRangeKernel(queue, plan->twist_kernel, 1, NULL, numGlobalThreads, numLocalThreads, 0, NULL, NULL); | ||||
|     err |= clEnqueueNDRangeKernel(queue, plan->twist_kernel, 1, nullptr, numGlobalThreads, numLocalThreads, 0, nullptr, nullptr); | ||||
|  | ||||
|     return err; | ||||
| } | ||||
| @@ -366,7 +366,7 @@ cl_int | ||||
| clFFT_1DTwistPlannar(clFFT_Plan Plan, cl_command_queue queue, cl_mem array_real, cl_mem array_imag, | ||||
|     unsigned numRows, unsigned numCols, unsigned startRow, unsigned rowsToProcess, clFFT_Direction dir) | ||||
| { | ||||
|     cl_fft_plan *plan = (cl_fft_plan *)Plan; | ||||
|     auto *plan = (cl_fft_plan *)Plan; | ||||
|  | ||||
|     unsigned int N = numRows * numCols; | ||||
|     unsigned int nCols = numCols; | ||||
| @@ -376,12 +376,12 @@ clFFT_1DTwistPlannar(clFFT_Plan Plan, cl_command_queue queue, cl_mem array_real, | ||||
|     int err = 0; | ||||
|  | ||||
|     cl_device_id device_id; | ||||
|     err = clGetCommandQueueInfo(queue, CL_QUEUE_DEVICE, sizeof(cl_device_id), &device_id, NULL); | ||||
|     err = clGetCommandQueueInfo(queue, CL_QUEUE_DEVICE, sizeof(cl_device_id), &device_id, nullptr); | ||||
|     if (err) | ||||
|         return err; | ||||
|  | ||||
|     size_t gSize; | ||||
|     err = clGetKernelWorkGroupInfo(plan->twist_kernel, device_id, CL_KERNEL_WORK_GROUP_SIZE, sizeof(size_t), &gSize, NULL); | ||||
|     err = clGetKernelWorkGroupInfo(plan->twist_kernel, device_id, CL_KERNEL_WORK_GROUP_SIZE, sizeof(size_t), &gSize, nullptr); | ||||
|     if (err) | ||||
|         return err; | ||||
|  | ||||
| @@ -397,7 +397,7 @@ clFFT_1DTwistPlannar(clFFT_Plan Plan, cl_command_queue queue, cl_mem array_real, | ||||
|     err |= clSetKernelArg(plan->twist_kernel, 5, sizeof(unsigned int), &rToProcess); | ||||
|     err |= clSetKernelArg(plan->twist_kernel, 6, sizeof(int), &d); | ||||
|  | ||||
|     err |= clEnqueueNDRangeKernel(queue, plan->twist_kernel, 1, NULL, numGlobalThreads, numLocalThreads, 0, NULL, NULL); | ||||
|     err |= clEnqueueNDRangeKernel(queue, plan->twist_kernel, 1, nullptr, numGlobalThreads, numLocalThreads, 0, nullptr, nullptr); | ||||
|  | ||||
|     return err; | ||||
| } | ||||
|   | ||||
| @@ -48,13 +48,13 @@ | ||||
|  | ||||
| #include "clFFT.h" | ||||
| #include "fft_internal.h" | ||||
| #include <assert.h> | ||||
| #include <cassert> | ||||
| #include <cmath> | ||||
| #include <cstdio> | ||||
| #include <cstdlib> | ||||
| #include <cstring> | ||||
| #include <iostream> | ||||
| #include <math.h> | ||||
| #include <sstream> | ||||
| #include <stdio.h> | ||||
| #include <stdlib.h> | ||||
| #include <string.h> | ||||
| #include <string> | ||||
|  | ||||
| using namespace std; | ||||
| @@ -806,13 +806,13 @@ createLocalMemfftKernelString(cl_fft_plan *plan) | ||||
|     kernelName = string("fft") + num2str(kCount); | ||||
|  | ||||
|     *kInfo = (cl_fft_kernel_info *)malloc(sizeof(cl_fft_kernel_info)); | ||||
|     (*kInfo)->kernel = 0; | ||||
|     (*kInfo)->kernel = nullptr; | ||||
|     (*kInfo)->lmem_size = 0; | ||||
|     (*kInfo)->num_workgroups = 0; | ||||
|     (*kInfo)->num_workitems_per_workgroup = 0; | ||||
|     (*kInfo)->dir = cl_fft_kernel_x; | ||||
|     (*kInfo)->in_place_possible = 1; | ||||
|     (*kInfo)->next = NULL; | ||||
|     (*kInfo)->next = nullptr; | ||||
|     (*kInfo)->kernel_name = (char *)malloc(sizeof(char) * (kernelName.size() + 1)); | ||||
|     strcpy((*kInfo)->kernel_name, kernelName.c_str()); | ||||
|  | ||||
| @@ -1015,7 +1015,7 @@ createGlobalFFTKernelString(cl_fft_plan *plan, int n, int BS, cl_fft_kernel_dir | ||||
|  | ||||
|             kernelName = string("fft") + num2str(kCount); | ||||
|             *kInfo = (cl_fft_kernel_info *)malloc(sizeof(cl_fft_kernel_info)); | ||||
|             (*kInfo)->kernel = 0; | ||||
|             (*kInfo)->kernel = nullptr; | ||||
|             if (R2 == 1) | ||||
|                 (*kInfo)->lmem_size = 0; | ||||
|             else | ||||
| @@ -1033,7 +1033,7 @@ createGlobalFFTKernelString(cl_fft_plan *plan, int n, int BS, cl_fft_kernel_dir | ||||
|                 (*kInfo)->in_place_possible = 1; | ||||
|             else | ||||
|                 (*kInfo)->in_place_possible = 0; | ||||
|             (*kInfo)->next = NULL; | ||||
|             (*kInfo)->next = nullptr; | ||||
|             (*kInfo)->kernel_name = (char *)malloc(sizeof(char) * (kernelName.size() + 1)); | ||||
|             strcpy((*kInfo)->kernel_name, kernelName.c_str()); | ||||
|  | ||||
|   | ||||
| @@ -48,11 +48,11 @@ | ||||
|  | ||||
| #include "fft_base_kernels.h" | ||||
| #include "fft_internal.h" | ||||
| #include <cstdlib> | ||||
| #include <cstring> | ||||
| #include <iostream> | ||||
| #include <limits> | ||||
| #include <sstream> | ||||
| #include <stdlib.h> | ||||
| #include <string.h> | ||||
| #include <string> | ||||
| #include <sys/stat.h> | ||||
| #include <sys/types.h> | ||||
| @@ -128,37 +128,37 @@ destroy_plan(cl_fft_plan *Plan) | ||||
|             kernel_info = tmp; | ||||
|         } | ||||
|  | ||||
|     Plan->kernel_info = NULL; | ||||
|     Plan->kernel_info = nullptr; | ||||
|  | ||||
|     if (Plan->kernel_string) | ||||
|         { | ||||
|             delete Plan->kernel_string; | ||||
|             Plan->kernel_string = NULL; | ||||
|             Plan->kernel_string = nullptr; | ||||
|         } | ||||
|     if (Plan->twist_kernel) | ||||
|         { | ||||
|             clReleaseKernel(Plan->twist_kernel); | ||||
|             Plan->twist_kernel = NULL; | ||||
|             Plan->twist_kernel = nullptr; | ||||
|         } | ||||
|     if (Plan->program) | ||||
|         { | ||||
|             clReleaseProgram(Plan->program); | ||||
|             Plan->program = NULL; | ||||
|             Plan->program = nullptr; | ||||
|         } | ||||
|     if (Plan->tempmemobj) | ||||
|         { | ||||
|             clReleaseMemObject(Plan->tempmemobj); | ||||
|             Plan->tempmemobj = NULL; | ||||
|             Plan->tempmemobj = nullptr; | ||||
|         } | ||||
|     if (Plan->tempmemobj_real) | ||||
|         { | ||||
|             clReleaseMemObject(Plan->tempmemobj_real); | ||||
|             Plan->tempmemobj_real = NULL; | ||||
|             Plan->tempmemobj_real = nullptr; | ||||
|         } | ||||
|     if (Plan->tempmemobj_imag) | ||||
|         { | ||||
|             clReleaseMemObject(Plan->tempmemobj_imag); | ||||
|             Plan->tempmemobj_imag = NULL; | ||||
|             Plan->tempmemobj_imag = nullptr; | ||||
|         } | ||||
| } | ||||
|  | ||||
| @@ -201,7 +201,7 @@ int getMaxKernelWorkGroupSize(cl_fft_plan *plan, unsigned int *max_wg_size, unsi | ||||
|             cl_fft_kernel_info *kInfo = plan->kernel_info; | ||||
|             while (kInfo) | ||||
|                 { | ||||
|                     err = clGetKernelWorkGroupInfo(kInfo->kernel, devices[i], CL_KERNEL_WORK_GROUP_SIZE, sizeof(size_t), &wg_size, NULL); | ||||
|                     err = clGetKernelWorkGroupInfo(kInfo->kernel, devices[i], CL_KERNEL_WORK_GROUP_SIZE, sizeof(size_t), &wg_size, nullptr); | ||||
|                     if (err != CL_SUCCESS) | ||||
|                         return -1; | ||||
|  | ||||
| @@ -235,7 +235,7 @@ clFFT_CreatePlan(cl_context context, clFFT_Dim3 n, clFFT_Dimension dim, clFFT_Da | ||||
|     int i; | ||||
|     cl_int err; | ||||
|     int isPow2 = 1; | ||||
|     cl_fft_plan *plan = NULL; | ||||
|     cl_fft_plan *plan = nullptr; | ||||
|     ostringstream kString; | ||||
|     int num_devices; | ||||
|     int gpu_found = 0; | ||||
| @@ -265,15 +265,15 @@ clFFT_CreatePlan(cl_context context, clFFT_Dim3 n, clFFT_Dimension dim, clFFT_Da | ||||
|     plan->n = n; | ||||
|     plan->dim = dim; | ||||
|     plan->format = dataFormat; | ||||
|     plan->kernel_info = 0; | ||||
|     plan->kernel_info = nullptr; | ||||
|     plan->num_kernels = 0; | ||||
|     plan->twist_kernel = 0; | ||||
|     plan->program = 0; | ||||
|     plan->twist_kernel = nullptr; | ||||
|     plan->program = nullptr; | ||||
|     plan->temp_buffer_needed = 0; | ||||
|     plan->last_batch_size = 0; | ||||
|     plan->tempmemobj = 0; | ||||
|     plan->tempmemobj_real = 0; | ||||
|     plan->tempmemobj_imag = 0; | ||||
|     plan->tempmemobj = nullptr; | ||||
|     plan->tempmemobj_real = nullptr; | ||||
|     plan->tempmemobj_imag = nullptr; | ||||
|     plan->max_localmem_fft_size = 2048; | ||||
|     plan->max_work_item_per_workgroup = 256; | ||||
|     plan->max_radix = 16; | ||||
| @@ -289,7 +289,7 @@ patch_kernel_source: | ||||
|     getBlockConfigAndKernelString(plan); | ||||
|  | ||||
|     const char *source_str = plan->kernel_string->c_str(); | ||||
|     plan->program = clCreateProgramWithSource(context, 1, (const char **)&source_str, NULL, &err); | ||||
|     plan->program = clCreateProgramWithSource(context, 1, (const char **)&source_str, nullptr, &err); | ||||
|     ERR_MACRO(err); | ||||
|  | ||||
|     err = clGetContextInfo(context, CL_CONTEXT_DEVICES, sizeof(devices), devices, &ret_size); | ||||
| @@ -299,28 +299,28 @@ patch_kernel_source: | ||||
|  | ||||
|     for (i = 0; i < num_devices; i++) | ||||
|         { | ||||
|             err = clGetDeviceInfo(devices[i], CL_DEVICE_TYPE, sizeof(device_type), &device_type, NULL); | ||||
|             err = clGetDeviceInfo(devices[i], CL_DEVICE_TYPE, sizeof(device_type), &device_type, nullptr); | ||||
|             ERR_MACRO(err); | ||||
|  | ||||
|             if (device_type == CL_DEVICE_TYPE_GPU) | ||||
|                 { | ||||
|                     gpu_found = 1; | ||||
|                     err = clBuildProgram(plan->program, 1, &devices[i], "-cl-mad-enable", NULL, NULL); | ||||
|                     err = clBuildProgram(plan->program, 1, &devices[i], "-cl-mad-enable", nullptr, nullptr); | ||||
|                     if (err != CL_SUCCESS) | ||||
|                         { | ||||
|                             char *build_log; | ||||
|                             char devicename[200]; | ||||
|                             size_t log_size; | ||||
|  | ||||
|                             err = clGetProgramBuildInfo(plan->program, devices[i], CL_PROGRAM_BUILD_LOG, 0, NULL, &log_size); | ||||
|                             err = clGetProgramBuildInfo(plan->program, devices[i], CL_PROGRAM_BUILD_LOG, 0, nullptr, &log_size); | ||||
|                             ERR_MACRO(err); | ||||
|  | ||||
|                             build_log = (char *)malloc(log_size + 1); | ||||
|  | ||||
|                             err = clGetProgramBuildInfo(plan->program, devices[i], CL_PROGRAM_BUILD_LOG, log_size, build_log, NULL); | ||||
|                             err = clGetProgramBuildInfo(plan->program, devices[i], CL_PROGRAM_BUILD_LOG, log_size, build_log, nullptr); | ||||
|                             ERR_MACRO(err); | ||||
|  | ||||
|                             err = clGetDeviceInfo(devices[i], CL_DEVICE_NAME, sizeof(devicename), devicename, NULL); | ||||
|                             err = clGetDeviceInfo(devices[i], CL_DEVICE_NAME, sizeof(devicename), devicename, nullptr); | ||||
|                             ERR_MACRO(err); | ||||
|  | ||||
|                             fprintf(stdout, "FFT program build log on device %s\n", devicename); | ||||
| @@ -370,7 +370,7 @@ patch_kernel_source: | ||||
|  | ||||
| void clFFT_DestroyPlan(clFFT_Plan plan) | ||||
| { | ||||
|     cl_fft_plan *Plan = (cl_fft_plan *)plan; | ||||
|     auto *Plan = (cl_fft_plan *)plan; | ||||
|     if (Plan) | ||||
|         { | ||||
|             destroy_plan(Plan); | ||||
| @@ -388,7 +388,7 @@ void clFFT_DumpPlan(clFFT_Plan Plan, FILE *file) | ||||
|     else | ||||
|         out = file; | ||||
|  | ||||
|     cl_fft_plan *plan = (cl_fft_plan *)Plan; | ||||
|     auto *plan = (cl_fft_plan *)Plan; | ||||
|     cl_fft_kernel_info *kInfo = plan->kernel_info; | ||||
|  | ||||
|     while (kInfo) | ||||
|   | ||||
| @@ -113,8 +113,7 @@ CustomUDPSignalSource::CustomUDPSignalSource(ConfigurationInterface* configurati | ||||
| } | ||||
|  | ||||
|  | ||||
| CustomUDPSignalSource::~CustomUDPSignalSource() | ||||
| = default; | ||||
| CustomUDPSignalSource::~CustomUDPSignalSource() = default; | ||||
|  | ||||
|  | ||||
| void CustomUDPSignalSource::connect(gr::top_block_sptr top_block) | ||||
|   | ||||
| @@ -69,7 +69,7 @@ OsmosdrSignalSource::OsmosdrSignalSource(ConfigurationInterface* configuration, | ||||
|  | ||||
|     if (item_type_ == "short") | ||||
|         { | ||||
|             item_size_ = sizeof(short); | ||||
|             item_size_ = sizeof(int16_t); | ||||
|         } | ||||
|     else if (item_type_ == "gr_complex") | ||||
|         { | ||||
| @@ -131,7 +131,7 @@ OsmosdrSignalSource::OsmosdrSignalSource(ConfigurationInterface* configuration, | ||||
|     else | ||||
|         { | ||||
|             LOG(WARNING) << item_type_ << " unrecognized item type. Using short."; | ||||
|             item_size_ = sizeof(short); | ||||
|             item_size_ = sizeof(int16_t); | ||||
|         } | ||||
|  | ||||
|     if (samples_ != 0) | ||||
| @@ -158,8 +158,7 @@ OsmosdrSignalSource::OsmosdrSignalSource(ConfigurationInterface* configuration, | ||||
| } | ||||
|  | ||||
|  | ||||
| OsmosdrSignalSource::~OsmosdrSignalSource() | ||||
| = default; | ||||
| OsmosdrSignalSource::~OsmosdrSignalSource() = default; | ||||
|  | ||||
|  | ||||
| void OsmosdrSignalSource::driver_instance() | ||||
|   | ||||
| @@ -37,6 +37,7 @@ | ||||
| #include <boost/shared_ptr.hpp> | ||||
| #include <gnuradio/blocks/file_sink.h> | ||||
| #include <gnuradio/msg_queue.h> | ||||
| #include <cstdint> | ||||
| #include <osmosdr/source.h> | ||||
| #include <stdexcept> | ||||
| #include <string> | ||||
| @@ -98,7 +99,7 @@ private: | ||||
|  | ||||
|     std::string item_type_; | ||||
|     size_t item_size_; | ||||
|     long samples_; | ||||
|     int64_t samples_; | ||||
|     bool dump_; | ||||
|     std::string dump_filename_; | ||||
|  | ||||
|   | ||||
| @@ -106,8 +106,7 @@ PlutosdrSignalSource::PlutosdrSignalSource(ConfigurationInterface* configuration | ||||
| } | ||||
|  | ||||
|  | ||||
| PlutosdrSignalSource::~PlutosdrSignalSource() | ||||
| = default; | ||||
| PlutosdrSignalSource::~PlutosdrSignalSource() = default; | ||||
|  | ||||
|  | ||||
| void PlutosdrSignalSource::connect(gr::top_block_sptr top_block) | ||||
|   | ||||
| @@ -32,9 +32,9 @@ | ||||
|  | ||||
| #include "gr_complex_ip_packet_source.h" | ||||
| #include <gnuradio/io_signature.h> | ||||
| #include <cstdint> | ||||
| #include <utility> | ||||
|  | ||||
|  | ||||
| const int FIFO_SIZE = 1472000; | ||||
|  | ||||
|  | ||||
| @@ -391,7 +391,7 @@ int gr_complex_ip_packet_source::work(int noutput_items, | ||||
|     boost::mutex::scoped_lock lock(d_mutex);  // hold mutex for duration of this function | ||||
|     if (fifo_items == 0) return 0; | ||||
|  | ||||
|     if (output_items.size() > static_cast<long unsigned int>(d_n_baseband_channels)) | ||||
|     if (output_items.size() > static_cast<uint64_t>(d_n_baseband_channels)) | ||||
|         { | ||||
|             std::cout << "Configuration error: more baseband channels connected than the available in the UDP source\n"; | ||||
|             exit(0); | ||||
| @@ -440,7 +440,7 @@ int gr_complex_ip_packet_source::work(int noutput_items, | ||||
|     // update fifo items | ||||
|     fifo_items = fifo_items - bytes_requested; | ||||
|  | ||||
|     for (long unsigned int n = 0; n < output_items.size(); n++) | ||||
|     for (uint64_t n = 0; n < output_items.size(); n++) | ||||
|         { | ||||
|             produce(static_cast<int>(n), num_samples_readed); | ||||
|         } | ||||
|   | ||||
		Reference in New Issue
	
	Block a user
	 Carles Fernandez
					Carles Fernandez