繁体   English   中英

如何将OpenCV中的16位图像转换为8位图像?

[英]How to convert a 16-bit to an 8-bit image in OpenCV?

我有一个 16 位灰度图像,我想将它转换为 OpenCV 中的 8 位灰度图像,以便 Python 将其与各种函数(如findContours等)一起使用。 我如何在 Python 中执行此操作?

您可以使用 numpy 转换方法,因为 OpenCV mat 是一个 numpy 数组。

这有效:

img8 = (img16/256).astype('uint8')

您可以使用 NumPy 在 Python 中通过通过查找表映射图像来执行此操作。

import numpy as np


def map_uint16_to_uint8(img, lower_bound=None, upper_bound=None):
    '''
    Map a 16-bit image trough a lookup table to convert it to 8-bit.

    Parameters
    ----------
    img: numpy.ndarray[np.uint16]
        image that should be mapped
    lower_bound: int, optional
        lower bound of the range that should be mapped to ``[0, 255]``,
        value must be in the range ``[0, 65535]`` and smaller than `upper_bound`
        (defaults to ``numpy.min(img)``)
    upper_bound: int, optional
       upper bound of the range that should be mapped to ``[0, 255]``,
       value must be in the range ``[0, 65535]`` and larger than `lower_bound`
       (defaults to ``numpy.max(img)``)

    Returns
    -------
    numpy.ndarray[uint8]
    '''
    if not(0 <= lower_bound < 2**16) and lower_bound is not None:
        raise ValueError(
            '"lower_bound" must be in the range [0, 65535]')
    if not(0 <= upper_bound < 2**16) and upper_bound is not None:
        raise ValueError(
            '"upper_bound" must be in the range [0, 65535]')
    if lower_bound is None:
        lower_bound = np.min(img)
    if upper_bound is None:
        upper_bound = np.max(img)
    if lower_bound >= upper_bound:
        raise ValueError(
            '"lower_bound" must be smaller than "upper_bound"')
    lut = np.concatenate([
        np.zeros(lower_bound, dtype=np.uint16),
        np.linspace(0, 255, upper_bound - lower_bound).astype(np.uint16),
        np.ones(2**16 - upper_bound, dtype=np.uint16) * 255
    ])
    return lut[img].astype(np.uint8)


# Let's generate an example image (normally you would load the 16-bit image: cv2.imread(filename, cv2.IMREAD_UNCHANGED))
img = (np.random.random((100, 100)) * 2**16).astype(np.uint16)

# Convert it to 8-bit
map_uint16_to_uint8(img)

使用 scipy.misc.bytescale 转换为 8 位真的很容易。 OpenCV 矩阵是一个 numpy 数组,因此 bytescale 将完全符合您的要求。

from scipy.misc import bytescale
img8 = bytescale(img16)

来自 scipy 的代码(现已弃用):

def bytescaling(data, cmin=None, cmax=None, high=255, low=0):
    """
    Converting the input image to uint8 dtype and scaling
    the range to ``(low, high)`` (default 0-255). If the input image already has 
    dtype uint8, no scaling is done.
    :param data: 16-bit image data array
    :param cmin: bias scaling of small values (def: data.min())
    :param cmax: bias scaling of large values (def: data.max())
    :param high: scale max value to high. (def: 255)
    :param low: scale min value to low. (def: 0)
    :return: 8-bit image data array
    """
    if data.dtype == np.uint8:
        return data

    if high > 255:
        high = 255
    if low < 0:
        low = 0
    if high < low:
        raise ValueError("`high` should be greater than or equal to `low`.")

    if cmin is None:
        cmin = data.min()
    if cmax is None:
        cmax = data.max()

    cscale = cmax - cmin
    if cscale == 0:
        cscale = 1

    scale = float(high - low) / cscale
    bytedata = (data - cmin) * scale + low
    return (bytedata.clip(low, high) + 0.5).astype(np.uint8)

cv2.convertScaleAbs()提供了函数cv2.convertScaleAbs()

image_8bit = cv2.convertScaleAbs(image, alpha=0.03)

Alpha 只是一个可选的比例因子。 也适用于多通道图像。

OpenCV 文档

缩放、计算绝对值并将结果转换为 8 位。

在输入数组的每个元素上,函数 convertScaleAbs 依次执行三个操作:缩放、取绝对值、转换为无符号 8 位类型:

Stackoverflow 上的其他信息: OpenCV:如何使用 convertScaleAbs() 函数

是的,你可以在 Python 中。 要获得预期结果,请根据您希望从 uint16 映射到 uint8 的值选择一种方法。

例如,

如果你做img8 = (img16/256).astype('uint8')低于 256 的值被映射到 0

如果你做img8 = img16.astype('uint8')大于 255 的值被映射到 0

在如上所述和更正的 LUT 方法中,您必须定义映射。

这是我发现的最简单的方法: img8 = cv2.normalize(img, None, 0, 255, cv2.NORM_MINMAX, dtype=cv2.CV_8U)

使用python openCV从16位转换为8位:

import numpy as np
import cv2
imagePath = "--"

img_8bit = cv2.imread(imagePath).astype(np.uint8)

暂无
暂无

声明:本站的技术帖子网页,遵循CC BY-SA 4.0协议,如果您需要转载,请注明本站网址或者原文地址。任何问题请咨询:yoyou2525@163.com.

 
粤ICP备18138465号  © 2020-2024 STACKOOM.COM