美文网首页
CUDA(Demo)-图像处理相关例子

CUDA(Demo)-图像处理相关例子

作者: 侠之大者_7d3f | 来源:发表于2022-01-10 22:58 被阅读0次

图像二值化

main.cu

#include <iostream>
#include <stdio.h>
#include <opencv2/opencv.hpp>
#include <cuda_runtime.h>
#include "utils.cuh"

using namespace cv;

// 图像二值化
__global__ void binary_kernel(const uchar *img_in, uchar *img_out, uchar threashold, int w, int h)
{
    int x = blockIdx.x * blockDim.x + threadIdx.x;
    int y = blockIdx.y * blockDim.y + threadIdx.y;
    if (x < w && y < h)
    {
        img_out[y * w + x] = (img_in[y * w + x] > threashold) ? 255 : 0;
    }
}

int main()
{
    Mat img_src = imread("/mnt/data3/lena.jpg", 0);
    if (img_src.empty())
    {
        std::cout << "Failed to load image !" << std::endl;
        return -1;
    }

    uchar *d_in;
    uchar *d_out;
    int M = img_src.rows * img_src.cols * sizeof(uchar);
    CHECK(cudaMalloc((void **)&d_in, M));
    CHECK(cudaMalloc((void **)&d_out, M));
    CHECK(cudaMemcpy(d_in, img_src.data, M, cudaMemcpyHostToDevice));

    const int nx = 32;
    const int ny = 32;
    dim3 block_size(nx, ny);
    dim3 grid_size((img_src.cols + nx - 1) / nx, (img_src.rows + ny - 1) / ny);
    binary_kernel<<<grid_size, block_size>>>(d_in, d_out, 128, img_src.cols, img_src.rows);
    CUDA_CHECK_KERNEL

    Mat img_dst(img_src.size(), img_src.type());
    CHECK(cudaMemcpy(img_dst.data, d_out, M, cudaMemcpyDeviceToHost));

    imshow("src", img_src);
    imshow("dst", img_dst);
    waitKey(0);
}

utils.cuh

#pragma once
#include <stdio.h>
#include <cuda_runtime.h>

#define CHECK(call)                                     \
    do                                                  \
    {                                                   \
        const cudaError_t error_code = call;            \
        if (error_code != cudaSuccess)                  \
        {                                               \
            printf("CUDA Error:\n");                    \
            printf("    File:       %s\n", __FILE__);   \
            printf("    Line:       %d\n", __LINE__);   \
            printf("    Error code: %d\n", error_code); \
            printf("    Error text: %s\n",              \
                   cudaGetErrorString(error_code));     \
            exit(1);                                    \
        }                                               \
    } while (0)


#ifdef STRONG_DEBUG
#define CUDA_CHECK_KERNEL               \
    {                                   \
        CHECK(cudaGetLastError());      \
        CHECK(cudaDeviceSynchronize()); \
    }
#else
#define CUDA_CHECK_KERNEL          \
    {                              \
        CHECK(cudaGetLastError()); \
    }
#endif // CUDA_CHECK_KERNEL

class GPUTimer
{
public:
    GPUTimer()
    {
        cudaEventCreate(&m_start);
        cudaEventCreate(&m_end);
    }
    ~GPUTimer()
    {
        cudaEventDestroy(m_start);
        cudaEventDestroy(m_end);
    }

    void start()
    {
        cudaEventRecord(m_start);
    }

    void stop()
    {
        cudaEventRecord(m_end);
        cudaEventSynchronize(m_end);
    }

    float elpased_ms()
    {
        float ms = 0.0f;
        cudaEventElapsedTime(&ms, m_start, m_end);
        return ms;
    }

private:
    cudaEvent_t m_start;
    cudaEvent_t m_end;
};

CMakeLists.txt

cmake_minimum_required(VERSION 3.10)
project(TEST_BINARY)

enable_language(CXX CUDA)

# OpenCV
set(CMAKE_PREFIX_PATH "/home/wei/ubuntu/Libs/opencv-4.5.1/INSTALL")
find_package(OpenCV REQUIRED)
if(OpenCV_FOUND)
    message(STATUS "Found OpenCV")
endif()

# Debug
add_definitions(-DSTRONG_DEBUG)

add_executable(main "main.cu")
target_include_directories(main PRIVATE ${OpenCV_INCLUDE_DIRS})
target_link_libraries(main PRIVATE ${OpenCV_LIBS})

结果

image.png

相关文章

  • CUDA(Demo)-图像处理相关例子

    图像二值化 main.cu utils.cuh CMakeLists.txt 结果

  • opencv cuda 编程

    cuda练习(一):使用cuda将rbg图像转为灰度图像[https://blog.csdn.net/lingsu...

  • GPUImage之给图片添加滤镜

    相关类: GPUImagePicture作为PGUImage的图像处理类,一般用来处理源图像. GPUImageF...

  • 深度学习工程师

    基本要求: 熟悉深度学习相关算法以及框架 有图像识别和检测经验优先 熟悉计算机体系结构, 有CUDA 相关经验优先...

  • <图像处理进阶>基于OpenCV的图像的腐蚀与膨胀

    图像处理进阶(一)——图像的腐蚀膨胀 作者:Cabin_V作为学习图像处理的学生,需要不断学习相关知识,我在课余时...

  • CUDA01-00BMP图像处理

      开始GPU性能运算编程,使用图像处理是比较理想的方式,因为图像运算的性能是个问题;为了避免其他图像库带来的性能...

  • python抠字

    python进行图像处理也是比较方便的,下面提供一个简单的例子,将图像的底色变成纯白的。

  • 安装并测试cuda版本的PETSc

    cuda如果是通过apt安装的,与cuda相关cuda路径如下:/usr/bin/usr/lib/cuda/usr...

  • OpenCV 之ios 图像平滑处理

    OpenCV 之ios 图像平滑处理 目标 本教程教您怎样使用各种线性滤波器对图像进行平滑处理,相关OpenCV函...

  • php图像处理相关总结

    一、图像处理概述 1、开启GD2图像扩展库 PHP不仅限于只产生HTML的输出,还可以创建与操作多种不同格式的图像...

网友评论

      本文标题:CUDA(Demo)-图像处理相关例子

      本文链接:https://www.haomeiwen.com/subject/bgbvcrtx.html