收藏 分享(赏)

matlab_图像分割算法源码.doc

上传人:精品资料 文档编号:11030323 上传时间:2020-02-01 格式:DOC 页数:34 大小:240.50KB
下载 相关 举报
matlab_图像分割算法源码.doc_第1页
第1页 / 共34页
matlab_图像分割算法源码.doc_第2页
第2页 / 共34页
matlab_图像分割算法源码.doc_第3页
第3页 / 共34页
matlab_图像分割算法源码.doc_第4页
第4页 / 共34页
matlab_图像分割算法源码.doc_第5页
第5页 / 共34页
点击查看更多>>
资源描述

1、matlab 图像分割算法源码图像读取及灰度变换I=imread(cameraman.tif);%读取图像subplot(1,2,1),imshow(I) %输出图像title(原始图像) %在原始图像中加标题subplot(1,2,2),imhist(I) %输出原图直方图title(原始图像直方图) %在原图直方图上加标题图像旋转I = imread(cameraman.tif);figure,imshow(I);theta = 30;K = imrotate(I,theta); % Try varying the angle, theta.figure, imshow(K)边缘检测I =

2、 imread(cameraman.tif);J1=edge(I,sobel);J2=edge(I,prewitt);J3=edge(I,log);subplot(1,4,1),imshow(I);subplot(1,4,2),imshow(J1);subplot(1,4,3),imshow(J2);subplot(1,4,4),imshow(J3);1.图像反转MATLAB 程序实现如下:I=imread(xian.bmp);J=double(I);J=-J+(256-1); %图像反转线性变换H=uint8(J);subplot(1,2,1),imshow(I);subplot(1,2,2

3、),imshow(H);2.灰度线性变换MATLAB 程序实现如下:I=imread(xian.bmp);subplot(2,2,1),imshow(I);title(原始图像);axis(50,250,50,200);axis on; %显示坐标系I1=rgb2gray(I);subplot(2,2,2),imshow(I1);title(灰度图像);axis(50,250,50,200);axis on; %显示坐标系J=imadjust(I1,0.1 0.5,); %局部拉伸,把0.1 0.5内的灰度拉伸为 0 1subplot(2,2,3),imshow(J);title(线性变换图像

4、0.1 0.5);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系K=imadjust(I1,0.3 0.7,); %局部拉伸,把0.3 0.7内的灰度拉伸为0 1subplot(2,2,4),imshow(K);title(线性变换图像0.3 0.7);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系3.非线性变换MATLAB 程序实现如下:I=imread(xian.bmp);I1=rgb2gray(I);subplot(1,2,1),imshow(I1);title(灰度图像);axi

