Skip to content

_reduce_max

reduce_max

Compute the maximum value along a given axis of a tensor.

This method can be used with Numpy data:

n = np.array([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])
b = fe.backend.reduce_max(n)  # 8
b = fe.backend.reduce_max(n, axis=0)  # [[5, 6], [7, 8]]
b = fe.backend.reduce_max(n, axis=1)  # [[3, 4], [7, 8]]
b = fe.backend.reduce_max(n, axis=[0,2])  # [6, 8]

This method can be used with TensorFlow tensors:

t = tf.constant([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])
b = fe.backend.reduce_max(t)  # 8
b = fe.backend.reduce_max(t, axis=0)  # [[5, 6], [7, 8]]
b = fe.backend.reduce_max(t, axis=1)  # [[3, 4], [7, 8]]
b = fe.backend.reduce_max(t, axis=[0,2])  # [6, 8]

This method can be used with PyTorch tensors:

p = torch.tensor([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])
b = fe.backend.reduce_max(p)  # 8
b = fe.backend.reduce_max(p, axis=0)  # [[5, 6], [7, 8]]
b = fe.backend.reduce_max(p, axis=1)  # [[3, 4], [7, 8]]
b = fe.backend.reduce_max(p, axis=[0,2])  # [6, 8]

Parameters:

Name Type Description Default
tensor Tensor

The input value.

required
axis Union[None, int, Sequence[int]]

Which axis or collection of axes to compute the maximum along.

None
keepdims bool

Whether to preserve the number of dimensions during the reduction.

False

Returns:

Type Description
Tensor

The maximum values of tensor along axis.

Raises:

Type Description
ValueError

If tensor is an unacceptable data type.

Source code in fastestimator/fastestimator/backend/_reduce_max.py
def reduce_max(tensor: Tensor, axis: Union[None, int, Sequence[int]] = None, keepdims: bool = False) -> Tensor:
    """Compute the maximum value along a given `axis` of a `tensor`.

    This method can be used with Numpy data:
    ```python
    n = np.array([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])
    b = fe.backend.reduce_max(n)  # 8
    b = fe.backend.reduce_max(n, axis=0)  # [[5, 6], [7, 8]]
    b = fe.backend.reduce_max(n, axis=1)  # [[3, 4], [7, 8]]
    b = fe.backend.reduce_max(n, axis=[0,2])  # [6, 8]
    ```

    This method can be used with TensorFlow tensors:
    ```python
    t = tf.constant([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])
    b = fe.backend.reduce_max(t)  # 8
    b = fe.backend.reduce_max(t, axis=0)  # [[5, 6], [7, 8]]
    b = fe.backend.reduce_max(t, axis=1)  # [[3, 4], [7, 8]]
    b = fe.backend.reduce_max(t, axis=[0,2])  # [6, 8]
    ```

    This method can be used with PyTorch tensors:
    ```python
    p = torch.tensor([[[1, 2], [3, 4]], [[5, 6], [7, 8]]])
    b = fe.backend.reduce_max(p)  # 8
    b = fe.backend.reduce_max(p, axis=0)  # [[5, 6], [7, 8]]
    b = fe.backend.reduce_max(p, axis=1)  # [[3, 4], [7, 8]]
    b = fe.backend.reduce_max(p, axis=[0,2])  # [6, 8]
    ```

    Args:
        tensor: The input value.
        axis: Which axis or collection of axes to compute the maximum along.
        keepdims: Whether to preserve the number of dimensions during the reduction.

    Returns:
        The maximum values of `tensor` along `axis`.

    Raises:
        ValueError: If `tensor` is an unacceptable data type.
    """
    if tf.is_tensor(tensor):
        return tf.reduce_max(tensor, axis=axis, keepdims=keepdims)
    elif isinstance(tensor, torch.Tensor):
        if axis is None:
            axis = list(range(len(tensor.shape)))
        axis = to_list(axis)
        axis = reversed(sorted(axis))
        for ax in axis:
            tensor = tensor.max(dim=ax, keepdim=keepdims)[0]
        return tensor
    elif isinstance(tensor, np.ndarray):
        if isinstance(axis, list):
            axis = tuple(axis)
        return np.max(tensor, axis=axis, keepdims=keepdims)
    else:
        raise ValueError("Unrecognized tensor type {}".format(type(tensor)))