- 博客(698)
- 资源 (8)
- 收藏
- 关注
原创 caffe ubuntu20.04 cuda10.1 cudnn7.6 GTX TITAN X
opencv使用的版本是默认安装的4.2版本python使用的是anaconda的3.8版本,刚开始使用3.7,遇到一些问题boost使用的默认安装的1.7版本boost默认安装的版本是对于python3.8的apt opencv默认版本如下apt boost-python默认版本如下如果不是python3.8,又使用默认boost会遇到错误AR -o .build_release/lib/libcaffe.aLD -o .build_release/..
2022-05-26 12:17:12 558
原创 python2安装open3d-0.9.0依赖列表
python -mpip -r requirements.txtMarkupSafe==1.1.1Send2Trash==1.8.0attrs==21.4.0backports-abc==0.5backports.functools-lru-cache==1.6.4backports.shutil-get-terminal-size==1.0.0bleach==3.3.1configparser==4.0.2contextlib2==0.6.0.post1decorator==4..
2022-04-21 15:09:30 1893 1
原创 点云 mesh等可视化库(主python语言)
本文记录点云可视化库pclmayaviopen3dhttps://github.com/marcomusy/vedohttps://github.com/Kitware/VTKhttps://github.com/pyvista/pyvistahttps://github.com/nschloe/meshiohttps://github.com/K3D-tools/K3D-jupyter
2022-03-21 15:38:15 1261 1
原创 open3d cpp example CropPolygonFromJson
cmakelist.txtcmake_minimum_required(VERSION 3.19)set (CMAKE_CXX_STANDARD 14)project(TestVisualizer)# Find installed Open3D, this imports# Open3D_INCLUDE_DIRS# Open3D_LIBRARIES# Open3D_LIBRARY_DIRS# Open3D_C_FLAGS# Open3D_CXX_FLAGS#
2022-03-16 18:59:04 807
原创 docker 简要使用
ubuntu源的概念ubuntu不同源的名字21.04hirsute20.10groovy18.04bionic16.04xenial14.04trustyfocal 指当前系统版本的源参考 https://wiki.ubuntu.org.cn/源列表? 为什么要了解源 因为ubuntu20.04还没有自己版本的nvidia-docker, 我们一般使用ubuntu18的平时我们会在哪些地方使用源? 安装软件, 安装内核deb http://cn.archive.
2022-03-14 14:18:30 1069
原创 雷达和RGB相机对齐的核心代码crop
代码来源:https://github.com/agarwa65/lidar_camera_calibration最核心的只是把校准函数calibrate的核心crop,去理解整个过程,其实和 结构光相机与RGB相机对齐,没有区别import numpyimport math#from tf.transformations import euler_from_matrix #原函数# axis sequences for Euler angles_NEXT_AXIS = [1, .
2022-03-01 11:20:10 844 1
原创 自定义标注格式转coco
#!-*- coding:utf-8 -*-import osimport sysimport jsonimport cv2import numpy as npimport shutilimport ioimport base64import PIL.Imageimport PIL.ImageDrawimport argparsedef mkdir_os(path): if not os.path.exists(path): os.makedirs(pa.
2021-12-14 18:45:54 1689 1
原创 相机视角 frustum截头锥体
http://ivl.calit2.net/wiki/images/0/00/07_ProjectionAndFrustumCullingF19.pdfhttps://my.eng.utah.edu/~cs6360/Lectures/frustum.pdfModel View Projectionopengl 交互式控制8.3 - Perspective Projections — LearnWebGL
2021-11-29 19:38:39 688
原创 BA光束平差numpy
from __future__ import print_functionimport urllibimport urllib.requestimport bz2import osimport numpy as npnp.set_printoptions(suppress=True)import pclimport pcl.pcl_visualizationimport randomdef vis_pair(cloud1, cloud2, rdm=False): color.
2021-11-25 10:57:09 586
原创 ubuntu20.04 安装imagemagick遇到问题
首先遇到,我有一个源失效了命中:1 http://mirrors.tuna.tsinghua.edu.cn/ubuntu focal InRelease获取:2 http://mirrors.tuna.tsinghua.edu.cn/ubuntu focal-updates InRelease [114 kB] 命中:3 http://dl.g...
2021-11-15 16:48:22 2048
原创 终端动态切换cuda环境
source envs.sh 11.1envs.sh#!/bin/bashif [ ! -n "$1" ] ;then echo "请使用正确的切换方式, 例如source envs.sh 11.1" else if [ $1 == "11.1" ] then if [ -d "/usr/local/cuda-11.1/" ];then echo "select cuda 11.1" .
2021-11-09 10:19:21 663
转载 挂载硬盘到ubuntu
ubuntu新增加固态硬盘,格式化并挂载到根目录下 - 奔跑的虎皮猫 - 博客园Ubuntu中查看硬盘分区UUID的方法_andieguo的专栏-CSDN博客df -hsudo fdisk -lsudo fdisk /dev/sdbsudo fdisk -lsudo mkfs -t ext4 -c /dev/sdb1sudo mkfs -t ext4 /dev/sdb1mkdir /ssdmount /dev/sdb1 /ssdvim /etc/fstab..
2021-10-22 19:24:36 190 2
原创 ubuntu20.04 编译open3d-v0.13.0
ubuntu20.04系统git clone --recursive https://github.com/intel-isl/Open3Dgit checkout v0.13.0HEAD 目前位于 c3f9de224 0.13.0 version bump (#3529)git submodule update --init --recursiveutil/install_deps_ubuntu.sh -ymkdir buildmkdir installcd build升级cma.
2021-10-21 14:43:22 800
转载 pdf分割每一页为png图片
https://blog.csdn.net/yibing1996/article/details/107841410pip install PyMuPDF -i https://pypi.tuna.tsinghua.edu.cn/simplepip install fitz -i https://pypi.tuna.tsinghua.edu.cn/simplepip#import PyPDF4#import pikepdfimport fitzimport os#https://...
2021-10-21 11:06:30 416
转载 pytorch查看显存利用率
如何在Pytorch中精细化利用显存 - Oldpan的个人博客再次浅谈Pytorch中的显存利用问题(附完善显存跟踪代码) - Oldpan的个人博客浅谈深度学习:如何计算模型以及中间变量的显存占用大小 - Oldpan的个人博客...
2021-10-16 17:35:05 1161
原创 tensorflow1.14 转换pytorch 部署inference 所遇到问题 superpoint
GitHub - rpautrat/SuperPoint: Efficient neural feature detector and descriptor1.checkpoint转换pbSuperPoint/export_model.py at master · rpautrat/SuperPoint · GitHub2.freeze_graph参考1:Python freeze_graph.freeze_graph方法代碼示例Python freeze_graph.freeze_
2021-10-15 14:47:26 839
原创 superpoint+superglue 参考文章
superGlue学习_u010949023的博客-CSDN博客superPoint学习_u010949023的博客-CSDN博客_superpoint一种基于注意力机制特征匹配网络SuperGlue:端到端深度学习SLAM的重要里程碑_3D视觉工坊-CSDN博客
2021-10-06 13:02:32 1220
原创 JupyterLab-APP
https://github.com/jupyterlab/jupyterlab_app/mac版本windows版本liunx版本注意下载的时候看一下该版本中JupyterLab-APP,的JupyterLab的版本比如:JupyterLab-APP绑定的是JupyterLab v3.1.13这个软件自带python+conda环境ubuntu默认安装在 /opt/JupyterLab/resources/jlab_server/如果你想对这个环境安装其他东西..
2021-09-30 13:43:07 1233
原创 superpoint的onnx转换全流程
完整的SSD-tf版本转换为onnx示例:https://github.com/onnx/tensorflow-onnx/blob/master/tutorials/ConvertingSSDMobilenetToONNX.ipynb本文所示示例为superpointhttps://github.com/rpautrat/SuperPointmagic-point网络训练模拟数据input(h,w,c)=(120,160,1)magic-point网络导出coco数据的GT,使用input(
2021-09-29 15:08:26 1873
原创 numpy torch索引问题 vstack自带深拷贝 temp=img[:,:]是浅拷贝
import cv2import numpy as npmatches = np.ones((1000), dtype=np.int64) * -1matches[20] = 120#matches[40] = 60#matches = matches.astype(np.int64)valid = matches > -1kpts0= np.random.randint(low=0, high=200, size=(1000, 2), dtype=np.int64)kpts1= .
2021-09-28 11:46:16 154
原创 onnx-onnxruntime的一些官方文档记录
# onnxruntime-gpu与CUDA版本对应关系# https://onnxruntime.ai/docs/execution-providers/CUDA-ExecutionProvider.html# cuda10.1 cudnn7.6.5 onnxruntime-gpu-1.4.0# onnx现有算子对应的OpSet Version# https://github.com/microsoft/onnxruntime/blob/v1.4.0/docs/OperatorKern
2021-09-27 13:42:32 876
转载 python模拟实现cpp的二进制
from collections import Sequenceimport mathclass Bitset(Sequence): """ A very simple bitset implementation for Python. Author: Geremy Condra Licensed under GPLv3 Released 3 May 2009 Usage: >.
2021-09-22 16:15:01 162
原创 mmdet-tools工具测试
analyze_logs.pypython analyze_logs.py plot_curve log.json --keys loss_cls --legend loss_clspython analyze_logs.py plot_curve log.json --keys loss_cls loss_bbox --legend loss_cls loss_bboxpython analyze_logs.py plot_curve log.json --keys lo...
2021-09-16 12:43:13 2818 7
原创 tensorflow-v1.12的保存模型方式学习
tensorflow保存模型的几种方法tensorflow保存模型的几种方法_zmlovelx(帅得不敢出门 程序员群31843264)-CSDN博客tensorflow中的检查点checkpoint详解(二)——以tensorflow1.x 的模型保存与恢复为主tensorflow中的检查点checkpoint详解(二)——以tensorflow1.x 的模型保存与恢复为主_MIss-Y的博客-CSDN博客tensorflow模型保存(三)——tensorflow1.x版本的savedmode
2021-09-15 02:05:23 466
原创 python3读取由python2建立的pickle_file文件(utf-8问题)
Python 3 pickle load from Python 2 - Stack Overflowpickle — Python object serialization — Python 3.9.7 documentationpickle — Python object serialization — Python 3.9.7 documentationpython3from six.moves import cPickle as picklepickle_file = 'notM
2021-09-15 02:00:05 399
原创 numpy进行复现时候高维矩阵是否对齐api
numpy.testing.assert_allclose — NumPy v1.21 Manualx = [1e-5, 1e-3, 1e-1]y = np.arccos(np.cos(x))np.testing.assert_allclose(x, y, rtol=1e-5, atol=0)
2021-09-14 18:47:07 178
原创 tensorflow1.12 to onnx 然后再转tensorRT(这一步没有做)
环境cuda9.0tensorflow-1.2 to onnxpython -mpip install -U tf2onnx -i https://pypi.tuna.tsinghua.edu.cn/simplepython -mpip install onnxruntime -i https://pypi.tuna.tsinghua.edu.cn/simplepython -mpip install onnx -i https://pypi.tuna.tsinghua.edu.cn/simp...
2021-09-14 16:15:49 604
原创 vscode远程error 无法激活 “Pylance“ 扩展, 因为它依赖于未加载的 “Python“ 扩展
无法激活 "Pylance" 扩展, 因为它依赖于未加载的 "Python" 扩展。是否要重新加载窗口以加载扩展名?Looks like you might have a bad update. Do the following to remove stale versions of the extension:Uninstall Python extension (if you have pylance uninstall it first). Close all instances of V
2021-09-14 12:01:28 11632 8
原创 keras-tensorflow cuda-cudnn版本对应关系 pytorch-torchision版本对应关系 pytorch下载地址
tensorflowcuda cudnn 版本对应从源代码构建 | TensorFlowkeras tensorflow 版本对应List of Available Environments - FloydHub Documentation
2021-09-14 11:07:45 734
原创 pcl-opencv cpp example
cmake_minimum_required(VERSION 3.12)project(PCL_demo1) set(CMAKE_CXX_STANDARD 14) find_package(OpenCV REQUIRED)find_package(PCL REQUIRED) include_directories(${PCL_INCLUDE_DIRS})link_directories(${PCL_LIBRARY_DIRS})add_definitions(${PCL_DEFINI.
2021-09-13 14:36:17 211
原创 高斯回归特征点-CODE: Coherence Based Decision Boundaries for Feature Correspondence
WideBaselineFeatureMatcher[1] CODE: Coherence Based Decision Boundaries for Feature Correspondence, IEEE TPAMI,2016, Lin et. al.[2] RepMatch: Robust Feature Matching and Pose for Reconstructing Modern Cities, ECCV, 2016,, Lin et. al.高斯过程 Gaussian Pr
2021-09-13 10:49:47 200
原创 哥伦比亚大学--计算机视觉第一原理课程
图像分割概述图像分割概述Tomasi-Kanade 因子分解Tomasi-Kanade 因子分解观测矩阵的秩 _ Structure from Motion观测矩阵的秩 _ Structure from Motion观测矩阵 _ Structure from Motion观测矩阵 _ Structure from Motion运动恢复结构问题 Structure from Motion运动恢复结构问题 Structure from MotionStructure fr
2021-09-12 22:32:38 447 1
原创 transformer中softmax为什么除根号d_k
输入值不能太大,太大如下,梯度消失import torchfrom torch import nnfrom torch.nn import functional as Fimport numpy as np#from torch.autograd import Variable#from torchvision.models import resnet50#import torchvision.transforms as T#torch.set_grad_enabled(True).
2021-09-08 15:32:06 1744
原创 双线性插值问题
import numpy as npimport cv2import mathImage = range(1, 17, 1)Image = np.reshape(Image, (4,4))Image = Image.astype("uint8")print(Image)'''[[ 1 2 3 4] [ 5 6 7 8] [ 9 10 11 12] [13 14 15 16]]'''output1 = cv2.resize(Image, (11,11), None, .
2021-09-08 15:29:45 172
原创 Gale-Shapley 算法 寻找稳定婚配
14-6: Gale-Shapley 算法 寻找稳定婚配https://www.bilibili.com/video/BV1uq4y177Hc?spm_id_from=333.999.0.0from collections import dequedef find_free_partner(boys, girls, sort_boy_to_girl, sort_girl_to_boy): # 当前选择的舞伴 current_boys = dict(zip(boys.
2021-09-08 15:26:13 510
原创 transformer资料
几个博客:Transformer 详解https://wmathor.com/index.php/archives/1438/英文博客https://jalammar.github.io/illustrated-transformer/中文翻译:可视化理解Transformer结构https://zhuanlan.zhihu.com/p/59629215https://blog.csdn.net/longxinchen_ml/article/details/86533005一些可视化
2021-09-08 10:55:03 210
GPU-ASIFT: A Fast Fully Affine-Invariant Feature Extraction Algorithm
2019-12-25
cmpmvs-v0.6.0-binary-win64-cuda.zip
2018-11-26
论文:关于三维重建和匹配
2018-10-19
LeNet-5 研习 2 附件
2018-10-07
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人