Skip to content

_reduce_sum

reduce_sum

Compute the sum along a given axis of a tensor.

This method can be used with Numpy data:

n = np.array([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
b = fe.backend.reduce_sum(n)  # 36
b = fe.backend.reduce_sum(n, axis=0)  # [[6, 8], [10, 12]]
b = fe.backend.reduce_sum(n, axis=1)  # [[4, 6], [12, 14]]
b = fe.backend.reduce_sum(n, axis=[0,2])  # [14, 22]

This method can be used with TensorFlow tensors:

t = tf.constant([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
b = fe.backend.reduce_sum(t)  # 36
b = fe.backend.reduce_sum(t, axis=0)  # [[6, 8], [10, 12]]
b = fe.backend.reduce_sum(t, axis=1)  # [[4, 6], [12, 14]]
b = fe.backend.reduce_sum(t, axis=[0,2])  # [14, 22]

This method can be used with PyTorch tensors:

p = torch.tensor([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
b = fe.backend.reduce_sum(p)  # 36
b = fe.backend.reduce_sum(p, axis=0)  # [[6, 8], [10, 12]]
b = fe.backend.reduce_sum(p, axis=1)  # [[4, 6], [12, 14]]
b = fe.backend.reduce_sum(p, axis=[0,2])  # [14, 22]

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 sum along.

None
keepdims bool

Whether to preserve the number of dimensions during the reduction.

False

Returns:

Type Description
Tensor

The sum of tensor along axis.

Raises:

Type Description
ValueError

If tensor is an unacceptable data type.

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

    This method can be used with Numpy data:
    ```python
    n = np.array([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
    b = fe.backend.reduce_sum(n)  # 36
    b = fe.backend.reduce_sum(n, axis=0)  # [[6, 8], [10, 12]]
    b = fe.backend.reduce_sum(n, axis=1)  # [[4, 6], [12, 14]]
    b = fe.backend.reduce_sum(n, axis=[0,2])  # [14, 22]
    ```

    This method can be used with TensorFlow tensors:
    ```python
    t = tf.constant([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
    b = fe.backend.reduce_sum(t)  # 36
    b = fe.backend.reduce_sum(t, axis=0)  # [[6, 8], [10, 12]]
    b = fe.backend.reduce_sum(t, axis=1)  # [[4, 6], [12, 14]]
    b = fe.backend.reduce_sum(t, axis=[0,2])  # [14, 22]
    ```

    This method can be used with PyTorch tensors:
    ```python
    p = torch.tensor([[[1.0, 2.0], [3.0, 4.0]], [[5.0, 6.0], [7.0, 8.0]]])
    b = fe.backend.reduce_sum(p)  # 36
    b = fe.backend.reduce_sum(p, axis=0)  # [[6, 8], [10, 12]]
    b = fe.backend.reduce_sum(p, axis=1)  # [[4, 6], [12, 14]]
    b = fe.backend.reduce_sum(p, axis=[0,2])  # [14, 22]
    ```

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

    Returns:
        The sum of `tensor` along `axis`.

    Raises:
        ValueError: If `tensor` is an unacceptable data type.
    """
    if tf.is_tensor(tensor):
        return tf.reduce_sum(tensor, axis=axis, keepdims=keepdims)
    elif isinstance(tensor, torch.Tensor):
        if axis is None:
            axis = list(range(len(tensor.shape)))
        return tensor.sum(dim=axis, keepdim=keepdims)
    elif isinstance(tensor, np.ndarray):
        if isinstance(axis, list):
            axis = tuple(axis)
        return np.sum(tensor, axis=axis, keepdims=keepdims)
    else:
        raise ValueError("Unrecognized tensor type {}".format(type(tensor)))