python max((1、2、3)*2)_Python functional.max_pool2d方法代码示例

本文整理汇总了Python中torch.nn.functional.max_pool2d方法的典型用法代码示例。如果您正苦于以下问题:Python functional.max_pool2d方法的具体用法?Python functional.max_pool2d怎么用?Python functional.max_pool2d使用的例子?那么恭喜您, 这里精选的方法代码示例或许可以为您提供帮助。您也可以进一步了解该方法所在模块torch.nn.functional的用法示例。

在下文中一共展示了functional.max_pool2d方法的14个代码示例,这些例子默认根据受欢迎程度排序。您可以为喜欢或者感觉有用的代码点赞,您的评价将有助于我们的系统推荐出更棒的Python代码示例。

示例1: test_resize_methods

​点赞 6

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def test_resize_methods():

inputs_x = torch.randn([2, 256, 128, 128])

target_resize_sizes = [(128, 128), (256, 256)]

resize_methods_list = ['nearest', 'bilinear']

for method in resize_methods_list:

merge_cell = BaseMergeCell(upsample_mode=method)

for target_size in target_resize_sizes:

merge_cell_out = merge_cell._resize(inputs_x, target_size)

gt_out = F.interpolate(inputs_x, size=target_size, mode=method)

assert merge_cell_out.equal(gt_out)

target_size = (64, 64) # resize to a smaller size

merge_cell = BaseMergeCell()

merge_cell_out = merge_cell._resize(inputs_x, target_size)

kernel_size = inputs_x.shape[-1] // target_size[-1]

gt_out = F.max_pool2d(

inputs_x, kernel_size=kernel_size, stride=kernel_size)

assert (merge_cell_out == gt_out).all()

开发者ID:open-mmlab,项目名称:mmdetection,代码行数:21,

示例2: forward

​点赞 6

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

out = F.relu(self.conv1(x))

out = self.bnm1(out)

out = F.relu(self.conv2(out))

out = self.bnm2(out)

out = F.max_pool2d(out, 2)

out = F.relu(self.conv3(out))

out = self.bnm3(out)

out = F.relu(self.conv4(out))

out = self.bnm4(out)

out = F.max_pool2d(out, 2)

out = out.view(out.size(0), -1)

#out = self.dropout1(out)

out = F.relu(self.fc1(out))

#out = self.dropout2(out)

out = self.bnm5(out)

out = F.relu(self.fc2(out))

#out = self.dropout3(out)

out = self.bnm6(out)

out = self.fc3(out)

return (out)

开发者ID:StephanZheng,项目名称:neural-fingerprinting,代码行数:23,

示例3: apply

​点赞 6

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def apply(features: Tensor, proposal_bboxes: Tensor, proposal_batch_indices: Tensor, mode: Mode) -> Tensor:

_, _, feature_map_height, feature_map_width = features.shape

scale = 1 / 16

output_size = (7 * 2, 7 * 2)

if mode == Pooler.Mode.POOLING:

pool = []

for (proposal_bbox, proposal_batch_index) in zip(proposal_bboxes, proposal_batch_indices):

start_x = max(min(round(proposal_bbox[0].item() * scale), feature_map_width - 1), 0) # [0, feature_map_width)

start_y = max(min(round(proposal_bbox[1].item() * scale), feature_map_height - 1), 0) # (0, feature_map_height]

end_x = max(min(round(proposal_bbox[2].item() * scale) + 1, feature_map_width), 1) # [0, feature_map_width)

end_y = max(min(round(proposal_bbox[3].item() * scale) + 1, feature_map_height), 1) # (0, feature_map_height]

roi_feature_map = features[proposal_batch_index, :, start_y:end_y, start_x:end_x]

pool.append(F.adaptive_max_pool2d(input=roi_feature_map, output_size=output_size))

pool = torch.stack(pool, dim=0)

elif mode == Pooler.Mode.ALIGN:

pool = ROIAlign(output_size, spatial_scale=scale, sampling_ratio=0)(

features,

torch.cat([proposal_batch_indices.view(-1, 1).float(), proposal_bboxes], dim=1)

)

else:

raise ValueError

pool = F.max_pool2d(input=pool, kernel_size=2, stride=2)

return pool

开发者ID:potterhsu,项目名称:easy-faster-rcnn.pytorch,代码行数:27,

示例4: forward

​点赞 6

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, X):

h = F.relu(self.conv1_1(X))

