【Pytorch】torch.max() 函数详解

这篇具有很好参考价值的文章主要介绍了【Pytorch】torch.max() 函数详解。希望对大家有所帮助。如果存在错误或未考虑完全的地方,请大家不吝赐教,您也可以点击"举报违法"按钮提交疑问。


一、一个参数时的 torch.max()

1. 函数介绍

torch.max(input)

参数:

  • input (Tensor) – 输入张量
  • 返回输入张量所有元素中的最大值。

2. 实例

import torch

# 返回张量中的最大值
a = torch.randn(2, 3)
print(a)
print(torch.max(a))

输出结果:

tensor([[ 0.0031, -0.5391, -0.9214],
        [-0.4647, -1.9750,  0.6924]])
tensor(0.6924)

二、增加指定维度时的 torch.max()

1. 函数介绍

torch.max(input, dim, max=None, max_indices=None) -> (Tensor, LongTensor)

返回张量 input 在压缩指定维度 dim 时的最大值及其下标。

2. 实例

import torch

# 返回张量在压缩指定维度时的最大值及其下标
b = torch.randn(4, 4)
print(b)
print(torch.max(b, 0))  # 指定0维,压缩0维,0维消失,也就是行消失,返回列最大值及其下标
print(torch.max(b, 1))  # 指定1维,压缩1维,1维消失,也就是列消失,返回行最大值及其下标

输出结果:

tensor([[-0.8862,  0.3502,  0.0223,  0.6035],
        [-2.0135, -0.1346,  2.0575,  1.4203],
        [ 1.0107,  0.9302, -0.1321,  0.0704],
        [-1.4540, -0.4780,  0.7016,  0.3029]])
torch.return_types.max(
values=tensor([1.0107, 0.9302, 2.0575, 1.4203]),
indices=tensor([2, 2, 1, 1]))
torch.return_types.max(
values=tensor([0.6035, 2.0575, 1.0107, 0.7016]),
indices=tensor([3, 2, 0, 2]))

三、两个输入张量时的 torch.max()

1. 函数介绍

torch.max(input, other_input, out=None) → Tensor

返回两张量 input 和 other_input 在对应位置上的最大值形成的新张量。

2. 实例

import torch

# 返回两张量对应位置上的最大值
c = torch.randn(4,2)
d = torch.randn(4,2)
print(c)
print(d)
print(torch.max(c, d))

输出结果:文章来源地址https://www.toymoban.com/news/detail-817214.html

tensor([[ 0.6778,  1.2714],
        [-0.9020, -1.3789],
        [ 0.8541,  1.2193],
        [-0.8481, -0.8211]])
tensor([[ 2.4616, -1.2502],
        [ 0.0173, -0.5501],
        [ 1.0224, -1.5892],
        [ 1.3325,  0.2587]])
tensor([[ 2.4616,  1.2714],
        [ 0.0173, -0.5501],
        [ 1.0224,  1.2193],
        [ 1.3325,  0.2587]])

参考链接

  1. 详解 torch.max 函数

到了这里,关于【Pytorch】torch.max() 函数详解的文章就介绍完了。如果您还想了解更多内容,请在右上角搜索TOY模板网以前的文章或继续浏览下面的相关文章,希望大家以后多多支持TOY模板网!

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处: 如若内容造成侵权/违法违规/事实不符,请点击违法举报进行投诉反馈,一经查实,立即删除!

领支付宝红包 赞助服务器费用

