




版权说明:本文档由用户提供并上传,收益归属内容提供方,若内容存在侵权,请进行举报或认领
文档简介
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 t
2、he angle, theta.figure, imshow(K)边缘检测I = 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
3、39;);J=double(I);J=-J+(256-1); %图像反转线性变换H=uint8(J);subplot(1,2,1),imshow(I);subplot(1,2,2),imshow(H);2.灰度线性变换MATLAB程序实现如下:I=imread('xian.bmp');subplot(2,2,1),imshow(I);title('原始图像');axis(5
4、0,250,50,200);axis on; %显示坐标系I1=rgb2gray(I);subplot(2,2,2),imshow(I1);title('灰度图像');axis(50,250,50,200);axis on;
5、 %显示坐标系J=imadjust(I1,0.1 0.5,); %局部拉伸,把0.1 0.5内的灰度拉伸为0 1subplot(2,2,3),imshow(J);title('线性变换图像0.1 0.5');axis(50,250,50,200);grid on; %显示网格线axis on; &
6、#160; %显示坐标系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;
7、; %显示网格线axis on; %显示坐标系3.非线性变换MATLAB程序实现如下:I=imread('xian.bmp');I1=rgb2gray(I);subplot(1,2,1),imshow(I1);title('灰度图像');axis(50,250,50,200);grid on;
8、; %显示网格线axis on; %显示坐标系J=double(I1);J=40*(log(J+1);H=uint8(J);subplot(1,2,2),imshow(H);title('对数变换图像'
9、;);axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系4.直方图均衡化MATLAB程序实现如下:I=imread('xian.bmp
10、');I=rgb2gray(I);figure;subplot(2,2,1);imshow(I);subplot(2,2,2);imhist(I);I1=histeq(I);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 & pepper
11、',0.02);subplot(232)imshow(I1)title('添加椒盐噪声的图像')k1=filter2(fspecial('average',3),I1)/255; %进行3*3模板平滑滤波k2=filter2(fspecial('average',5),I1)/255; %进行5*5模板平滑滤波k3=filte
12、r2(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);t
13、itle('5*5模板平滑滤波');subplot(235),imshow(k3);title('7*7模板平滑滤波');subplot(236),imshow(k4);title('9*9模板平滑滤波');6.中值滤波器用MATLAB实现中值滤波程序如下:I=imread('xian.bmp');I=rgb2gray(I);J=imnoise(I,'salt&pepper',0.02);subplot(231),imshow(I);title('原图像');subplot(232),ims
14、how(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);
15、 %进行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模板中值滤波');7.用Sobel算子和拉普拉斯对图像锐化:I=imread('xian.bmp');subplot(2,2,1),imshow(I);title(
16、39;原始图像');axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系I1=im2bw(I);subplot(2,2,2),imsho
17、w(I1);title('二值图像');axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系H=fspecial('so
18、bel'); %选择sobel算子 J=filter2(H,I1); %卷积运算subplot(2,2,3),imshow(J); title('sobel算子锐化图像');axis(50,250,50,200);grid on; &
19、#160; %显示网格线axis on; %显示坐标系h=0 1 0,1 -4 1,0 1 0; %拉普拉斯算子J1=conv2(I1,h,'same'); %卷积运算subp
20、lot(2,2,4),imshow(J1); title('拉普拉斯算子锐化图像');axis(50,250,50,200);grid on; %显示网格线axis on;
21、60; %显示坐标系8.梯度算子检测边缘用MATLAB实现如下:I=imread('xian.bmp');subplot(2,3,1);imshow(I);title('原始图像');axis(50,250,50,200);grid on; %显示网格线axis on;
22、; %显示坐标系I1=im2bw(I);subplot(2,3,2);imshow(I1);title('二值图像');axis(50,250,50,200);grid on; %显示网格线axis on;
23、60; %显示坐标系I2=edge(I1,'roberts');figure;subplot(2,3,3);imshow(I2);title('roberts算子分割结果');axis(50,250,50,200);grid on;
24、 %显示网格线axis on; %显示坐标系I3=edge(I1,'sobel');subplot(2,3,4);imshow(I3);title('sobel算子分割结果');axis(50,250,50,200);grid on;
25、; %显示网格线axis on; %显示坐标系I4=edge(I1,'Prewitt');subplot(2,3,5);imshow(I4);title('Prewitt算子分割结果');axis(50,250,50,200);grid on;
26、 %显示网格线axis on; %显示坐标系9.LOG算子检测边缘用MATLAB程序实现如下:I=imread('xian.bmp');subplot(2,2,1);imshow(I);title('原始图像'
27、;);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('xian.bmp');subplot(2,2,1);imshow(I);title('原始图像')I1=rgb2gray(I);subplot(2,2,2);imshow(I1);title('
28、灰度图像');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);
29、160; %将彩色图像转化灰度图像 threshold=graythresh(I1); %计算将灰度图像转化为二值图像所需的门限BW=im2bw(I1, threshold); %将灰度图像转化为二值图像figureimshow(BW);title('二值图像');dim=size(BW);col=round(dim(2)/2)-90;
30、0; %计算起始点列坐标row=find(BW(:,col),1); %计算起始点行坐标connectivity=8;num_points=180;contour=bwtraceboundary(BW,row,col,'N',connectivity,num_points); %提取边界figureimshow(I1);hold on;plot(contour(:,2),contour(:,1), 'g','LineWidth
31、' ,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,
32、39;prewitt');subplot(2,2,2);imshow(BW);title('prewitt算子边缘检测后图像');axis(50,250,50,200);grid on; axis on; H,T,R=hough(BW);subplot(2,2,3);imshow(H,'XData',T,'YData',R,
33、9;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,
34、'FillGap',5,'MinLength',7);subplot(2,2,4);,imshow(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;
35、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).point1-lines(k)
36、.point2);if(len>max_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;
37、160; %显示网格线axis on; %显示坐标系m,n=size(I1);
38、60; %测量图像尺寸参数GP=zeros(1,256); %预创建存放灰度出现概率的向量for k=0:2
39、55 GP(k+1)=length(find(I1=k)/(m*n); %计算每级灰度出现的概率,将其存入GP中相应位置endsubplot(2,2,2),bar(0:255,GP,'g') %绘制直方图title('灰度直方图')xlabel('灰度值
40、9;)ylabel('出现概率') I2=im2bw(I,150/255); subplot(2,2,3),imshow(I2);title('阈值150的分割图像')axis(50,250,50,200);grid on; %显示网格线axis on;
41、60; %显示坐标系I3=im2bw(I,200/255); %subplot(2,2,4),imshow(I3);title('阈值200的分割图像')axis(50,250,50,200);grid on; %显示网格线
42、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; &
43、#160; %显示网格线axis on; %显示坐标系level=graythresh(I); %确定灰度阈值BW=im2bw(I,level);subplot(1,2,2),imshow(BW);title('Otsu
44、法阈值分割图像')axis(50,250,50,200);grid on; %显示网格线axis on; %显示坐标系15.膨胀操作I=imread('xian.bmp'
45、;); %载入图像I1=rgb2gray(I);subplot(1,2,1);imshow(I1);title('灰度图像') axis(50,250,50,200);grid on; %显示网格线ax
46、is on; %显示坐标系se=strel('disk',1); %生成圆形结构元素I2=imdilate(I1,se); %用
47、生成的结构元素对图像进行膨胀subplot(1,2,2);imshow(I2);title('膨胀后图像');axis(50,250,50,200);grid on; %显示网格线axis on;
48、160; %显示坐标系16.腐蚀操作MATLAB实现腐蚀操作I=imread('xian.bmp'); %载入图像I1=rgb2gray(I);subplot(1,2,1);imshow(I1);title('灰度图像') axis(50,250,50,200);grid on; &
49、#160; %显示网格线axis on; %显示坐标系se=strel('disk',1); %生成圆形结构元素I2=imerode(I1,se);
50、160; %用生成的结构元素对图像进行腐蚀subplot(1,2,2);imshow(I2);title('腐蚀后图像');axis(50,250,50,200);grid on; %显示网格线axis on; &
51、#160; %显示坐标系17.开启和闭合操作用MATLAB实现开启和闭合操作I=imread('xian.bmp'); %载入图像subplot(2,2,1),imshow(I);title('原始图像');axis(50,250,50,200);axis on;
52、160; %显示坐标系 I1=rgb2gray(I);subplot(2,2,2),imshow(I1);title('灰度图像');axis(50,250,50,200);axis on; %显示坐标系
53、; se=strel('disk',1); %采用半径为1的圆作为结构元素I2=imopen(I1,se); %开启操作I3=imclose(I1,se); %闭合操作subplot(2,2,3),imshow(I2);title('开启运算后图像
54、9;);axis(50,250,50,200);axis on; %显示坐标系subplot(2,2,4),imshow(I3);title('闭合运算后图像');axis(50,250,50,200); axis on;
55、160; %显示坐标系18.开启和闭合组合操作I=imread('xian.bmp'); %载入图像subplot(3,2,1),imshow(I);title('原始图像');axis(50,250,50,200);axis on;
56、; %显示坐标系 I1=rgb2gray(I);subplot(3,2,2),imshow(I1);title('灰度图像');axis(50,250,50,200);axis on; %显示坐标系
57、160; se=strel('disk',1); I2=imopen(I1,se); %开启操作I3=imclose(I1,se); %闭合操作subplot(3,2,3),imshow(I2);title('开启运算后图像');axis(50,250,50,
58、200);axis on; %显示坐标系subplot(3,2,4),imshow(I3);title('闭合运算后图像');axis(50,250,50,200);axis on;
59、60; %显示坐标系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;
60、0; %显示坐标系 I6=imclose(I1,se);I7=imopen(I6,se);subplot(3,2,6),imshow(I7); %闭开运算图像 title('闭开运算图像');axis(50,250,50,200);axis on; %显示坐标系&
61、#160; 19.形态学边界提取利用MATLAB实现如下:I=imread('xian.bmp'); %载入图像subplot(1,3,1),imshow(I);title('原始图像'); axis(50,250,50,200);grid on;
62、 %显示网格线axis on; %显示坐标系I1=im2bw(I);subplot(1,3,2),imshow(I1);title('二值化图像');axis(50,250,50,200);grid on;
63、60; %显示网格线axis on; %显示坐标系I2=bwperim(I1); %获取区域的周长subplot(1,3,3),imshow(I2);
64、60;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;
65、; I1=im2bw(I);subplot(2,2,2),imshow(I1);title('二值图像');axis(50,250,50,200);axis on; I2=bwmorph(I1,'skel
66、39;,1);subplot(2,2,3),imshow(I2);title('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
67、on; 21.直接提取四个顶点坐标I = imread('xian.bmp');I = I(:,:,1);BW=im2bw(I); figureimshow(BW)x,y=getpts Matlab求二值图像的周长 2013-01-21 20:00:21| 分类: matlab | 标签: |字号大中小 订阅
68、 方法一,使用8向链码。水平或垂直连通的长度为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=1
69、; tt=zeros(1,8); newdir=mod(dir+7-mod(dir,2),8); for i=0:7 j=mod(newdir+i,8)+1;
70、; tt(i+1)=image(x+n(j,1),y+n(j,2); end d=find(tt=1, 1 ); dir=mod(newdir+d-1,8);
71、; %找到下一个像素点的方向码后补充在链码的后面 cc=cc,dir; x=x+n(dir+1,1);y=y+n(dir+1,2); %判别链码的结束标志 if x=first(1)&&y=first(2) flag=0; endendout=cc;下面是主函
72、数i=bwperim(imread('1.bmp'),8);%求出二值图像的边界c8=chaincode8(i);%生成8向链码sum1=0;sum2=0;for k=1:length(c8) if c8(k)=0 |c8(k)=2 |c8(k)=4 |c8(k)=6 sum1=sum1+1; else sum2=sum2+1; &
73、#160; 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+
74、Gy.*Gy); % 注意是矩阵点乘J1=G;figure,imshow(J1,map); % 第一种图像增强J2=I; % 第二种图像增强K=find(G>=7);J2(K)=G(K);figure,imshow(J2,map);J3=I;
75、160; % 第三种图像增强K=find(G>=7);J3(K)=255;figure,imshow(J3,map);J4=I; % 第四种图像增强K=find(G<=7);J4(K)=255;figure,imshow(J4,map);J
76、5=I; % 第五种图像增强K=find(G<=7);J5(K)=0;Q=find(G>=7);J5(Q)=255;figure,imshow(J5,map);MATLAB示例程序001-OSTU大津法/最大类间方差 Otsu最大类间方差法原理 利用阈值将原图像分成前景,背景两个图象。 当取最佳阈
77、值时,背景应该与前景差别最大,即方差最大。otsu算法找的就是这个最大方差下的阈值。 最大类间方差法(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),此公式为方差公式。 循环求取最大方差即可。
78、0;MABLAB代码及详细注释:function ostuimg = imread('Lena.jpg');I_gray=rgb2gray(img);figure,imshow(I_gray);I_double=double(I_gray); %转化为双精度,因为大多数的函数和操作都是基于double的%figure,imshow(I_double);wid,len=size(I_gray); %wid为行数,len为列数colorlevel=256; %灰度级hist=zeros(c
79、olorlevel,1); %直方图,256×1的0矩阵 %threshold=128; %初始阈值%计算直方图,统计灰度值的个数for i=1:wid for j=1:len m=I_gray(i,j)+1; %因为灰度为0-255所以+1 hist(m)=hist(m)+1; endend %直方图归一化hist=hist/(wid*len);
80、60; %miuT为总的平均灰度,histm代表像素值为m的点个数miuT=0;for m=1:colorlevel miuT=miuT+(m-1)*hist(m);endxigmaB2=0; %用于保存每次计算的方差,与下次计算的方差比较大小for mindex=1:colorlevel threshold=mindex-1; omega1=0; %前景点所占比例 omega2=0; %背景点所占比例 &
81、#160; for m=1:threshold-1 omega1=omega1+hist(m); %计算前景比例 end omega2=1-omega1; %计算背景比例 miu1=0; %前景平均灰度比例 miu2=0; %背景平均灰度比例
82、 %计算前景与背景平均灰度 for m=1:colorlevel if m miu1=miu1+(m-1)*hist(m); %前景平均灰度 else miu2=miu2+(m-1)*hist(m); %背景平均灰度 end end
83、160; % miu1=miu1/omega1;% miu2=miu2/omega2; %计算前景与背景图像的方差 xigmaB21=omega1*(miu1-miuT)2+omega2*(miu2-miuT)2; xigma(mindex)=xigmaB21; %保留每次计算的方差 %每次计算方差后,与上一次计算的方差比较。保留最大方差为
84、finalT if xigmaB21>xigmaB2 finalT=threshold; xigmaB2=xigmaB21; endend %比较方法两种阈值的不同fT=finalT/255; %阈值归一化T=graythresh(I_gray); %matlab函数求阈值 for i=1:wid for j=1:le
85、n if I_double(i,j)>finalT bin(i,j)=255; else bin(i,j)=0; end endend figure,imshow(bin);figure,plot(1:colorlevel,xigm
86、a); end 运行结果:function main img=imread('lena.jpg'); imshow(img); img=double(img); m n=size(img); Hist=zeros(1,256); for i=1:m for j=1:n Hist(img(i,j)+1)=Hist(img(i,j)+1)+1; %求直方图 end end p=Hist/(m*n); %直方图概率分布 uT=sum(1:256).*p(1:256); %图像亮度均值,其实比真正的均值要大1,所以后面减了1 sigma_2=zeros(1,256)
87、; for k=1:256 sigma_2(k)=(uT*w(k,p)-u(k,p)2/(w(k,p)*(1-w(k,p); %类间方差 end tmp index=max(sigma_2); %求最大类间方差的索引 index=index-1; %这里索引是1-256,实际图像灰度是0-255,所以减1 imgn=img>index; figure; imshow(imgn); function re=w(k,p) %直方图前k个亮度级的0阶累积矩 re=sum(p(1:k); end function re=u(k,p) %直方图前k个亮度级的1阶累积矩 re=sum(1:k).*p
88、(1:k); end end效果:原图二值化后bwlabel函数(二值图像中元素标记) 分类: MATLAB 2012-07-03 10:05 648人阅读 评论(0) 收藏 举报 图像处理转至:图像处理函数详解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
89、(BW,n)返回连通数num。 bwlabel用法:L = bwlabel(BW,n)返回一个和BW大小相同的L矩阵,包含了标记了BW中每个连通区域的类别标签,这些标签的值为1、2、num(连通区域的个数)。n的值为4或8,表示是按4连通寻找区域,还是8连通寻找,默认为8。四连通或八连通是图像处理里的基本感念:而8连通,是说一个像素,如果和其他像素在上、下、左、右、左上角、左下角、右上角或右下角连接着,则认为他们是联通的;4连通是指,如果像素的位置在其他像素相邻的上、下、左或右,则认为他们是连接着的,连通的,在左上角、左下角、右上角或右下角连接,则不认为他们连通。L,num = bw
90、label(BW,n)这里num返回的就是BW中连通区域的个数。补充:我听说过16连通,这应该是在三维空间里的概念了吧。举例说明:BW = 1 1 1 0 0 0 0 0 1 1 1 &
91、#160; 0 1 1 0 0 1 1 1 0 1 1 0 0 1
92、60; 1 1 0 0 0 1 0 1 1 1 0 0 0 1
93、0; 0 1 1 1 0 0 0 1 0 1 1 1 0 0 1
94、60; 1 0 1 1 1 0 0 0 0 0按4连通计算,方形的区域,和翻转的L形区域,有用是对角连接,不属于连通,所以分开标记,连通区域个数为3 1. L = bwlabel(BW,4)结果如下:L =
95、60; 1 1 1 0 0 0 0 0 1 1 1 0 2 2 0 &
96、#160; 0 1 1 1 0 2 2 0 0 1 1 1 0 0
97、60; 0 3 0 1 1 1 0 0 0 3 0 1 1 1 0 0 0 3 0
温馨提示
- 1. 本站所有资源如无特殊说明,都需要本地电脑安装OFFICE2007和PDF阅读器。图纸软件为CAD,CAXA,PROE,UG,SolidWorks等.压缩文件请下载最新的WinRAR软件解压。
- 2. 本站的文档不包含任何第三方提供的附件图纸等,如果需要附件,请联系上传者。文件的所有权益归上传用户所有。
- 3. 本站RAR压缩包中若带图纸,网页内容里面会有图纸预览,若没有图纸预览就没有图纸。
- 4. 未经权益所有人同意不得将文件中的内容挪作商业或盈利用途。
- 5. 人人文库网仅提供信息存储空间,仅对用户上传内容的表现方式做保护处理,对用户上传分享的文档内容本身不做任何修改或编辑,并不能对任何下载内容负责。
- 6. 下载文件中如有侵权或不适当内容,请与我们联系,我们立即纠正。
- 7. 本站不保证下载资源的准确性、安全性和完整性, 同时也不承担用户因使用这些下载资源对自己和他人造成任何形式的伤害或损失。
最新文档
- 2025年克拉玛依市公安局招聘警务辅助人员考试笔试试题(含答案)
- 【宜昌】2025年湖北宜昌当阳市部分事业单位引进急需紧缺人才70人笔试历年典型考题及考点剖析附带答案详解
- 丢手绢游戏教学课件
- 七年级剪羊毛教学课件
- 望月的教学课件
- 心电图教学课件155
- j2光学经纬仪教学课件
- 数学教学能手课件
- 教育资助课班会课件
- 教育老师与家长会课件下载
- 植物化学保护学知到课后答案智慧树章节测试答案2025年春华南农业大学
- 2025年《现代化工HSE理论》考试题(附答案)
- 肝脓肿穿刺术后的护理
- 儿童发展问题的咨询与辅导-案例1-5-国开-参考资料
- 四川省甘孜藏族自治州乡城县2025年小升初考试数学试卷含解析
- 代扣代缴费用合同范本
- 《电动车充电器教材》课件
- 幼儿园食品安全和膳食经费管理制度
- 外贸开发客户培训资料课件
- 消防维保工作计划
- 图文跨模态检索研究综述
评论
0/150
提交评论