自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(698)
  • 资源 (8)
  • 收藏
  • 关注

原创 opencv深度图可视化

import cv2import numpy as npimport matplotlib.pyplot as pltturbo_colormap_data = np.array( [[0, 0, 0], #[0.18995, 0.07176, 0.23217], [0.19483, 0.08339, 0.26149], [0.19956, 0.09498, 0.29024], [0.20415, 0.10652, 0.31844], [0.

2021-09-02 12:28:44 1573

原创 转置卷积的一些思考

#参考链接#一文搞懂 deconvolution、transposed convolution、sub-pixel or fractional convolution#https://www.cnblogs.com/shine-lee/p/11559825.html#ConvTranspose2d原理,深度网络如何进行上采样?#https://blog.csdn.net/qq_27261889/article/details/86304061#Pytorch: conv2d、空洞卷积、m

2021-08-30 23:12:28 204 1

原创 SuperPoint-第一步MagicPoint角点检测网络替换为特征点检测器去尝试涨点

tensorflow:https://github.com/rpautrat/SuperPointimport cv2import numpy as np#opencv-python==3.4.2.17#opencv-contrib-python==3.4.2.17class LocalImageDescriptor(object): def __init__(self,): octaves = 3 self.sift_pt = cv2.xfea

2021-08-27 14:45:10 1043 2

原创 判断一个点是否在多边形内部pointPolygonTest

import osimport cv2import jsonimport numpy as npimport copy#opencv/modules/imgproc/src/geometry.cppwith open(".json", "r") as f: load_dict = json.load(f)# 只标注一个mask测试m_value = load_dict["shapes"][0]points = np.array(m_value["points"])co...

2021-08-09 14:44:07 470

原创 streamlit初步尝试

参考:https://share.streamlit.io/daniellewisdl/streamlit-cheat-sheet/app.pyhttps://docs.streamlit.io/en/stable/api.html?highlight=FORM#streamlit.formhttps://docs.streamlit.io/en/stable/session_state_api.html#use-callbacks-to-update-session-statehttps.

2021-08-03 17:06:46 791

原创 在不同终端中使用不同cuda且不影响默认cuda版本

参考:https://blog.csdn.net/aihua53/article/details/112466439https://blog.csdn.net/qq_41917697/article/details/114437924Linux环境变量查看方法1:echo $PATH方法2:export -p | grep PATH我的~/.bashrc中是在当前终端输入:export CUDA_HOME=/usr/local/cuda-10.0export PATH=.

2021-07-29 20:59:25 262

原创 深度图+灰度图 可视化判断灰度图区域是否有深度

# yangninghuaimport cv2import open3dimport numpy as npimport osimport shutilimport sysimport jsonfrom PIL import Imageimport matplotlibimport matplotlib.pyplot as pltturbo_colormap_data = np.array( [[0, 0, 0], #[0.18995, 0.07176, ...

2021-07-27 19:18:06 636

原创 ubuntu20.04 - torch-points3d-v1.3 + MinkowskiEngine torchsparse安装

安装gcc7,默认gcc9太高了sudo vim /etc/apt/sources.listdeb http://dk.archive.ubuntu.com/ubuntu/ xenial maindeb http://dk.archive.ubuntu.com/ubuntu/ xenial universesource /etc/apt/sources.listsudo apt update sudo apt install gcc-5 g++-5 sudo apt instal

2021-07-22 14:58:04 1241 6

原创 2D-Homography-bbox仿射变换

import osimport sysimport cv2import cv2 as cvimport timeimport jsonimport copyimport mathimport pathlibimport numpy as npdef affine_skew(tilt, phi, img, mask=None): ''' affine_skew(tilt, phi, img, mask=None) -> skew_img, skew_mask, .

2021-07-16 14:53:11 362

原创 python setup.py扩展文件示例

# -*- coding: utf-8 -*-from __future__ import print_functionfrom collections import defaultdictfrom Cython.Distutils import build_extfrom distutils.core import setupfrom distutils.extension import Extension# from Cython.Build import cythonize # M.

2021-07-14 14:57:44 540

原创 ubuntu20.04 pcl1.7(失败)

参考:http://tech-filip-sladek.blogspot.com/2015/11/cmake-compile-pcl-172-vtk-63-qt-55-in.htmlhttps://codeload.github.com/flann-lib/flann/zip/refs/tags/1.8.4在编译之前https://www.soinside.com/question/bj5Jyrfe7NWZZoMRGQxxb3touch flann-1.8.4/src/cpp/em.

2021-07-14 14:18:41 753 1

原创 vscode+ssh+跳板机(堡垒机) 配置资料收集

Docker+VSCode配置属于自己的炼丹炉 (推荐)https://zhuanlan.zhihu.com/p/102385239万字长文把 VSCode 打造成 C++ 开发利器https://zhuanlan.zhihu.com/p/96819625如何让vscode远程连接服务器上的docker环境进行debughttps://mp.weixin.qq.com/s?__biz=MzAxMjMwODMyMQ==&mid=2456384736&idx=..

2021-07-10 14:19:19 2216 1

原创 可视化pcd多视角

https://blog.csdn.net/taifyang/article/details/105248483https://github.com/charlesq34/pointnet#!/usr/bin/env python# coding: utf-8import open3d as o3dimport numpy as npimport osimport matplotlib.pyplot as pltfrom mpl_toolkits.mplot3d import Ax.

2021-07-06 16:17:14 329

原创 open3d-0.13.0 ICP模仿PCL迭代可视化

# examples/Python/Advanced/non_blocking_visualization.pyimport open3d as o3dimport numpy as npimport copydef save_view_point(pcd, filename): vis = o3d.visualization.Visualizer() vis.create_window() vis.add_geometry(pcd) vis.run(...

2021-07-04 17:42:25 918

原创 open3d-ubuntu-clion-源代码编译

参考:https://cloud.tencent.com/developer/article/1644024ubuntu16.04最高安装open3d-0.9.0.0open3d-0.10.0.0以上的版本必须在ubuntu18.04GLIBC为Ubuntu系统中的底层的东西,不能进行版本升级使用下面的命令、可以实现读取Ubuntu16.04中GLIBC的版本:strings /lib/x86_64-linux-gnu/libc.so.6 | grep GLIBC输入此命令可以查看

2021-07-03 22:39:36 525 1

原创 ubuntu硬盘挂载sshfs(传输端点未连接)

sudo apt-get install nfs-common -ysudo apt-get install sshfs -ysudo apt-get install nfs-kernel-server挂载sudo sshfs -o allow_other username@x.x.x.x:/home/src/ /mnt/target卸载fusemount –u /mnt/target如果出错了 传输端点未连接参考:https://www.soinside.com/quest

2021-07-03 21:42:38 2708 1

原创 ubuntu录屏-截图

https://itsfoss.com/best-linux-screen-recorders/https://screenrec.com/screen-recorder/linux-screen-recorders/截图-Shutterubuntu20.04sudo snap install shutter20.04以下sudo apt install shutter屏幕录制-kazamsudo apt-get install kazam这样安装不是最新版,下面方式是...

2021-07-03 21:27:19 352

原创 coco数据集增强--crop将badcase贴图去除对应object

import cv2import osimport numpy as npimport jsonimport randomfrom pycocotools.coco import COCO, maskUtilsROOT = os.path.dirname(os.path.abspath(__file__))BASE = os.path.dirname(ROOT)def mkdir_os(path): if not os.path.exists(path): o..

2021-06-21 20:04:33 384

原创 matplotlib画图--评估表

# python3.8# -*- coding: utf-8 -*-# ---# @Software: PyCharm# @File: main8.py.py# @Author: ---# @Institution: BeiJing, China# @E-mail: # @Site: # @Time: 6月 21, 2021# ---import matplotlib.pyplot as plt#colors = ['#1f77b4', '#ff7f0e', '#2ca02c',.

2021-06-21 19:09:57 198

原创 coco格式的json做离线数据增强,随机把图像bbox数据crop贴图,并移除对应的ann

import cv2import osimport numpy as npimport jsonimport randomfrom pycocotools.coco import COCO, maskUtilsROOT = os.path.dirname(os.path.abspath(__file__))BASE = os.path.dirname(ROOT)def mkdir_os(path): if not os.path.exists(path): o..

2021-06-18 11:06:41 775

原创 1深度图colorbar颜色映射--2ply点云gray颜色映射的实现

# -*- coding: utf-8 -*-"""Created on 2019-08-22 09:37:36@author: fmiorell"""# This script registers the "turbo" colormap to matplotlib, and the reversed version as "turbo_r"# Reference: https://ai.googleblog.com/2019/08/turbo-improved-rainbow-co.

2021-06-16 21:23:30 1103

原创 open3d=0.9.0 ubuntu16.04 截图显示全黑(ubuntu20.04+open3d0.13.0)

参考:https://github.com/intel-isl/Open3D/issues/1367

2021-06-08 17:02:12 1147 2

原创 关于conda的新认知-安装ceres-solver扩展库所需要的依赖

pip install cmake pybind11 ninjaconda install -c conda-forge cmake pybind11 ninja ceres-solver

2021-06-08 11:31:26 1136 1

原创 opencv+PIL画基本图形求边缘

from PIL import Image, ImageDrawimport numpy as npimport cv2#设置画布im = Image.new('RGB', (1000, 500), (250, 250, 250))#设置画笔draw = ImageDraw.Draw(im)#矩形draw.rectangle((100, 100, 300, 300), fill=(0, 0, 0), outline=(0, 0, 0))#圆形draw.pieslice((400,.

2021-06-04 22:08:40 362

原创 openscad螺栓数据生成2

下载库:BOSL2https://github.com/revarbat/BOSL2ubuntu16.04 openscad2021版本放入:/home/×××/.local/share/OpenSCAD/libraries/BOSL2include <BOSL2/std.scad>include <BOSL2/screws.scad>include <BOSL2/metric_screws.scad>module bolt_...

2021-06-02 18:49:35 342

原创 KCNet_Pytorch环境

https://github.com/ftdlyc/KCNet_Pytorchubuntu16.04gcc version 5.5.0 20171010 (Ubuntu 5.5.0-12ubuntu1~16.04)cuda release 9.0, V9.0.176python3.7torch-0.4.1-cp37-cp37m-linux_x86_64.whltorchvision-0.2.0-py2.py3-none-any.whlVPATH=.OBJDIR=./ob..

2021-05-27 13:57:56 213

原创 遍历搜索bmp文件,对同一路径下json标注(labelme)读取画出bbox和segm(labelme画出mask)

import osimport cv2import jsonimport numpy as npimport PIL.Imageimport PIL.ImageDrawdef getbbox(points, height, width): polygons = points mask = polygons_to_mask([height, width], polygons) return mask2box(mask)def mask2box(mask):...

2021-05-27 11:38:23 455

原创 BatchNorm1d

参考:https://zhuanlan.zhihu.com/p/100672008https://www.jianshu.com/p/2b94da24af3b# python3.8# -*- coding: utf-8 -*-# ---# @Software: PyCharm# @File: test2.py# @Author: ---# @Institution: BeiJing, China# @E-mail: lgdyangninghua@163.com# @Site:

2021-05-19 22:05:30 1276

原创 相机标定

12*925*25的棋盘格# python3.8# -*- coding: utf-8 -*-# ---# @Software: PyCharm# @File: camera_calibration.py# @Author: ---# @Institution: BeiJing, China# @E-mail: lgdyangninghua@163.com# @Site: # @Time: 5月 14, 2021# ---# Import required modul..

2021-05-14 16:22:33 180 1

原创 图像增强

https://github.com/rasika1995/ImageEnhancement/blob/main/ying.pyYing_2017_CAIPhttps://github.com/AndyHuang1995/Image-Contrast-Enhancement

2021-05-14 11:43:34 300

原创 openscad螺栓数据生成

hex_head2.scad$fn=100;module hex_head(diameter,height) { intersection() { union() { translate([0,0,0.801*height]) cylinder(d1=diameter,d2=0.8*diameter,h=0.2*height); cylinder(d=diameter,h=0.801*height); } cylin.

2021-05-12 16:44:44 737 1

原创 mmdetectionv2.8 踩坑

以下是自己配置v2.8遇到的一些问题mmdetv2.8今天首次尝试遇到的问题1.最新版v2.8使用mmcv-full,不再是mmcv2.mmcv-full现在修改为与CUDA和pytorch具备对应性,版本安错了也不行3.我的环境是cuda10.0 torch1.4.0 在其官方的下载地址上,没有该文件https://download.openmmlab.com/mmcv/dist/cu100/torch1.4.0/index.html里面没有mmdetv2.8用到的mmcv==1.2.4.

2021-05-07 15:19:05 2654 4

转载 mmdetection v2.8跑视频保存

转载:https://www.freesion.com/article/73351406450/

2021-05-07 12:23:15 257

原创 ubuntu16.04中文版+texlive2020+TeXstudio

安装两个软件后,测试用例如下:有可能出现以下几个错误:1.LaTeX Error: File ''ctex.sty'' not Found参考:latex之安装宏包及LaTeX Error: File ''xxx.sty'' not Found报错https://www.cnblogs.com/hkkeryu/p/12146356.htmltexlive包的添加与更新https://blog.csdn.net/kayneo/article/details/72957615.

2021-05-06 22:37:39 352 4

原创 First Principles of Computer Vision

(Camera Calibration | Camera Calibration)

2021-05-06 16:42:54 267

原创 torch-points3d(1.2.0版本)示例代码

1分类代码示例RSConvCLassifier.py# python3.8# -*- coding: utf-8 -*-# ---# @Software: PyCharm# @File: RSConvCLassifier.py# @Author: ---# @Institution: BeiJing, China# @E-mail: lgdyangninghua@163.com# @Site: # @Time: 4月 27, 2021# ---import torchf.

2021-04-29 13:41:31 1617

原创 关于torch-points3d可视化的问题--安装环境

输出的ply无法在cloudcompare上打开我切换成pcd进行打开# python3.8# -*- coding: utf-8 -*-# ---# @Software: PyCharm# @File: vis_ply.py# @Author: ---# @Institution: BeiJing, China# @E-mail: lgdyangninghua@163.com# @Site: # @Time: 4月 26, 2021# ---import osimpor

2021-04-26 17:17:04 758

原创 open3d-pcl滤波方案

open3d - voxel_down_sample#open3d - voxel_down_sampledef VoxelDownSample(PointCloud, voxel_size): #参考:https://www.cnblogs.com/huashanqingzhu/p/6603875.html INT_MAX = 2147483647 INT_MIN = -2147483648 output = [] if voxel_size <=.

2021-04-23 15:23:19 934

原创 PyCharm2020.2 ubuntu16.04怎么进行设置初始化

rm -rf ~/.cache/JetBrains/PyCharm2020.2rm -rf ~/.config/JetBrains/PyCharm2020.2

2021-04-20 14:52:20 134

原创 多视觉集合的一些数学知识1-QR分解

如何入门线性代数?这里有一份Python线性代数讲义https://github.com/MacroAnalyst/Linear_Algebra_With_PythonQR分解:https://github.com/MacroAnalyst/Linear_Algebra_With_Python/blob/master/Chapter%2016%20-%20Gram-Schmidt%20Process%20and%20QR%20Decomposition.ipynbSVD分解:https.

2021-04-16 11:25:35 244

GPU-ASIFT: A Fast Fully Affine-Invariant Feature Extraction Algorithm

ASIFT_GPUd的论文PDF 演讲PPT 我们的GPU-ASIFT 实现 如下[2]。它旨在将CPU和GPU之间的流量保持在 最低水平。因此, 我们的GPU-ASIFT直接将图像输入到GPU,GPU会计算SIFT 关键点 和 描述符, 而无需返回到CPU。该算法有两个主要组成部分。 (1)仿射模拟 我们使用三个独立的CUDA 内核执行仿射仿真 :旋转,一维高斯卷积和方向子采样。结果存储 在GPU内存中,并直接传递到Changchang Wu的SiftGPU,而没有任何GPU至CPU的 传输 开销。 (2)筛查 代替David Lowe的sift实现,我们将模拟结果传递到CUDA版本的Changchang Wu的SiftGPU,后者输出 关键点和描述符。 GPU-ASIFT的性能取决于所使用的GPU。通常,更好的图形卡具有更快的计算和更多的筛选功能。 当前程序针对具有2.1和5.2计算能力的Nvidia卡进行了调整。该程序可在其他卡上顺利运行,但可能无法 发挥其全部功能。我们不支持计算能力低于1.3的卡。请注意,对于较大的图像集,如果图像尺寸变化不大会有所帮助 。如果这样做,则最好为每个图像对重新启动GPU-ASIFT 。 我们的GPU-ASIFT的输出是名为.sift和.aux的二进制文件。.sift文件与VisualSFM完全兼容,可以直接加载。.aux文件存储 对我们自己的匹配器有用的辅助信息。在启动时,程序将查询您的图形设备并选择最佳的图形设备来执行计算。当前,仅支持Nvidia卡。

2019-12-25

cmpmvs-v0.6.0-binary-win64-cuda.zip

cmpmvs-v0.6.0-binary-win64-cuda.zip https://www.dropbox.com/s/80savnaou9ck7v4/cmpmvs-v0.6.0-binary-win64-cuda.zip?dl=0 https://www.youtube.com/watch?v=ZRTEMKS3Sw0

2018-11-26

DevIL图像处理库-siftGPU需要的库-x64位Release版本

DevIL图像处理库-siftGPU需要的库-x64位Release版本

2018-11-13

glut-3.7.6-动态库X64版本-内含Debug和Release

glut-3.7.6-动态库X64版本-内含Debug和Release

2018-11-13

glew-2.1.0-64位版本的静态库含Debug和Release

glew-2.1.0-64位版本的静态库含Debug和Release

2018-11-13

glew-2.1.0-64位版本的动态库含Debug和Release

glew-2.1.0-64位版本的动态库含Debug和Release

2018-11-13

论文:关于三维重建和匹配

论文:Modeling the World from Internet Photo Collections 关于F和H矩阵在随机抽样一致RANSAC下的参数的选择 Mat mask; double minVal, maxVal; cv::minMaxIdx(queryCoord, &minVal;, &maxVal;); Mat F = findFundamentalMat(queryCoord, objectCoord, FM_RANSAC, 0.006 * maxVal, 0.99, mask); //threshold from [Snavely07 4.1] // N. Snavely, S. Seitz, R. Szeliski, “Modeling the World from Internet Photo Collections, ”Int’l J.of Computer Vision, Vol. 80, No. 2, pp.189–210, 2008.

2018-10-19

LeNet-5 研习 2 附件

关于博客 https://blog.csdn.net/baidu_40840693/article/details/82956247 的visio示图附件

2018-10-07

空空如也

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

TA关注的人

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