Welcome![Sign In][Sign Up]
Location:
Search - log10

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:

[Other resource计算器2.0

Description: 能运算的函数: sin,cos,tg,ctg,e^,pow(x,y),cosh,sinh,tgh,log10,ln,sqrt,arcsin,arccos, 运算方式: +,-,*,/,绝对值(“[ ]”),^,!, 输入规则: 用键盘或按钮都可,输入完按回车运算,(光标要在最后) sin(21-32)/(12-43) 4(323-4343) 4*(323-4343) e^2-sin3-3^4,(不要输入pow(3,4)) //有无*都可 2*3^4是(2*3)^4 而不是2*(3^4) 也就是要用x^y就要一定要(x^y)加上一个括号 [3-4]是求3-4的绝对值不是中括号 -performance computing functions : sin, cos, tg, rays, e ^, pow (x, y), cosh, sinh, tgh, log10, ln, sqrt, Simulation, arccos computational methods : absolute ,-,*,/, ( "[]"),^,!, importation rules : a keyboard or buttons which can be imported by the transport operator End (cursor to the final) sin (21-32) / (12-43) 4 (323-4343) 4 * ( 323-4343), e ^ 2 - KF-3 ^ 4 (do not enter pow (3,4)) / / * there can be 2 * 3 ^ 4 is (2 * 3) ^ 4 rather than 2 * (3 ^ 4) was needed x ^ y must have (x ^ y) with a brackets [3-4] is the pursuit of 3-4 is not the absolute value of the brackets
Platform: | Size: 111005 | Author: qwq | Hits:

[Other高级计算器 V1.0

Description: 系统支持的数学函数:PI ! ^ % SQR SQRT INT/TRUNC ROUND ABS FRAC SIN COS TAN ARCSIN ARCCOS ARCTAN LN LOG2 LOG10PI:圆周率。Exp!:计算Exp(表达式)的介乘。Exp1^Exp2:计算Exp1的Exp2次方。Exp1%Exp2:计算Exp1除以Exp2后的余数。Sqr(Exp):计算Exp的平方。Sqrt(Exp):计算Exp的平方根。Int(Exp)/Trunc(Exp):把Exp截断取整。Round(Exp):把Exp四舍五入。Abs(Exp):取Exp的绝对值。Frac(Exp):取Exp的小数部分。Sin(Exp):求Exp的正玄。Cos(Exp):求Exp的余玄。Tan(Exp):求Exp的正切。ArcSin(Exp):求Exp的反正玄。ArcCos(Exp):求Exp的反余玄。ArcTan(Exp):求Exp的反正切。Ln(Exp):求Exp的自然对数。Log2(Exp):求Exp的以2为低的对数。Log10(Exp):求Exp的以10为低的对数。-system to support the Math : PI! ^% SQR SQRT INT / TRUNC ROUND ABS FRAC SIN COS TAN LN ARCSIN ARCCOS ARCTAN LOG2 LOG10PI : pi. Exp. : Computational Exp (expression) of the referral by. Exp1 ^ Exp2 : computational power of Exp1 the Exp2. Exp1% Exp2 : Exp1 calculated by dividing Exp2 the remainder. Monaco (Exp) : Exp calculating the square. Sqrt (Exp) : Exp calculating the square root. Int (Exp) / Trunc (Exp) : With Exp disconnected from the whole. Round (Exp) : With Exp rounding. Abs (Exp) : Exp take the absolute value. Frac (Exp) : Exp take part in the minority. Sin (Exp) : for the Shogen Exp. Cos (Exp) : The Yuxuan seeking Exp. Tan (Exp) : Exp for the tangent. ArcSin (Exp) : Exp seek the arc Yuen. ArcCos (Exp) : for the anti-Yuxuan Exp. ArcTan (Exp) : Exp seek the arc tangent. Ln (Exp) :
Platform: | Size: 182651 | Author: 王波 | Hits:

[SourceCodeCIC滤波器matlab代码

Description: CIC滤波器matlab代码 D=5; r=D; fs=1e5; S3_cic=conv(conv(ones(1,D),ones(1,D)),ones(1,D)); %三个单级卷积 [h3,f3]=freqz(S3_cic,1,1000,fs); plot(f3/(fs/2),20*log10(abs(h3))-max(20*log10(abs(h3))),'r','LineWidth',1.4) ylabel('\fontsize{12}\bf幅度响应(dB)') xlabel('\fontsize{12}\bf归一化频率(\times\pi rad/sample)') grid; box on; axis([0 1 -80, 0])
Platform: | Size: 680 | Author: 530228758@qq.com | Hits:

[Other高级计算器 V1.0

Description: 系统支持的数学函数:PI ! ^ % SQR SQRT INT/TRUNC ROUND ABS FRAC SIN COS TAN ARCSIN ARCCOS ARCTAN LN LOG2 LOG10PI:圆周率。Exp!:计算Exp(表达式)的介乘。Exp1^Exp2:计算Exp1的Exp2次方。Exp1%Exp2:计算Exp1除以Exp2后的余数。Sqr(Exp):计算Exp的平方。Sqrt(Exp):计算Exp的平方根。Int(Exp)/Trunc(Exp):把Exp截断取整。Round(Exp):把Exp四舍五入。Abs(Exp):取Exp的绝对值。Frac(Exp):取Exp的小数部分。Sin(Exp):求Exp的正玄。Cos(Exp):求Exp的余玄。Tan(Exp):求Exp的正切。ArcSin(Exp):求Exp的反正玄。ArcCos(Exp):求Exp的反余玄。ArcTan(Exp):求Exp的反正切。Ln(Exp):求Exp的自然对数。Log2(Exp):求Exp的以2为低的对数。Log10(Exp):求Exp的以10为低的对数。-system to support the Math : PI! ^% SQR SQRT INT/TRUNC ROUND ABS FRAC SIN COS TAN LN ARCSIN ARCCOS ARCTAN LOG2 LOG10PI : pi. Exp. : Computational Exp (expression) of the referral by. Exp1 ^ Exp2 : computational power of Exp1 the Exp2. Exp1% Exp2 : Exp1 calculated by dividing Exp2 the remainder. Monaco (Exp) : Exp calculating the square. Sqrt (Exp) : Exp calculating the square root. Int (Exp)/Trunc (Exp) : With Exp disconnected from the whole. Round (Exp) : With Exp rounding. Abs (Exp) : Exp take the absolute value. Frac (Exp) : Exp take part in the minority. Sin (Exp) : for the Shogen Exp. Cos (Exp) : The Yuxuan seeking Exp. Tan (Exp) : Exp for the tangent. ArcSin (Exp) : Exp seek the arc Yuen. ArcCos (Exp) : for the anti-Yuxuan Exp. ArcTan (Exp) : Exp seek the arc tangent. Ln (Exp) :
Platform: | Size: 182272 | Author: 王波 | Hits:

[Algorithm计算器2.0

Description: 能运算的函数: sin,cos,tg,ctg,e^,pow(x,y),cosh,sinh,tgh,log10,ln,sqrt,arcsin,arccos, 运算方式: +,-,*,/,绝对值(“[ ]”),^,!, 输入规则: 用键盘或按钮都可,输入完按回车运算,(光标要在最后) sin(21-32)/(12-43) 4(323-4343) 4*(323-4343) e^2-sin3-3^4,(不要输入pow(3,4)) //有无*都可 2*3^4是(2*3)^4 而不是2*(3^4) 也就是要用x^y就要一定要(x^y)加上一个括号 [3-4]是求3-4的绝对值不是中括号 -performance computing functions : sin, cos, tg, rays, e ^, pow (x, y), cosh, sinh, tgh, log10, ln, sqrt, Simulation, arccos computational methods : absolute ,-,*,/, ( "[]"),^,!, importation rules : a keyboard or buttons which can be imported by the transport operator End (cursor to the final) sin (21-32)/(12-43) 4 (323-4343) 4* ( 323-4343), e ^ 2- KF-3 ^ 4 (do not enter pow (3,4))//* there can be 2* 3 ^ 4 is (2* 3) ^ 4 rather than 2* (3 ^ 4) was needed x ^ y must have (x ^ y) with a brackets [3-4] is the pursuit of 3-4 is not the absolute value of the brackets
Platform: | Size: 145408 | Author: qwq | Hits:

[VHDL-FPGA-VerilogHwLog10

Description: 用verilog写的,基于查表法实现的LOG10运算器,在Altera FPGA中应用。-It is a verilog design of LOG10 calculation unit, which is based on LUT arithmatic. And it is applicated in Altera FPGA.
Platform: | Size: 13312 | Author: vincent | Hits:

[ActiveX/DCOM/ATLComplexFunction

Description: 本程序包括大部份复数处理函数:abs()、arg()、conj()、sin()、cos()、sinh()、cosh()、exp()、log()、log10()、norm()、polar()、pow()、sqrt()等。-look it yourself.
Platform: | Size: 1010688 | Author: 雾水葛 | Hits:

[JSP/JavaCalculator

Description: 用Java编写的简单的计算器 ,这要实现的加减乘除以及正弦,余弦,正切,log10,exp等。-A simple calculator.
Platform: | Size: 2048 | Author: mary | Hits:

[Windows Developcalculator

Description: 简单计算器,它可以进行加减乘除运算和正弦,余弦,正切,和log10的运算-A simple calculator, which can be addition and subtraction multiplication and division operations and sine, cosine, tangent, and the log10 computing
Platform: | Size: 2775040 | Author: yesin | Hits:

[matlabtwo_ray_model

Description: Modelo de dos rayos de Andrea Goldsmith (figura 2.5, según expresión 2.12) f = 0.9 frecuencia en GHz landa = 0.3/f en m R = -1 coeficiente de reflexión en tierra ht = 10 altura del transmisor en m hr = 2 altura del receptor en m Gt = 1 Gr = 1 Pt = 1 d=10:.1:100000 phase_diff = 4*pi*ht*hr./(landa*d) aproximación Pr = Pt*((landa/(4*pi))^2)*((abs((sqrt(Gt)./d) + (R*sqrt(Gr).*(exp(-sqrt(-1)*phase_diff)))./d)).^2) Pr = Pt*((landa/(4*pi))^2)*(1./d).*((abs((sqrt(Gt)) + (R*sqrt(Gr).*(exp(-sqrt(-1)*phase_diff))))).^2) figure(1), clf, plot((d),10*log10(Pr/max(abs(Pr)))) grid xlabel( log_1_0(d) ) ylabel( Potencia recibida (dBm) )- Modelo de dos rayos de Andrea Goldsmith (figura 2.5, según expresión 2.12) f = 0.9 frecuencia en GHz landa = 0.3/f en m R = -1 coeficiente de reflexión en tierra ht = 10 altura del transmisor en m hr = 2 altura del receptor en m Gt = 1 Gr = 1 Pt = 1 d=10:.1:100000 phase_diff = 4*pi*ht*hr./(landa*d) aproximación Pr = Pt*((landa/(4*pi))^2)*((abs((sqrt(Gt)./d) + (R*sqrt(Gr).*(exp(-sqrt(-1)*phase_diff)))./d)).^2) Pr = Pt*((landa/(4*pi))^2)*(1./d).*((abs((sqrt(Gt)) + (R*sqrt(Gr).*(exp(-sqrt(-1)*phase_diff))))).^2) figure(1), clf, plot((d),10*log10(Pr/max(abs(Pr)))) grid xlabel( log_1_0(d) ) ylabel( Potencia recibida (dBm) )
Platform: | Size: 1024 | Author: ramonmro | Hits:

[Delphi VCLexample4_4

Description: 例4:在sinc(t)信号中叠加噪声,分析对应频谱 fs=100 采样频率,必须大于两倍基带信号最高频率 ts=1/fs 采样时间间隔 T=2 时间窗大小 - x=x+0.1*randn(1,N) x=awgn(x,-10, measured ) figure plot(t,x) title( 时域信号图 ) xlabel( t /s ) y=fft(x,N) figure if mod(N,2)~=0 N=N-1 end f=linspace(0,fs/2,N/2) plot(f,abs(y(1:N/2))*2/N) title( 叠加噪声的sinc(t)信号频谱 ) xlabel( f /Hz ) figure y0=y(1:N/2) P=y0.*conj(y0)/N P=10*log10(P) plot(f,P) title( 功率谱 ) xlabel( f /Hz )
Platform: | Size: 1024 | Author: 张红 | Hits:

[WaveletWavelet-image-denoising-procedures

Description: 小波图像去噪程序。th=sigma*sqrt(2*log10(L*T)) 计算阈值 ch=c(1,num(4-i,1):num(4-i,3)+step(4-i)-1) 对各高频系数进行阈值处理 chl=length(ch) for j=1:chl if abs(ch(j))>=th ch(j)=sign(ch(j))*(abs(ch(j))-2*th/(1+exp(m*(ch(j)^2)))) 阈值处理函数 else -Wavelet image denoising procedures. th = sigma* sqrt (2* log10 (L* T)) calculated threshold ch = c (1, num (4-i, 1): num (4-i, 3)+ step (4-i)-1) of the high-frequency coefficients thresholding chl = length (ch) for j = 1: chl if abs (ch (j))> = th ch (j) = sign (ch (j))* (abs (ch (j))-2* th/(1+ exp (m* (ch (j) ^ 2 )))) else threshold processing function
Platform: | Size: 3072 | Author: 朱兰花 | Hits:

[matlabfr_psnr

Description: PSNR is used to measure the difference between two images. It is defined as PSNR = 20 * log10(b/rms) where b is the largest possible value of the signal (typically 255 or 1), and rms is the root mean square difference between two images. The PSNR is given in decibel units (dB), which measure the ratio of the peak signal and the difference between two images. An increase of 20 dB corresponds to a ten-fold decrease in the rms difference between two images.
Platform: | Size: 1024 | Author: Marcella | Hits:

[matlablog_psd

Description: This function takes the n time domain samples (real or complex) and finds the psd by taking (fft/n)^2. The two sided spectrum is produced by shifting the psd The array freq provides the appropriate frequency values for plotting purposes. By taking 10*log10(psd/max(psd)) the psd is normalized values beow 60db are set equal to -60db- This function takes the n time domain samples (real or complex) and finds the psd by taking (fft/n)^2. The two sided spectrum is produced by shifting the psd The array freq provides the appropriate frequency values for plotting purposes. By taking 10*log10(psd/max(psd)) the psd is normalized values beow 60db are set equal to -60db
Platform: | Size: 1024 | Author: Cystrin | Hits:

[Windows DevelopCalculator

Description: 能进行数据间的初级运算和乘方、求余、三角函数、log10的运算-Can carry data between the primary computing and power, seeking more than the computation of the trigonometric functions, log10
Platform: | Size: 2048 | Author: dengzi | Hits:

[Software Engineeringcc

Description: 计算器是我们生活中常用的工具,本文中我们将看到C语言在计算器程序中的应用并实现简单初步的计算。程序的编写基础是Tubro C2.0,它在tubro c的原有基础上实现了多汉字的支持方便了我们的使用。生成的程序可移植性强兼容性好。现在实现了加、减、乘、除、求幂、求模,求平方根,求Sin,求Cos,求Log10,以及一个时钟原代码。这个系统是基于软件发展的生命周期来研制的,它可以直接输入数学表达式,不需要任何转换,就可以直接输出数学四则运算的结果。本文主要介绍了程序的开发背景,开发的过程和所要完成的功能。重点的说明了系统设计思想,设计的步骤、难点技术和解决方案。-TURBO C
Platform: | Size: 31744 | Author: 张声 | Hits:

[Otherfilter

Description: M=63 J=(M-1)/2 Wp=0.5*pi Ws=0.6*pi Np=100 Ns=100 weightp=1 weights=100 通带和阻带的加权系数 WpN=linspace(0,Wp,Np) WsN=linspace(Ws,pi-0.05,Ns) Wm=[WpN WsN] p=[ones(1,50),ones(1,50)/2] d=[p,zeros(1,Ns)] W=diag([weightp*ones(1,Np),weights*ones(1,Ns)]) C=cos(Wm*[0:J]) Q=diag(cos(Wm*0.5)) g=(W*Q*C)\(W*d) g=g h=(g(J:-1:2)+g(J+1:-1:3))/4 h=[g(J+1)/4 h g(1)*0.5+g(2)/4] h=[h fliplr(h)] W=linspace(0,pi-0.1,512) H=freqz(h,1,W) plot(W/pi,20*log10(abs(H))) -filter design
Platform: | Size: 1024 | Author: 李天 | Hits:

[matlabTransmission-Model

Description: 无线传感器网络定位用到的无线传输模型 Regular Model, Logarithmic Attenuation Model, DOI Model, RIM Model -Wireless sensor network localization using wireless transmission model, Regular Model, Logarithmic Attenuation Model, DOI Model, RIM Model Achieve functional distance and transmission attenuation swap ~~~~~~~~~~~~~~~~~~~~~~Regular Model~~~~~~~~~~~~~~~ In this model, the radio range is a circle ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ ReceivedSignalStrength=SendingPower-PathLoss e.g, RSS=Pt-Pl(d0)-10*η*log10(dist/d0) Pt:transmit power pl(d0):the pass loss for a reference distance of d0 ηis the path loss exponent above parameters are saved in ../Parameters_Of_Models.mat dist:distance between sender and receiver(m) ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ typical value:Pt=0-4dBm(max),Pl(d0)=55dB(d0=1m),η(2~4)=4(indoor,outdoor) ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ ~~~~~~~~Logarithmic Attenuation Model~~~~~~~~~ In this model, the radio range is a circle ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ ReceivedSignal
Platform: | Size: 135168 | Author: liangzhongfa | Hits:

[ARM-PowerPC-ColdFire-MIPSmain

Description: log10的计算函数,精度是16bit入,16bit出-log10 calculation
Platform: | Size: 1024 | Author: shijiangwei | Hits:
« 12 »

CodeBus www.codebus.net