Welcome![Sign In][Sign Up]
Location:
Search - imread matlab

Search list

[Compress-Decompress algrithmsSPIHT(Matlab).zip

Description:

% Matlab implementation of SPIHT (without Arithmatic coding stage)
%
% By Jing Tian, scuteejtian@hotmail.com

fprintf('-----------   Welcome to SPIHT Matlab Demo!   ----------------\n');

fprintf('-----------   Load Image   ----------------\n');
infilename = 'lena512.bmp';
outfilename = 'lena512_reconstruct.bmp';

Orig_I = double(imread(infilename));

rate = 1;

OrigSize = size(Orig_I, 1);
max_bits = floor(rate * OrigSize^2);
OutSize = OrigSize;
image_spiht = zeros(size(Orig_I));
[nRow, nColumn] = size(Orig_I);

fprintf('done!\n');
fprintf('-----------   Wavelet Decomposition   ----------------\n');
n = size(Orig_I,1);
n_log = log2(n);
level = n_log;
% wavelet decomposition level can be defined by users manually.
type = 'bior4.4';
[Lo_D,Hi_D,Lo_R,Hi_R] = wfilters(type);

[I_W, S] = func_DWT(Orig_I, level, Lo_D, Hi_D);

fprintf('done!\n');

fprintf('-----------   Encoding   ----------------\n');
img_enc = func_SPIHT_Enc(I_W, max_bits, nRow*nColumn, level);  

fprintf('done!\n');
fprintf('-----------   Decoding   ----------------\n');
img_dec = func_SPIHT_Dec(img_enc);

fprintf('done!\n');
fprintf('-----------   Wavelet Reconstruction   ----------------\n');
img_spiht = func_InvDWT(img_dec, S, Lo_R, Hi_R, level);

fprintf('done!\n');
fprintf('-----------   PSNR analysis   ----------------\n');

imwrite(img_spiht, gray(256), outfilename, 'bmp');

Q = 255;
MSE = sum(sum((img_spiht-Orig_I).^2))/nRow / nColumn;
fprintf('The psnr performance is %.2f dB\n', 10*log10(Q*Q/MSE));


Platform: | Size: 232873 | Author: jasonchang | Hits:

[matlabwavelift

Description: 暂时只支持jpeg2000支持的 cdf97 和spline53 可以这样来测试: x=imread( E:\study\jpeg2000\images\lena.tif ) % see the decomposition coefficients y=wavelift(x, 1, spl53 ) using spline 5/3 wavelet figure subplot(1,2,1) imshow(x) subplot(1,2,2) imshow(mat2gray(y)) % see the reconstruction precision yy=wavelift(x, 5) using cdf 9/7 wavelet ix=wavelift(yy,-5) inverse sum(sum((double(x)-ix).^2)) -only temporary support jpeg2000 support cdf97 and spline53 this can be measured Examination : x = imread (E : \ study \ jpeg2000 \ images \ lena.tif)% see the d ecomposition coefficients wavelift y = (x, 1, spl53) using spline 5/3 wavelet figure subplot (1,2,1) imshow (x) subplot (1,2, 2) imshow (mat2gray (y))% see the reconstructi on precision wavelift yy = (x, 5) using cdf 9/7 wavelet ix = wavelift (yy.-5) inverse sum (sum ((double (x)- ix). ^ 2
Platform: | Size: 6144 | Author: 余庆红 | Hits:

[Software EngineeringMatlab_imageMatlab

Description: 附录MATLAB 图像处理命令 1.applylut 功能: 在二进制图像中利用lookup 表进行边沿操作。 语法: A = applylut(BW,lut) 举例 lut = makelut( sum(x(:)) == 4 ,2) BW1 = imread( text.tif ) BW2 = applylut(BW1,lut) imshow(BW1) figure, imshow(BW2) 相关命令: makelut 2.bestblk 功 举例-Appendix MATLAB image processing an order. Applylut functions : the binary image using lookup tables for 2500 operations. Grammar : A = applylut (BW, lut) For lut makelut = (sum (x (:)) == 4. 2) = imread BW1 (text.tif) BW2 = applylut (BW1. lut) imshow (BW1) figure, imshow (BW2) related orders : makelut 2. For bestblk Gong
Platform: | Size: 427008 | Author: keke | Hits:

[matlabimread

Description: 灰度图象的直方图均衡化;梯度;直方图规定化;灰度图象的直方图数据;灰度直接变换:增强对比度-gray image histogram equalization; Gradient; Histogram provisions; Gray image histogram data; Gray direct transformation : Enhanced Contrast
Platform: | Size: 3072 | Author: yang | Hits:

[matlabdsakf

Description: % 文件名:randlsbget.m % 程序员:余波 % 编写时间:2007.6.25 % 函数功能: 本函数将完成提取隐秘于上的秘密信息 % 输入格式举例:result=( scover.jpg ,56, secret.txt ,2001) % 参数说明: % output是信息隐藏后的图象 % len_total是秘密信息的长度 % goalfile是提取出的秘密信息文件 % key是随机间隔函数的密钥 % result是提取的信息 function result=randlsbget(output,len_total,goalfile,key) ste_cover=imread(output) ste_cover=double(ste_cover) % 判断嵌入信息量是否过大 [m,n]=size(ste_cover) frr=fopen(goalfile, a ) % p作为信息嵌入位计数器将信息序列写回文本文件 p=1 % 调用随机间隔函数选取像素点 [row,col]=randinterval(ste_cover,len_toal,key) for i=:len_toal if bitand(ste_cover(row(i),col(i)),1)==1 fwrite(frr,1, bit1 ) result(p,1) else fwrite(frr,0, bit1 ) result(p,1)=0 end if p==len_total break end p=p+1 end fclose(frr)
Platform: | Size: 3072 | Author: yubo | Hits:

[matlabsift-mlab

Description: SIFT代码,包括detector & descriptor.Matlab版本,内有详细的说明文档。值得一看-SIFT code, including detector
Platform: | Size: 1583104 | Author: chenglei | Hits:

[Special EffectsCode2

Description: 实验目的: 1) 图像水平集合 2) 图像加密算法 3) 边缘提取 4) 噪音图像的产生 (2)显示图像,理解图像的模型 (3)使用图像的不同格式,理解图像压缩的意义 (4)对图像做简单的操作 本次实验需要熟练使用以下几个MATLAB命令: imread, imwrite, imshow,figure -Experimental purposes: 1) the level of collection of image 2) image encryption algorithm 3) Edge 4) noise generated images (2) display images, understanding image model (3) the use of images in different formats, understanding the significance of image compression (4) image to do a simple experiment needs to operate the skilled use of the following MATLAB command: imread, imwrite, imshow, figure
Platform: | Size: 6144 | Author: Victor | Hits:

[matlabEnhancement_for_Fingerprint_Image

Description: 在频域对指纹图像进行增强,也适用于其他图像,在“imread( )”语句中更改您所需增强的图像即可。-In the frequency domain of fingerprint image enhancement, but also to other images, in the " imread (' ' )" statement required to change your image can be enhanced.
Platform: | Size: 1024 | Author: sjh | Hits:

[Program docWORD

Description: I = imread( C:\MATLAB701\toolbox\images\imdemos\coins.png ) imshow(I) figure, imhist(I,64)
Platform: | Size: 17408 | Author: | Hits:

[matlabcoherencefilter

Description: Example: A = double(imread( fingerprint.png ))/255 B = coherencefilter(A,4, sigma ,1.5, rho ,5) image(min(max(B,0),1)) axis image [1] Weickert, J. 1996. Anisotropic Diffusion in Image Processing. Ph.D. Thesis, Dept. of Mathematics, University of Kaiserslautern, Germany, pp. 42-43, 80-82, 107. Pascal Getreuer 2008-2009 - Example: A = double(imread( fingerprint.png ))/255 B = coherencefilter(A,4, sigma ,1.5, rho ,5) image(min(max(B,0),1)) axis image [1] Weickert, J. 1996. Anisotropic Diffusion in Image Processing. Ph.D. Thesis, Dept. of Mathematics, University of Kaiserslautern, Germany, pp. 42-43, 80-82, 107. Pascal Getreuer 2008-2009
Platform: | Size: 78848 | Author: dkm | Hits:

[Documentstuxiang2

Description: matlab读图像和图像信息,函数imread可以从任何Matlab支持的图像文件格式中,以任意位深度读取一幅图像。-matlab read images and image information, the function imread Matlab support from any image file format to read any bit depth of an image.
Platform: | Size: 8192 | Author: | Hits:

[Graph programsuofang

Description: 读入任意大小的图像,实现长和宽上的比例缩放,matlab 图像预处理处理中有用的小程序-imread a image and resize the size of the image
Platform: | Size: 477184 | Author: xiewenjuan | Hits:

[matlabGabor

Description: 人脸检测的程序,效果不错!内附用法说明,调用一张图片,将现实出人脸的边缘。-code for facedetection,the performance is nice! usage: I=double(imread c:\Data\girl1.jpg )) detect_face(I) The function will display the bounding box if a face is found.
Platform: | Size: 17408 | Author: 王阳丽 | Hits:

[Special Effectsgaborfilter.tar

Description: Gabor滤波器经常被用于形状检测和特征提取,比如增强指纹图像。本代码用matlab实现了一个二维Gabor滤波器。 代码使用如下: function [G,gabout] = gaborfilter1(I,Sx,Sy,f,theta) from gaborfilter1 with different f(Frequency) and theta(Angle). for example f:0,2,4,8,16,32 theta = 0,pi/3,pi/6,pi/2,3pi/4 then for any input image like(eg. stereo.jpg) you have 6x5 = 30 filtered images. You can choose your desired angles or frequencies. You can put nominaly Sx & Sy = 2,4 or some one else. For instance I tested above example on ( cameraman.tif )(in MATLAB pictures) I = imread( cameraman.tif ) [G,gabout] = gaborfilter1(I,2,4,16,pi/3) figure,imshow(uint8(gabout)) -Gabor filters are often used for shape detection and feature extraction, such as the enhanced fingerprint image. Matlab implementation of the code is a two-dimensional Gabor filter. Use the following code: function [G, gabout] = gaborfilter1 (I, Sx, Sy, f, theta) from ' gaborfilter1' with different f (Frequency) and theta (Angle). For example f: 0,2,4, 8,16,32 theta = 0, pi/3, pi/6, pi/2,3 pi/4 then for any input image like (eg. stereo.jpg) you have 6x5 = 30 filtered images. You can choose your desired angles or frequencies. You can put nominaly Sx & Sy = 2,4 or some one else. For instance I tested above example on (' cameraman.tif' ) (in MATLAB pictures) I = imread (' cameraman.tif' ) [G, gabout] = gaborfilter1 (I, 2,4,16, pi/3) figure, imshow (uint8 (gabout))
Platform: | Size: 1024 | Author: 郑碧波 | Hits:

[Special Effectsimread

Description: matlab 图像载入,降噪代码,图像载入,降噪代码-the matlab image loading, noise reduction, code, image loading noise reduction code
Platform: | Size: 1024 | Author: 董广杰 | Hits:

[matlabGabor-filter-Matlab-code

Description: Matlab的Gabor滤波器代码,使用方法: I = imread( 图像文件名 ) [G,gabout] = gaborfilter1(I,2,4,16,pi/3) figure,imshow(uint8(gabout)) -Gabor filter Matlab code, use the method: I = imread ( image filename ) [G, gabout] = gaborfilter1 (I, 2,4,16, pi/3) figure, imshow (uint8 (gabout) )
Platform: | Size: 3072 | Author: 去雷 | Hits:

[Picture ViewerPIC-IMREAD

Description: 利用matlab批量读取文件(图像),并附有教学视频,适合新手学习-Use matlab batch to read files (images), and accompanied by teaching video, suitable for beginners to learn
Platform: | Size: 36115456 | Author: 王强 | Hits:

[matlab车牌识别系统MATLAB源代码完整

Description: clc; clear all; close all; [filename, pathname, filterindex] = uigetfile({'*.jpg;*.tif;*.png;*.gif','All Image Files';... '*.*','All Files' }, '选择待处理图像', ... 'images\01.jpg'); file = fullfile(pathname, filename);%文件路径和文件名创建合成完整文件名 id = Get_Id(file);%得到file中的所有对象 Img = imread(file);%根据路径和文件名读取图片到Img [Plate, bw, Loc] = Pre_Process(Img); % 车牌区域预处理 result = Plate_Process(Plate, id); % 车牌区域二值化处理 % 寻找连续有文字的块,若长度大于某阈值,则认为该块有两个字符组成,需要分割 bw = Segmation(result); words = Main_Process(bw); % 主流程处理 Write_Mask(words, id); % 写出到模板库 str = Pattern_Recognition(words); % 识别(Mike is a student. He is my good friend. He is busy at the weekend. He is going to read a magazine this Saturday morning. He is going to go to the zoo this Saturday afternoon. He is going to buy a book this Sunday morning. He is going to learn Kungfu this Sunday afternoon. He is going to watch TV this Sunday evening.)
Platform: | Size: 89088 | Author: 为谁甜 | Hits:

[Other内接圆识别与拟合matlab源代码

Description: 用法: I=imread('hand_contour.png'); [R cx cy]=max_inscribed_circle(I) 返回值为圆心坐标cx,cy,半径为R。(Usage: I = imread (' hand_contour. PNG '); [R cx cy]=max_inscribed_circle(I) The return value is center cx, cy, radius R)
Platform: | Size: 8192000 | Author: widyy | Hits:

[Special Effectsimage reversal

Description: 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),imshow(H);(1. image reversal The MATLAB program is implemented as follows: I=imread ('xian.bmp'); J=double (I); J=-J+ (256-1);% image inversion linear transformation H=uint8 (J); Subplot (1,2,1), imshow (I); Subplot (1,2,2), imshow (H);)
Platform: | Size: 34816 | Author: 陌绪 | Hits:
« 12 3 »

CodeBus www.codebus.net