相关文章

  • 【Torch API】pytorch 中bincount()函数详解

    torch.bincount 是 PyTorch 中的函数,用于计算给定整数张量中每个值的出现次数。它返回一个张量,其中的每个元素表示输入张量中对应索引值出现的次数。 具体而言, torch.bincount 函数的语法如下: 其中: input 是输入的整数张量,可以是一维或多维的。 weights 是可选的权重张量

    2024年02月11日
    浏览(87)
  • 【Torch API】pytorch 中repeat_interleave函数详解

    torch. repeat_interleave ( input ,  repeats ,  dim=None ) → Tensor Repeat elements of a tensor. Parameters input  (Tensor) – the input tensor. repeats  (Tensor  or  int) – The number of repetitions for each element. repeats is broadcasted to fit the shape of the given axis. dim  (int ,  optional ) – The dimension along which to repeat values

    2024年02月11日
    浏览(42)
  • Pytorch学习笔记(5):torch.nn---网络层介绍(卷积层、池化层、线性层、激活函数层)

     一、卷积层—Convolution Layers  1.1 1d / 2d / 3d卷积 1.2 卷积—nn.Conv2d() nn.Conv2d 1.3 转置卷积—nn.ConvTranspose nn.ConvTranspose2d  二、池化层—Pooling Layer (1)nn.MaxPool2d (2)nn.AvgPool2d (3)nn.MaxUnpool2d  三、线性层—Linear Layer  nn.Linear  四、激活函数层—Activate Layer (1)nn.Sigmoid  (

    2024年01月20日
    浏览(41)
  • 【pytorch】torch.gather()函数

    2024年02月06日
    浏览(36)
  • 深入浅出Pytorch函数——torch.exp

    分类目录:《深入浅出Pytorch函数》总目录 相关文章: · 深入浅出TensorFlow2函数——tf.exp · 深入浅出TensorFlow2函数——tf.math.exp · 深入浅出Pytorch函数——torch.exp · 深入浅出PaddlePaddle函数——paddle.exp 对输入 input 逐元素进行以自然数 e e e 为底指数运算。 语法 参数 input :[ Te

    2024年02月11日
    浏览(50)
  • 深入浅出Pytorch函数——torch.tensor

    分类目录:《深入浅出Pytorch函数》总目录 相关文章: · 深入浅出TensorFlow2函数——tf.constant · 深入浅出Pytorch函数——torch.tensor · 深入浅出Pytorch函数——torch.as_tensor · 深入浅出Pytorch函数——torch.Tensor · 深入浅出PaddlePaddle函数——paddle.to_tensor 基于 data 构建一个没有梯度历史

    2024年02月04日
    浏览(105)
  • 深入浅出Pytorch函数——torch.squeeze

    分类目录:《深入浅出Pytorch函数》总目录 相关文章: · 深入浅出Pytorch函数——torch.squeeze · 深入浅出Pytorch函数——torch.unsqueeze 将输入张量形状为1的维度去除并返回。比如输入向量的形状为 A × 1 × B × 1 × C × 1 × D Atimes1times Btimes1times Ctimes1times D A × 1 × B × 1 × C × 1 ×

    2024年02月16日
    浏览(50)
  • 深入浅出Pytorch函数——torch.t

    分类目录:《深入浅出Pytorch函数》总目录 相关文章: · 深入浅出TensorFlow2函数——tf.transpose · 深入浅出Pytorch函数——torch.t · 深入浅出Pytorch函数——torch.transpose · 深入浅出PaddlePaddle函数——paddle.transpose 语法 参数 input : [Tensor] 输入的张量。 返回值 被转置的张量。 实例

    2024年02月11日
    浏览(52)
  • 深入浅出Pytorch函数——torch.maximum

    分类目录:《深入浅出Pytorch函数》总目录 相关文章: · 深入浅出Pytorch函数——torch.max · 深入浅出Pytorch函数——torch.maximum 计算 input 和 other 的元素最大值。 语法 参数 input :[ Tensor ] 输入张量 other :[ Tensor ] 输入的第二个张量 实例

    2024年02月15日
    浏览(53)
  • 深入浅出Pytorch函数——torch.zeros

    分类目录:《深入浅出Pytorch函数》总目录 相关文章: · 深入浅出Pytorch函数——torch.Tensor · 深入浅出Pytorch函数——torch.ones · 深入浅出Pytorch函数——torch.zeros · 深入浅出Pytorch函数——torch.full · 深入浅出Pytorch函数——torch.ones_like · 深入浅出Pytorch函数——torch.zeros_like · 深

    2024年02月07日
    浏览(67)

觉得文章有用就打赏一下文章作者

支付宝扫一扫打赏

博客赞助

微信扫一扫打赏

请作者喝杯咖啡吧~博客赞助

支付宝扫一扫领取红包,优惠每天领

二维码1

领取红包

二维码2

领红包