opencv-常用代码

以下是一些OpenCV中常用的代码片段,涵盖了一些基本的图像处理和计算机视觉任务。

  1. 加载和显示图像:

    python 复制代码
    import cv2
    
    # 读取图像
    img = cv2.imread('image.jpg')
    
    # 显示图像
    cv2.imshow('Image', img)
    cv2.waitKey(0)
    cv2.destroyAllWindows()
  2. 调整图像大小:

    python 复制代码
    resized_img = cv2.resize(img, (width, height))
  3. 灰度转换:

    python 复制代码
    gray_img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)
  4. 图像平滑:

    python 复制代码
    smoothed_img = cv2.GaussianBlur(img, (kernel_size, kernel_size), 0)
  5. 边缘检测:

    python 复制代码
    edges = cv2.Canny(gray_img, threshold1, threshold2)
  6. 图像阈值处理:

    python 复制代码
    ret, binary_img = cv2.threshold(gray_img, threshold_value, max_value, cv2.THRESH_BINARY)
  7. 图像轮廓检测:

    python 复制代码
    contours, hierarchy = cv2.findContours(edges, cv2.RETR_EXTERNAL, cv2.CHAIN_APPROX_SIMPLE)
  8. 绘制轮廓:

    python 复制代码
    cv2.drawContours(img, contours, -1, (0, 255, 0), 2)
  9. 人脸检测:

    python 复制代码
    face_cascade = cv2.CascadeClassifier('haarcascade_frontalface_default.xml')
    faces = face_cascade.detectMultiScale(gray_img, scaleFactor=1.3, minNeighbors=5)
  10. 图像旋转:

    python 复制代码
    rows, cols = img.shape[:2]
    M = cv2.getRotationMatrix2D((cols / 2, rows / 2), angle, scale)
    rotated_img = cv2.warpAffine(img, M, (cols, rows))
  11. 图像腐蚀与膨胀:

    python 复制代码
    kernel = np.ones((kernel_size, kernel_size), np.uint8)
    eroded_img = cv2.erode(img, kernel, iterations=1)
    dilated_img = cv2.dilate(img, kernel, iterations=1)
  12. 图像直方图均衡化:

    python 复制代码
    equ_img = cv2.equalizeHist(gray_img)
  13. 图像混合:

    python 复制代码
    blended_img = cv2.addWeighted(img1, alpha, img2, beta, gamma)
  14. 图像拼接:

    python 复制代码
    stitched_img = cv2.hconcat([img1, img2])
  15. 图像截取:

    python 复制代码
    roi = img[y:y+h, x:x+w]
  16. 图像相加:

    python 复制代码
    added_img = cv2.add(img1, img2)
  17. 图像减法:

    python 复制代码
    subtracted_img = cv2.subtract(img1, img2)
  18. 图像位运算:

    python 复制代码
    bitwise_and = cv2.bitwise_and(img1, img2)
    bitwise_or = cv2.bitwise_or(img1, img2)
    bitwise_xor = cv2.bitwise_xor(img1, img2)
    bitwise_not = cv2.bitwise_not(img)
  19. 图像平均模糊:

    python 复制代码
    averaged_img = cv2.blur(img, (kernel_size, kernel_size))
  20. 中值滤波:

    python 复制代码
    median_blurred_img = cv2.medianBlur(img, ksize)
  21. 自适应阈值:

    python 复制代码
    adaptive_thresh = cv2.adaptiveThreshold(
        gray_img, 255, cv2.ADAPTIVE_THRESH_GAUSSIAN_C, cv2.THRESH_BINARY, 11, 2)
  22. 图像旋转缩放:

    python 复制代码
    M = cv2.getRotationMatrix2D((cols / 2, rows / 2), angle, scale)
    rotated_resized_img = cv2.warpAffine(img, M, (new_cols, new_rows))
  23. SIFT 特征提取和匹配:

    python 复制代码
    sift = cv2.SIFT_create()
    keypoints1, descriptors1 = sift.detectAndCompute(img1, None)
    keypoints2, descriptors2 = sift.detectAndCompute(img2, None)
  24. SURF 特征提取和匹配:

    python 复制代码
    surf = cv2.SURF_create()
    keypoints1, descriptors1 = surf.detectAndCompute(img1, None)
    keypoints2, descriptors2 = surf.detectAndCompute(img2, None)
  25. ORB 特征提取和匹配:

    python 复制代码
    orb = cv2.ORB_create()
    keypoints1, descriptors1 = orb.detectAndCompute(img1, None)
    keypoints2, descriptors2 = orb.detectAndCompute(img2, None)
  26. 使用 FLANN 匹配器进行特征匹配:

    python 复制代码
    FLANN_INDEX_KDTREE = 1
    index_params = dict(algorithm=FLANN_INDEX_KDTREE, trees=5)
    search_params = dict(checks=50)
    flann = cv2.FlannBasedMatcher(index_params, search_params)
    matches = flann.knnMatch(descriptors1, descriptors2, k=2)
  27. 简单图像深度学习任务:

    python 复制代码
    net = cv2.dnn.readNet('model.weights', 'model.cfg')
    blob = cv2.dnn.blobFromImage(img, scalefactor=1.0, size=(300, 300), mean=(104.0, 177.0, 123.0))
    net.setInput(blob)
    detections = net.forward()
  28. HOG 特征提取与行人检测:

    python 复制代码
    hog = cv2.HOGDescriptor()
    hog.setSVMDetector(cv2.HOGDescriptor_getDefaultPeopleDetector())
    boxes, weights = hog.detectMultiScale(img, winStride=(8, 8), padding=(0, 0), scale=1.05)

这些是一些基本的OpenCV代码示例,覆盖了图像处理和计算机视觉中的常见任务。在实际应用中,可能需要根据具体场景和需求进一步调整参数和算法。

相关推荐
化作星辰3 分钟前
使用 PyTorch来构建线性回归的实现
人工智能·pytorch·深度学习
mm-q291522272914 分钟前
【天野学院5期】 第5期易语言半内存辅助培训班,主讲游戏——手游:仙剑奇侠传4,端游:神魔大陆2
人工智能·算法·游戏
谢景行^顾19 分钟前
深度学习-损失函数
人工智能·深度学习
xier_ran19 分钟前
关键词解释: LoRA(Low-Rank Adaptation)详解
人工智能
黄焖鸡能干四碗25 分钟前
信息安全管理制度(Word)
大数据·数据库·人工智能·智慧城市·规格说明书
paopao_wu25 分钟前
DeepSeek-OCR实战(01):基础运行环境搭建-Ubuntu
linux·人工智能·ubuntu·ai·ocr
Altair澳汰尔26 分钟前
新闻速递丨Altair RapidMiner 数据分析和 AI 平台助力企业加速智能升级:扩展智能体 AI 及分析生态系统
人工智能·ai·数据分析·仿真·cae·rapidminer·数据自动化
oil欧哟31 分钟前
GitHub星标3万,OpenAI 官方支持——深度解读 AI Agent 连接协议的行业标准 MCP
人工智能·github
极客BIM工作室42 分钟前
单层前馈神经网络的万能逼近定理
人工智能·深度学习·神经网络
我的offer在哪里44 分钟前
RAG 2025 深度实战指南:从技术原理到企业级落地,解锁大模型应用核心能力
人工智能