五月综合激情婷婷六月,日韩欧美国产一区不卡,他扒开我内裤强吻我下面视频 ,无套内射无矿码免费看黄,天天躁,日日躁,狠狠躁

新聞動(dòng)態(tài)

Pytorch中Softmax和LogSoftmax的使用詳解

發(fā)布日期:2022-03-18 12:08 | 文章來源:腳本之家

一、函數(shù)解釋

1.Softmax函數(shù)常用的用法是指定參數(shù)dim就可以:

(1)dim=0:對(duì)每一列的所有元素進(jìn)行softmax運(yùn)算,并使得每一列所有元素和為1。

(2)dim=1:對(duì)每一行的所有元素進(jìn)行softmax運(yùn)算,并使得每一行所有元素和為1。

class Softmax(Module):
 r"""Applies the Softmax function to an n-dimensional input Tensor
 rescaling them so that the elements of the n-dimensional output Tensor
 lie in the range [0,1] and sum to 1.
 Softmax is defined as:
 .. math::
  \text{Softmax}(x_{i}) = \frac{\exp(x_i)}{\sum_j \exp(x_j)}
 Shape:
  - Input: :math:`(*)` where `*` means, any number of additional
 dimensions
  - Output: :math:`(*)`, same shape as the input
 Returns:
  a Tensor of the same dimension and shape as the input with
  values in the range [0, 1]
 Arguments:
  dim (int): A dimension along which Softmax will be computed (so every slice
along dim will sum to 1).
 .. note::
  This module doesn't work directly with NLLLoss,
  which expects the Log to be computed between the Softmax and itself.
  Use `LogSoftmax` instead (it's faster and has better numerical properties).
 Examples::
  >>> m = nn.Softmax(dim=1)
  >>> input = torch.randn(2, 3)
  >>> output = m(input)
 """
 __constants__ = ['dim']
 
 def __init__(self, dim=None):
  super(Softmax, self).__init__()
  self.dim = dim
 
 def __setstate__(self, state):
  self.__dict__.update(state)
  if not hasattr(self, 'dim'):
self.dim = None
 
 def forward(self, input):
  return F.softmax(input, self.dim, _stacklevel=5)
 
 def extra_repr(self):
  return 'dim={dim}'.format(dim=self.dim)

2.LogSoftmax其實(shí)就是對(duì)softmax的結(jié)果進(jìn)行l(wèi)og,即Log(Softmax(x))

class LogSoftmax(Module):
 r"""Applies the :math:`\log(\text{Softmax}(x))` function to an n-dimensional
 input Tensor. The LogSoftmax formulation can be simplified as:
 .. math::
  \text{LogSoftmax}(x_{i}) = \log\left(\frac{\exp(x_i) }{ \sum_j \exp(x_j)} \right)
 Shape:
  - Input: :math:`(*)` where `*` means, any number of additional
 dimensions
  - Output: :math:`(*)`, same shape as the input
 Arguments:
  dim (int): A dimension along which LogSoftmax will be computed.
 Returns:
  a Tensor of the same dimension and shape as the input with
  values in the range [-inf, 0)
 Examples::
  >>> m = nn.LogSoftmax()
  >>> input = torch.randn(2, 3)
  >>> output = m(input)
 """
 __constants__ = ['dim']
 
 def __init__(self, dim=None):
  super(LogSoftmax, self).__init__()
  self.dim = dim
 
 def __setstate__(self, state):
  self.__dict__.update(state)
  if not hasattr(self, 'dim'):
self.dim = None
 
 def forward(self, input):
  return F.log_softmax(input, self.dim, _stacklevel=5)

二、代碼示例

輸入代碼

import torch
import torch.nn as nn
import numpy as np
 
batch_size = 4
class_num = 6
inputs = torch.randn(batch_size, class_num)
for i in range(batch_size):
 for j in range(class_num):
  inputs[i][j] = (i + 1) * (j + 1)
 
print("inputs:", inputs)

得到大小batch_size為4,類別數(shù)為6的向量(可以理解為經(jīng)過最后一層得到)

tensor([[ 1., 2., 3., 4., 5., 6.],
[ 2., 4., 6., 8., 10., 12.],
[ 3., 6., 9., 12., 15., 18.],
[ 4., 8., 12., 16., 20., 24.]])

接著我們對(duì)該向量每一行進(jìn)行Softmax

Softmax = nn.Softmax(dim=1)
probs = Softmax(inputs)
print("probs:\n", probs)

得到

tensor([[4.2698e-03, 1.1606e-02, 3.1550e-02, 8.5761e-02, 2.3312e-01, 6.3369e-01],
[3.9256e-05, 2.9006e-04, 2.1433e-03, 1.5837e-02, 1.1702e-01, 8.6467e-01],
[2.9067e-07, 5.8383e-06, 1.1727e-04, 2.3553e-03, 4.7308e-02, 9.5021e-01],
[2.0234e-09, 1.1047e-07, 6.0317e-06, 3.2932e-04, 1.7980e-02, 9.8168e-01]])

此外,我們對(duì)該向量每一行進(jìn)行LogSoftmax

LogSoftmax = nn.LogSoftmax(dim=1)
log_probs = LogSoftmax(inputs)
print("log_probs:\n", log_probs)

得到

