- 博客(57)
- 收藏
- 关注
原创 CVPR2021-PhySG: Inverse Rendering with Spherical Gaussians for Physics-based Material Editing and Re
光照:natural, static illumination对象:specular objects视点:multi-view相机类型:RGB
2021-06-11 15:48:34
798
原创 U3D初识
1.相机运动第一个:跟随某一个GameObject运动https://blog.youkuaiyun.com/kmyhy/article/details/77850747第二个:沿着某种曲线运动a.比如x2+y2=1b.采样顺序是thi,从0->2PI;c.thi x2 y20 0 -1d.直接用sinthi^2+costhi...
2020-04-24 17:04:00
250
原创 Ubuntu16.04+anaconda+python2.7和3.5切换
1.walden@walden-All-Series:~$ conda update condaSolving environment: done# All requested packages already installed.walden@walden-All-Series:~$ conda create --name py3 python=3.5Solving envir...
2020-04-24 17:03:16
373
原创 stereo-magnification-tensorflow
1.loader.pyflags.DEFINE_integer('min_stride', 3, 'Minimum stride for sequence.')flags.DEFINE_integer('max_stride', 5, 'Maximum stride for sequence.')该参数会影响程序能否运行,具体体现在loader.py中: def pre...
2020-04-24 17:02:07
460
原创 CVPR2019-SPADE
1.encoderimport torch.nn as nnimport numpy as npimport torch.nn.functional as Ffrom models.networks.base_network import BaseNetworkfrom models.networks.normalization import get_nonspade_norm_la...
2020-04-24 17:01:30
698
原创 光场成像模型
1.给定一个光场数据,一定是成像于某个深度平面上。比如HCI中的herbs的光场,对所有的81幅子孔径图像进行累加并求均值后,其结果图像如下所示:而对于光场中的子孔径图像而言,每一幅图像都是全聚焦图像。...
2020-04-24 17:01:03
815
原创 LFToolbox0.4使用说明
1.LFReadLFP()out=LFReadLFP('Sample_test\Images\F01\Beers.lfp');Serial:两个值:分别是传感器序列号和相机的序列号;metadata(元数据:关于数据的数据)。https://plus.google.com/108432809313316821308 LF = LFReadLFP('sample.lfr...
2020-04-24 17:00:02
623
原创 light field相关网站、代码
https://www.mathworks.com/matlabcentral/fileexchange/49683-light-field-toolbox-v0-4https://dgd.vision/Tools/LFToolbox/https://www.vincentqin.tech/posts/LightField-Toolbox/渲染、light transport...
2020-04-24 16:58:51
192
原创 Mask RCNN
1.数据集的准备 # Train or evaluate if args.command == "train": # Training dataset. Use the training set and 35K from the # validation set, as as in the Mask RCNN paper. dat...
2020-04-24 16:55:53
197
原创 VS-ReID
参考网址:1.https://github.com/lxx1991/VS-ReID2.https://github.com/lmb-freiburg/flownet23.http://vision.middlebury.edu/flow/submit/4.https://blog.youkuaiyun.com/zouxy09/article/details/868385...
2020-04-24 16:55:31
211
原创 pytorch nn.Conv3d
input=torch.randn(20,16,10,50,100)#N,C,D,H,W1.m = nn.Conv3d(16, 33, 1, stride=1, padding=(3, 2, 1))output=m(input)output.size()torch.Size([20, 16, 10, 50, 100])结论:padding分别先从D,H,W分别对称增加维度,...
2019-04-15 16:53:09
2752
1
原创 张正友相机标定
1.关于资料说明张正友标定2000<<A Flexible New Technique for Camera Calibration>>:https://www.microsoft.com/en-us/research/wp-content/uploads/2016/02/tr98-71.pdfLM算法1978《The levenberg-marquardt ...
2019-03-31 10:43:20
2885
1
转载 CVPR论文复现争议后续:华人一作苦战两月给出有态度的分析结果
第一部分:Michael Klachko 实现中的不一致优化方法不同:MK 用的是 SGD,我们的实现用的是 Adam。 加性噪声(additive noise)的级别不同:MK 用的是 0.5,我们用的是 0.1。 学习率不同:MK 用的是 1e-3,我们用的是 1e-4。 学习率调度不同。 Conv-BN-ReLU 模块顺序不同。 使用的 dropout 不同,MK 用的是 0....
2018-12-11 21:35:25
1069
转载 backward-pytroch
input = Variable(data)# Get the featuresfeatures = feature_extractor(input)# Compute first loss and get the gradients for itloss1 = task1(features)loss1.backward(retain_graph=True)# This add t...
2018-12-11 20:02:54
183
原创 A total variation loss
import matplotlibimport torchx = torch.FloatTensor([1,1,1,1,1,2,2,2,2,2,2,3,3,3,3,3,3,3,3,1,1,1,1,1,0,0,1,1,1,1])#x = torch.FloatTensor([1,1,1,1,1,20,20,20,20,20,20,3,3,3,3,3,3,3,3,1,1,1,1,1,0,0,...
2018-12-11 19:58:30
1770
原创 张量操作
a = torch.randn(1,1,3,1)a.expand(2,1,3,1)a.expand(1,2,3,1)a.expand(1,1,6,1)#runtimerrora.expand(1,1,3,2)a.expand(1,1,3,1)#a.expand(1,1,3,1) == ab = torch.randn(1,1,2,2)b.repeat(1,1,1,1)#b.r...
2018-12-10 20:01:54
329
转载 专利-灰度图转黑白图
import cv2import matplotlib.pyplot as pltimg = cv2.imread("Fig2.png", 0)img = cv2.medianBlur(img, 5)ret1, th1 = cv2.threshold(img, 127, 225, cv2.THRESH_BINARY)ret2, th_1 = cv2.threshold(img, 0, ...
2018-12-08 22:21:50
3914
原创 F.cross_entropy-weight比较
import torchimport torch.nn.functional as Ffrom torch.autograd import Variablex = Variable(torch.Tensor([[1.0,2.0,3.0], [1.0,2.0,3.0]]))y = Variable(torch.LongTensor([1, 2]))w = torch.Tensor([1...
2018-12-07 16:22:25
3867
1
原创 python3.5 opencv3保存视频
import cv2cap=cv2.VideoCapture("C:\\Users\\Walden\\Downloads\\CCTV.mp4")ret,frame=cap.read()count=0fps = cap.get(cv2.CAP_PROP_FPS)size = (int(cap.get(cv2.CAP_PROP_FRAME_WIDTH)), int(ca...
2018-09-27 15:53:50
1013
原创 不同坐标系统的比较
1.qt与MFC中的坐标qt:mybutton->setGeometry(0,100,75,25);//横、纵、宽、高MFC:获取鼠标坐标:x,y=纵,横
2018-09-22 10:42:44
724
原创 Qt学习笔记
1..pro文件中$$PWD是当前路径。2.如何添加一个按钮?#include <QPushButton>//在头文件中signals: void Btn_readimg_clicked();public: QPushButton *mybutton;//在cpp文件的构造函数中mybutton = new QPushButton("读取图像",...
2018-09-22 10:17:01
167
原创 C++笔记
template<class ElemType>struct Node{ ElemType data; Node<ElemType> *next; Node(); Node(ElemType Item); Node(ElemType Item,Node<ElemType> *link=NULL);};temp...
2018-08-30 19:11:24
202
转载 Ubuntu16.04配置命令代理和禁用ipv6
1.配置命令代理sudo apt-get install polipologSyslog = truelogFile = /var/log/polipo/polipo.logproxyAddress = "0.0.0.0"socksParentProxy = "127.0.0.1:1080"socksProxyType = socks5chunkHighMark = 50331648o...
2018-07-10 11:46:16
1036
原创 python setup.py install报错(win7+anaconda3+python3.5)
1.报错:TypeError: unorderable types: NoneType() >= str()定位到Anaconda3\Lib\distutils目录下,将distutils.cfg中的[build] compiler=mingw32 替换为[build]compiler=msvc2.该命令会完成编译cpp文件的过程。...
2018-07-06 10:24:04
1392
原创 tensorflow保存模型、加载模型和提取模型参数和特征图
1.tf.train.latest_checkpoint('./model_data/')这一句最终返回的是一个字符串,比如'./model_data/model-99991'这个方法本身还会做相应的检查,比如checkpoint中最新的模型model_checkpoint_path中的名字在all_model_checkpoint_paths并没有,而是人为修改后的,那么就会提示:ERROR:t...
2018-06-24 11:22:36
7037
1
原创 win10+Ubuntu16.04双系统+cuda8+opencv3.3+caffe
1.win10 vs linux 引导一般而言,让windows引导启动,如果让linux启动,那么linux无法使用时,windows也不能用了。但是windows不能用,linux依旧能用。故先安装win,后安装linux。2.计算机多块硬盘选中一块硬盘安装后,引导程序就在那块硬盘上。注意在安装linux时,最好把/,swap=内存大小(内存足够大,可以不设置),/boot=200MB,/ho...
2018-06-21 17:18:43
269
翻译 TOG04_Interactive Foreground Extraction using Iterated Graph Cuts
1.RGB图像的GMM高斯混合模型(结合OPENCV源码理解)1.1高斯混合模型的初始化initGMMs( img, mask, bgdGMM, fgdGMM );//通过k-means算法来初始化背景GMM和前景GMM模型1.2高斯混合模型的参数三维高斯分布混合模型;三个均值,3X3协方差矩阵;协方差的大小反应了X和Y的相互间的关系,但它还受X和Y本身度量单位的影响。可以标准化,得到标准协方差(...
2018-06-13 12:13:11
844
原创 MiKTeX+WinEdt安装
1.下载并安装MiKTeXhttps://miktex.org/download2.下载并安装WinEdthttp://www.winedt.com/download.html3.为WinEdt设置MiKTeX路径在WinEdt的options/Excution Modes/Tex System中设置成MiKeX的安装路径。18.12.244.文字紧接图像后\be...
2018-06-12 15:25:19
9144
翻译 Single-image shadow detection and removal using paired regions
Guo R, Dai Q, Hoiem D. Single-image shadow detection and removal using paired regions[C]//Computer Vision and Pattern Recognition (CVPR), 2011 IEEE Conference on. IEEE, 2011: 2033-2040.KEY:1.How to ge...
2018-06-07 08:47:08
508
原创 win10_1803版本安装cuda8.0
cuda8.0程序中本身就含有显卡驱动,如果win10_1803系统已经安装了最新的397.93驱动,即使在自定义安装中取消安装cuda自带驱动,在安装cuda8.0中还是会提示visual studio integration 8 fail,那么必须卸载当前最新驱动,而且必须完全卸载干净。参考网址:https://devtalk.nvidia.com/default/topic/1033111/...
2018-06-06 09:43:55
413
翻译 CVPR2017:Pyramid Scene Parsing Network
1.介绍场景解析:基于语义分割应用:自动驾驶,机器人感知难点:场景和标签的复杂性。比如椅子和沙发,马和牛数据集:LMO dataset;PASCAL VOC;ADE20K;目前场景分析的大多数框架都是基于FCN。但是因为目标存在相似的外表,FCN将船标记为汽车。如果我们以context prior来看整幅图像,这个场景可以别描述为boathouse near a river,正确的分类应该会产生。...
2018-05-24 17:06:17
559
翻译 Efficient Inference in Fully Connected CRFs with Gaussian Edge Potentials
摘要上:1.CRF的传统方法defined over pixels or image regions,author defined on the complete set of pixels in an image.2.但是这样的定义making traditional inference algorithms impractical,所以作者主要贡献就是一个高效的估计推理算法。该论文
2018-05-16 16:55:37
577
2
原创 pytorch0.4-window:BUG记录
1.RuntimeError: freeze_support()参考:https://github.com/pytorch/pytorch/issues/5858加上:if __name__ == '__main__':2.log_p = F.log_softmax(input, dim=1)pytorch的0.2版本不需要加维度,而>=0.3必须要加上维度3.UserWarning: in...
2018-05-10 22:28:45
423
原创 MATLAB实例2-读取txt图像名并处理图片
fid=fopen('E:\CMU\all.txt','r');while 1 tline=fgetl(fid); if ~ischar(tline),break;end I = imread(fullfile('E:\阴影公用数据集\CMU\img',tline)); endfclose(fid);
2018-05-08 21:02:26
1379
转载 python实例8-爬取猫眼电影TOP100榜所有信息
import requestsfrom requests.exceptions import RequestExceptionimport reimport jsonfrom multiprocessing import Process,Manager,Lock,Poolimport ioheaders={'User-Agent':'Mozilla/5.0 '}def get_
2018-04-08 16:10:05
362
转载 从meanshift目标跟踪到粒子滤波
作者:陈颖频 时间:2016-07-10 18:13:09本文一开始总结我对meanshift算法在图像分割、视频目标跟踪的一些粗浅认识,进一步引申到粒子滤波在目标跟踪中如何应用,由于本人学术水平尚浅,必然有很多认识有误,希望得到大家的批评指正,不胜感激。在初学均值漂移算法的时候,有个总体印象,就是算法希望通过寻找密度最大的位置作为收敛位置,用白话讲,其实就是要找一个区域内的重
2018-03-13 16:55:55
855
原创 python实例7-图像按行固定步长裁剪
import random import os import os.path as osp from PIL import Image import numpy as np dataset = np.genfromtxt('D:\\local_optimization\\uiuc\\all.txt', dtype=str)for idx in dataset:
2018-03-10 11:45:22
1745
原创 python实例6-对图像用ps油漆桶和快速选择后进行阈值判断
import numpy as npfrom PIL import Imageimport os im = Image.open('D:\\local_optimization\\uiuc\\orignal\\32.png').convert('RGB')im_size = im.sizeout=np.zeros((im_size))in_ = np.array(im, dtype...
2018-03-09 11:08:13
614
原创 ubuntu命令行常用命令之远程服务器TCP通信
1.创建文件夹mkdir walden2.创建文件(该文件位于/home/walden/python_scripts/tsTserv.py)vi xxx.pyvi有三种模式:a.插入模式(i可以进入)b.命令行模式c.底行模式注:在插入模式中,可以输入文字,然后退出需要先按Esc键,再依次按下:wq(保存并退出)4.如何登入远程服务器?登入远程服务器的方式是SS
2018-02-02 19:47:39
2933
原创 Python核心编程(第3版)-第二章-网络编程-读书笔记
1.什么是客户端/服务器架构?1.1服务器可以有多个吗?客户端就是一个吗?服务器可以为一个或多个客户端(服务的用户)提供所需的“服务”。它存在的唯一目的就是等待客户端的请求,并响应它们(提供服务),然后等待更多请求。1.2有哪些具体的例子?2.什么是套接字?套接字是计算机网络的数据结构。与通信端点一样。3.服务器端和客户端代码客户端:from socket im
2018-02-02 19:44:54
295
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人