自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(73)
  • 资源 (2)
  • 收藏
  • 关注

原创 leetcode刷题记录-11. 盛最多水的容器

刚开始用暴力循环class Solution: def maxArea(self, height: List[int]) -> int: n=len(height) area=[] for x1 in range(n): for x2 in range(x1+1,n): width_rec= x2-x1 if height[x1]>height[x2

2021-12-02 14:40:43 419

原创 blender创建简单的三角化网格模型(保存为obj)

shift + A 选择对应的网格点这个只显示网格点击面可以把面三角化4. 可以变成这样5. 如果觉得太稀疏可以选择体素的大小,体素重构,比如0.026. 然后导出为obj就行open3d 可视化import numpy as npimport open3d as o3dpath='xxxxx/cube.obj' #保存的obj路径# obj面片显示textured_mesh= o3d.io.read_triangle_mesh(path)print(textu..

2021-11-27 22:51:29 3410

原创 RGBD图像和深度图对齐

相机:Xvisio目的:获取同一坐标系下的深度图和RGB图像首先根据给出的read_calibration sample把灰度相机改成RGB和TOF相机,得到两个相机的外参和内参Stereo:彩色相机Calibration: R:[0.999942, -0.0105642, 0.00221015, 0.0106091, 0.999714, -0.0214202, -0.00198323, 0.0214424, 0.999768] T: [0.00129305, -0.000780199, 0.0

2021-11-19 19:01:51 5149 1

原创 label fusion 学习记录

安装 Install nvidia-docker下载工程使用nvidia-docker2的话要用这个工程,现在ubuntu18.04应该是不支持nvidia-dockergit clone https://github.com/ianre657/LabelFusion.git使用nvidia-docker的系统,要用这个版本的工程https://github.com/RobotLocomotion/LabelFusion3.运行dockerLabelFusion/docker/do.

2021-10-31 23:38:54 2067 14

原创 Ultra Fast Structure-aware Deep Lane Detection阅读笔记

源码:https://github.com/cfzd/Ultra-Fast-Lane-Detection.Ultra Fast Structure-aware Deep Lane Detection现代车道检测方法主要将车道检测视为像素分割问题,难以解决具有挑战性的场景和速度问题。受到人类感知的启发,对严重遮挡和极端光照条件下车道的识别主要基于上下文和全局信息。我们把车道检测过程看作是一个基于全局特征的行选择问题。通过基于行的选择,我们的公式可以显著减少计算量。利用全局特征的大型接受域,我们也可以处理

2021-10-28 11:23:39 376

原创 Structure Guided Lane Detection阅读笔记

Structure Guided Lane Detection车道线检测主要存在个问题:characterizing lanesmodeling the structural relationship between scenes and lanessupporting more attributes (e.g., instance and type) of lanes.在本文中,我们提出了一种新颖的结构引导框架来同时解决这些问题。在这一框架中,我们是首先引入一种新的车道线表示来描述每个实例

2021-10-27 00:41:15 1520 1

原创 Aruco板生成及位姿估计(Python实现)

下边的代码仅从结构上给出示意,如果想要使用还需要弄明白参数的设置,否则识别效果可能很差opencv对应函数说明:https://docs.opencv.org/master/de/d05/classcv_1_1aruco_1_1GridBoard.htmlAruco板生成代码import cv2 import numpy as npmarkersX = 2 #X轴上标记的数量markersY = 6 #EY轴上标记的数量 本例生成5x7的棋盘m

2021-10-26 19:28:43 2475 1

原创 PVNet阅读记录

Proposed approachrigid transformation (R; t)from the object coordinate system to the camera coordinate system 刚性变换,从目标的坐标系到相机的坐标系采用两阶段的流程:首先用CNN检测出来2D关键点,然后使用改进的PnP算法来进行位姿估计。我们的方法使用PVNet的方式检测2D关键点,类似RANSAC,但可以鲁棒地解决遮挡和截断问题。基于RANSAC的投票也给出了每个关键点的空间概率分布

2021-10-26 00:06:33 517

原创 PVN3D学习记录

class Configself.dataset_name 数据集名称self.exp_dir 当前文件路径self.exp_name 当前文件名self.resnet_ptr_mdl_p RESNET预训练模型self.log_dir train_logself.log_model_dir checkpointsself.log_eval_dir eval_resultsself.n_total_epoch = 25se

2021-09-04 19:34:22 483 1

原创 YCB-VIDEO DATASET

YCB-VIDEO DATASET提供物体姿势和分割真值标记以物体为中心的数据集通常因为是人工标注的,所以数据量很小。例如常用的LINEMOD数据集提供大约1000图像的手工标记为数据集中的15个对象。虽然这样的数据集对于评估基于模型的姿态估计技术很有用, 它比用于训练最先进的深度神经网络的典型数据集小了好几个数量级。解决这个问题的一个办法是用合成图像来增加数据。然而,必须注意确保性能在真实场景和渲染场景之间的通用性。A. 6D位姿标记为了避免手动注释所有的视频帧,我们只在第一帧中手动指定物体的姿势

2021-09-04 00:03:44 4387 2

原创 论文阅读 SPN和CSPN

文章目录摘要介绍相关工作作者的方法Convolutional Spatial Propagation Network摘要我们提出了一种简单而有效的卷积空间传播网络(CSPN)学习深度预测的亲和矩阵.具体来说,我们采用了一种有效的线性传播模型,其中传播使用循环卷积运算的方式执行,并且相邻像素之间的affinity通过深度卷积神经网络(CNN)学习我们在两个单张图像进行深度估计的任务中应用了CSPNRefine 已有SOTA的输出在传播过程中嵌入深度采样,把稀疏的深度图变成密集的深

2021-08-30 21:59:42 3477

原创 自制数据集划分

#coding=utf-8import osimport shutildef split_datasets(path,mode,a,b): os.mkdir(path+mode+'/gt/') os.mkdir(path+mode+'/image/') os.mkdir(path+mode+'/sparedepthmap/') for i in range (a,b): shutil.copy('./image/'+str(i)+'.png', pat

2021-08-28 17:05:37 138

原创 Sparsity Invariant CNNs阅读笔记

文章目录问题:网络的输入非常稀疏并且不规则(只有10%的像素携带信息)Depth Completion:问题:网络的输入非常稀疏并且不规则(只有10%的像素携带信息)解决这一问题最简单的方法是为不携带信息的单元设置一个默认值,次优结果introduce a novel sparse convolutional layer which weighs the elements of the con volution kernel according to the validity of the inpu

2021-08-28 12:42:07 79

原创 激光雷达和相机同步调整(rosbag数据没对齐)

更改时间戳的代码#!/usr/bin/env python3import rospyimport rosbagimport sysif sys.getdefaultencoding() != 'utf-8': reload(sys) sys.setdefaultencoding('utf-8')bag_name = '2021-06-09-15-16-30.bag' #被修改的bag名out_bag_name = 'change_2021-06-09-15-16-30..

2021-08-23 19:20:02 1672 1

翻译 ROS中spin和spinOnce

原链接:http://wiki.ros.org/roscpp/Overview/Callbacks%20and%20Spinningspinros::init(argc, argv, "my_node");ros::NodeHandle nh;ros::Subscriber sub = nh.subscribe(...);...ros::spin();所有的用户回调都将在ros::spin()调用中被调用, ros::spin()不会return 直到节点被关闭,无论是通过调用ros::

2021-08-22 10:18:43 289

原创 rosbag中时间戳异常情况下,同步激光雷达和相机

修改rosbag文件中对应topic的时间戳#!/usr/bin/env python3import rospyimport rosbagimport sysif sys.getdefaultencoding() != 'utf-8': reload(sys) sys.setdefaultencoding('utf-8')bag_name = '2021-06-09-15-16-30.bag' #被修改的bag名out_bag_name = 'change_2021-0.

2021-08-21 20:43:04 1386

原创 pcd点云和rangeimage的关系

#include <pcl/range_image/range_image.h>#include <pcl/io/png_io.h>//保存深度图像#include <pcl/visualization/common/float_image_utils.h>//保存深度图像#include <pcl/io/pcd_io.h>int main (int argc, char** argv) { pcl::PointCloud<pcl::Poi

2021-08-20 19:37:19 260

翻译 PCL学习记录

Featurespcl::Feature 以两种方式输入数据整个点云数据集,通过setInputCloud (PointCloudConstPtr &)给出–必须的任何特征估计类都会试图在给定的输入云中的每一个点上估计一个特征。一个点云数据集的子集,通过setInputCloud (PointCloudConstPtr &)和setIndices (IndicesConstPtr &)给出。任何特征估计类将尝试在给定的输入云中的每个点上估计一个特征,该点的索引在给定的指数

2021-08-20 15:19:11 330

原创 kitti数据集calib_cam_to_cam.txt 理解

所有相机在同一 x/yx/yx/y 平面,可以进行联合标定Here,i∈0,1,2,3i ∈ {0, 1, 2, 3}i∈0,1,2,3 is the camera index, where 0 represents the left grayscale, 1 the right grayscale, 2 the left color and 3 the right color camera.这些变量的定义符合opencv的规则...

2021-08-17 08:41:03 1222 2

原创 ubuntu18.04使用Easyconnect不能正常连接sslvpn解决办法

网上查了以下,貌似是Easyconnect还不支持ubuntu 18.04,所以需要一些非常规操作来正常运行创建脚本(例如,命名为sslvpn),写入以下内容/usr/share/sangfor/EasyConnect/EasyConnect --enable-transparent-visuals --disable-gpu &sleep 5s&&sudo /bin/bash /usr/share/sangfor/EasyConnect/resources/shell/s.

2021-08-16 16:51:39 1961

翻译 message_filters学习笔记

学习链接:http://wiki.ros.org/message_filtersmessage_filtersA message filter is defined as something which a message arrives into and may or may not be spit back out of at a later point in time.time synchronizer ---------------------the same timestamp.Fil

2021-08-13 23:10:49 1328

原创 lidar_camera_calib学习笔记(激光雷达相机标定)

参考项目链接:https://gitee.com/manifold/lidar_camera_calib/tree/master项目提供的bag中的信息pointgrey.yaml 文件内容%YAML:1.0K: !!opencv-matrix rows: 3 cols: 3 dt: d data: [1061.37439737547, 0, 980.706836288949,0, 1061.02435228316, 601.685030610243,0, 0, 1]

2021-08-12 17:31:15 1339

原创 PCL将pcd可视化

一个简单的pcd文件读取实例#include <iostream>#include <pcl/io/pcd_io.h>#include <pcl/point_types.h> int main(){ pcl::PointCloud<pcl::PointXYZ>::Ptr cloud(new pcl::PointCloud<pcl::PointXYZ>);//创建点云指针 if(pcl::io::loadPCDFile<pc.

2021-08-11 00:22:01 283

原创 rosbag从.bag文件中提取图片和点云数据

rosbag info xxx.bag查看.bag文件的信息<launch> <node pkg="rosbag" type="play" name="rosbag" args=" /home/stone/Desktop/data/2021-06-09-15-16-30.bag"/> <node name="extract" pkg="image_view" type="extract_images" respawn="false" outpu

2021-08-10 00:48:07 2557

原创 深度补全-PENet_ICRA2021论文梳理和代码阅读记录

input_options = ['d', 'rgb', 'rgbd', 'g', 'gd']kitti_loaders.pydef load_calib(): 使用2011_09_26的calib文件临时硬编码校准矩阵 def get_paths_and_transform(split, args): if split == "train": transform = train_transform glob_d = glob_gt =

2021-08-07 16:49:47 2202 9

原创 远程开发常用命令

gdown gdown https://drive.google.com/uc?id=申请任务 salloc -N 1 --cpus-per-task=8 -t 3:00:00 -p gpu-2 --gres=gpu:07za解压7za x xxxx.zip -oxxxpath

2021-08-04 10:48:34 394

原创 ROS常命令(持续记录)

查看tf树rosrun rqt_tf_tree rqt_tf_tree

2021-07-26 18:19:36 56

原创 cmake实践操作记录(cmake practice)

仅供自翻方便,如果是学习,建议参cmake practice原文件cmake 的 helloworldmkdir cmakecd cmakemkdir t1cd t1touch main.ctouch CMakeLists.txtmain.c#include <stdio.h>int main(){printf("Hello World from t1 Main!\n");return 0;}CMakeLists.txtPROJECT (HELLO

2021-07-16 20:41:00 339 1

原创 ROS安装

主题流程参考https://zhuanlan.zhihu.com/p/105248080sudo rosdep init 参考https://blog.csdn.net/u014662384/article/details/106916673rosdep update参考https://blog.csdn.net/leida_wt/article/details/115120940抽空整理为详细的安装步骤

2021-07-11 15:51:47 49

原创 《ROS入门21讲》笔记

mkdir srccd srccatkin_init_workspacecd ..catkin_makesource devel/setup.bash

2021-07-07 18:27:49 67

转载 ROS学习笔记(一)

linux基础命令cdpwdmkdirlstouchmvcprmsudo编译器安装cpp和python基础

2021-06-23 00:54:49 82

原创 pytorch网络提取的特征可视化

import cv2 import numpy as np import os from PIL import Image import matplotlib.pyplot as plt print(x.shape) y=x.clone() y=y.cpu() y=y.numpy() x_show= np.max(y, axis=1) ...

2021-05-21 15:10:46 153

原创 pycharm 存在需要解析的参数时调试方法

如果普通运行时需要输入python main.py --config configs/tusimple.py --validate --load_from ./tusimple_resnet34.pth --gpus 0那么需要更改Parameters为--config configs/tusimple.py --validate --load_from ./tusimple_resnet34.pth --gpus 0然后直接运行就解决问题了...

2021-05-21 15:09:08 215

原创 VPGNet数据集----mat图片转成jpg

matlab代码Path = 'C:/Users/pc.000/Desktop/scene_2/'; imgPath= dir([Path '2016*.']);savedir='C:/Users/pc.000/Desktop/newfile/';count=100;for son = 1:length(imgPath) sonpath=[Path,imgPath(son).name,'/']; imgDir = dir([sonpath '*.mat']);

2021-05-18 16:56:11 643 6

原创 python进度条显示----tqdm

from tqdm import tqdmbar = tqdm(["小红", "小明", "小李", "小张"])for char in bar: bar.set_description("人名 %s" % char) 0%| | 0/4 [00:00<?, ?it/s]人名 小红: 0%| | 0/4 [00:00<?, ?it/s]人名 小明: 0%| | 0/4 [00:00<?, ?it/s]人名

2021-05-18 11:03:47 902

原创 colab使用记录

!wget https://s3.us-east-2.amazonaws.com/benchmark-frontend/datasets/1/test_set.zip!7za x test_set.zip -o/content/drive/MyDrive/chx

2021-05-13 21:35:55 141

原创 RESA: Recurrent Feature-Shift Aggregator for Lane Detection 论文阅读+代码复现(车道线检测)

文章目录RESA: Recurrent Feature-Shift Aggregator for Lane Detectionadvantages:上采样数据集贡献相关工作traditional methodsdeep learning method空间信息利用方法框架设计RESA优点双边上采样译码器Coarse grained branchFine detailed branchExperimentRESA: Recurrent Feature-Shift Aggregator for Lane Det

2021-05-11 13:31:33 3374 6

转载 李宏毅自注意力机制笔记 (Self-attention)

Vector Set as InputWhat is the output1.Each vector has a label.2.The whole sequence has a label.3.Model decides the number of labels itself.Sequence Labeling太孤立了把相邻向量串进去喂到全连接网络 (window)Self-attention或是下边这样最知名的文章relevant 计算

2021-05-10 12:04:03 1119

原创 PyQt5入门和常用模块(含多线程简单例子)

1. 安装软件包pip install PyQt5pip install pyqt5-tools2. 安装Qtdesignersudo apt-get install qt5-default qttools5-dev-toolssudo apt-get install qt5-default qtcreator3.pycharm中配置 external tools4. Tools - external tools 打开 Qtdesigner5.设计完成后转换为py文件pyuic5

2021-04-30 21:00:15 1161 2

原创 Graph-FCN for image semantic segmentation论文阅读(语义分割)

Graph-FCN常见语义分割方法 FCN, Segenet ,Deeplab常用 cross-entropy作为Loss functionSGD algorithm选取FCN-16s为基本模型G(N, E, U)N respects the nodes set of the graph, it is a |N| ∗ S matrix, |N| is the numberof the graph nodes, S is the dimension of the no

2021-04-27 15:49:28 410

houston-data.zip

houston tif

2021-03-08

HUSTON-dataset.zip

数据集

2021-03-06

空空如也

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

TA关注的人

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