5、s(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系J=double(I1);J=40*(log(J+1);H=uint8(J);subplot(1,2,2),imshow(H);title(对数变换图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系4.直方图均衡化MATLAB 程序实现如下:I=imread(xian.bmp);I=rgb2gray(I);figure;subplot(2,2,1);imshow(I);subplot(2,2,2);imhist(I);I1=histeq(I);

6、figure;subplot(2,2,1);imshow(I1);subplot(2,2,2);imhist(I1);5.线性平滑滤波器用 MATLAB 实现领域平均法抑制噪声程序:I=imread(xian.bmp);subplot(231)imshow(I)title(原始图像)I=rgb2gray(I);I1=imnoise(I,salt subplot(232)imshow(I1)title(添加椒盐噪声的图像)k1=filter2(fspecial(average,3),I1)/255; %进行 3*3 模板平滑滤波k2=filter2(fspecial(average,5),I1)

7、/255; %进行 5*5 模板平滑滤波 k3=filter2(fspecial(average,7),I1)/255; %进行 7*7 模板平滑滤波k4=filter2(fspecial(average,9),I1)/255; %进行 9*9 模板平滑滤波subplot(233),imshow(k1);title(3*3 模板平滑滤波);subplot(234),imshow(k2);title(5*5 模板平滑滤波);subplot(235),imshow(k3);title(7*7 模板平滑滤波);subplot(236),imshow(k4);title(9*9 模板平滑滤波);6.中

8、值滤波器用 MATLAB 实现中值滤波程序如下:I=imread(xian.bmp);I=rgb2gray(I);J=imnoise(I,saltsubplot(231),imshow(I);title(原图像);subplot(232),imshow(J);title(添加椒盐噪声图像);k1=medfilt2(J); %进行 3*3 模板中值滤波k2=medfilt2(J,5,5); %进行 5*5 模板中值滤波k3=medfilt2(J,7,7); %进行 7*7 模板中值滤波k4=medfilt2(J,9,9); %进行 9*9 模板中值滤波subplot(233),imshow(k1

9、);title(3*3 模板中值滤波);subplot(234),imshow(k2);title(5*5 模板中值滤波);subplot(235),imshow(k3);title(7*7 模板中值滤波);subplot(236),imshow(k4);title(9*9 模板中值滤波);7.用 Sobel 算子和拉普拉斯对图像锐化:I=imread(xian.bmp);subplot(2,2,1),imshow(I);title(原始图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I1=im2bw(I);subplot(2,2,2

10、),imshow(I1);title(二值图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系H=fspecial(sobel); %选择 sobel 算子 J=filter2(H,I1); %卷积运算subplot(2,2,3),imshow(J); title(sobel 算子锐化图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系h=0 1 0,1 -4 1,0 1 0; %拉普拉斯算子J1=conv2(I1,h,same); %卷积运算subplot(2,2,4),imsho

11、w(J1); title(拉普拉斯算子锐化图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系8.梯度算子检测边缘用 MATLAB 实现如下:I=imread(xian.bmp);subplot(2,3,1);imshow(I);title(原始图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I1=im2bw(I);subplot(2,3,2);imshow(I1);title(二值图像);axis(50,250,50,200);grid on; %显示网格线axis on; %

12、显示坐标系I2=edge(I1,roberts);figure;subplot(2,3,3);imshow(I2);title(roberts 算子分割结果);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I3=edge(I1,sobel);subplot(2,3,4);imshow(I3);title(sobel 算子分割结果);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I4=edge(I1,Prewitt);subplot(2,3,5);imshow(I4);title(Prew

13、itt 算子分割结果);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系9.LOG 算子检测边缘用 MATLAB 程序实现如下:I=imread(xian.bmp);subplot(2,2,1);imshow(I);title(原始图像);I1=rgb2gray(I);subplot(2,2,2);imshow(I1);title(灰度图像);I2=edge(I1,log);subplot(2,2,3);imshow(I2);title(log 算子分割结果);10.Canny 算子检测边缘用 MATLAB 程序实现如下:I=imread(x

14、ian.bmp);subplot(2,2,1);imshow(I);title(原始图像)I1=rgb2gray(I);subplot(2,2,2);imshow(I1);title(灰度图像);I2=edge(I1,canny);subplot(2,2,3);imshow(I2);title(canny 算子分割结果);11.边界跟踪(bwtraceboundary 函数)clcclear allI=imread(xian.bmp);figureimshow(I);title(原始图像);I1=rgb2gray(I); %将彩色图像转化灰度图像 threshold=graythresh(I1

15、); %计算将灰度图像转化为二值图像所需的门限BW=im2bw(I1, threshold); %将灰度图像转化为二值图像figureimshow(BW);title(二值图像);dim=size(BW);col=round(dim(2)/2)-90; %计算起始点列坐标row=find(BW(:,col),1); %计算起始点行坐标connectivity=8;num_points=180;contour=bwtraceboundary(BW,row,col,N,connectivity,num_points); %提取边界figureimshow(I1);hold on;plot(cont

16、our(:,2),contour(:,1), g,LineWidth ,2);title(边界跟踪图像);12.Hough 变换I= imread(xian.bmp);rotI=rgb2gray(I);subplot(2,2,1);imshow(rotI);title(灰度图像);axis(50,250,50,200);grid on; axis on; BW=edge(rotI,prewitt);subplot(2,2,2);imshow(BW);title(prewitt 算子边缘检测后图像);axis(50,250,50,200);grid on; axis on; H,T,R=houg

17、h(BW);subplot(2,2,3);imshow(H,XData,T,YData,R,InitialMagnification,fit);title(霍夫变换图);xlabel(theta),ylabel(rho);axis on , axis normal, hold on;P=houghpeaks(H,5,threshold,ceil(0.3*max(H(:);x=T(P(:,2);y=R(P(:,1);plot(x,y,s,color,white);lines=houghlines(BW,T,R,P,FillGap,5,MinLength,7);subplot(2,2,4);,im

18、show(rotI);title(霍夫变换图像检测);axis(50,250,50,200);grid on; axis on; hold on;max_len=0;for k=1:length(lines)xy=lines(k).point1;lines(k).point2;plot(xy(:,1),xy(:,2),LineWidth,2,Color,green);plot(xy(1,1),xy(1,2),x,LineWidth,2,Color,yellow);plot(xy(2,1),xy(2,2),x,LineWidth,2,Color,red);len=norm(lines(k).po

19、int1-lines(k).point2);if(lenmax_len)max_len=len;xy_long=xy;endendplot(xy_long(:,1),xy_long(:,2),LineWidth,2,Color,cyan);13.直方图阈值法用 MATLAB 实现直方图阈值法:I=imread(xian.bmp);I1=rgb2gray(I);figure;subplot(2,2,1);imshow(I1);title(灰度图像)axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系m,n=size(I1); %测量图像尺寸参数GP

20、=zeros(1,256); %预创建存放灰度出现概率的向量for k=0:255GP(k+1)=length(find(I1=k)/(m*n); %计算每级灰度出现的概率,将其存入 GP 中相应位置endsubplot(2,2,2),bar(0:255,GP,g) %绘制直方图title(灰度直方图)xlabel(灰度值)ylabel(出现概率 ) I2=im2bw(I,150/255); subplot(2,2,3),imshow(I2);title(阈值 150 的分割图像)axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I3=im2b

21、w(I,200/255); %subplot(2,2,4),imshow(I3);title(阈值 200 的分割图像)axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系14. 自动阈值法:Otsu 法用 MATLAB 实现 Otsu 算法:clcclear allI=imread(xian.bmp);subplot(1,2,1),imshow(I);title(原始图像)axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系level=graythresh(I); %确定灰度阈值BW=im2bw(

22、I,level);subplot(1,2,2),imshow(BW);title(Otsu 法阈值分割图像 )axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系15.膨胀操作I=imread(xian.bmp); %载入图像I1=rgb2gray(I);subplot(1,2,1);imshow(I1);title(灰度图像) axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系se=strel(disk,1); %生成圆形结构元素I2=imdilate(I1,se); %用生成的结构元素对图像进

23、行膨胀subplot(1,2,2);imshow(I2);title(膨胀后图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系16.腐蚀操作MATLAB 实现腐蚀操作I=imread(xian.bmp); %载入图像I1=rgb2gray(I);subplot(1,2,1);imshow(I1);title(灰度图像) axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系se=strel(disk,1); %生成圆形结构元素I2=imerode(I1,se); %用生成的结构元素对图像进行

24、腐蚀subplot(1,2,2);imshow(I2);title(腐蚀后图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系17.开启和闭合操作用 MATLAB 实现开启和闭合操作I=imread(xian.bmp); %载入图像subplot(2,2,1),imshow(I);title(原始图像);axis(50,250,50,200);axis on; %显示坐标系 I1=rgb2gray(I);subplot(2,2,2),imshow(I1);title(灰度图像);axis(50,250,50,200);axis on; %

25、显示坐标系 se=strel(disk,1); %采用半径为 1 的圆作为结构元素I2=imopen(I1,se); %开启操作I3=imclose(I1,se); %闭合操作subplot(2,2,3),imshow(I2);title(开启运算后图像);axis(50,250,50,200);axis on; %显示坐标系subplot(2,2,4),imshow(I3);title(闭合运算后图像);axis(50,250,50,200); axis on; %显示坐标系18.开启和闭合组合操作I=imread(xian.bmp); %载入图像subplot(3,2,1),imshow(

26、I);title(原始图像);axis(50,250,50,200);axis on; %显示坐标系 I1=rgb2gray(I);subplot(3,2,2),imshow(I1);title(灰度图像);axis(50,250,50,200);axis on; %显示坐标系 se=strel(disk,1); I2=imopen(I1,se); %开启操作I3=imclose(I1,se); %闭合操作subplot(3,2,3),imshow(I2);title(开启运算后图像);axis(50,250,50,200);axis on; %显示坐标系subplot(3,2,4),imsh

27、ow(I3);title(闭合运算后图像);axis(50,250,50,200);axis on; %显示坐标系se=strel(disk,1); I4=imopen(I1,se);I5=imclose(I4,se);subplot(3,2,5),imshow(I5); %开闭运算图像title(开闭运算图像);axis(50,250,50,200);axis on; %显示坐标系 I6=imclose(I1,se);I7=imopen(I6,se);subplot(3,2,6),imshow(I7); %闭开运算图像 title(闭开运算图像);axis(50,250,50,200);ax

28、is on; %显示坐标系 19.形态学边界提取利用 MATLAB 实现如下:I=imread(xian.bmp); %载入图像subplot(1,3,1),imshow(I);title(原始图像); axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I1=im2bw(I);subplot(1,3,2),imshow(I1);title(二值化图像);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I2=bwperim(I1); %获取区域的周长subplot(1,3,3),imshow(I

29、2); title(边界周长的二值图像);axis(50,250,50,200);grid on;axis on; 20.形态学骨架提取利用 MATLAB 实现如下:I=imread(xian.bmp);subplot(2,2,1),imshow(I);title(原始图像);axis(50,250,50,200);axis on; I1=im2bw(I);subplot(2,2,2),imshow(I1);title(二值图像);axis(50,250,50,200);axis on; I2=bwmorph(I1,skel,1);subplot(2,2,3),imshow(I2);title

30、(1 次骨架提取);axis(50,250,50,200);axis on; I3=bwmorph(I1,skel,2);subplot(2,2,4),imshow(I3);title(2 次骨架提取);axis(50,250,50,200);axis on; 21.直接提取四个顶点坐标I = imread(xian.bmp);I = I(:,:,1);BW=im2bw(I); figureimshow(BW)x,y=getptsMatlab 求二值图像的周长 2013-01-21 20:00:21| 分类: matlab | 标签: |字号大中小 订阅 方法一,使用 8 向链码。水平或垂直连

31、通的长度为 1,斜向连通长度为 1.414(2 的平方根)首先给出 8 向链码的编码函数function out=chaincode8(image)%功能:实现 8 连通链码%输入: 二值图像%输出:链码的结果n=0 1;-1 1;-1 0;-1 -1;0 -1;1 -1;1 0;1 1;%设置标志flag=1;%初始输出的链码串为空cc=;%找到起始点x y=find(image=1);x=min(x);imx=image(x,:);y=find(imx=1, 1 );first=x y;dir=7;while flag=1tt=zeros(1,8);newdir=mod(dir+7-mod

32、(dir,2),8);for i=0:7j=mod(newdir+i,8)+1;tt(i+1)=image(x+n(j,1),y+n(j,2);endd=find(tt=1, 1 );dir=mod(newdir+d-1,8);%找到下一个像素点的方向码后补充在链码的后面cc=cc,dir;x=x+n(dir+1,1);y=y+n(dir+1,2);%判别链码的结束标志if x=first(1)endendout=cc;下面是主函数i=bwperim(imread(1.bmp),8);%求出二值图像的边界c8=chaincode8(i);%生成 8 向链码sum1=0;sum2=0;for k

33、=1:length(c8)if c8(k)=0 |c8(k)=2 |c8(k)=4 |c8(k)=6sum1=sum1+1;elsesum2=sum2+1;endendl=sum1+sum2*sqrt(2);方法二,利用 Matlab 提供的函数i=imread(1.bmp);s=regionprops(i,Perimeter);1. 代码 matlab函数实现图像锐化 I,map=imread(img.jpg);imshow(I,map);I=double(I);Gx,Gy=gradient(I); % 计算梯度G=sqrt(Gx.*Gx+Gy.*Gy); % 注意是矩阵点乘J1=G;fig

34、ure,imshow(J1,map); % 第一种图像增强J2=I; % 第二种图像增强K=find(G=7);J2(K)=G(K);figure,imshow(J2,map);J3=I; % 第三种图像增强K=find(G=7);J3(K)=255;figure,imshow(J3,map);J4=I; % 第四种图像增强K=find(G=7);J5(Q)=255;figure,imshow(J5,map);MATLAB 示例程序 001-OSTU 大津法/最大类间方差Otsu最大类间方差法原理利用阈值将原图像分成前景,背景两个图象。当取最佳阈值时,背景应该与前景差别最大,即方差最大。ots

35、u 算法找的就是这个最大方差下的阈值。最大类间方差法(otsu)的公式推导:记 t为前景与背景的分割阈值,前景点数占图像比例为 w0,平均灰度为u0;背景点数占图像比例为 w1,平均灰度为 u1。则图像的总平均灰度为:u=w0*u0+w1*u1。前景和背景图象的方差:g=w0*(u0-u)*(u0-u)+w1*(u1-u)*(u1-u)=w0*w1*(u0-u1)*(u0-u1),此公式为方差公式。循环求取最大方差即可。MABLAB代码及详细注释:function ostuimg = imread(Lena.jpg);I_gray=rgb2gray(img);figure,imshow(I_g

36、ray);I_double=double(I_gray); %转化为双精度,因为大多数的函数和操作都是基于 double 的%figure,imshow(I_double);wid,len=size(I_gray); %wid 为行数,len 为列数colorlevel=256; %灰度级hist=zeros(colorlevel,1); %直方图,2561 的 0 矩阵%threshold=128; %初始阈值%计算直方图,统计灰度值的个数for i=1:widfor j=1:lenm=I_gray(i,j)+1; %因为灰度为 0-255 所以+1hist(m)=hist(m)+1;end

37、end%直方图归一化hist=hist/(wid*len); %miuT 为总的平均灰度,histm代表像素值为 m 的点个数miuT=0;for m=1:colorlevelmiuT=miuT+(m-1)*hist(m);endxigmaB2=0; %用于保存每次计算的方差,与下次计算的方差比较大小for mindex=1:colorlevelthreshold=mindex-1;omega1=0; %前景点所占比例omega2=0; %背景点所占比例for m=1:threshold-1omega1=omega1+hist(m); %计算前景比例endomega2=1-omega1; %计

38、算背景比例miu1=0; %前景平均灰度比例miu2=0; %背景平均灰度比例%计算前景与背景平均灰度for m=1:colorlevelif mmiu1=miu1+(m-1)*hist(m); %前景平均灰度elsemiu2=miu2+(m-1)*hist(m); %背景平均灰度endend% miu1=miu1/omega1;% miu2=miu2/omega2;%计算前景与背景图像的方差xigmaB21=omega1*(miu1-miuT)2+omega2*(miu2-miuT)2;xigma(mindex)=xigmaB21; %保留每次计算的方差%每次计算方差后,与上一次计算的方差比

39、较。保留最大方差为 finalTif xigmaB21xigmaB2finalT=threshold;xigmaB2=xigmaB21;endend%比较方法两种阈值的不同fT=finalT/255; %阈值归一化T=graythresh(I_gray); %matlab 函数求阈值for i=1:widfor j=1:lenif I_double(i,j)finalTbin(i,j)=255;elsebin(i,j)=0;endendendfigure,imshow(bin);figure,plot(1:colorlevel,xigma);end运行结果:function mainimg=i

40、mread(lena.jpg);imshow(img);img=double(img);m n=size(img);Hist=zeros(1,256);for i=1:mfor j=1:nHist(img(i,j)+1)=Hist(img(i,j)+1)+1; %求直方图endendp=Hist/(m*n); %直方图概率分布uT=sum(1:256).*p(1:256); %图像亮度均值,其实比真正的均值要大 1,所以后面减了 1sigma_2=zeros(1,256);for k=1:256sigma_2(k)=(uT*w(k,p)-u(k,p)2/(w(k,p)*(1-w(k,p); %

41、类间方差 endtmp index=max(sigma_2); %求最大类间方差的索引index=index-1; %这里索引是 1-256,实际图像灰度是0-255,所以减 1imgn=imgindex;figure;imshow(imgn);function re=w(k,p) %直方图前 k 个亮度级的 0 阶累积矩re=sum(p(1:k); endfunction re=u(k,p) %直方图前 k 个亮度级的 1 阶累积矩re=sum(1:k).*p(1:k);endend效果:原图二值化后bwlabel 函数(二值图像中元素标记) 分类: MATLAB 2012-07-03 10

42、:05 648 人阅读 评论(0) 收藏 举报 图像处理转至:http:/ bwlabel 功能:对连通对象进行标注,bwlabel 主要对二维二值图像中各个分离部分进行标注(多维用 bwlabeln,用法类似)。用法:L = bwlabel(BW,n)L,num = bwlabel(BW,n)L = bwlabel(BW,n)表示返回和 BW 相同大小的数组 L。L 中包含了连通对象的标注。参数n 为 4 或 8,分别对应 4 邻域和 8 邻域,默认值为 8。L,num = bwlabel(BW,n)返回连通数 num。 bwlabel 用法:L = bwlabel(BW,n)返回一个和 B

43、W 大小相同的 L 矩阵,包含了标记了 BW 中每个连通区域的类别标签,这些标签的值为 1、2 、num(连通区域的个数) 。n 的值为 4 或 8,表示是按 4 连通寻找区域,还是 8 连通寻找,默认为 8。四连通或八连通是图像处理里的基本感念:而 8 连通,是说一个像素,如果和其他像素在上、下、左、右、左上角、左下角、右上角或右下角连接着,则认为他们是联通的;4 连通是指,如果像素的位置在其他像素相邻的上、下、左或右,则认为他们是连接着的,连通的,在左上角、左下角、右上角或右下角连接,则不认为他们连通。L,num = bwlabel(BW,n)这里 num 返回的就是 BW 中连通区域的个

44、数。补充:我听说过 16 连通,这应该是在三维空间里的概念了吧。举例说明:BW =1 1 1 0 0 0 0 01 1 1 0 1 1 0 01 1 1 0 1 1 0 01 1 1 0 0 0 1 01 1 1 0 0 0 1 01 1 1 0 0 0 1 01 1 1 0 0 1 1 01 1 1 0 0 0 0 0按 4 连通计算,方形的区域,和翻转的 L 形区域,有用是对角连接,不属于连通,所以分开标记,连通区域个数为 3 1. L = bwlabel(BW,4)结果如下:L =1 1 1 0 0 0 0 01 1 1 0 2 2 0 01 1 1 0 2 2 0 01 1 1 0 0 0 3 01 1 1 0 0 0 3 01 1 1 0 0 0 3 01 1 1 0 0 3 3 01 1 1 0 0 0 0 0而 8 连通标记,它们是连通的: 1. L, num = bwlabel(BW,8)L =1 1 1 0 0 0 0 01 1 1 0 2 2 0 01 1 1

展开阅读全文
相关资源
猜你喜欢
相关搜索
资源标签

当前位置:首页 > 企业管理 > 管理学资料

本站链接:文库   一言   我酷   合作


客服QQ:2549714901微博号:道客多多官方知乎号:道客多多

经营许可证编号: 粤ICP备2021046453号世界地图

道客多多©版权所有2020-2025营业执照举报