- 博客(163)
- 资源 (1)
- 收藏
- 关注
原创 Class-incremental Continual Learning for Instance Segmentation withImage-level Weak Supervision
background shift problem:原来是背景的一部分变成新类别,一部分还是背景。
2024-07-13 11:47:21 99
原创 TypeError: __setstate__() argument 1 must be sequence of length 4, not 6
运行python程序的时候报这个错误,经过一上午的查找,各种更改环境配置,发现是下载文件的问题。使用git clone **********下载到服务器上就没问题了。
2023-07-12 15:18:43 255
原创 【完美解决】RuntimeError: one of the variables needed for gradient computation has been modified by an inp
例如:矩阵[0.45,0.13, 0.35, 0.45, 0.23, 0.54]一般表现是一个矩阵中有多个相同的数字,如果取最大值,会返回很多,没法记录梯度。如果取最大值,应该返回的是第一个的最大值,这样能记录梯度。变成max(),max()也能返回最大值。
2022-11-12 19:56:43 1169
原创 Multiple Instance Active Learning for Object Detection
Active Learning关注如何采样:select the most informative images for detector training训练阶段选择信息量最大的图像,通过观察实例级的不确定性一个采样策略,在未标注数据中选择最具代表性图像,送去专家Oracle模型中打上标签。在目标检测中,要选择最不确定的实例如何确定采样策略?maximizing the prediction discrepancy =larger uncertainty=======...
2021-04-20 20:39:29 918
原创 2021-03-24实例分割相关论文,同时是写related work的思路
论文中object shape的意思就是instance mask,实例分割结果 论文题目:Simple does it: Weakly supervised instance and semantic segmentation. 对此论文的描述:GraphCut is combined with 通用boundary detection [51] to better estimate instance mask by considering boundarie...
2021-03-25 09:49:59 263
原创 弱监督实例分割方法解析
实例分割是类似于目标检测的一个任务,定位出物体大致区域,然后对区域里内容进行分割prm:class peak responseprm中peak位置不相连,且坐标信息起到了区分实例的作用ir net:有一个误区,我开始觉得语义分割画个外接矩形就能区分实例...
2021-03-11 11:46:44 953
原创 语义分割的几种结构
(a) the original FCN with output stride (OS)=32.(b)DilatedFCN exploit the dilated convolution with stride 2 and 4 in the last two stages to generate high-resolution feature maps.(高分辨率特征图)(c)Encoder-Decoder methods employ the U-Net structure to re...
2021-01-15 10:33:07 563
原创 python中包相互导入
当两个py文件在同一个文件夹下的时候。直接from 文件名 import * 即可当两个文件在不同的文件夹下的时候。需要在文件中加入 _init_.py 文件。里面可以什么也不用写。但是需要有这个文件。然后 import 文件夹名.py文件名 import * 就可以调用不同文件夹下的A文件夹 B文件夹 _init_.py D.py c.py e.pyc中导入e: from e import *c中导...
2021-01-08 09:44:09 832
原创 pytorch中多标签的写法
import torch.nn.functional as Floss = F.multilabel_soft_margin_loss(x_f, label) #其中x_f大小为:torch.Size([1, 20]),label大小为torch.Size([1, 20]),1代表batch_size
2020-12-17 16:22:29 1004
原创 pytorch中TensorboardX可视化
即便是pytorch程序,也要安装tensorflow和TensorboardXconda installTensorboardXconda installtensorflow============================================================tensorboard --logdir="./run" --host=127.0.0.1...
2020-12-14 14:58:02 183
原创 pytorch中的注意力模型写法
f = f.view(n,-1,h*w) #改变f维度,[batch_size,C,H,W]变为[batch_size,C,H*W]f = f/(torch.norm(f,dim=1,keepdim=True)+1e-5)aff = F.relu(torch.matmul(f.transpose(1,2), f),inplace=True) #大小为HW*HW,去掉负值aff = aff/(torch.sum(aff,dim=1,keepdim=True)+1e-5) #变为0.
2020-12-07 22:07:31 427
原创 pytorch中归一化
归一化norm:变为0~1之间方案1:原数组P为任意一组数,对p中的数字范围无限制(p-min)/(max-min)①p中有最小的数,那么(p-min)/(max-min)=(min-min)/(max-min)=0②p中有最大的数,那么(p-min)/(max-min)=1③其余数介于0~1之间方案2:原数组P为任意一组数,且P中最小值为0(p)/max①p中有最小的数=0,那么0/max=0②p中有最大的数,那么max/max=1...
2020-12-07 10:31:03 6112
原创 pytorch中global average pooling怎么写
写法1假如特征图是512,7,7,要变成512,1,1,使用GAPavgpool = nn.AvgPool2d(7, stride=1) #AvgPool2d(kernel_size=7, stride=1, padding=0),kernel大小为7*7写法2avgpool = F.adaptive_avg_pool2d(feature_map, (1,1))
2020-12-04 16:44:21 10524
原创 pytorch中对图片的处理
import torch.nn.functional as F#img1是pytorch中的tensor,torch.Size([8, 3, 448, 448])img2 = F.interpolate(img1, scale_factor=0.3, mode='bilinear', align_corners=True)#对img1图像组变换大小,缩小至原来的0.3倍
2020-12-04 11:26:04 989
原创 pytorch中数据
class VOC12ClsDataset(VOC12ImageDataset): def __init__(self, img_name_list_path, voc12_root, transform=None): super().__init__(img_name_list_path, voc12_root, transform) self.label_list = load_image_label_list_from_npy(self.img_name_l.
2020-12-04 11:18:08 138
原创 pytorch中加载模型
args.weights=“xxxxxxxx.pth”weights_dict = torch.load(args.weights) #模型加载到电脑中model.load_state_dict(weights_dict, strict=False)
2020-12-04 10:56:48 641
原创 pytorch定义哪些层不进行梯度更新
import torch.nn as nnclass OurNet(nn.Module): def __init__(self): super(OurNet, self).__init__() self.conv1a = nn.Conv2d(3, 64, 3, padding=1, bias=False) self.conv2a = nn.Conv2d(3, 64, 3, padding=1, bias=False) self.co.
2020-12-04 10:14:04 2040
转载 pytorch系列8 --self.modules() 和 self.children()的区别
本文主要讲述:self.modue和self.children的区别与联系说实话,我真的只想讲参数初始化方式,但总感觉在偏离的道路上越走越远。。。在看一些pytorch文章讲述自定义参数初始化方式时,使用到了self.modules()和self.children()函数,觉得还是需要讲解一下的。不如直接看一下代码:import torchfrom torch import nn# hyper parametersin_dim=1n_hidden_1=1n_hidden_2=1
2020-12-04 09:54:03 1238
原创 pytorch中怎么保证每次运行,batch_size中选择的图片是一样的,程序具有可复现性
def worker_init_fn(worker_id): np.random.seed(1 + worker_id) train_data_loader = DataLoader(train_dataset, batch_size=args.batch_size, shuffle=True, num_workers=args.num_workers, ...
2020-12-03 15:08:28 701
原创 Log-Sum- Exp
分类问题中对softmax值求max后,得到图片所属类别。max的计算过于暴力,提出log-sum-exp另一种求取最大值的方法。we use Log-Sum-Exp (LSE) function to compute a smooth approximation to the maximum value
2020-11-28 22:20:01 1055
翻译 ctx
class RoIRingPoolFunction(Function): def __init__(ctx, pooled_height, pooled_width, spatial_scale, scale_inner, scale_outer): ctx.pooled_height = pooled_height ctx.pooled_width = ...
2019-10-25 11:18:05 1049
原创 计算一组图片中的均值和标准差,用来对图像进行预处理
# -*-coding:utf-8-*-import osimport numpy as npfrom PIL import Imageimg_dir = '/disk2/xjt/data/saliency/pascalvoc-s/'number_of_picture = len(os.listdir(img_dir)) # 850 picturesR = 0G = 0B...
2019-10-11 17:19:21 2710 2
原创 论文Multi-Source Weak Supervision for Saliency Detection代码运行
0.搭建conda虚拟环境,Python=3.6,用conda install 安装:pytorch=0.4.1,torchvision=0.2.1,Pillow,其余的运行main.py缺啥补啥。conda会自动用服务器上的cuda和cudnn,不用自己安装。具体代码:conda create -n mws python=3.6 # 构建conda虚拟环境...
2019-10-10 20:22:41 1404 4
转载 非极大值抑制,在目标检测的test阶段使用
NMS(non maximum suppression),中文名非极大值抑制,在很多计算机视觉任务中都有广泛应用,如:边缘检测、目标检测等。这里主要以人脸检测中的应用为例,来说明NMS,并给出Matlab和C++示例程序。人脸检测的一些概念(1) 绝大部分人脸检测器的核心是分类器,即给定一个尺寸固定图片,分类器判断是或者不是人脸;(2)将分类器进化为检测器的关键是:在原始图像上从多...
2019-03-25 16:19:49 1030
原创 2018.12.06——pycharm使用快捷键
设置每行最长字符数为 79:File-Settings-Editor-Code Style-Right Margin ctrl+alt+B经常听人说,多看源码。源码不仅能帮我们搞清楚运行机制,还能学习优秀的库或者框架的最佳实践。调用库时,你可以在你好奇的几乎任何地方点击 Command+B,就可以很方便的跳转到源码里的类,方法,函数,变量的定义。ctr+鼠标左键点击函数名可以跳转到函数...
2018-12-06 12:04:33 341
原创 2018.12.05——图像归一化的函数、实现图像旋转、实现图像镜像
图像归一化的函数from sklearn import preprocessing#另外补充一个python库中的图像归一化的函数((img-mean)/sdt) 像素减均值后再除以方差img_1 = preprocessing.scale(img)https://blog.csdn.net/jiachen0212/article/details/78414580...
2018-12-05 21:06:30 681
转载 2018.12.05——将tensorflow的ckpt模型存储为npy
#coding=gbkimport numpy as npimport tensorflow as tffrom tensorflow.python import pywrap_tensorflowcheckpoint_path='model.ckpt-5000'#your ckpt pathreader=pywrap_tensorflow.NewCheckpointReader(c...
2018-12-05 20:42:12 503 1
原创 2018.12.05——caffe网络结构保存格式,如何得到TensorFlow下的.npy文件、将caffe模型转换为TensorFlow(的npy文件)模型
参数数据文件xxx.caffemodel和网络结构文件deploy.prototxt是我等弱渣见识少了,偶然在查资料的过程中发现的,不禁惊呼竟然还有这种操作,以res-50为例子,将自己的转换过程记录一下。首先附上转换过程中所要使用的程序,该程序是在GitHub上开源的,地址为:https://github.com/ethereon/caffe-tensorflow该项目的readme...
2018-12-05 20:29:26 1254
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人