自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(146)
  • 资源 (19)
  • 收藏
  • 关注

原创 四元数,欧拉角,旋转矩阵相互转换

#include <TransForms3d/TransForms.h>/*---------------------------------------角度弧度转换----------------------------------------*//** * @description: 角度转为弧度 * @param {double} angle 角度值 * @return 返回对应弧度值,一般在-3.14~3.14之间 */double Tr.

2021-11-28 11:01:32 766

原创 图像等比例缩放加pading

import osimport cv2BLACK = [158,160,161]for filename in os.listdir(r"./0"):filename_ori = './0/'+filenameimage=cv2.imread(filename_ori)shape = image.shapeprint(shape)r0 = shape[0]/224r1 = shape[1]/224if r0>r1:width = int(shape[1]

2021-08-20 09:29:14 302

原创 cmakelists 指定opencv版本

利用以下命令查看版本:locate OpenCVConfig.cmake打印:/opt/ros/kinetic/share/OpenCV-3.3.1-dev/OpenCVConfig.cmake/usr/local/lib/cmake/opencv4/OpenCVConfig.cmake指定版本:set(OpenCV_DIR "/usr/local/lib/cmake/opencv4/")

2021-08-13 15:31:48 776

原创 中科慧眼双目安装pcl

1 step安装依赖sudo apt-get update //更新ubuntu的软件源 //安装依赖 sudo apt-get install git build-essential linux-libc-dev sudo apt-get install cmake cmake-gui sudo apt-get install libusb-1.0-0-dev libusb-dev libudev-dev sudo apt-ge...

2021-08-13 10:08:35 444

原创 ERROR: cuda_runtime_api.h: No such file or directory

include_directories(/usr/local/cuda/include)link_directories(/usr/local/cuda/lib64)

2021-08-06 17:19:26 770

原创 pytorch 读取参数

import torchimport structfrom utils.torch_utils import select_devicedef pt2weight(weights):model = torch.load(weights, map_location="cpu")['model'].eval().float()with open(weights.split(".")[0]+".weights",'w') as f:for k,v in model.state_dict

2021-07-18 10:52:05 905 5

原创 vins学习

1.https://cggos.github.io/vinsmono-note-cg.html2.https://github.com/cggos/vins_mono_cg/blob/master/docs/vinsmono_note_cg.pdf

2021-04-26 15:25:18 119

原创 ubuntu之间传文件

在文件电脑上操作如下sftp 用户名@ip地址put 路径/文件名另一台电脑的home文件夹就用这个文件了

2021-04-20 18:58:48 350 1

原创 qt安装

sudo apt-get updatesudo apt-get install qt4*sudo apt-get install qtcreator

2021-04-06 16:20:24 104

原创 Ubuntu系统opencv4.4 opencv_contribute安装常见问题

安装下载opencv4.0.1及contribute模块https://github.com/opencv/opencv/releases/tag/4.0.1https://github.com/opencv/opencv_contrib/releases/tag/4.0.1更换国内源使用 ubuntu 原生源下载速度,可替换为国内源,提升下载速度备份 ubuntu 原生源sudo cp /etc/apt/sources.list /etc/apt/sources.list

2021-01-28 11:44:41 404

原创 学习

无人驾驶专栏:https://zhuanlan.zhihu.com/p/31809330

2020-12-28 17:22:31 115

原创 c++ 随机分布

uniform_distribution 模板定义了可以产生随机浮点值的分布对象类型,默认是 double 类型。默认构造函数创建的是标准正态分布,因此期望是 0,方差是 1.0:normal_distribution<double> disX(0, 1.0);uniform_real_distribution 类模板定义了一个默认返回 double 型浮点值的连续分布。可以按如下方式生成一个返回值在范围 [0,10) 内的分布对象:uniform_real_distribution

2020-12-21 10:05:18 490

原创 c++ 获取数据类型最大值或最小值

范例:double min_dist = numeric_limits<double>::max();double max_dist = numeric_limits<double>::min();

2020-12-21 09:30:32 1947

原创 txt记录位置 c++,python显示位置

///////////////////////////////////c++ 写/////////////////////////////////////////////////////////////////////////////////////////////std::ofstream lane_postion_log(ROOT_DIR"/build/lane_position_log.txt");//创建文件lane_postion_log <<p.x<<","&lt

2020-12-17 08:56:26 167

原创 三维点直线拟合

#include <opencv2/opencv.hpp>int main(){ cv::Vec6f& line std::vector<cv::Point3d> points; folat a = 0.1; folat b = 0.2; folat c = 0.3; folat x0 = 8; folat y0 = 9; folat z0 = 10; for(int z = 0;z<1000...

2020-12-14 10:05:03 1548

原创 opencv 常用操作 c++

cv::vconcat(B,C,A); // 等同于A=[B ;C]cv::hconcat(B,C,A); // 等同于A=[B C]

2020-12-09 15:15:03 273

原创 计算图像的直方图,求峰值点

程序步骤:1.输入图像2.灰度化3.计算直方图4.求峰值点#include "../LaneDetecte_SRC/detector_lane.hpp"#include "../common_src/unity.hpp"#include "../common_src/common_func.hpp"#include <chrono>#include <thread>#include <opencv2/opencv.hpp>int

2020-12-07 16:48:57 2777

原创 ubuntu 配置 静态ip

1.参看网卡名称ifconfiglo Link encap:Local Loopback inet addr:127.0.0.1 Mask:255.0.0.0 inet6 addr: ::1/128 Scope:Host UP LOOPBACK RUNNING MTU:65536 Metric:1 RX packets:10210 errors:0 dropped:0 overruns:0 fr

2020-11-11 09:44:31 304

原创 pcl 点云创建

1.pcl::PointCloud<pcl::PointXYZ> pointCloud;pcl::PointXYZ point;point.x = 2.0f - y;point.y = y;point.z = z;pointCloud.points.push_back(point);2.pcl::PointCloud<pcl::PointXYZ>::Ptr cloud (new pcl::PointCloud<pcl::PointXYZ>);for

2020-11-05 08:46:52 2808

原创 linux系统备份和恢复

linux系统备份和恢复系统备份:sudo sucd /tar cvpzf backup.tgz --exclude=/proc --exclude=/lost+found --exclude=/backup.tgz --exclude=/mnt --exclude=/sys --exclude=/media /系统恢复:ctrl + alt + F1输入用户名和密码cd /sudo tar xvpfz backup.tgz...

2020-10-28 08:04:05 148

原创 ubuntu16.04安装gcc g++7.5.0及各个版本的切换

sudo add-apt-repository ppa:ubuntu-toolchain-r/test sudo apt-get update sudo apt-get install gcc-7 sudo apt-get install g++-7 出现以下错误:Reading package lists... DoneBuilding dependency tree Reading state information... DoneYou m..

2020-10-15 15:01:03 3993

原创 ubuntu 系统U盘中 文件出现小锁子

1.插入不有问题的U盘,输入sudo fdisk -l指令,查看磁盘信息。Disk /dev/sda: 57.6 GiB, 61872793600 bytes, 120845300 sectorsUnits: sectors of 1 * 512 = 512 bytesSector size (logical/physical): 512 bytes / 512 bytesI/O size (minimum/optimal): 512 bytes / 512 bytesDisklabel ty

2020-09-23 11:24:41 2279

原创 ubuntu16.04安装PCL

1.安装最新的cmake版本下载地址https://cmake.org/download/解压 tar -xzvfcmake-3.18.1.tar.gzcdcmake-3.18.1./booststarpmake -j4sudo make install2安装依赖项sudo apt-get update sudo apt-get install git build-essential linux-libc-dev sudo apt-get instal...

2020-08-15 22:39:57 264

原创 ubuntu开机报错 system program problem detected

解决方式:sudo gedit /etc/default/apport将其中的 enable = 1改为enable =0

2020-08-04 17:12:20 168

原创 ubuntu 安装cudnn

tips:cudnn要与cuda对应版本下载1.下载对应cuda版本的cudnn,需要注册Nvidia开发者账号。NVIDIA cuDNN下载地址:https://developer.nvidia.com/cudnn2.解压:tar zxvf cudnn*.tgz3.cuda的安装目录通过which nvcc查看cuda安装目录为/usr/loca/cuda-10.24.把include/ 和 lib64/目录下的文件拷贝到cuda的安装目录下的include/ 和 lib64里面.

2020-07-31 08:19:45 214

原创 python pip清华源安装库

pip install -i https://pypi.tuna.tsinghua.edu.cn/simple --trusted-host pypi.tuna.tsinghua.edu.cn imageio

2020-07-29 16:42:55 2008

原创 opencv 读取CV_16U图像 c++

cv::Mat depthImage = cv::imread("../data1/depth0.png",-1);

2020-07-16 10:26:42 1764

原创 安装open3d python

安装:pip install open3d测试是否安装成功python -c "import open3d as o3d"

2020-07-07 10:35:41 6903 2

原创 欧拉角转旋转矩阵

//c++实现 cv::Mat eulerAnglesToRotationMatrix(cv::Vec3f& theta) { // Calculate rotation about x axis cv::Mat R_x = (cv::Mat_<double>(3, 3) << 1, 0, 0, 0, cos(theta[0]), -sin(theta[0]),.

2020-05-29 10:20:21 858

原创 常用函数

c++:sprintf(img_file, "%s%s%d.%s", imgs_directory, imgs_filename, k, extension);

2020-05-23 09:52:28 236

原创 论文翻译网站

https://tongtianta.site/

2020-05-06 17:56:37 372

原创 AZURE kinect 深度相机配置ubuntu16.04

1.升级cmake// Download and extract cmake 3.14.5mkdir ~/tempcd ~/tempwget https://cmake.org/files/v3.14/cmake-3.14.5.tar.gztar -xzvf cmake-3.14.5.tar.gzcd cmake-3.14.5///Install extracted source...

2020-04-26 18:44:50 1405 4

原创 ninja: error: 'LIBSOUNDIO_LIB-NOTFOUND', needed by 'bin/k4aviewer', missing and no known rule to mak

sudo apt install libsoundio-devcmake .. -GNinjaninja

2020-04-25 09:58:03 1662

原创 相机畸变模型

畸变参数(与点集如何畸变的2D几何相关。)采用理想针孔模型,由于通过针孔的光线少,摄像机曝光太慢,在实际使用中均采用透镜,可以使图像生成迅速,但代价是引入了畸变。有两种畸变对投影图像影响较大: 径向畸变和切向畸变。1、径向畸变对某些透镜,光线在远离透镜中心的地方比靠近中心的地方更加弯曲,产生“筒形”或“鱼眼”现象,称为径向畸变。一般来讲,成像仪中心的径向畸变为0,越向边缘移动,畸...

2020-04-23 11:53:06 1407

原创 相机参数关系

焦距 f = 35mm最高分辨率:4256×2832传感器尺寸:36.0×23.9 mm根据以上定义可以有:u0= 4256/2 = 2128v0= 2832/2 = 1416dx = 36.0/4256dy = 23.9/2832fx = f/dx = 4137.8fy = f/dy = 4147.3...

2020-04-23 11:50:32 316

原创 ROS常用命令

1.rospack 查看功能包信息rospack find navigation_example 查找功能包路径rospack dependsnavigation_example查找功能包依赖项

2020-04-03 00:02:18 206

翻译 Turtlebot入门-配置网络

配置网络在工作站和Turtlebot都要同步时钟输入如下命令:sudo apt-get install chrony ntpdate sudo ntpdate ntp.ubuntu.com2.获取Turtlebot和工作站的IP地址,在终端执行:ifconfigsudo service ssh status如果显示ssh: unrecognized servic...

2020-03-31 14:42:47 585

原创 ubuntu16.04 + kinetic +turtlebot2配置

安装ros-kinetic请参考ubuntu 16.0安装ros-kinetic

2020-03-30 11:20:10 375

原创 ros(7)自定义service数据

创建Persom.srv新建srv文件夹在srv文件夹中创建Persom.srv,编辑文件string nameuint8 ageuint8 sexuint8 unknown = 0uint8 male = 1uint8 female = 2---string result修改package,xmladd_service_files( FI...

2020-03-26 19:22:44 622

原创 ros(6) service server编程实现

创建代码turtle_command_server.cpp/** * 该例程将执行/turtle_command服务,服务数据类型std_srvs/Trigger */ #include <ros/ros.h>#include <geometry_msgs/Twist.h>#include <std_srvs/Trigger.h>ros...

2020-03-26 18:38:14 1050

middlebury_data_StereoMatching.7z

middlebury stereo matching data,包括左右图像和视差图.可以用于算法验证,效果对比。左右图像严格的矫正过。

2019-11-18

Birchfield-Tomasi metric 立体匹配算法.pdf

双目立体匹配算法,BT代价计算论文.论文摘要: An algorithm to detect depth discontinuities from a stereo pair of images is presented. The algorithm matches individual pixels in corresponding scanline pairs while allowing occluded pixels to remain unmatched, then propagates the information between scanlines by means of a fast postprocessor. The algorithmhandles large untextured regions, uses a measure of pixel dissimilaritythat is insensitive to image sampling, and prunes bad search nodes to increase the speed of dynamic programming. The computation is relatively fast, taking about 1.5 microseconds per pixelper disparityonaworkstation. Approximatedisparity mapsandprecisedepthdiscontinuities(alongbothhorizontal and vertical boundaries) are shown for five stereo images containing textured, untextured, fronto-parallel, and slanted objects.

2019-10-21

基于分段的用于立体匹配的遮挡处理的差异细化

Segment-based Disparity Refinement with Occlusion Handling for Stereo Matching

2019-06-14

双目视觉书籍

双目立体视觉融合两只眼睛获得的图像并观察它们之间的差别,使我们可以获得明显的深度感,建立特征间的对应关系,将同一空间物理点在不同图像中的映像点对应起来,这个差别,我们称作视差(Disparity)图像。[1] 双目立体视觉测量方法具有效率高、精度合适、系统结构简单、成本低等优点,非常适合于制造现场的在线、非接触产品检测和质量控制。对运动物体(包括动物和人体形体)测量中,由于图像获取是在瞬间完成的,因此立体视觉方法是一种更有效的测量方法。双目立体视觉系统是计算机视觉的关键技术之一,获取空间三维场景的距离信息也是计算机视觉研究中最基础的内容。[1]

2017-10-31

sift cuda gpu

sift cuda gpu

2017-05-20

sift matlab

sift matlab

2017-05-20

Python Cookbook

Python Cookbook

2017-05-20

OpenCV-Python

python opencv

2017-05-20

Python编程金典

python

2017-05-19

GPU高性能运算之CUDA

GPU高性能运算之CUDA

2017-05-19

CUDA编程指南

CUDA编程指南

2017-05-19

OpenCV3编程入门

OpenCV3编程入门

2017-05-19

深度学习 21天实战Caffe

caffe

2017-05-19

21天学通C++(高清中文第6版

c++

2017-05-18

机器学习算法原理与编程实践

深度学习编程

2017-05-18

数字图像处理高级应用 基于MATLAB与CUDA的实现

cuda

2017-05-18

scikit_image‑0.13.0‑cp35‑cp35m‑win_amd64.whl

scikit-image python pakage on windows

2017-05-17

cuda by example 中文版

2017-04-26

21天学通c++

2017-04-26

空空如也

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

TA关注的人

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