h = F.relu(self.conv1_2(h))

relu1_2 = h

h = F.max_pool2d(h, kernel_size=2, stride=2)

h = F.relu(self.conv2_1(h))

h = F.relu(self.conv2_2(h))

relu2_2 = h

h = F.max_pool2d(h, kernel_size=2, stride=2)

h = F.relu(self.conv3_1(h))

h = F.relu(self.conv3_2(h))

h = F.relu(self.conv3_3(h))

relu3_3 = h

h = F.max_pool2d(h, kernel_size=2, stride=2)

h = F.relu(self.conv4_1(h))

h = F.relu(self.conv4_2(h))

h = F.relu(self.conv4_3(h))

relu4_3 = h

return [relu1_2, relu2_2, relu3_3, relu4_3]

## Weights init function

开发者ID:AlexiaJM,项目名称:Deep-learning-with-cats,代码行数:26,

示例5: forward

​点赞 6

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, inputs, y=None):

# Apply convs

theta = self.theta(inputs)

phi = F.max_pool2d(self.phi(inputs), [2, 2])

g = F.max_pool2d(self.g(inputs), [2, 2])

# Perform reshapes

theta = theta.view(-1, self.channels // self.heads, inputs.shape[2] * inputs.shape[3])

phi = phi.view(-1, self.channels // self.heads, inputs.shape[2] * inputs.shape[3] // 4)

g = g.view(-1, self.channels // 2, inputs.shape[2] * inputs.shape[3] // 4)

# Matmul and softmax to get attention maps

beta = F.softmax(torch.bmm(theta.transpose(1, 2), phi), -1)

# Attention map times g path

o = self.o(torch.bmm(g, beta.transpose(1, 2)).view(-1, self.channels // 2, inputs.shape[2],

inputs.shape[3]))

outputs = self.gamma * o + inputs

return outputs

开发者ID:bayesiains,项目名称:nsf,代码行数:18,

示例6: forward

​点赞 6

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

x = F.relu(self.bn1_a(self.conv1_a(x)))

x_pool1b = F.max_pool2d(F.relu(self.bn1_b(self.conv1_b(x))),2, stride=2)

x = self.layer1(x_pool1b)

x = F.max_pool2d(F.relu(self.bn2(self.conv2(x))),2, stride=2)

x = self.layer2(x)

x_pool3 = F.max_pool2d(F.relu(self.bn3(self.conv3(x))),2, stride=2)

x = self.layer3(x_pool3)

x = F.max_pool2d(F.relu(self.bn4(self.conv4(x))),2, stride=2)

x = self.layer4(x)

x = x.view(-1, self.num_flat_features(x))

x = self.fc5_new(x)

# x1 = x1.view(1,-1,512)

# x1, hn1 = self.lstm1(x1, (self.h1, self.c1))

x = self.fc8_final(x)

return x

开发者ID:XiaoYee,项目名称:emotion_classification,代码行数:23,

示例7: forward

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

x = self.conv1(x)

x = F.relu(x)

x = self.conv2(x)

x = F.max_pool2d(x, 2)

x = torch.flatten(x, 1)

x = self.fc1(x)

x = F.normalize(x)

return x

开发者ID:peisuke,项目名称:MomentumContrast.pytorch,代码行数:11,

示例8: forward

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

"""Forward input images through the network to generate heatmaps."""

x = F.max_pool2d(F.relu(self.bn1(self.conv1(x))), 2)

x = F.max_pool2d(F.relu(self.bn2(self.conv2(x))), 2)

x = F.max_pool2d(F.relu(self.bn3(self.conv3(x))), 2)

x = F.relu(self.bn4(self.conv4(x)))

x = F.relu(self.bn5(self.conv5(x)))

x = F.relu(self.bn6(self.conv6(x)))

x = F.sigmoid(self.conv7(x))

return x

开发者ID:aleju,项目名称:cat-bbs,代码行数:12,

示例9: _crop_pool_layer

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def _crop_pool_layer(self, bottom, rois, max_pool=True): # done

# implement it using stn

# box to affine

# input (x1,y1,x2,y2)

"""

[ x2-x1 x1 + x2 - W + 1 ]

[ ----- 0 --------------- ]

[ W - 1 W - 1 ]

[ ]

[ y2-y1 y1 + y2 - H + 1 ]

[ 0 ----- --------------- ]

[ H - 1 H - 1 ]

"""

rois = rois.detach()

x1 = rois[:, 1::4] / 16.0

y1 = rois[:, 2::4] / 16.0

x2 = rois[:, 3::4] / 16.0

y2 = rois[:, 4::4] / 16.0

height = bottom.size(2)

width = bottom.size(3)

# affine theta

theta = Variable(rois.data.new(rois.size(0), 2, 3).zero_())

theta[:, 0, 0] = (x2 - x1) / (width - 1)

theta[:, 0 ,2] = (x1 + x2 - width + 1) / (width - 1)

theta[:, 1, 1] = (y2 - y1) / (height - 1)

theta[:, 1, 2] = (y1 + y2 - height + 1) / (height - 1)

if max_pool:

pre_pool_size = cfg.POOLING_SIZE * 2

grid = F.affine_grid(theta, torch.Size((rois.size(0), 1, pre_pool_size, pre_pool_size)))

crops = F.grid_sample(bottom.expand(rois.size(0), bottom.size(1), bottom.size(2), bottom.size(3)), grid)

crops = F.max_pool2d(crops, 2, 2)

else:

grid = F.affine_grid(theta, torch.Size((rois.size(0), 1, cfg.POOLING_SIZE, cfg.POOLING_SIZE)))

crops = F.grid_sample(bottom.expand(rois.size(0), bottom.size(1), bottom.size(2), bottom.size(3)), grid)

return crops

开发者ID:Sunarker,项目名称:Collaborative-Learning-for-Weakly-Supervised-Object-Detection,代码行数:42,

示例10: _resize

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def _resize(self, x, size):

if x.shape[-2:] == size:

return x

elif x.shape[-2:] < size:

return F.interpolate(x, size=size, mode=self.upsample_mode)

else:

assert x.shape[-2] % size[-2] == 0 and x.shape[-1] % size[-1] == 0

kernel_size = x.shape[-1] // size[-1]

x = F.max_pool2d(x, kernel_size=kernel_size, stride=kernel_size)

return x

开发者ID:open-mmlab,项目名称:mmdetection,代码行数:12,

示例11: forward

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

# Left branch

y1 = self.sep_conv1(x)

y2 = self.sep_conv2(x)

# Right branch

y3 = F.max_pool2d(x, kernel_size=3, stride=self.stride, padding=1)

if self.stride==2:

y3 = self.bn1(self.conv1(y3))

y4 = self.sep_conv3(x)

# Concat & reduce channels

b1 = F.relu(y1+y2)

b2 = F.relu(y3+y4)

y = torch.cat([b1,b2], 1)

return F.relu(self.bn2(self.conv2(y)))

开发者ID:StephanZheng,项目名称:neural-fingerprinting,代码行数:16,

示例12: forward

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

out = F.relu(self.conv1(x))

out = F.max_pool2d(out, 2)

out = F.relu(self.conv2(out))

out = F.max_pool2d(out, 2)

out = out.view(out.size(0), -1)

out = F.relu(self.fc1(out))

out = F.relu(self.fc2(out))

out = self.fc3(out)

return (out,F.log_softmax(out))

开发者ID:StephanZheng,项目名称:neural-fingerprinting,代码行数:12,

示例13: forward

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

x = F.relu(F.max_pool2d(self.conv1(x), 2))

x = F.relu(F.max_pool2d(self.conv2_drop(self.conv2(x)), 2))

x = x.view(-1, 320)

x = F.relu(self.fc1(x))

x = F.dropout(x, training=self.training)

x = self.fc2(x)

return F.log_softmax(x)

开发者ID:StephanZheng,项目名称:neural-fingerprinting,代码行数:10,

示例14: forward

​点赞 5

# 需要导入模块: from torch.nn import functional [as 别名]

# 或者: from torch.nn.functional import max_pool2d [as 别名]

def forward(self, x):

y1 = self.sep_conv1(x)

y2 = F.max_pool2d(x, kernel_size=3, stride=self.stride, padding=1)

if self.stride==2:

y2 = self.bn1(self.conv1(y2))

return F.relu(y1+y2)

开发者ID:StephanZheng,项目名称:neural-fingerprinting,代码行数:8,

注:本文中的torch.nn.functional.max_pool2d方法示例整理自Github/MSDocs等源码及文档管理平台,相关代码片段筛选自各路编程大神贡献的开源项目,源码版权归原作者所有,传播和使用请参考对应项目的License;未经允许,请勿转载。

评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值