- 博客(85)
- 资源 (3)
- 问答 (5)
- 收藏
- 关注
原创 单目结构光三维重建最终公式推导
参考:https://blog.youkuaiyun.com/u010430651/article/details/104868734?详细推导(建议自己推导一遍)
2023-11-05 15:45:16
384
原创 Matlab标定工具箱 源码位置
D:\Matlab2021b\toolbox\vision\vision+vision+internal+calibration
2023-02-15 15:15:55
279
原创 Armadilo的fft2、ifft2和matlab的fft2、ifft2的比较
结果一致,证明Armadilo的fft2和matlab的fft2可以等价转换。结果看是一致的,后面需要比较一下复数的fft2的结果。项目需要fft2,在此记录比较的过程。
2022-12-27 13:08:33
574
原创 《PCL从零开始》-1.读取pcd文件并对原始点云进行矩阵(旋转和平移)变换
首先默认你环境已经配置好了运行环境为:vs2015 + pcl1.8.1 +win10开始 实例 代码参考官方文档 + 被我忘记的博客首先加载pcl 库 我也不知道库关系 先用起来//加载头文件#include <iostream>#include <pcl/io/pcd_io.h>#include <pcl/io/ply_io.h>#include <pcl/point_cloud.h>#include <pcl/console
2022-04-13 09:48:15
824
原创 最小二乘解包裹matlab代码
代码来源于《信息光学数字实验室matlab版》I4=imread('cell21.bmp');I4=double(I4(7:518,10:521,1)); %读取第一幅像面全息图I3=imread('cell22.bmp');I3=double(I3(7:518,10:521,1)); %读取第二幅像面全息图I2=imread('cell23.bmp');I2=double(I2(7:518,10:521,1)); %读取第三幅像面全息图I1=imread('cell24.bmp');...
2022-03-13 21:55:01
4924
10
原创 【已解决】VS创建QT ,创建自定义QT类,将ui上的label提升为自定义的类,运行报错
在VS中提升类的窗口,我选择了全局包含,导致出现include <mylabel.h>,改掉即可,或不选择全局包含
2022-01-09 22:30:26
808
1
原创 [已解决]使用VS创建QT项目,并用代码添加一个按钮,出现界面问题
已经解决了 自己手贱点错了 创建了QMainWdiget 其实我要创建的是QWidget。。。。。。
2022-01-06 20:38:54
368
原创 Matlab单目标定工具箱代码实现使用过程
% Auto-generated by cameraCalibrator app on 11-Nov-2021%-------------------------------------------------------% Define images to processimageFileNames = {'C:\Users\YuanQuan\Desktop\1\IMG_0915.JPG',... 'C:\Users\YuanQuan\Desktop\1\IMG_0916.JPG',...
2021-11-11 19:52:05
729
原创 08线性回归的简单实现-动手学深度学习
import numpy as npimport torchfrom torch.utils import datafrom d2l import torch as d2l#制作数据集def syn_data(w,b,num_examples): x = torch.normal(0,1,(num_examples,len(w))) y = torch.matmul(x,w)+b y=y +torch.normal(0,0.01,y.shape) return x
2021-10-04 10:36:15
136
原创 08线性回归从零开始实现-动手学深度学习
%matplotlib inlineimport randomimport torchfrom d2l import torch as d2l#制作数据集def syn_data(w,b,num_examples): x = torch.normal(0,1,(num_examples,len(w))) y = torch.matmul(x,w)+b y=y +torch.normal(0,0.01,y.shape) return x,y.reshape((-1,
2021-10-03 22:46:31
124
原创 04数据操作复盘-动手学习深度学习(pytorch)
import torchx = torch.arange(12)xtensor([ 0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11])x.shapetorch.Size([12])x.numel()12x=x.reshape(3,4)xtensor([[ 0, 1, 2, 3],[ 4, 5, 6, 7],[ 8, 9, 10, 11]])torch.zeros((2,3,4))tensor([[[0., 0.,
2021-10-03 11:48:42
160
原创 Visual Studio Add-in 2.2.0 for Qt5 MSVC 2015
http://mirrors.tuna.tsinghua.edu.cn/qt/archive/vsaddin/2.2.0/qt-vsaddin-msvc2015-2.2.0.vsix点击直接下载!!!
2021-09-16 21:50:03
607
原创 Qt lnk1158 无法运行rc.exe 解决方法
https://blog.youkuaiyun.com/zong596568821xp/article/details/78820144在Qt上配置完OpenCV,在debug模式下运行程序时报错:“error lnk1158 无法运行rc.exe”系统环境:Win10 64位,Qt5.8 MSVC2015_64bit解决方法:找到rc.exe的放置路径,比如C:\Program Files (x86)\Windows Kits\10\bin\10.0.19041.0\x64然后添加到环境变量PATH中,重启
2021-09-16 21:33:27
567
原创 chapter7 基于C++的opencv形状检测
#include <opencv2/imgcodecs.hpp>#include <opencv2/highgui.hpp>#include <opencv2/imgproc.hpp>#include <iostream>using namespace cv;using namespace std;/////////////// Color Detection //////////////////////void getContours(.
2021-09-14 10:43:36
475
原创 chapter5 基于C++的opencv透射变换
#include <opencv2/imgcodecs.hpp>#include <opencv2/highgui.hpp>#include <opencv2/imgproc.hpp>#include <iostream>using namespace cv;using namespace std;/////////////// Warp Images //////////////////////void main() { strin.
2021-09-13 17:58:35
258
原创 chapter6 基于C++的opencv颜色detection
#include <opencv2/imgcodecs.hpp>#include <opencv2/highgui.hpp>#include <opencv2/imgproc.hpp>#include <iostream>using namespace cv;using namespace std;/////////////// Color Detection //////////////////////void main() { s.
2021-09-13 17:56:02
342
原创 chapter4 基于C++的opencv绘制图像形状(圆形 矩形 直线)和添加文字
#include <opencv2/imgcodecs.hpp>#include <opencv2/highgui.hpp>#include <opencv2/imgproc.hpp>#include <iostream>using namespace cv;using namespace std;////////////// Draw Shapes and Text //////////////////////void main() {
2021-09-13 17:11:34
263
原创 chapter3 基于C++的opencv缩放和裁剪
#include <opencv2/imgcodecs.hpp>#include <opencv2/highgui.hpp>#include <opencv2/imgproc.hpp>#include <iostream>using namespace cv;using namespace std;/////////////// Resize and Crop //////////////////////void main() { str
2021-09-13 17:09:17
254
原创 chapter2 基于C++的opencv基本功能(灰度化、高斯模糊 Canny检测 腐蚀 膨胀 定义卷积核)
#include <opencv2/imgcodecs.hpp>#include <opencv2/highgui.hpp>#include <opencv2/imgproc.hpp>#include <iostream>using namespace cv;using namespace std;/////////////// Basic Functions //////////////////////void main() { st
2021-09-13 17:05:33
175
原创 chapter1 基于C++使用opencv调用图像、视频、网络摄像头
使用opencv调用图像#include<opencv2\opencv.hpp>#include<iostream>using namespace cv;using namespace std;int main(int argc, char**argv) { string path = "resources/test.png"; Mat src = imread(path); imshow("input", src); waitKey(0); destroyA
2021-09-13 16:00:32
276
原创 0x0046E5FB 处(位于 基于多态职工管理系统.exe 中)引发的异常: 0xC0000005: 读取位置 0x00000024 时发生访问冲突。
看黑马程序员的职工管理系统 -文件交互-写文件这个视频出现以上的错误。修改方法:this->save();放在for里面了 直接拽出来
2021-09-07 14:55:10
2060
8
原创 C++ this 指针(https://www.runoob.com/cplusplus/cpp-this-pointer.html)
在 C++ 中,每一个对象都能通过 this 指针来访问自己的地址。this 指针是所有成员函数的隐含参数。因此,在成员函数内部,它可以用来指向调用对象。友元函数没有 this 指针,因为友元不是类的成员。只有成员函数才有 this 指针。下面的实例有助于更好地理解 this 指针的概念:#include <iostream> using namespace std; class Box{ public: // 构造函数定义 Box(double l
2021-09-07 11:11:58
159
原创 类和对象-多态-案例3-电脑组装具体实现
#include<iostream>#include<string>using namespace std;//每个零件的类class CPU{public: virtual void calculator() = 0;};class VideoCard{public: virtual void display() = 0;};class Memory{public: virtual void storage() = 0;};//////////
2021-09-06 12:21:58
208
原创 C++通讯录管理系统
#include<iostream>using namespace std;#include<string>#include<cstdlib>#define MAX 1000//设计联系人的结构体struct Person{ string m_name;//姓名 int m_sex;//性别 1男 2女 int age; string m_phone; string m_Addr;};//设计通讯录结构体struct Addressboo
2021-08-22 11:34:09
134
转载 吴恩达深度学习作业/02.改善深层神经网络:超参数调试、正则化以及优化/1.第一周深度学习的实用层面/编程作业/3.Gradient Checking.ipynb
Gradient CheckingWelcome to the final assignment for this week! In this assignment you will learn to implement and use gradient checking.You are part of a team working to make mobile payments available globally, and are asked to build a deep learning mod
2021-08-09 16:22:02
255
1
转载 LBG矢量量化算法 (转载应注明出处:https://blog.youkuaiyun.com/zouxy09/article/details/9153255)
矢量量化(VQ,Vector Quantization)是一种极其重要的信号压缩方法。VQ在语音信号处理中占十分重要的地位。广泛应用于语音编码、语音识别和语音合成等领域。*一、概述* VectorQuantization (VQ)是一种基于块编码规则的有损数据压缩方法。事实上,在 JPEG 和 MPEG-4 等多媒体压缩格式里都有 VQ 这一步。它的基本思想是:将若干个标量数据组构成一个矢量,然后在矢量空间给以整体量化,从而压缩了数据而不损失多少信息。 在以前,VQ运用的一个难点在于它
2021-08-08 17:41:57
787
转载 吴恩达深度学习作业/02.改善深层神经网络:超参数调试、正则化以及优化/1.第一周深度学习的实用层面/编程作业/2.Regularization.ipynb
RegularizationWelcome to the second assignment of this week. Deep Learning models have so much flexibility and capacity that overfitting can be a serious problem, if the training dataset is not big enough. Sure it does well on the training set, but the le
2021-08-07 20:54:21
264
原创 Lesson2 Week 1 Quiz - Practical aspects of deep learning(第一周测验 - 深度学习的实践)
2021-08-07 17:16:36
416
原创 解决jupyter notebook打开后文件太多过卡、卡顿的问题;创建jupyter工作路径/文件夹
https://blog.youkuaiyun.com/douerw/article/details/112604406解决jupyter notebook打开后文件太多过卡、卡顿的问题;创建jupyter工作路径/文件夹Jupyter notebook
2021-08-07 17:04:09
1223
转载 吴恩达深度学习作业/02.改善深层神经网络:超参数调试、正则化以及优化/1.第一周深度学习的实用层面/编程作业/1.Initialization.ipynb
InitializationWelcome to the first assignment of “Improving Deep Neural Networks”.Training your neural network requires specifying an initial value of the weights. A well chosen initialization method will help learning.If you completed the previou
2021-08-07 15:14:03
204
转载 吴恩达深度学习作业/01.机器学习和神经网络/4.第四周深层神经网络/编程作业/assignment4_2.ipynb
Deep Neural Network for Image Classification: ApplicationWhen you finish this, you will have finished the last programming assignment of Week 4, and also the last programming assignment of this course!You will use the functions you’d implemented in the
2021-08-03 18:57:57
1181
原创 吴恩达深度学习作业/01.机器学习和神经网络/4.第四周深层神经网络/编程作业/assignment4_1.ipynb
Building your Deep Neural Network: Step by StepWelcome to your week 4 assignment (part 1 of 2)! You have previously trained a 2-layer Neural Network (with a single hidden layer). This week, you will build a deep neural network, with as many layers as you
2021-08-02 17:14:13
876
关于 通用型标定方法(光线模型)的 代码实现
2023-04-06
关于PCL1.12.1 cmke编译VTK获取QT插件遇到的问题如下!
2022-06-11
远心镜头相机标定问题
2022-05-04
关于#c++#的问题,请各位专家解答!
2021-08-25
Opencv为什么我老报这个错误啊?我已经改成英文路径了 可是还出错。。。。
2021-07-05
TA创建的收藏夹 TA关注的收藏夹
TA关注的人