自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(156)
  • 资源 (15)
  • 收藏
  • 关注

转载 Normalized Cuts and Image Segmentation的运行代码错误

我在运行Normalized Cuts and Image Segmentation的代码demoNcutImage.m时,出现了错误使用 arpackc需要 2 个输出参数解决方法:使用Matlab的eigs()函数,而不是normalized cuts包中提供的eigs_new()。即ncut.m中的[vbar,s,convergence] = eigs(@mex_w_times_x_symmetric,size(P,1),nbEigenValues,‘LA’,options,tril§)

2020-10-11 15:41:31 453 4

转载 OPENCV2计算机视觉编程手册-第九章估算图像间的投影关系

1、计算一对图像的基础矩阵#include<iostream> #include<opencv2/core/core.hpp> #include<opencv2/highgui/highgui.hpp> #include<opencv2/features2d/features2d.hpp>#include "opencv2/nonf...

2019-12-19 11:11:22 327

转载 OPENCV2计算机视觉编程手册--第八章检测并匹配兴趣点

兴趣点(也叫做关键点或特征点)主要是指某些特殊的点,经过对它们执行局部分析,如果能够检测到足够多的这种点,同时它们区分度很高,并且可以精确定位稳定的特征。这类点被大量用于解决物体识别,图像匹配,视觉跟踪,三维重建等问题。一、检测Harris角点1.概念及原理(1)角点:最直观的印象就是在水平、竖直两个方向上变化均较大的点。Harris观察一个假定的特征点周围小窗口内的方向性强度平均变化。如果...

2019-12-16 16:50:40 506 1

转载 带有Lowe’s算法的SIFT特征提取和匹配

采用Lowe‘s的算法选出优秀匹配点。#include "highgui/highgui.hpp" #include "opencv2/nonfree/nonfree.hpp" #include "opencv2/legacy/legacy.hpp" #include <iostream> using namespace cv;using namespa...

2019-12-13 17:00:44 791

转载 SIFT特征提取和匹配

SURF算法是SIFT算法的加速版, 而SIFT(尺度不变特征转换, ScaleInvariant Feature Transform) 是另一种著名的尺度不变特征检测法。我们知道,SURF相对于SIFT而言,特征点检测的速度有着极大的提升,所以在一些实时视频流物体匹配上有着很强的应用。而SIFT因为其巨大的特征计算量而使得特征点提取的过程异常花费时间,所以在一些注重速度的场合难有应用场景。但是S...

2019-12-13 16:48:43 1173

转载 带有Lowe’s算法的SURF特征提取和匹配

直接使用surf提取,匹配的效果还是相当糟糕的,如果我们拿着这样子的匹配结果去实现图像拼接或者物体追踪,效果肯定是极差的。所以我们需要进一步筛选匹配点,来获取优秀的匹配点,这就是所谓的“去粗取精”。这里我们采用了Lowe’s算法来进一步获取优秀匹配点。为了排除因为图像遮挡和背景混乱而产生的无匹配关系的关键点,SIFT的作者Lowe提出了比较最近邻距离与次近邻距离的SIFT匹配方式:取一幅图像中的...

2019-12-13 16:32:54 535

转载 SURF特征点检测和匹配

SURF全称为“加速稳健特征”(Speeded Up Robust Feature),它们不仅是尺度不变特征,而且是具有较高计算效率的特征。#include "highgui/highgui.hpp" #include "opencv2/nonfree/nonfree.hpp" #include "opencv2/legacy/legacy.hpp" #include &l...

2019-12-13 15:43:02 550 1

转载 图像处理3

