Prolog: making a 4-argument add function - recursion

I am trying to code a 4-argument function myadd(A, B, C, D) which holds true when A + B + C = D in prolog.
I am completely new to prolog and had no clue what to do, so what I did was some extention from a similar function but with 3 arguments:
add(0, Y, Y).
add(s(X), Y, s(Z)) :- add(X, Y, Z).
myadd(0, B, C, D) :- add(B, C, D).
myadd(s(A), B, C, s(D)) :- myadd(A, B, C, D).
Then when I execute this code, it starts to list what is untrue from some point:
?- myadd(A, B, C, s(s(0))).
A = B, B = 0,
C = s(s(0)) ;
A = 0,
B = C, C = s(0) ;
A = C, C = 0,
B = s(s(0)) ;
A = s(0),
B = 0,
C = s(s(0)) ; <- obviously this should not be true since s(0) + s(s(0)) != s(s(0))
A = B, B = C, C = s(0) ;
A = s(0),
B = s(s(0)),
C = 0 ;
A = C, C = s(s(0)),
B = 0 ;
A = s(s(0)),
B = C, C = s(0) ;
A = B, B = s(s(0)),
C = 0 ;
A = s(s(s(0))),
B = 0,
C = s(s(0)) ;
...
I have no idea why this (1. the code works until some point, 2. and then it doesn't) happens, I highly appreciate it if someone kindly points out the flaw.
Or, I'd be really grateful if you could tell me where to start.

I cannot reproduce the answers you are getting.
Using SWI-Prolog 8.4.3:
?- myadd(A, B, C, s(s(0))). % A + B + C = 2
A = B, B = 0, C = s(s(0)) % 0 + 0 + 2 = 2
; A = 0, B = C, C = s(0) % 0 + 1 + 1 = 2
; A = C, C = 0, B = s(s(0)) % 0 + 2 + 0 = 2
; A = C, C = s(0), B = 0 % 1 + 0 + 1 = 2
; A = B, B = s(0), C = 0 % 1 + 1 + 0 = 2
; A = s(s(0)), B = C, C = 0 % 2 + 0 + 0 = 2
; false.
This part of your program seems to work properly!

Related

MethodError: MethodError: objects of type Vector{Float64} are not callable

mutable struct ConjugateGradientDescent <: DescentMethod
d
g
end
function bracket_minimum(f, x=0; s=1e-2, k=2.0)
a, ya = x, f(x)
b, yb = a + s, f(a + s)
if yb > ya
a, b = b, a
ya, yb = yb, ya
s = -s
end
while true
c, yc = b + s, f(b + s)
if yc > yb
return a < c ? (a, c) : (c, a)
end
a, ya, b, yb = b, yb, c, yc
s *= k
end
end
function line_search(f, x, d)
objective = α -> f(x + α*d)
a, b = bracket_minimum(objective)
α = minimize(objective, a, b)
return x + α*d
end
function init!(M::ConjugateGradientDescent, f, ∇f, x)
M.g = ∇f(x)
M.d = -M.g
return M
end
function step!(M::ConjugateGradientDescent, f, ∇f, x)
d, g = M.d, M.g
g′ = ∇f(x)
β = max(0, dot(g′, g′-g)/(g⋅g))
d′ = -g′ + β*d
x′ = line_search(f, x, d′)
M.d, M.g = d′, g′
return x′
end
function conjugate_gradients(f, g, x0)
xʼ = x0
d = 0.01
n = 10000
CGD = ConjugateGradientDescent(d, g)
init!(CGD, f, g, xʼ)
i = 0
prev = 0
while i <= n
i += 1
xʼ = step!(CGD, f, g, xʼ)
if prev == xʼ
break
else
prev = xʼ
end
end
return xʼ, rosenbrock(xʼ), i
end
x = rand(10)
g(x) = derivative(rosenbrock, x)
x_final, f_final, iter = conjugate_gradients(rosenbrock(x), g, -5.0)
There are multiple lines for this particular Error:
MethodError: MethodError: objects of type Vector{Float64} are not callable
Use square brackets [] for indexing an Array.
In the function line_search, objective = α -> f(x + α*d) shows the error and in the bracket_minimum function, a, ya = x, f(x) b, yb = a + s, f(a + s) shows the error.
Why am I getting this error? I'm confused. Is it because function inside another function i.e. f is a function inside line_search function.

Need to fix a problem with seq function in R

I have to create a function with 2 arguments (a,b) that will return the first n multiples of 3 that are less than or equal to a. Here is what i am doing:
f <- function(a, b){
v = seq(from = 0, to= a, by = 3, length.out = b)
return(v)
}
It says that the seq() has too many arguments, and I understand why. If i remove the 'from', there would be some cases where the vector wouldnt started with zero. How could i fix the problem?
THank you
seq supports either by= or length.out=, not both. You can have the same affect with head(seq(...)):
seq(from = 0, to = 20, by = 3, length.out = 4)
# Error in seq.default(from = 0, to = 20, by = 3, length.out = 4) :
# too many arguments
seq(from = 0, to = 20, by = 3)
# [1] 0 3 6 9 12 15 18
head(seq(from = 0, to = 20, by = 3), n = 4)
# [1] 0 3 6 9
which for your function should be:
f <- function(a, b){
head(seq(from = 0, to = a, by = 3), n = b)
}
f(20, 4)
# [1] 0 3 6 9
How about the following?
f <- function(a, b) {
if (3 * b > a) return(seq(0L, a, by = 3L))
return(seq(0, by = 3L, length.out = b))
}

Equivalent of handle function in R

I'm moving some code from Matlab to R and I'm facing some difficulties in a particular case of the handle function. This is my Matlab code:
function Application_ChFun
clear;close all;clc;warning('off');
StepsYr = 10;
%% --parameters-- %%
S0 = 1;
r = 0.0;
t0 = 0;
T2 = 5;
gamma = 0.5;
kappa = 0.3;
rho = -0.6;
vBar = 0.05;
v0 = 0.04;
NoOfPaths = 5e4;
NoOfSteps = StepsYr*T2;
%% --Define model-- %%
cf = #(u,T)ChFun(u, T, kappa,vBar,gamma,rho, v0, r);
Vc = #(t,x)MktFun(cf,t,x,log(S0));
% Define bump size
bump_T = 1e-4;
bump_K = #(T)1e-4;
% Define derivatives
dC_dT = #(T,K) (Vc(T + bump_T,K) - Vc(T ,K)) / bump_T;
dC_dK = #(T,K) (Vc(T,K + bump_K(T)) - Vc(T,K - bump_K(T))) / (2 * bump_K(T));
d2C_dK2 = #(T,K) (Vc(T,K + bump_K(T)) + Vc(T,K-bump_K(T)) - 2*Vc(T,K)) / bump_K(T)^2;
t = t0;
S = S0+zeros(NoOfPaths,1);
for i = 1:NoOfSteps
if i==1
t_adj = 1/NoOfSteps;
t = t_adj;
end
% AAA perfectly matches with the R equivalent, but AAB and AAC do not.
AAA = dC_dT(t,S);
AAB = dC_dK(t,S);
AAC = d2C_dK2(t,S);
end
function value = MktFun(cf,T,x,x0)
value = CM_Proxy(cf,T,x,x0);
function value = CM_Proxy(ChF,T,K,x0)
K(K<1e-5)=1e-5;
alpha = 0.75;
c = 3e2;
N_CM = 2^12;
eta = c/N_CM;
b = pi/eta;
u = [0:N_CM-1]*eta;
lambda = 2*pi/(N_CM*eta);
i = complex(0,1);
u_new = u-(alpha+1)*i;
cf = exp(i*u_new*x0).*ChF(u_new,T);
psi = cf./(alpha^2+alpha-u.^2+i*(2*alpha+1)*u);
SimpsonW = 3+(-1).^[1:N_CM]-[1,zeros(1,N_CM-1)];
SimpsonW(N_CM) = 0;
SimpsonW(N_CM-1) = 1;
FFTFun = exp(i*b*u).*psi.*SimpsonW;
payoff = real(eta*fft(FFTFun)/3);
strike = exp(-b:lambda:b-lambda);
payoff_specific = spline(strike,payoff,K);
value = exp(-log(K)*alpha).*payoff_specific/pi;
function cf=ChFun(u, tau, kappa,vBar,gamma,rho, v0, r)
i = complex(0,1);
D_1 = sqrt(((kappa -i*rho*gamma.*u).^2+(u.^2+i*u)*gamma^2));
g = (kappa- i*rho*gamma*u-D_1)./(kappa-i*rho*gamma*u+D_1);
C = (1/gamma^2)*(1-exp(-D_1*tau))./(1-g.*exp(-D_1*tau)).*(kappa-gamma*rho*i*u-D_1);
A = i*u*r*tau + kappa*vBar*tau/gamma^2 * (kappa-gamma*rho*i*u-D_1)-2*kappa*vBar/gamma^2*log((1-g.*exp(-D_1*tau))./(1-g));
cf = exp(A + C * v0);
where MktFun is a standard function. When g=dC_dK(t,S) is called first of all bump_K(T) is evaluated and then Vc(T,K + bump_K(T)) and Vc(T,K-bump_K(T)).
In R I have the following:
Application_ChFun <- function(){
StepsYr = 10
## --parameters-- ##
S0 = 1
r = 0.0
t0 = 0
T2 = 5
gamma = 0.5
kappa = 0.3
rho = -0.6
vBar = 0.05
v0 = 0.04
NoOfPaths = 5e4
NoOfSteps = StepsYr*T2
## --Define model-- ##
cf <- function(u,T) ChFun(u,T,kappa,vBar,gamma,rho, v0, r)
Vc <- function(t,x) MktFun(cf,t,x,log(S0))
# Define bump size
bump_T = 1e-4
bump_K <- function(T) 1e-4
# Define derivatives
dC_dT <- function(T,K) (Vc(T + bump_T,K) - Vc(T ,K)) / bump_T
dC_dK <- function(T,K) (Vc(T,K + bump_K(T)) - Vc(T,K - bump_K(T))) / (2 * bump_K(T))
d2C_dK2 <- function(T,K) (Vc(T,K + bump_K(T)) + Vc(T,K - bump_K(T)) - 2*Vc(T,K)) / bump_K(T)^2
t = t0
S = S0+rep(0,NoOfPaths)
for (i in 1:NoOfSteps){
t_real = t
if (i==1){
t_adj = 1/NoOfSteps;
t = t_adj
}
# AAA perfectly matches with the R's equivalent. But AAB and AAC do not.
AAA = dC_dT(t,S)
AAB = dC_dK(t,S)
AAC = d2C_dK2(t,S)
}
}
MktFun <- function(cf,T,x,x0){
return(CM_Proxy(cf,T,x,x0))
}
CM_Proxy <- function(ChF,T,K,x0){
K[K<1e-5] = 1e-5
alpha = 0.75
c = 3e2
N_CM = 2^12
eta = c/N_CM
b = pi/eta
u = (0:(N_CM-1))*eta
lambda = 2*pi/(N_CM*eta)
i = complex(real = 0, imaginary = 1)
u_new = u - (alpha+1)*i # European call option.
cf = exp(i*u_new*x0)*ChF(u_new,T)
psi = cf/(alpha^2+alpha-u^2+i*(2*alpha+1)*u)
SimpsonW = 3+(-1)^(1:N_CM)-c(1,rep(0,N_CM-1))
SimpsonW[N_CM] = 0
SimpsonW[N_CM-1] = 1
FFTFun = exp(i*b*u)*psi*SimpsonW
payoff = Re(eta*fft(FFTFun)/3)
strike = exp(seq(-b,b-lambda,lambda))
K = as.vector(K)
payoff_specific = stinepack::stinterp(strike,payoff,K)
value = exp(-log(K)*alpha)*payoff_specific$y/pi
return(value)
}
ChFun <- function(u, tau, kappa,vBar,gamma,rho, v0, r){
i = complex(real = 0, imaginary = 1)
D_1 = sqrt(((kappa - i*rho*gamma*u)^2 + (u^2+i*u)*gamma^2))
g = (kappa - i*rho*gamma*u - D_1) / (kappa - i*rho*gamma*u + D_1)
C = (1/gamma^2)*(1-exp(-D_1*tau))/(1-g*exp(-D_1*tau))*(kappa-gamma*rho*i*u-D_1)
A = i*u*r*tau + kappa*vBar*tau/gamma^2 * (kappa-gamma*rho*i*u-D_1) +
-2*kappa*vBar/gamma^2*log((1-g*exp(-D_1*tau))/(1-g))
cf = exp(A + C * v0)
return(cf)
}
The problem is that in this case is that g=dC_dK(t,S) calls directly Vc instead of calling bump_k(T) first. Could someone please suggest a solution?
The evaluation order of functions is not necessarily inside-out (as it appears you are expected) so much as the order as needed. R tries to do things lazily, so if you include an expensive operation that is never actually referenced, it is not realized.
Take this example:
f1 <- function(a) { message("f1"); a + 1; }
f2 <- function(b) { message("f2"); f1(b) + 2; }
f3 <- function(d) { message("f3"); f2(f1(d) + 3) / f2(f1(d) + 4); }
f3(2)
# f3
# f2
# f1
# f1
# f2
# f1
# f1
# [1] 0.9
When f3 is called, the calls to f2 are the next to be evaluated. When f2 is first called (with f1(d)+3), f2 is called with the unevaluated argument. Once f2 tries to use its b, only then is it evaluated and f1 is called.
If I look at the call stack on the first call to f1, then we see:
Browse[2]> where
where 1 at #1: f1(b)
where 2 at #1: f2(f1(d) + 3)
where 3 at #1: f3(2)
showing the order of functions is f3 called first, then f2, then from there f1.

multiple changing parameters in ODEs in R

I have been using the deSolve function to solve ODEs and I have a Parameter, 'e', that changes throughout the code and is also used to determine some of the other bits of code. I just added another parameter r which does a similar thing throughout the code and got this warning message:
DLSODA- Warning..Internal T (=R1) and H (=R2) are
such that in the machine, T + H = T on the next step
(H = step size). Solver will continue anyway.
In above message, R1 = 0, R2 = 0
DINTDY- T (=R1) illegal
In above message, R1 = 1
T not in interval TCUR - HU (= R1) to TCUR (=R2)
In above message, R1 = 0, R2 = 0
DINTDY- T (=R1) illegal
In above message, R1 = 2
T not in interval TCUR - HU (= R1) to TCUR (=R2)
In above message, R1 = 0, R2 = 0
DLSODA- Trouble in DINTDY. ITASK = I1, TOUT = R1
In above message, I1 = 1
In above message, R1 = 2
my original code is:
parameters <- c(a = 0.32,
b = (9/140),
c = (5/1400),
d = (95/700),
k = 1/140,
i = 0.25,
r = 0.2,
n = 6000000,
x = 0.3 ,
t = 1/180, # important in looking at the shape
u = 1/180, # important in looking at the shape
p = 10,
s = 100,
g = 100,
# e = .3,
h = 1000)
# where a is contact with infected patient
# where b is safely burried percentage
# where c is chance of being cured with no medical help
# where d is the chance that patients will go from infected to dead with no safe burial
# where e is the education percentage (percentage of patients that go into quarentine)
# where k is the chance of being cured with medical help
# where i is the infection rate (assuming contact with dead and alive ebola people are the same)
# where n is the population
# where r is the riual burial rate (unsafe contact of the dead patients with alive non infected people)
# where x is the percentage of money spent on hospitals
# where t is how fast the education is implemented
# where m is how fast hospitals go from money to actual hospitals
# where is the price placed on one life (the constant that is multiplied by the burrials)
state <- c(S = 5999900,
E = 0,
I = 100,
Q = 1,
D = 0,
B = 0,
C = 0,
Y = 0,
#H = 0,
R = 1,
#h = 100,
e = 0
)
# where S is suseptable
# where E is effected
# where I is infected
# where Q is quarentined
# where B is burried
# where C is cured
# where D is dead but not burried
# where Y is income
# where is education that we have funding for
# where is hospitals that we have funding for
# where is education deployed
# where is hospitals deployed
# set up the equations
equation <- (function(t, state, parameters)
with(as.list(c(state, parameters)),{
# rate of change
dS <- (-(a*S*I)/n) - ((r*S*D)/n)
dE <- (a*S*I)/n + ((r*S*D)/n) - i*E
#if (h >= Q)
# e = e
#else if (h < Q )
# e = 0
dI <- i*E - (e)*I - c*I - d*I
#(if (h >= Q)
# e = 1
#else if (h < Q )
# e = 0
dQ <- (e)*I - b*Q - k*Q
dD <- d*I - r*D
dB <- b*Q + r*D
dC <- c*I + k*Q
dY <- p * (b*Q + r*D)
dR <- (1-x)* (p*(b*Q + r*D)) -t*(R)
de <- t*(s/R)
#dH <- (x)* (p*(b*Q + r*D)) -u*(H)
#dh <- u*(H/g)
# return the rate of change
list(c(dS, dE, dI, dQ, dD, dB, dC, dY, dR, de))
}))
# , dH, dh
# solve the equations for certain starting parameters
library(deSolve)
times <- seq(0, 1000, by = 1)
out <- ode(y = state, times = times, func = equation, parms = parameters)
head(out)
tail(out)
# graph the results (need to know how to add D to the graph)
par(oma = c(0, 0, 3, 0))
plot(out, xlab = "Time", ylab = "People")
#plot(out[, "X"], out[, "Z"], pch = ".")
mtext(outer = TRUE, side = 3, "Ebola Model", cex = 1.5)
and this has been changed to:
parameters <- c(a = 0.32,
b = (9/140),
c = (5/1400),
d = (95/700),
k = 1/140,
i = 0.25,
# r = 0.2,
n = 6000000,
x = 0.3 ,
t = 1/180, # important in looking at the shape
u = 1/180, # important in looking at the shape
v = 1, # important in looking at the shape
p = 10,
s = 100,
g = 100,
# e = .3,
h = 1000)
# where a is contact with infected patient
# where b is safely burried percentage
# where c is chance of being cured with no medical help
# where d is the chance that patients will go from infected to dead with no safe burial
# where e is the education percentage (percentage of patients that go into quarentine)
# where k is the chance of being cured with medical help
# where i is the infection rate (assuming contact with dead and alive ebola people are the same)
# where n is the population
# where r is the riual burial rate (unsafe contact of the dead patients with alive non infected people)
# where x is the percentage of money spent on hospitals
# where t is how fast the education is implemented
# where m is how fast hospitals go from money to actual hospitals
# where is the price placed on one life (the constant that is multiplied by the burrials)
state <- c(S = 5999900,
E = 0,
I = 100,
Q = 1,
D = 0,
B = 0,
C = 0,
Y = 0,
#H = 0,
R = 1,
J =0,
#h = 100,
e = 0.3,
r = 0.3
)
# where S is suseptable
# where E is effected
# where I is infected
# where Q is quarentined
# where B is burried
# where C is cured
# where D is dead but not burried
# where Y is income
# where is education that we have funding for
# where is hospitals that we have funding for
# where is education deployed
# where is hospitals deployed
# set up the equations
equation <- (function(t, state, parameters)
with(as.list(c(state, parameters)),{
# rate of change
dS <- (-(a*S*I)/n) - ((r*S*D)/n)
dE <- (a*S*I)/n + ((r*S*D)/n) - i*E
#if (h >= Q)
# e = e
#else if (h < Q )
# e = 0
dI <- i*E - (e)*I - c*I - d*I
#(if (h >= Q)
# e = 1
#else if (h < Q )
# e = 0
dQ <- (e)*I - b*Q - k*Q
dD <- d*I - r*D
dB <- b*Q + r*D
dC <- c*I + k*Q
dY <- p * (b*Q + r*D)
dR <- (1-x)* (p*(b*Q + r*D)) -t*(R)
de <- t*(s/R)
dJ <- (x)* (p*(b*Q + r*D)) -v*(J)
dr <- v*(s/J)
#dH <- (x)* (p*(b*Q + r*D)) -u*(H)
#dh <- u*(H/g)
# return the rate of change
list(c(dS, dE, dI, dQ, dD, dB, dC, dY, dR, de, dJ, dr))
}))
# , dH, dh
# solve the equations for certain starting parameters
library(deSolve)
times <- seq(0, 100, by = 1)
out <- ode(y = state, times = times, func = equation, parms = parameters)
head(out)
tail(out)
# graph the results (need to know how to add D to the graph)
par(oma = c(0, 0, 3, 0))
plot(out, xlab = "Time", ylab = "People")
#plot(out[, "X"], out[, "Z"], pch = ".")
mtext(outer = TRUE, side = 3, "Ebola Model", cex = 1.5)
any help would be great!

Calling Classic ASP from C# ASP.Net

I need to call a VBscript function on a classic asp page from some server-side c#.net code - does anyone know of a clean way to do this? Rewriting the function in .net is not an option.
I'll explain a bit more about the problem...
The client side function in question is an MD5 implementation written in VBScript & used to hash passwords. I'm redeloping the site in .Net, and want to move the password encryption across to SHA, in order to do this I need to catch the users on the first logon with the old mechanism (legacy MD5 implementation), hash their passwords using SHA & store the new hashes for future use.
The problem I'm having is that I'm not able to authenticate the users on the new .Net site using the old MD5 implementation.
I've tried the suggestions posted, but for some strange reason when I call the function from a 'foo.asp' page (which only serves to call the function) it gives me different results to the legacy site!
Going a bit crazy with this one - perhaps it's an encoding thing?
I've also tried to convert the Legacy MD5 algorithm to .Net, but to no avail.
Any help would be much appreciated.
Here is the legacy script:
<%
' Derived from the RSA Data Security, Inc. MD5 Message-Digest Algorithm,
' as set out in the memo RFC1321.
Private Const BITS_TO_A_BYTE = 8
Private Const BYTES_TO_A_WORD = 4
Private Const BITS_TO_A_WORD = 32
Private m_lOnBits(30)
Private m_l2Power(30)
m_lOnBits(0) = CLng(1)
m_lOnBits(1) = CLng(3)
m_lOnBits(2) = CLng(7)
m_lOnBits(3) = CLng(15)
m_lOnBits(4) = CLng(31)
m_lOnBits(5) = CLng(63)
m_lOnBits(6) = CLng(127)
m_lOnBits(7) = CLng(255)
m_lOnBits(8) = CLng(511)
m_lOnBits(9) = CLng(1023)
m_lOnBits(10) = CLng(2047)
m_lOnBits(11) = CLng(4095)
m_lOnBits(12) = CLng(8191)
m_lOnBits(13) = CLng(16383)
m_lOnBits(14) = CLng(32767)
m_lOnBits(15) = CLng(65535)
m_lOnBits(16) = CLng(131071)
m_lOnBits(17) = CLng(262143)
m_lOnBits(18) = CLng(524287)
m_lOnBits(19) = CLng(1048575)
m_lOnBits(20) = CLng(2097151)
m_lOnBits(21) = CLng(4194303)
m_lOnBits(22) = CLng(8388607)
m_lOnBits(23) = CLng(16777215)
m_lOnBits(24) = CLng(33554431)
m_lOnBits(25) = CLng(67108863)
m_lOnBits(26) = CLng(134217727)
m_lOnBits(27) = CLng(268435455)
m_lOnBits(28) = CLng(536870911)
m_lOnBits(29) = CLng(1073741823)
m_lOnBits(30) = CLng(2147483647)
m_l2Power(0) = CLng(1)
m_l2Power(1) = CLng(2)
m_l2Power(2) = CLng(4)
m_l2Power(3) = CLng(8)
m_l2Power(4) = CLng(16)
m_l2Power(5) = CLng(32)
m_l2Power(6) = CLng(64)
m_l2Power(7) = CLng(128)
m_l2Power(8) = CLng(256)
m_l2Power(9) = CLng(512)
m_l2Power(10) = CLng(1024)
m_l2Power(11) = CLng(2048)
m_l2Power(12) = CLng(4096)
m_l2Power(13) = CLng(8192)
m_l2Power(14) = CLng(16384)
m_l2Power(15) = CLng(32768)
m_l2Power(16) = CLng(65536)
m_l2Power(17) = CLng(131072)
m_l2Power(18) = CLng(262144)
m_l2Power(19) = CLng(524288)
m_l2Power(20) = CLng(1048576)
m_l2Power(21) = CLng(2097152)
m_l2Power(22) = CLng(4194304)
m_l2Power(23) = CLng(8388608)
m_l2Power(24) = CLng(16777216)
m_l2Power(25) = CLng(33554432)
m_l2Power(26) = CLng(67108864)
m_l2Power(27) = CLng(134217728)
m_l2Power(28) = CLng(268435456)
m_l2Power(29) = CLng(536870912)
m_l2Power(30) = CLng(1073741824)
Private Function LShift(lValue, iShiftBits)
If iShiftBits = 0 Then
LShift = lValue
Exit Function
ElseIf iShiftBits = 31 Then
If lValue And 1 Then
LShift = &H80000000
Else
LShift = 0
End If
Exit Function
ElseIf iShiftBits < 0 Or iShiftBits > 31 Then
Err.Raise 6
End If
If (lValue And m_l2Power(31 - iShiftBits)) Then
LShift = ((lValue And m_lOnBits(31 - (iShiftBits + 1))) * m_l2Power(iShiftBits)) Or &H80000000
Else
LShift = ((lValue And m_lOnBits(31 - iShiftBits)) * m_l2Power(iShiftBits))
End If
End Function
Private Function RShift(lValue, iShiftBits)
If iShiftBits = 0 Then
RShift = lValue
Exit Function
ElseIf iShiftBits = 31 Then
If lValue And &H80000000 Then
RShift = 1
Else
RShift = 0
End If
Exit Function
ElseIf iShiftBits < 0 Or iShiftBits > 31 Then
Err.Raise 6
End If
RShift = (lValue And &H7FFFFFFE) \ m_l2Power(iShiftBits)
If (lValue And &H80000000) Then
RShift = (RShift Or (&H40000000 \ m_l2Power(iShiftBits - 1)))
End If
End Function
Private Function RotateLeft(lValue, iShiftBits)
RotateLeft = LShift(lValue, iShiftBits) Or RShift(lValue, (32 - iShiftBits))
End Function
Private Function AddUnsigned(lX, lY)
Dim lX4
Dim lY4
Dim lX8
Dim lY8
Dim lResult
lX8 = lX And &H80000000
lY8 = lY And &H80000000
lX4 = lX And &H40000000
lY4 = lY And &H40000000
lResult = (lX And &H3FFFFFFF) + (lY And &H3FFFFFFF)
If lX4 And lY4 Then
lResult = lResult Xor &H80000000 Xor lX8 Xor lY8
ElseIf lX4 Or lY4 Then
If lResult And &H40000000 Then
lResult = lResult Xor &HC0000000 Xor lX8 Xor lY8
Else
lResult = lResult Xor &H40000000 Xor lX8 Xor lY8
End If
Else
lResult = lResult Xor lX8 Xor lY8
End If
AddUnsigned = lResult
End Function
Private Function F(x, y, z)
F = (x And y) Or ((Not x) And z)
End Function
Private Function G(x, y, z)
G = (x And z) Or (y And (Not z))
End Function
Private Function H(x, y, z)
H = (x Xor y Xor z)
End Function
Private Function I(x, y, z)
I = (y Xor (x Or (Not z)))
End Function
Private Sub FF(a, b, c, d, x, s, ac)
a = AddUnsigned(a, AddUnsigned(AddUnsigned(F(b, c, d), x), ac))
a = RotateLeft(a, s)
a = AddUnsigned(a, b)
End Sub
Private Sub GG(a, b, c, d, x, s, ac)
a = AddUnsigned(a, AddUnsigned(AddUnsigned(G(b, c, d), x), ac))
a = RotateLeft(a, s)
a = AddUnsigned(a, b)
End Sub
Private Sub HH(a, b, c, d, x, s, ac)
a = AddUnsigned(a, AddUnsigned(AddUnsigned(H(b, c, d), x), ac))
a = RotateLeft(a, s)
a = AddUnsigned(a, b)
End Sub
Private Sub II(a, b, c, d, x, s, ac)
a = AddUnsigned(a, AddUnsigned(AddUnsigned(I(b, c, d), x), ac))
a = RotateLeft(a, s)
a = AddUnsigned(a, b)
End Sub
Private Function ConvertToWordArray(sMessage)
Dim lMessageLength
Dim lNumberOfWords
Dim lWordArray()
Dim lBytePosition
Dim lByteCount
Dim lWordCount
Const MODULUS_BITS = 512
Const CONGRUENT_BITS = 448
lMessageLength = Len(sMessage)
lNumberOfWords = (((lMessageLength + ((MODULUS_BITS - CONGRUENT_BITS) \ BITS_TO_A_BYTE)) \ (MODULUS_BITS \ BITS_TO_A_BYTE)) + 1) * (MODULUS_BITS \ BITS_TO_A_WORD)
ReDim lWordArray(lNumberOfWords - 1)
lBytePosition = 0
lByteCount = 0
Do Until lByteCount >= lMessageLength
lWordCount = lByteCount \ BYTES_TO_A_WORD
lBytePosition = (lByteCount Mod BYTES_TO_A_WORD) * BITS_TO_A_BYTE
lWordArray(lWordCount) = lWordArray(lWordCount) Or LShift(Asc(Mid(sMessage, lByteCount + 1, 1)), lBytePosition)
lByteCount = lByteCount + 1
Loop
lWordCount = lByteCount \ BYTES_TO_A_WORD
lBytePosition = (lByteCount Mod BYTES_TO_A_WORD) * BITS_TO_A_BYTE
lWordArray(lWordCount) = lWordArray(lWordCount) Or LShift(&H80, lBytePosition)
lWordArray(lNumberOfWords - 2) = LShift(lMessageLength, 3)
lWordArray(lNumberOfWords - 1) = RShift(lMessageLength, 29)
ConvertToWordArray = lWordArray
End Function
Private Function WordToHex(lValue)
Dim lByte
Dim lCount
For lCount = 0 To 3
lByte = RShift(lValue, lCount * BITS_TO_A_BYTE) And m_lOnBits(BITS_TO_A_BYTE - 1)
WordToHex = WordToHex & Right("0" & Hex(lByte), 2)
Next
End Function
Public Function MD5(sMessage)
Dim x
Dim k
Dim AA
Dim BB
Dim CC
Dim DD
Dim a
Dim b
Dim c
Dim d
Const S11 = 7
Const S12 = 12
Const S13 = 17
Const S14 = 22
Const S21 = 5
Const S22 = 9
Const S23 = 14
Const S24 = 20
Const S31 = 4
Const S32 = 11
Const S33 = 16
Const S34 = 23
Const S41 = 6
Const S42 = 10
Const S43 = 15
Const S44 = 21
x = ConvertToWordArray(sMessage)
a = &H67452301
b = &HEFCDAB89
c = &H98BADCFE
d = &H10325476
For k = 0 To UBound(x) Step 16
AA = a
BB = b
CC = c
DD = d
FF a, b, c, d, x(k + 0), S11, &HD76AA478
FF d, a, b, c, x(k + 1), S12, &HE8C7B756
FF c, d, a, b, x(k + 2), S13, &H242070DB
FF b, c, d, a, x(k + 3), S14, &HC1BDCEEE
FF a, b, c, d, x(k + 4), S11, &HF57C0FAF
FF d, a, b, c, x(k + 5), S12, &H4787C62A
FF c, d, a, b, x(k + 6), S13, &HA8304613
FF b, c, d, a, x(k + 7), S14, &HFD469501
FF a, b, c, d, x(k + 8), S11, &H698098D8
FF d, a, b, c, x(k + 9), S12, &H8B44F7AF
FF c, d, a, b, x(k + 10), S13, &HFFFF5BB1
FF b, c, d, a, x(k + 11), S14, &H895CD7BE
FF a, b, c, d, x(k + 12), S11, &H6B901122
FF d, a, b, c, x(k + 13), S12, &HFD987193
FF c, d, a, b, x(k + 14), S13, &HA679438E
FF b, c, d, a, x(k + 15), S14, &H49B40821
GG a, b, c, d, x(k + 1), S21, &HF61E2562
GG d, a, b, c, x(k + 6), S22, &HC040B340
GG c, d, a, b, x(k + 11), S23, &H265E5A51
GG b, c, d, a, x(k + 0), S24, &HE9B6C7AA
GG a, b, c, d, x(k + 5), S21, &HD62F105D
GG d, a, b, c, x(k + 10), S22, &H2441453
GG c, d, a, b, x(k + 15), S23, &HD8A1E681
GG b, c, d, a, x(k + 4), S24, &HE7D3FBC8
GG a, b, c, d, x(k + 9), S21, &H21E1CDE6
GG d, a, b, c, x(k + 14), S22, &HC33707D6
GG c, d, a, b, x(k + 3), S23, &HF4D50D87
GG b, c, d, a, x(k + 8), S24, &H455A14ED
GG a, b, c, d, x(k + 13), S21, &HA9E3E905
GG d, a, b, c, x(k + 2), S22, &HFCEFA3F8
GG c, d, a, b, x(k + 7), S23, &H676F02D9
GG b, c, d, a, x(k + 12), S24, &H8D2A4C8A
HH a, b, c, d, x(k + 5), S31, &HFFFA3942
HH d, a, b, c, x(k + 8), S32, &H8771F681
HH c, d, a, b, x(k + 11), S33, &H6D9D6122
HH b, c, d, a, x(k + 14), S34, &HFDE5380C
HH a, b, c, d, x(k + 1), S31, &HA4BEEA44
HH d, a, b, c, x(k + 4), S32, &H4BDECFA9
HH c, d, a, b, x(k + 7), S33, &HF6BB4B60
HH b, c, d, a, x(k + 10), S34, &HBEBFBC70
HH a, b, c, d, x(k + 13), S31, &H289B7EC6
HH d, a, b, c, x(k + 0), S32, &HEAA127FA
HH c, d, a, b, x(k + 3), S33, &HD4EF3085
HH b, c, d, a, x(k + 6), S34, &H4881D05
HH a, b, c, d, x(k + 9), S31, &HD9D4D039
HH d, a, b, c, x(k + 12), S32, &HE6DB99E5
HH c, d, a, b, x(k + 15), S33, &H1FA27CF8
HH b, c, d, a, x(k + 2), S34, &HC4AC5665
II a, b, c, d, x(k + 0), S41, &HF4292244
II d, a, b, c, x(k + 7), S42, &H432AFF97
II c, d, a, b, x(k + 14), S43, &HAB9423A7
II b, c, d, a, x(k + 5), S44, &HFC93A039
II a, b, c, d, x(k + 12), S41, &H655B59C3
II d, a, b, c, x(k + 3), S42, &H8F0CCC92
II c, d, a, b, x(k + 10), S43, &HFFEFF47D
II b, c, d, a, x(k + 1), S44, &H85845DD1
II a, b, c, d, x(k + 8), S41, &H6FA87E4F
II d, a, b, c, x(k + 15), S42, &HFE2CE6E0
II c, d, a, b, x(k + 6), S43, &HA3014314
II b, c, d, a, x(k + 13), S44, &H4E0811A1
II a, b, c, d, x(k + 4), S41, &HF7537E82
II d, a, b, c, x(k + 11), S42, &HBD3AF235
II c, d, a, b, x(k + 2), S43, &H2AD7D2BB
II b, c, d, a, x(k + 9), S44, &HEB86D391
a = AddUnsigned(a, AA)
b = AddUnsigned(b, BB)
c = AddUnsigned(c, CC)
d = AddUnsigned(d, DD)
Next
MD5 = LCase(WordToHex(a) & WordToHex(b) & WordToHex(c) & WordToHex(d))
End Function
%>
Sounds like your VBScript function is accessible via HTTP. If it's not, go expose it by making a new page like foo.asp where all it does is call into MyFunction().
If this is the case, then your code-behind can use the WebClient class to call:
WebClient client = new WebClient ();
Stream data = client.OpenRead ("http://server/foo.asp?bar=baz");
StreamReader reader = new StreamReader (data);
string s = reader.ReadToEnd ();
data.Close ();
reader.Close ();
You can't do it directly.
One way will be to change the classic ASP to something like this:
If Request("execute_func")="true" Then
Response.Clear()
Response.Write(MyFunc())
Response.End()
End If
Then consume the page using HttpWebRequest or something similar (WebClient might be option as well) and passing the flag on the URL e.g:
string sURL = "http://www.yoursite.com/mypage.asp?execute_func=true;
Then read the response and this is the function return value.

Resources