自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(74)
  • 资源 (1)
  • 收藏
  • 关注

原创 canny cv

// EdgeCanny.cpp: implementation of the CEdgeCanny class.////////////////////////////////////////////////////////////////////////#include "stdafx.h"#include "EdgeCanny.h"#include "math.h"#include <stdlib.h>#include <stdio.h>//////////

2020-06-24 13:10:24 235

转载 stereo keypoint match filter

match filter:           int lresponse = (int)(kpL.response);            int rresponse = (int)(mvKeysRight[bestIdxR].response);            if(lresponse &lt; 10 || rresponse &lt; 10) {             ...

2018-12-24 18:43:03 334

转载 stereo keypt

1.vector&lt;KeyPoint&gt; gkeyPoint1;vector&lt;KeyPoint&gt; gkeyPoint2;  std::vector&lt; DMatch &gt; good_matches;Point gaPointDisplay[5000]; 2.      SurfFeatureDetector surfDetector(20);  //...

2018-12-24 18:32:24 271 1

转载 read stereo para

Mat cameraMatrixL = (Mat_&lt;double&gt;(3, 3) &lt;&lt; 94.757998, 0.000000, 282.926747,                                          0.000000, 903.292721, 264.512904,                                    ...

2018-12-24 18:18:53 264

转载 stereo map test

1.generate map.int  generate(){    {        double *testT = (double*)T.data;        double *testrecEx = (double*)recEx.data;        double *testcameraMatrixL = (double*)cameraMatrixL.data; ...

2018-12-24 18:11:58 324

原创 PSMNet debug(八)

train数据stackhourglass.py1.    def forward(self, left, right):        print('PSMNet 123 forward')        print('PSMNet 00001111 forward')        print('stackhourglass left:')        print(lef...

2018-12-14 17:38:29 406

原创 PSMNet debug(七)

submission.py       imgL = processed(imgL_o).numpy()       imgR = processed(imgR_o).numpy()       print('processed imgL')       print('imgL size0=%d' %(imgL.shape[0]))       print('imgL size1=%d...

2018-12-14 11:58:09 389

原创 PSMNet debug(六)

SPP模块通过结合不同级别的特征有助于立体匹配。为了在视差维度和空间维度上聚合特征信息,我们提出两种类型的3D CNN结构来调整匹配代价卷:基础结构和堆叠的沙漏结构。在基础结构中,网络由简单的残差块构成。基础结构包括12个3*3*3的卷积层。然后我们通过双线性插值的上采样将匹配代价卷的尺寸恢复到H*W*D。最终,我们利用回归的方式来计算尺寸为H*W的视差图1.basic.pyclass P...

2018-12-14 11:14:49 931

原创 PSMNet debug(五)

匹配代价卷:与使用距离测定方法不同,MC-CNN和GC-Net方法都结合左右图特征使用深层网络来学习匹配代价的估计。跟随GC-Net的方法,我们通过结合左右图中每个视差值对应的特征图,采用SPP特征来构成一个四维的匹配代价卷(高*宽*视差*特征大小)cost = Variable(torch.FloatTensor(refimg_fea.size()[0], refimg_fea.size...

2018-12-13 14:35:41 636

原创 PSMNet debug(四)

 使用视差回归的方式来估算连续的视差图。根据由softmax操作得到预测代价Cd来计算每一个视差值d的可能性。预测视差值d'由每一个视差值*其对应的可能性求和得到,如下式      视差值回归比基于分类的立体匹配方法鲁棒性更强1.submodule.pyclass disparityregression(nn.Module):    def __init__(se...

2018-12-13 11:41:14 778 2

原创 PSMNet debug(三)

stackhourglass.py1.def convbn_3d(in_planes, out_planes, kernel_size, stride, pad):    return nn.Sequential(nn.Conv3d(in_planes, out_planes, kernel_size=kernel_size, padding=pad, stride=stride,bi...

2018-12-12 20:31:41 1062 2

原创 PSMNet debug(二)

submodule.py1.133841248def convbn(in_planes, out_planes, kernel_size, stride, pad, dilation):    return nn.Sequential(nn.Conv2d(in_planes, out_planes, kernel_size=kernel_size, stride=stride...

2018-12-12 17:05:38 715

原创 PSMnet debug(一)

stackhourglass.py1.size0=1size1=3size2=375size3=1242 top_pad = 384-imgL.shape[2]#384 768 left_pad = 1248-imgL.shape[3] imgL = np.lib.pad(imgL,((0,0),(0,0),(top_pad,0),(0,left_pad)),mode='co...

2018-12-12 16:31:39 917 2

转载 CNN问题

对离散卷积(或者说CNN中的卷积)有一个明确的认识:离散卷积本质就是一种加权求和。CNN中的卷积本质上就是利用一个共享参数的过滤器(kernel),通过计算中心像素点以及相邻像素点的加权和来构成feature map实现空间特征的提取,当然加权系数就是卷积核的权重系数。 问题:CNN无法处理Non Euclidean Structure的数据,学术上的表达是传统的离散卷积(如问题1中所...

2018-12-12 11:44:11 355

转载 GNN图网络

 1.图神经网络(Graph NNs)可能解决图灵奖得主Judea Pearl指出的深度学习无法做因果推理的核心问题。2.如果AI要实现人类一样的能力,必须将组合泛化(combinatorial generalization)作为重中之重,而结构化的表示和计算是实现这一目标的关键。3.图网络(graph network),是对以前各种对图进行操作的神经网络方法的推广和扩展。图网络具有强...

2018-12-12 10:12:03 9396

原创 Pyramid Stereo Matching Network:CNN module

submodule.pyclass feature_extraction(nn.Module):    def __init__(self):        print('feature_extraction 123')        super(feature_extraction, self).__init__()        self.inplanes = 32      ...

2018-12-10 20:52:14 366

原创 Pyramid Stereo Matching Network:SPP module

submodule.pyclass feature_extraction(nn.Module):   self.branch1 = nn.Sequential(nn.AvgPool2d((64, 64), stride=(64,64)),                                     convbn(128, 32, 1, 1, 0, 1),        ...

2018-12-10 20:47:02 611

转载 Pyramid Stereo Matching Network

转载:https://blog.youkuaiyun.com/qq_36104364/article/details/79940969论文阅读笔记《Pyramid Stereo Matching Network》2018年04月15日 11:53:58 EmptyCity1995 阅读数:1717   该论文提出的算法,在2018年4月14日前仍然是KITTI排行榜的首位,并且是开源的代码,有较高...

2018-12-10 20:28:36 1878 1

原创 torch.optim as optim

 import torch.optim as optimoptimizer = optim.Adam(model.parameters(), lr=0.001, betas=(0.9, 0.999))optimizer.step()优化步骤: 所有的优化器Optimizer都实现了step()方法来对所有的参数进行更新,它有两种调用方法:optimizer.step()...

2018-12-07 15:35:13 3427 2

原创 torch.nn.functional as F smooth_l1_loss

 import torch.nn.functional as F1.output = model(imgL,imgR)output = torch.squeeze(output,1)loss = F.smooth_l1_loss(output[mask], disp_true[mask], size_average=True)loss.backward()2.outp...

2018-12-07 14:35:26 7837 1

转载 torch.FloatTensor Variable

import torchfrom torch.autograd import VariableimgL   = Variable(torch.FloatTensor(imgL))imgR   = Variable(torch.FloatTensor(imgR))   disp_L = Variable(torch.FloatTensor(disp_L)) 1.数据计算 Tor...

2018-12-07 14:14:42 8905

原创 python time

import timestart_full_time = time.time()print('full training time = %.2f HR' %((time.time() - start_full_time)/3600))  

2018-12-07 14:03:03 151

原创 lua安装

1.download http://luabinaries.sourceforge.net/二进制文件linux:https://sourceforge.net/projects/luabinaries/files/5.3.3/https://sourceforge.net/projects/luabinaries/files/5.3.3/Tools%20Executables/ ...

2018-12-05 19:49:15 625

原创 mc cnn

1.https://github.com/jzbontar/mc-cnn 2.Download trained networks:KITTI 2012 fastKITTI 2012 accurateKITTI 2015 fastKITTI 2015 accurateMiddlebury fastMiddlebury accurate 下载1)KITTI 20...

2018-12-05 17:35:13 1142 1

原创 match by deep net

https://github.com/jzbontar/mc-cnnhttps://github.com/amitshaked/resmatch

2018-12-05 15:57:45 806

原创 双目在线标定参考文档

1.https://www.tandfonline.com/doi/abs/10.1080/09500340.2014.944233Self-calibration of a binocular vision system based on a one-dimensional targetYu Zhao &amp; Weimin LiAbstractThis paper prop...

2018-12-05 14:01:22 523 1

转载 train data cnn

1.数据下载:https://lmb.informatik.uni-freiburg.de/resources/datasets/SceneFlowDatasets.en.html#downloads2.3大类别数据:FlyingThings3DDrivingMonkaa3.解析3类数据listflowfile.py1)image = [img for im...

2018-12-05 09:54:30 649 3

原创 PSMNet train

datahttps://lmb.informatik.uni-freiburg.de/resources/datasets/SceneFlowDatasets.en.html  finetune.pyparser.add_argument('--datapath', default='/media/jiaren/ImageNet/data_scene_flow_2015/tra...

2018-12-04 16:52:25 815 4

原创 PSMNet model load

1.parser.add_argument('--loadmodel', default=None,                    help='loading model')if args.loadmodel is not None:    state_dict = torch.load(args.loadmodel)    model.load_state_dict(sta...

2018-12-04 16:50:04 550

原创 PSMNET deubg

1.       imgL = np.reshape(imgL,[1,3,imgL.shape[1],imgL.shape[2]])       imgR = np.reshape(imgR,[1,3,imgR.shape[1],imgR.shape[2]])       print('size0=%d' %(imgL.shape[0]))       print('size1=%d'...

2018-12-03 17:22:19 1011 1

转载 skimage.io

1.for inx in range(len(test_left_img)):      imgL_up = (skimage.io.imread(test_left_img[inx]))      imgL_up2 = (skimage.io.imread(test_right_img[inx]))      skimage.io.imsave('/t/left1.jpg',imgL_...

2018-12-03 15:27:25 1318

转载 PSMNet环境搭建以及问题

1.下载https://github.com/JiaRenChang/PSMNet解压PSMNet-master$ lsdataloader  finetune.py  LICENSE  main.py  models  README.md  run.sh  submission.py  utilsubuntu下已经安装2. 训练运行 PSMNet-master$ pyt...

2018-11-30 14:34:45 5019 3

转载 双目评估网站

http://vision.middlebury.eduhttp://vision.middlebury.edu/stereo/http://www.cvlibs.net/datasets/kitti/eval_scene_flow.php?benchmark=stereo 

2018-11-29 21:07:37 456 2

转载 人脸识别图像库

人脸识别图像库Surveys1、Humaine - a collection of emotional databases:http://emotion-research.net/wiki/Databases 2、AR Face Database (AR): http://rvl1.ecn.purdue.edu/~aleix/aleix_face_DB.html 3、BioID Fac...

2018-09-09 13:50:24 1957

转载 人脸识别数据库

公开人脸数据集本页面收集到目前为止可以下载到的人脸数据库,可用于训练人脸深度学习模型。人脸识别数据库 描述 用途 获取方法 WebFace 10k+人,约500K张图片 非限制场景 链接 FaceScrub 530人,约100k张图片 非限制场景 链接 YouTube Face 1,595个人 3,425段视频 ...

2018-09-09 13:49:08 12993 1

转载 caffe 编译 Undefined reference to google::protobuf::internal::empty_string_[abi:cxx11]

 由于GCC 5.1以后,GCC默认使用新的C++ ABI和libstdc++,它与ECW SDK二进制文件不兼容(至少当前如此)。解决的办法是使用CXXFLAGS="-D_GLIBCXX_USE_CXX11_ABI=0"选项去构建GDAL。./configure CXXFLAGS="-D_GLIBCXX_USE_CXX11_ABI=0"注意:如果你还使用别的使用新的C++ ABI的...

2018-08-29 11:02:36 6920

转载 ssd 模型结构图

https://www.cnblogs.com/xuanyuyt/p/7447111.html

2018-08-11 17:59:44 7542

原创 darknet yolo3 gpu性能对比测试

makefile,GPU=1CUDNN=0yolo3-tiny 120ms一帧。与GPU=1CUDNN=1对比测试。yolo3-tiny 3ms一帧。 yolo3.cfg测试12ms一帧。

2018-08-08 15:11:04 3770 1

原创 darknet cuda

未找到导入的项目“C:\Program Files (x86)\MSBuild\Microsoft.Cpp\v4.0\V140\BuildCustomizations\CUDA 9.1.props”。请确认 &lt;Import&gt; 声明中的路径正确,且磁盘上存在该文件。安装后cuda8.0后悔有CUDA 8.0.props在下面目录。C:\Program Files (x86)\MS...

2018-08-08 11:10:50 1076

原创 caffe ssd

https://github.com/weiliu89/caffe/tree/ssd examples/ssd/plot_detections.pyscore_ssd_coco.pyscore_ssd_pascal.pyssd_coco.pyssd_detect.cppssd_ilsvrc.pyssd_pascal.pyssd_pascal_orig.py...

2018-08-08 11:00:02 676

单幅图像运动模糊

单幅图像运动模糊,支持曝光时间,运动长度设置。

2014-12-30

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除