Q.21. 直方图归一化( Histogram Normalization )归一化直方图吧!有时直方图会存在偏差。比如说,数据集中在 0 处(左侧)的图像全体会偏暗,数据集中在255 处(右侧)的图像会偏亮。如果直方图有所偏向,那么其动态范围( dynamic range )就会较低。为了使人能更清楚地看见图片,让直方图归一化、平坦化是十分必要的。这种归一化直方图的操作被称作灰度变换(Gr...

2019-11-13 21:45:40 593

转载 图像处理入门2

Q.11. 均值滤波器使用均值滤波器(3x3)来进行滤波。均值滤波器使用网格内像素的平均值。import cv2import numpy as np# 读取图片img = cv2.imread("imori.jpg")H, W, C = img.shape# 中值滤波K_size = 3## 零填充pad = K_size // 2out = np.zeros((H ...

2019-11-13 15:33:40 603 1

转载 图像处理入门1

Q.1. 通道交换读取图像,然后将 RGB 通道替换成 BGR 通道。注意,cv2.imread() 的系数是按 BGR 顺序排列的!其中的变量 red 表示的是仅有原图像红通道的 imori.jpg。import cv2#读取图像img = cv2.imread("imori.jpg")cv2.imshow("imori", img)#显示读取图像cv2.waitKey(0)c...

2019-10-30 16:18:23 759 1

翻译 第4章 朴素贝叶斯

第4章 朴素贝叶斯1.朴素贝叶斯法是典型的生成学习方法。生成方法由训练数据学习联合概率分布 P(X,Y)P(X,Y)P(X,Y),然后求得后验概率分布P(Y∣X)P(Y|X)P(Y∣X)。具体来说,利用训练数据学习P(X∣Y)P(X|Y)P(X∣Y)和P(Y)P(Y)P(Y)的估计,得到联合概率分布:P(X,Y)=P(Y)P(X∣Y)P(X,Y)=P(Y)P(X|Y)P(X,Y)=P(Y)P(...

2019-10-29 10:21:25 230

翻译 第2章 感知机

1.感知机是根据输入实例的特征向量xxx对其进行二类分类的线性分类模型:f(x)=sign⁡(w⋅x+b)f(x)=\operatorname{sign}(w \cdot x+b)f(x)=sign(w⋅x+b)感知机模型对应于输入空间(特征空间)中的分离超平面w⋅x+b=0w \cdot x+b=0w⋅x+b=0。2.感知机学习的策略是极小化损失函数:min⁡w,bL(w,b)=−∑...

2019-10-09 09:57:11 159

翻译 第3章 k近邻法

1.kkk近邻法是基本且简单的分类与回归方法。kkk近邻法的基本做法是:对给定的训练实例点和输入实例点,首先确定输入实例点的kkk个最近邻训练实例点,然后利用这kkk个训练实例点的类的多数来预测输入实例点的类。2.kkk近邻模型对应于基于训练数据集对特征空间的一个划分。kkk近邻法中,当训练集、距离度量、kkk值及分类决策规则确定后,其结果唯一确定。3.kkk近邻法三要素:距离度量、kkk值的...

2019-10-08 17:38:47 267

翻译 使用IPT函数bwhitmiss

%使用IPT函数bwhitmissf=imread('small-squares.tif');subplot(1,2,1),imshow(f),title('原图像')B1=strel([0 0 0;0 1 1;0 1 0]);%结构元素B2=strel([1 1 1;1 0 0;1 0 0]);%结构元素g=bwhitmiss(f,B1,B2);%击中或击不中变换subplot(1...

2019-05-10 09:51:56 823

翻译 计算和显示连接分量的质心

%计算和显示连接分量的质心f=imread('ten-objects.tif');[L,n]=bwlabel(f);%计算8连接分量[r,c]=find(L==3);%返回第三个对象的所有像素的行索引和列索引rbar=mean(r);%行平均数cbar=mean(c);%列平均数imshow(f)hold on%之后绘制命令图在图像的顶部for k=1:n [r,c]=fi...

2019-05-10 09:51:44 343

翻译 骨骼细化

%骨骼细化f=imread('bone.tif');fs=bwmorph(f,'skel',Inf);%使用函数bwmorph细化subplot(2,2,1),imshow(f),title('骨骼图像')subplot(2,2,2),imshow(fs),title('使用函数bwmorph得到的骨骼')for k=1:5 fs=fs & ~endpoints(fs);...

2019-05-10 09:51:32 321

翻译 conwaylaws.m

%conwaylaws源程序function out=conwaylaws(nhood)%conwaylaws应用Conway的遗传规则去产生一个简单像素%out=conwaylaws(nhood)应用Conway的遗传规则去产生一个简单像素和它的3*3邻域,nhood。num_neighbors=sum(nhood(:))-nhood(2,2);if nhood(2,2)==1 ...

2019-05-10 09:51:20 173 2

翻译 endpoint_fcn.m

%endpoint_fcn源程序function is_end_point=endpoint_fcn(nhood)%决定一个像素是否为一个端点%is_end_point=endpoint_fcn(nhood)接受一个3*3的二维邻域nhood,如果中心元素是一个 端点,则返回1,否则返回0.is_end_point=nhood(2,2) & (sum(nhood(:))==2);...

2019-05-10 09:51:07 267

翻译 endpoints.m

%endpoints源函数function g=endpoints(f)%endpoints计算一幅二维图像的端点%g=endpoints(f)计算一幅二维图像的端点,并在二维图像g中返回persistent lutif isempty(lut) lut=makelut(@endpoint_fcn,3);endg=applylut(f,lut)...

2019-05-10 09:50:57 714

翻译 开运算和闭运算的作用

%开运算和闭运算的作用f=imread('fingerprint.tif');subplot(3,2,1),imshow(f),title('原图像')se=strel('square',3);%结构元素fo=imopen(f,se);%开运算subplot(3,2,2),imshow(fo),title('开运算后的图像')foc=imclose(fo,se)%开运算后再闭运算...

2019-05-10 09:50:47 7645

翻译 膨胀的简单应用

%膨胀的简单应用A=imread('broken-text.tif');B=[0 1 0;1 1 1;0 1 0];%结构元素A2=imdilate(A,B);%执行膨胀运算subplot(1,2,1),imshow(A),title('残缺文本')subplot(1,2,2),imshow(A2),title('膨胀后图像')...

2019-05-10 09:50:30 304

翻译 使用开运算和闭运算做形态学平滑

%使用开运算和闭运算做形态学平滑f=imread('plugs.tif');subplot(2,2,1),imshow(f),title('原图像')se=strel('disk',5);%结构元素fo=imopen(f,se);%开运算subplot(2,2,2),imshow(fo),title('半径为5的圆盘执行开运算后的图像')foc=imclose(fo,se);%开运...

2019-05-10 09:50:17 1579

翻译 函数imopen和imclose的应用

%函数imopen和imclose的应用f=imread('shape.tif');subplot(2,2,1),imshow(f),title('原图像')se=strel('square',20);%结构元素fo=imopen(f,se);%开运算subplot(2,2,2),imshow(fo),title('开运算后的图像')fc=imclose(f,se);%闭运算subp...

2019-05-10 09:50:04 10660 1

翻译 使用重构删除复杂图像的背景

%使用重构删除复杂图像的背景f=imread('calculator.tif');subplot(4,2,1),imshow(f),title('原图像')f_obr=imreconstruct(imerode(f,ones(1,71)),f);%开运算后再重构subplot(4,2,2),imshow(f_obr),title('开运算重构后的图像')f_o=imopen(f,on...

2019-05-10 09:49:47 831

翻译 重构

%重构f=imread('plugs.tif');subplot(2,2,1),imshow(f),title('原图像')se=strel('disk',5);fe=imerode(f,se);%腐蚀fobr=imreconstruct(fe,f)%重构subplot(2,2,2),imshow(fobr),title('开运算重构后的图像')fobrc=imcomplemen...

2019-05-10 09:49:34 203

翻译 由重构做开运算

%由重构做开运算f=imread('book_text.tif');subplot(3,2,1),imshow(f),title('原图像')f1=imerode(f,ones(51,1));%竖线腐蚀subplot(3,2,2),imshow(f1),title('竖线腐蚀后的图像')f2=imopen(f,ones(51,1));%竖线做开运算subplot(3,2,3),im...

2019-05-10 09:49:20 815

翻译 腐蚀

%腐蚀A=imread('wirebond_mask.tif');subplot(2,2,1),imshow(A),title('原图像')se=strel('disk',10);%半径10的圆盘型结构元素A2=imerode(A,se);%半径为10的圆盘腐蚀subplot(2,2,2),imshow(A2),title('半径为10的圆盘腐蚀的图像')se=strel('disk'...

2019-05-10 09:49:07 296

翻译 膨胀和腐蚀

%膨胀和腐蚀f=imread('aerial.tif');subplot(2,2,1),imshow(f),title('原图像')se=strel('square',3);%结构算子gd=imdilate(f,se);%膨胀subplot(2,2,2),imshow(gd),title('膨胀后的图像')ge=imerode(f,se);%腐蚀subplot(2,2,3),im...

2019-05-10 09:48:48 2144

翻译 顶帽变换

%顶帽变换f=imread('rice.tif');subplot(2,2,1),imshow(f),title('原图像')se=strel('disk',10);%结构元素fo=imopen(f,se);%开运算subplot(2,2,2),imshow(fo),title('开运算后的图像')f2=imsubtract(f,fo);%顶帽变换subplot(2,2,3),i...

2019-05-10 09:48:30 3425 1

翻译 颗粒分析

%颗粒分析f=imread('plugs.tif');subplot(2,2,1),imshow(f),title('原图像')sumpixels=zeros(1,36);for k=0:35 se=strel('disk',k); fo=imopen(f,se); sumpixels(k+1)=sum(fo(:));endsubplot(2,2,2),pl...

2019-05-10 09:48:17 823

翻译 点检测

%点检测f=imread('single_pixel.tif');%读取图像subplot(1,2,1),imshow(f),title('原图像')w=[-1,-1,-1;-1,8,-1;-1,-1,-1];%点检测掩模g=abs(imfilter(double(f),w));%计算滤波图像T=max(g(:));%使用滤波图像的数据找到T值g=g>=T;%将已滤波图像与T比...

2019-05-10 09:48:05 239

翻译 Sobel,LoG和Canny边缘检测器的比较

%Sobel,LoG和Canny边缘检测器的比较f=imread('building.tif');%读取图像subplot(4,2,1),imshow(f),title('原图像')[g_sobel_default,ts]=edge(f,'sobel');%sobel边缘检测subplot(4,2,3),imshow(f),title('默认的sobel图像')[g_log_defa...

2019-05-10 09:47:52 2234

翻译 使用sobel检测器来提取边缘

%使用sobel检测器来提取边缘f=imread('building.tif');%读取图像subplot(3,2,1),imshow(f),title('原图像')[gt,t]=edge(f,'sobel','vertical');%用sobel来提取垂直边缘检测subplot(3,2,2),imshow(gt),title('垂直sobel掩模后图像')gv=edge(f,'so...

2019-05-10 09:47:41 1831

翻译 计算全局阈值

%计算全局阈值f=imread('scanned-text-grayscale.tif');subplot(1,2,1),imshow(f),title('扫描的文本')T=0.5*(double(min(f(:)))+double(max(f(:))));%初始估计值done=false;while ~done g=f>=T;%使用T分割图像 Tnext=0.5...

2019-05-10 09:47:29 2383

翻译 hough.m

%hough源函数function [h,theta,rho]=hough(f,dtheta,drho)%hough计算图像下f的Hough变换%dtheta明确了在水平上的Hough变换的bins与theta坐标的空间。%drho明确了在水平上Hough变换bins与rho坐标的空间。%h是Hough变换矩阵。当nrho=2*ceil(norm(size(f))/drho)-1和nth...

2019-05-10 09:47:14 488

翻译 houghlines.m

%houghlines源程序function lines=houghlines(f,theta,rho,rr,cc,fillgap,minlength)%houghlines建立在Hough变换提取线部分%lines=houghlines(f,theta,rho,rr,cc,fillgap,minlength)在一个Hough变换中,联系特殊的bin提取在图像f中的线部分。%theta和r...

2019-05-10 09:46:48 461

翻译 houghpeaks

%houghpeaks源函数function [r,c,hnew]=houghpeaks(h,numpeaks,threshold,nhood)%houghpeaks在Hough中检测峰值.%[r,c,hnew]=houghpeaks(h,numpeaks,threshold,nhood)在Hough矩阵h中检测峰值.%numpeaks明确地寻找最大值的位置。%在threshold下h的...

2019-05-10 09:46:03 2424

翻译 标记符控制的分水岭分割

%标记符控制的分水岭分割f=imread('gel-image.tif');%读取图像subplot(4,2,1),imshow(f),title('二值图像')h=fspecial('sobel');%滤波器类型为sobelfd=double(f);%转化为double型g=sqrt(imfilter(fd,h,'replicate').^2+... imfilter(fd...

2019-05-10 09:45:51 1031

翻译 检测指定方向的线

%检测指定方向的线f=imread('wirebond_mask.tif');%读取图像subplot(3,2,1),imshow(f,[]),title('原图像')w=[2 -1 -1;-1 2 -1;-1 -1 2];%线检测掩模g=imfilter(double(f),w);%滤波器subplot(3,2,2),imshow(g,[]),title('-45°检测器处理的图像'...

2019-05-10 09:45:39 745

翻译 regiongrow.m

%regiongrow源程序function [g,NR,SI,TI]=regiongrow(f,S,T)%regiongrow执行区域生长%[g,NR,SI,TI]=regiongrow(f,S,T).S可以是一个数组,它在每个种子点的坐标为1.%S也可以是单个种子。%相似地,T可以是一个数组,f中的每个位置都包含一个阈值。%T也可以是一个标量,它定义一个全局阈值。%%在输出中,...

2019-05-10 09:45:28 1997

What is a matroid.pdf

WHAT IS A MATROID? JAMES OXLEY Abstract. Matroids were introduced by Whitney in 1935 to try to capture abstractly the essence of dependence. Whitney’s definition embraces a surprising diversity of combinatorial structures. Moreover, matroids arise naturally in combinatorial optimization since they are precisely the structures for which the greedy algorithm works. This survey paper introduces matroid theory, presents some of the main theorems in the subject, and identifies some of the major problems of current research interest.

2019-07-18

Submodular+functions+and+optimization

Submodular+functions+and+optimization机器学习,次模,函数,优化

2019-07-18

Submodular video object proposal selection for semantic object segmentation

SUBMODULAR VIDEO OBJECT PROPOSAL SELECTION FOR SEMANTIC OBJECT SEGMENTATION Tinghuai Wang Nokia Labs, Nokia Technologies, Finland

2019-07-18

Submodular Trajectories for Better Motion segmentation in videos.pdf

Submodular Trajectories for Better Motion Segmentation in Videos Jianbing Shen, Senior Member, IEEE, Jianteng Peng, and Ling Shao, Senior Member, IEEE

2019-07-18

Submodular Attribute Selection for Visual recognition

Submodular Attribute Selection for Visual Recognition Jingjing Zheng, Student Member, IEEE, Zhuolin Jiang, IEEE Member, Rama Chellappa, IEEE Fellow, and P. Jonathon Phillips, IEEE Member

2019-07-18

Multiobject Tracking by Submodular Optimization.pdf

Multiobject Tracking by Submodular Optimization Jianbing Shen , Senior Member, IEEE, Zhiyuan Liang, Jianhong Liu, Hanqiu Sun, Member, IEEE, Ling Shao , Senior Member, IEEE, and Dacheng Tao , Fellow, IEEE

2019-07-18

Matroid you known.pdf

Matroids You Have Known DAVID L. NEEL Seattle University Seattle, Washington 98122 [email protected]

2019-07-18

Learning with Submodular Functions- A Convex Optimization Perspective

Learning with Submodular Functions: A Convex Optimization Perspective

2019-07-18

Image Location Estimation by Salient region matching

Image Location Estimation by Salient Region Matching Xueming Qian, Member, IEEE, Yisi Zhao, and Junwei Han, Member, IEEE

2019-07-18

机器学习与计算机视觉中的子耦合组合问题

COMBINATORIAL PROBLEMS WITH SUBMODULAR COUPLING IN MACHINE LEARNING AND COMPUTER VISION

2019-07-18

A flexible framework for solving constrained ratio problems in machine learning

A flexible framework for solving constrained ratio problems in machine learning

2019-07-18

Convex Optimization_Solutions

Convex Optimization,Stephen Boyd / Lieven Vandenberghe / 王书宁 / 许鋆 / 黄晓霖 / 清华大学出版社 / 2013-1 / 。 《信息技术和电气工程学科国际知名教材中译本系列:凸优化》内容非常丰富。

2019-07-18

Maximzing nonmonotone submodular functions under matroid or knapsack constraints

MAXIMIZING NONMONOTONE SUBMODULAR FUNCTIONS UNDER MATROID OR KNAPSACK CONSTRAINTS

2019-07-18

SegNet A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation.

SegNet: A Deep Convolutional Encoder-Decoder Architecture for Scene Segmentation

2019-07-18

Data Structures and Algorithms in C++.pdf

C++的数据结构 Data Structures and Algorithms in C++ Second Edition

2019-07-18

空空如也

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

TA关注的人

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