tensor([[-5.4562e+00, -4.4562e+00, -3.4562e+00, -2.4562e+00, -1.4562e+00, -4.5619e-01],
[-1.0145e+01, -8.1454e+00, -6.1454e+00, -4.1454e+00, -2.1454e+00, -1.4541e-01],
[-1.5051e+01, -1.2051e+01, -9.0511e+00, -6.0511e+00, -3.0511e+00, -5.1069e-02],
[-2.0018e+01, -1.6018e+01, -1.2018e+01, -8.0185e+00, -4.0185e+00, -1.8485e-02]])

驗(yàn)證每一行元素和是否為1

# probs_sum in dim=1
probs_sum = [0 for i in range(batch_size)]
 
for i in range(batch_size):
 for j in range(class_num):
  probs_sum[i] += probs[i][j]
 print(i, "row probs sum:", probs_sum[i])

得到每一行的和,看到確實(shí)為1

0 row probs sum: tensor(1.)
1 row probs sum: tensor(1.0000)
2 row probs sum: tensor(1.)
3 row probs sum: tensor(1.)

驗(yàn)證LogSoftmax是對(duì)Softmax的結(jié)果進(jìn)行Log

# to numpy
np_probs = probs.data.numpy()
print("numpy probs:\n", np_probs)
 
# np.log()
log_np_probs = np.log(np_probs)
print("log numpy probs:\n", log_np_probs)

得到

numpy probs:
[[4.26977826e-03 1.16064614e-02 3.15496325e-02 8.57607946e-02 2.33122006e-01 6.33691311e-01]
[3.92559559e-05 2.90064461e-04 2.14330270e-03 1.58369839e-02 1.17020354e-01 8.64669979e-01]
[2.90672347e-07 5.83831024e-06 1.17265590e-04 2.35534250e-03 4.73083146e-02 9.50212955e-01]
[2.02340233e-09 1.10474026e-07 6.03167746e-06 3.29318427e-04 1.79801770e-02 9.81684387e-01]]
log numpy probs:
[[-5.4561934e+00 -4.4561934e+00 -3.4561934e+00 -2.4561932e+00 -1.4561933e+00 -4.5619333e-01]
[-1.0145408e+01 -8.1454077e+00 -6.1454072e+00 -4.1454072e+00 -2.1454074e+00 -1.4540738e-01]
[-1.5051069e+01 -1.2051069e+01 -9.0510693e+00 -6.0510693e+00 -3.0510693e+00 -5.1069155e-02]
[-2.0018486e+01 -1.6018486e+01 -1.2018485e+01 -8.0184851e+00 -4.0184855e+00 -1.8485421e-02]]

驗(yàn)證完畢

三、整體代碼

import torch
import torch.nn as nn
import numpy as np
 
batch_size = 4
class_num = 6
inputs = torch.randn(batch_size, class_num)
for i in range(batch_size):
 for j in range(class_num):
  inputs[i][j] = (i + 1) * (j + 1)
 
print("inputs:", inputs)
Softmax = nn.Softmax(dim=1)
probs = Softmax(inputs)
print("probs:\n", probs)
 
LogSoftmax = nn.LogSoftmax(dim=1)
log_probs = LogSoftmax(inputs)
print("log_probs:\n", log_probs)
 
# probs_sum in dim=1
probs_sum = [0 for i in range(batch_size)]
 
for i in range(batch_size):
 for j in range(class_num):
  probs_sum[i] += probs[i][j]
 print(i, "row probs sum:", probs_sum[i])
 
# to numpy
np_probs = probs.data.numpy()
print("numpy probs:\n", np_probs)
 
# np.log()
log_np_probs = np.log(np_probs)
print("log numpy probs:\n", log_np_probs)

基于pytorch softmax,logsoftmax 表達(dá)

import torch
import numpy as np
input = torch.autograd.Variable(torch.rand(1, 3))
print(input)
print('softmax={}'.format(torch.nn.functional.softmax(input, dim=1)))
print('logsoftmax={}'.format(np.log(torch.nn.functional.softmax(input, dim=1))))

以上為個(gè)人經(jīng)驗(yàn),希望能給大家一個(gè)參考,也希望大家多多支持本站。

國(guó)外穩(wěn)定服務(wù)器

版權(quán)聲明:本站文章來源標(biāo)注為YINGSOO的內(nèi)容版權(quán)均為本站所有,歡迎引用、轉(zhuǎn)載,請(qǐng)保持原文完整并注明來源及原文鏈接。禁止復(fù)制或仿造本網(wǎng)站,禁止在非maisonbaluchon.cn所屬的服務(wù)器上建立鏡像,否則將依法追究法律責(zé)任。本站部分內(nèi)容來源于網(wǎng)友推薦、互聯(lián)網(wǎng)收集整理而來,僅供學(xué)習(xí)參考,不代表本站立場(chǎng),如有內(nèi)容涉嫌侵權(quán),請(qǐng)聯(lián)系alex-e#qq.com處理。

相關(guān)文章

實(shí)時(shí)開通

自選配置、實(shí)時(shí)開通

免備案

全球線路精選!

全天候客戶服務(wù)

7x24全年不間斷在線

專屬顧問服務(wù)

1對(duì)1客戶咨詢顧問

在線
客服

在線客服:7*24小時(shí)在線

客服
熱線

400-630-3752
7*24小時(shí)客服服務(wù)熱線

關(guān)注
微信

關(guān)注官方微信
頂部