Home
last modified time | relevance | path

Searched refs:yhat (Results 1 – 25 of 328) sorted by relevance

12345678910>>...14

/dports/math/py-spint/spint-1.0.7/spint/
H A Dutils.py21 yhat = model.yhat.resahpe((-1, 1))
23 yhat = model.mu((-1, 1))
25 YYhat = np.hstack([y, yhat])
28 NCYhat = np.sum(yhat)
44 yhat = model.yhat.reshape((-1, 1))
46 yhat = model.mu.reshape((-1, 1))
48 YYhat = np.hstack([y, yhat])
50 den = yhat + y
64 yhat = model.yhat.reshape((-1, 1)).astype(float)
66 yhat = model.mu.reshape((-1, 1)).astype(float)
[all …]
H A Ddispersion.py45 yhat = model.yhat.reshape((-1, 1))
46 ytest = (((y - yhat)**2 - y) / yhat).reshape((-1, 1))
90 yhat = model.yhat.reshape((-1, 1))
91 ytest = (((y - yhat)**2 - y) / yhat).reshape((-1, 1))
97 X = (alt_var(yhat) / yhat).reshape((-1, 1))
/dports/biology/plink/plink-ng-79b2df8c/2.0/cindex/R/
H A Dold.R1 old_cindex=function(yhat,y,status,w=rep(1,length(y))){ argument
13 fun=function(riskset,y,yhat,w){ argument
20 concordant = 1.0*sum(ww*(yhat[rest]<yhat[i]))+0.5*sum(ww*(yhat[rest]==yhat[i]))
24 out=sapply(risksets,fun,y,yhat,w)
/dports/science/afni/afni-AFNI_21.3.16/src/
H A DRegAna.c198 vector_initialize (&yhat); in calc_sse()
205 vector_multiply (x, b, &yhat); in calc_sse()
206 vector_subtract (y, yhat, &e); in calc_sse()
216 vector_destroy (&yhat); in calc_sse()
248 vector_initialize (&yhat); in calc_resids()
254 vector_multiply (x, b, &yhat); in calc_resids()
255 vector_subtract (y, yhat, e); in calc_resids()
264 vector_destroy (&yhat); in calc_resids()
297 vector_initialize (&yhat); in calc_sse_fit()
302 vector_multiply (x, b, &yhat); in calc_sse_fit()
[all …]
/dports/math/gretl/gretl-2021d/addons/regls/
H A Dregls_helpers.inp4 scalar SSR = sum((y - yhat)^2)
12 series yr = round(yhat)
60 series yhat = lincomb(X, bi) + B[1,i]
63 series yhat = lincomb(X, bi)
67 m = regls_get_stats(y, yhat)
85 series yhat
87 yhat = lincomb(b.nzX, b.nzb)
92 yhat = lincomb(X, b.b)
94 return yhat
100 series yhat = regls_yhat(b, X)
[all …]
/dports/math/R-cran-forecast/forecast/R/
H A Ddshw.r170 yhat <- numeric(n) functionVar
184 yhat[i] <- (s + t) * I[i] * w[i]
198 yhat <- ts(yhat)
199 tsp(yhat) <- tsp(y)
200 yhat <- msts(yhat, c(period1, period2))
201 e <- y - yhat
204 yhat <- yhat + phi * c(0, e[-n])
206 e <- y - yhat
226 yhat <- InvBoxCox(yhat, lambda)
231 residuals = e, fitted = yhat, series = seriesname,
/dports/science/dynare/dynare-4.6.4/matlab/missing/mex/local_state_space_iterations/
H A Dlocal_state_space_iteration_2.m16 %! @item yhat
97 for i =1:size(yhat,2)
98 y(:,i) = constant + ghx*yhat(:,i) + ghu*epsilon(:,i) ...
99 + A_times_B_kronecker_C(.5*ghxx,yhat(:,i)) ...
101 + A_times_B_kronecker_C(ghxu,yhat(:,i),epsilon(:,i));
104 for i =1:size(yhat,2)
105 y(:,i) = constant + ghx*yhat(:,i) + ghu*epsilon(:,i) ...
118 %$ yhat = zeros(n,1);
154 %$ yhat = zeros(n,1);
189 %$ yhat = .01*randn(n,1);
[all …]
/dports/math/py-seaborn/seaborn-0.11.0/seaborn/
H A Dregression.py240 return yhat, None
248 return yhat, yhat_boots
256 yhat = reg_func(x, y)
258 return yhat, None
265 return yhat, yhat_boots
279 return yhat
281 yhat = reg_func(X, y)
283 return yhat, None
290 return yhat, yhat_boots
296 return grid, yhat
[all …]
/dports/math/R-cran-spdep/spdep/src/
H A DeminmaxC.c57 double t1, t2, ytemp, yhat; in lmin22() local
79 yhat = B[0] + B[1]*CY[i]; in lmin22()
80 t2 = fabs(yhat - CY[i]); in lmin22()
89 Y[i] = yhat; in lmin22()
110 double tmp, var, yhat; in lmin23() local
131 var = fabs(Y[i] - yhat); in lmin23()
135 Y[i] = yhat; in lmin23()
156 double tmp, var, yhat, ntmp; in lmin3() local
177 var = fabs(Y[i] - yhat); in lmin3()
181 Y[i] = yhat; in lmin3()
[all …]
/dports/science/dynare/dynare-4.6.4/contrib/ms-sbvar/TZcode/MatlabFiles/
H A Dcfore.m352 chk2 = exp( (sum(yhat(stepcon{2},5))-sum(yhat(stepcon{1},5))) ./ q_m )
353 chk3 = exp( (sum(yhat(stepcon{3},5))-sum(yhat(stepcon{2},5))) ./ q_m )
354 chk4 = exp( (sum(yhat(stepcon{4},5))-sum(yhat(stepcon{3},5))) ./ q_m )
356 %chk1 = mean(yhat(1:12,3))
357 %chk2 = mean(yhat(13:24,3))
363 %chk2 = exp( (sum(yhat(13:24,5))-sum(yhat(1:12,5))) ./ q_m )
364 %chk3 = exp( (sum(yhat(25:36,5))-sum(yhat(13:24,5))) ./ q_m )
365 %chk4 = exp( (sum(yhat(37:48,5))-sum(yhat(25:36,5))) ./ q_m )
370 mean(yhat(:,3))
377 yhatl=yhat;
[all …]
H A Dforecast.m1 function yhat = forecast(Bh,phi,nn)
2 % yhat = forecast(Bh,phi,nn)
4 % Forecast: unconditional forecating: yhat = forecast(Bh,phi,nn)
10 % yhat: forep*nvar.
36 yhat = zeros(forep,nvar); variable
38 yhat(k,:) = phi*Bh;
40 phi(1,1:nvar) = yhat(k,:);
H A Dfshock.m1 function yhat = fshock(Bh,phi,shock,nn)
3 % yhat = fshock(Bh,phi,shock,nn)
11 % yhat: forep-by-nvar.
39 yhat = zeros(forep,nvar); variable
41 yhat(k,:) = phi*Bh + shock(k,:);
43 phi(1,1:nvar) = yhat(k,:);
H A Dforefixe.m1 function yhat = forefixe(A0h,Bh,phi,nn,Estr)
2 % yhat = forefixe(A0h,Bh,phi,nn,Estr)
12 % yhat: forep*nvar;
41 yhat = zeros(forep,nvar); variable
43 yhat(k,:) = phi*Bh + Ures(k,:);
45 phi(1,1:nvar) = yhat(k,:);
H A Dforecasterr.m1 function yhat = forecasterr(A0hin,Bh,phi,nn)
2 % forecast: unconditional forecating: yhat = forecast(Bh,phi,nn)
9 % yhat: forep*nvar.
39 yhat = zeros(forep,nvar); variable
41 yhat(k,:) = phi*Bh + Ures(k,:);
43 phi(1,1:nvar) = yhat(k,:);
H A Dfsim.m1 function yhat = fsim(Bh,A0h,phi,nn)
2 % yhat = fsim(Bh,A0h,phi,nn)
10 % yhat: forep*nvar.
44 yhat = zeros(forep,nvar); variable
46 yhat(k,:) = phi*Bh + Ures(k,:);
48 phi(1,1:nvar) = yhat(k,:);
/dports/science/dynare/dynare-4.6.4/matlab/
H A Dcosn.m1 function [co, b, yhat] = cosn(H)
2 % function [co, b, yhat] = cosn(H)
48 yhat = X*b; %predicted values variable
49 if rank(yhat)
50 co = abs(y'*yhat/sqrt((y'*y)*(yhat'*yhat)));
/dports/finance/R-cran-AER/AER/R/
H A Ddispersiontest.R10 yhat <- fitted(object) functionVar
11 aux <- ((y - yhat)^2 - y)/yhat
18 auxreg <- lm(aux ~ 0 + I(trafo(yhat)/yhat))
/dports/math/R-cran-quantreg/quantreg/R/
H A Dqrisk.R28 yhat <- x%*%pihat functionVar
29 etahat <- quantile(yhat,alpha)
30 muhat <- mean(yhat)
33 qrisk <- qrisk + w[i]*sum(yhat[yhat<etahat[i]])/(n*alpha[i])
56 yhat <- x%*%pihat functionVar
/dports/math/R-cran-gss/gss/R/
H A Dproject.ssanova.R92 if (!is.null(wt)) sum(wt*(yy-yhat/wt.wk)^2)/sum(wt)
93 else mean((yy-yhat)^2)
108 yhat <- NULL functionVar
132 yhat <- yhat/wt.wk
135 kl <- sum(wt*(yy-yhat)^2)/sum(wt)
136 kl1 <- sum(wt*(ymean-yhat)^2)/sum(wt)
140 kl <- mean((yy-yhat)^2)
141 kl1 <- mean((mean(yy)-yhat)^2)
/dports/math/py-pymc3/pymc-3.11.4/pymc3/ode/
H A Dutils.py105 yhat = ode_func(t_y, t_t, t_p[n_states:])
107 if not isinstance(yhat, (list, tuple)):
108 yhat = (yhat,)
109 t_yhat = tt.stack(yhat, axis=0)
/dports/math/octave-forge-data-smoothing/data-smoothing/inst/
H A Drgdtsmcorewrap.m22 ## between the standard deviation of (@var{y}-@var{yhat}) and the given
37 yhat = rgdtsmcore (x, y, d, lambda, varargin{:}); variable
53 stdevd = std((y-yhat(idx))./y);
55 stdevd = std(y-yhat(idx));
59 stdevd = std((y-yhat)./y);
61 stdevd = std(y-yhat);
68 [yhat, out] = rgdtsmcore (x, y, d, lambda, varargin{:});
/dports/science/dynare/dynare-4.6.4/mex/sources/local_state_space_iterations/
H A Dlocal_state_space_iteration_2.cc139 ss2Iteration(double *y, const double *yhat, const double *epsilon, in ss2Iteration() argument
158 dgemv("N", &m, &n, &one, ghx, &m, &yhat[particle__], &ONE, &one, &y[particle_], &ONE); in ss2Iteration()
171 y[variable_] += ghx[i1]*yhat[i2]; in ss2Iteration()
175 y[variable_] += ghx[variable+column_]*yhat[column+particle__]; in ss2Iteration()
183 y[variable_] += .5*ghxx[variable+ii3[i]]*yhat[i1]*yhat[i1]; in ss2Iteration()
185 y[variable_] += ghxx[variable+ii3[i]]*yhat[i1]*yhat[i2]; in ss2Iteration()
200 y[variable_] += ghxu[variable+i]*epsilon[s]*yhat[v]; in ss2Iteration()
260 const double *yhat = mxGetPr(prhs[0]); in mexFunction() local
279 …ss2Iteration(y, yhat, epsilon, ghx, ghu, constant, ghxx, ghuu, ghxu, static_cast<int>(m), static_c… in mexFunction()
288 …ss2Iteration_pruning(y, y_, yhat, yhat_, epsilon, ghx, ghu, constant, ghxx, ghuu, ghxu, ss, static… in mexFunction()
/dports/devel/R-cran-vcd/vcd/R/
H A Ddistplot.R88 yhat <- ifelse(myfreq > 1.5, myfreq - 0.67, 1/exp(1)) functionVar
89 yhat <- phi(yhat, mycount, sum(freq), size = size)
90 if(!is.null(lambda)) yhat <- yhat + lambda - mycount * log(lambda)
97 RVAL[myindex,3:7] <- cbind(y,yhat,ci.width, yhat-ci.width, yhat + ci.width)
/dports/science/dynare/dynare-4.6.4/matlab/particles/src/
H A Dmeasurement_equations.m33 yhat = bsxfun(@minus, StateVectors, state_variables_steady_state); variable
35 …tmp = local_state_space_iteration_k(yhat, zeros(number_of_structural_innovations, size(yhat,2)), d…
38 …measure = local_state_space_iteration_2(yhat, zeros(number_of_structural_innovations, size(yhat,2)…
H A Dauxiliary_particle_filter.m85 yhat = bsxfun(@minus,StateVectors,state_variables_steady_state); variable
91 …[tmp1, tmp1_] = local_state_space_iteration_2(yhat,nodes(i,:)'*ones(1,number_of_particles),ghx,ghu…
99 …tmp = tmp + nodes_weights(i)*local_state_space_iteration_k(yhat, nodes(i,:)'*ones(1,number_of_part…
104 …tmp = tmp + nodes_weights(i)*local_state_space_iteration_2(yhat,nodes(i,:)'*ones(1,number_of_parti…
116 yhat = yhat(:,indx) ; variable
120 …[tmp, tmp_] = local_state_space_iteration_2(yhat,epsilon,ghx,ghu,constant,ghxx,ghuu,ghxu,yhat_,ste…
124 tmp = local_state_space_iteration_k(yhat, epsilon, dr, Model, DynareOptions);
126 …tmp = local_state_space_iteration_2(yhat, epsilon, ghx, ghu, constant, ghxx, ghuu, ghxu, ThreadsOp…

12345678910>>...14