From 82b50e6d7da5cb84cab610a63a7531eb477c5875 Mon Sep 17 00:00:00 2001 From: saarbuckle Date: Mon, 26 Jun 2017 10:44:23 -0400 Subject: [PATCH 01/18] Added additive & combo models --- recipe_nonlinear/pcm_recipe_nonlinear.m | 81 +++++++++++++++++++------ 1 file changed, 63 insertions(+), 18 deletions(-) diff --git a/recipe_nonlinear/pcm_recipe_nonlinear.m b/recipe_nonlinear/pcm_recipe_nonlinear.m index 274d435..1ade965 100644 --- a/recipe_nonlinear/pcm_recipe_nonlinear.m +++ b/recipe_nonlinear/pcm_recipe_nonlinear.m @@ -24,8 +24,15 @@ % on the number of presses (G_2 = s*G_1, where G is the second % moment martix at one pressing speed, and s is # presses scaling % constant) +% 'Additive': patterns are shifted from baseline by a constant background +% patten dependent on the speed. Therefore, the covariances +% will remain approximately consistent, but the variance of +% each condition in the second moment will increase with +% pressing speed. +% 'Combination': patterns are scaled multiplicatively and shifted from +% baseline by some additive background pattern. % -% In addition to the nonlinear scaling model, we fit two additional +% In addition to the above three nonlinear models, we fit two additional % models: % 'Null': model that returns data where all distances are equal (i.e. % a bad model). This is used as the zero point when scaling @@ -60,6 +67,7 @@ % Starting vals can be arbitrary but can drastically increase computation % time. scale_vals = [log(0.30);log(0.62);log(0.85)]; +add_vals = [log(0.2); log(0.62); log(1)]; % Get starting values for the finger structure (Omega). Because we're interested % in how these patterns scale, we use the (co-)variances from the portion @@ -89,13 +97,28 @@ M{2}.name = 'Scaling'; M{2}.modelpred = @ra_modelpred_scale; M{2}.numGparams = 17; % 14 free theta params in Fx0 and 3 free scaling params -M{2}.theta0 = [Fx0;scale_vals]; +M{2}.theta0 = [Fx0;scale_vals]; + +% Additive independent model- adds independent pattern (NOT mean +% pattern) that scales with pressing speed +M{3}.type = 'nonlinear'; +M{3}.modelpred = @fdf2_modelpred_add; +M{3}.numGparams = 17; % 14 free theta params in Fx0 and 3 additive params +M{3}.theta0 = [Fx0;add_vals]; +M{3}.name = 'Additive'; + +% Additive independent + Scaling model combo +M{4}.type = 'nonlinear'; +M{4}.modelpred = @fdf2_modelpred_addsc; +M{4}.numGparams = 20; % 14 free theta params in Fx0 and 3 free scaling params + 3 additive params +M{4}.theta0 = [Fx0;scale_vals;add_vals]; +M{4}.name = 'Combination'; % Naive averaging model- noise ceiling -M{3}.type = 'noiseceiling'; -M{3}.name = 'Noiseceiling'; -M{3}.numGparams = 0; % totally fixed model- no free params -M{3}.theta0 = []; +M{5}.type = 'noiseceiling'; +M{5}.name = 'noiseceiling'; +M{5}.numGparams = 0; % totally fixed model- no free params +M{5}.theta0 = []; % Use likelihood fit of this model as 1 scaling point in each subject % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - @@ -112,35 +135,57 @@ 'runEffect',runEffect,'isCheckDeriv',0,'groupFit',theta_all); % Can scale and plot group likelihoods of model fits. -figure(1); -T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,3),'style','bar'); +T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5),'style','bar'); % Returns T with subfields for scaled likelihoods (relative to null model (M1) -% and noise ceiling (M3). +% and noise ceiling (M5). % We can also plot and compare the real/observed and estimate (co-)variance % matrices. for s = 1:size(G_pred{2},3) % for each subject - G_scaling(:,:,s) = G_pred{2}(:,:,s).*Tcross.scale(s,2); + G_scaling(:,:,s) = G_pred{2}(:,:,s).*Tcross.scale(s,2); + G_additive(:,:,s) = G_pred{3}(:,:,s).*Tcross.scale(s,2); + G_combo(:,:,s) = G_pred{4}(:,:,s).*Tcross.scale(s,2); end G_scaling = mean(G_scaling,3); -maxColorLimit = max([max(max(G_mean)), max(max(G_scaling))]); -colorLimits = [0 maxColorLimit]; +G_additive = mean(G_additive,3); +G_combo = mean(G_combo,3); % plot group crossval fitted G_scaling against mean of G_hat figure(2); -subplot(1,2,1); -imagesc(G_mean,colorLimits); +subplot(1,4,1); +imagesc(G_mean); title('group G-hat') -subplot(1,2,2); -imagesc(G_scaling,colorLimits); +subplot(1,4,2); +imagesc(G_scaling); title('group scaling G') +subplot(1,4,3); +imagesc(G_additive); +title('group additive G') +subplot(1,4,4); +imagesc(G_combo); +title('group combination G') + +% We can also evalute how effective the scaling parameter estimtes using +% simple line plots. For example, we can take the diagonal of G_mean and +% G_scaling: +figure(3); +hold on; +plot(diag(G_mean),'LineWidth',2); +plot(diag(G_scaling),'LineWidth',2); +hold off; +legend({'observed','scaling'}); +legend boxoff +xlabel('condition number'); +xlim([1 20]); +ylabel('variance (a.u.)'); +box off % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - % (5) Fit Model to single subjects and plot fits for one subj % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [Tindivid,~,G_pred_individ] = pcm_fitModelIndivid(Y,M,partitionVec,conditionVec,... 'runEffect',runEffect,'isCheckDeriv',0); -figure(3); -pcm_plotModelLikelihood(Tindivid,M,'subj',4,'normalize',0,'plotceil',0); +figure(4); +pcm_plotModelLikelihood(Tindivid,Mi,'subj',4,'normalize',0,'plotceil',0); % We don't plot a lower noise ceiling because the noiseceiling model in % Tindivid is NOT crossvalidated, and so it is not appropriate for a lower % noise ceiling. From 88e06ff0bfb00e91fb0ab4fa0080e0d00c73eaaa Mon Sep 17 00:00:00 2001 From: saarbuckle Date: Mon, 26 Jun 2017 10:44:55 -0400 Subject: [PATCH 02/18] Add files via upload --- recipe_nonlinear/ra_modelpred_add.m | 49 +++++++++++++++++++++ recipe_nonlinear/ra_modelpred_addsc.m | 62 +++++++++++++++++++++++++++ 2 files changed, 111 insertions(+) create mode 100644 recipe_nonlinear/ra_modelpred_add.m create mode 100644 recipe_nonlinear/ra_modelpred_addsc.m diff --git a/recipe_nonlinear/ra_modelpred_add.m b/recipe_nonlinear/ra_modelpred_add.m new file mode 100644 index 0000000..3918dd3 --- /dev/null +++ b/recipe_nonlinear/ra_modelpred_add.m @@ -0,0 +1,49 @@ +function [G,dGdtheta] = ra_modelpred_add(theta) +% function [G,dGdtheta] = ra_modelpred_add(theta) +% This is an example of a nonlinear pattern component model +% For an experiment with 5 fingers, measured at 4 different tapping +% speeds. +% The first 14 paramters determine the stucture of the Finger patterns +% encoded in A. With OM = A*A'. +% Then there are 3 different additive parameters for the 1-3 speed. The +% additive parameter for the 4th speed is fixed to one. +% So the prediction of the ith finger for the jth speed is +% y_i,j = f_i + s_q +% Where f_i is a full pattern and s_q a background additive pattern. +% It then calculates the derivative of the G matrix in respect to the +% parameters. +fingerParams = [1;theta(1:14)]; +addParams = exp(theta(15:17)); +indx1 = double(tril(true(5),0)); +indx1(indx1>0) = [1:15]; +indx2 = indx1'; +M = [kron(ones(4,1),eye(5)) kron([0;addParams],ones(5,1))]; + +A = zeros(6); +for i = 1:15 + d = zeros(5); + d(indx1==i | indx2==i) = 1; + d(6,6) = 0; + dA(:,:,i) = d; + A = A+dA(:,:,i)*fingerParams(i); +end; +A(6,6) = 1; +OM = A*A'; +G = M*OM*M'; % Second moment matrix + +% % Build dertivatives +% finger params +for i = 1:15 + if (i>1) + dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; + dGdtheta(:,:,i-1) = M*dOM*M'; + end; +end; +% additive params +for i=1:3 + add = zeros(4,1); + add(i+1) = 1; + dM = [zeros(20,5) kron(add,ones(5,1))]; + dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; % derivative for tapping speed i + dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*addParams(i); % scaled derivative +end; diff --git a/recipe_nonlinear/ra_modelpred_addsc.m b/recipe_nonlinear/ra_modelpred_addsc.m new file mode 100644 index 0000000..31befed --- /dev/null +++ b/recipe_nonlinear/ra_modelpred_addsc.m @@ -0,0 +1,62 @@ +function [G,dGdtheta] = ra_modelpred_addsc(theta) +% function [G,dGdtheta] = ra_modelpred_addsc(theta) +% This is an example of a nonlinear pattern component model +% For an experiment with 5 fingers, measured at 4 different tapping +% speeds. +% The first 14 paramters determine the stucture of the Finger patterns +% encoded in A. With OM = A*A'. +% Then there are 3 different scaling parameters for the 1-3 speed. The +% scaling parameter for the 4th speed is fixed to one. +% Finally, there are 3 different additive parameters, also one per speed. +% Again, the additive parameter for the 4th speed is fixed to one. +% So the prediction of the ith finger for the jth speed is +% y_i,j = s_j * f_i + s_q +% Where f_i is a full pattern and s_j a scalar and s_q an additive +% background pattern. +% It then calculates the derivative of the G matrix in respect to the +% parameters. + +fingerParams = [1;theta(1:14)]; +scaleParams = exp(theta(15:17)); +addParams = exp(theta(18:20)); +indx1 = double(tril(true(5),0)); +indx1(indx1>0) = [1:15]; +indx2 = indx1'; +A = zeros(5); +M = [kron([scaleParams;1],eye(5)) kron([0;addParams],ones(5,1))]; +% Finger parameters +A = zeros(6); +for i = 1:15 + d = zeros(5); + d(indx1==i | indx2==i) = 1; + d(6,6) = 0; + dA(:,:,i) = d; + A = A+dA(:,:,i)*fingerParams(i); +end; +A(6,6) = 1; +OM = A*A'; +G = M*OM*M'; % Second moment matrix + +% % Build derivatives +for i = 1:15 + if (i>1) + dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; + dGdtheta(:,:,i-1) = M*dOM*M'; + end; +end; +% Scale parameters +for i = 1:3 + sc = zeros(4,1); + sc(i) = 1; + dM = [kron(sc,eye(5)) zeros(20,1)]; + dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*scaleParams(i); +end; +% Additive parameters +for i = 1:3 + add = zeros(4,1); + add(i+1) = 1; + dM = [zeros(20,5) kron(add,ones(5,1))]; + dGdtheta(:,:,17+i) = dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,17+i) = dGdtheta(:,:,17+i)*addParams(i); +end; \ No newline at end of file From 27a805d5c6e139184650d5061fdd5448da216997 Mon Sep 17 00:00:00 2001 From: saarbuckle Date: Mon, 26 Jun 2017 10:45:34 -0400 Subject: [PATCH 03/18] Update pcm_recipe_nonlinear.m --- recipe_nonlinear/pcm_recipe_nonlinear.m | 4 ++-- 1 file changed, 2 insertions(+), 2 deletions(-) diff --git a/recipe_nonlinear/pcm_recipe_nonlinear.m b/recipe_nonlinear/pcm_recipe_nonlinear.m index 1ade965..b1c9099 100644 --- a/recipe_nonlinear/pcm_recipe_nonlinear.m +++ b/recipe_nonlinear/pcm_recipe_nonlinear.m @@ -102,14 +102,14 @@ % Additive independent model- adds independent pattern (NOT mean % pattern) that scales with pressing speed M{3}.type = 'nonlinear'; -M{3}.modelpred = @fdf2_modelpred_add; +M{3}.modelpred = @ra_modelpred_add; M{3}.numGparams = 17; % 14 free theta params in Fx0 and 3 additive params M{3}.theta0 = [Fx0;add_vals]; M{3}.name = 'Additive'; % Additive independent + Scaling model combo M{4}.type = 'nonlinear'; -M{4}.modelpred = @fdf2_modelpred_addsc; +M{4}.modelpred = @ra_modelpred_addsc; M{4}.numGparams = 20; % 14 free theta params in Fx0 and 3 free scaling params + 3 additive params M{4}.theta0 = [Fx0;scale_vals;add_vals]; M{4}.name = 'Combination'; From 6c983e57d267195e27e0349b6637483d454ddcad Mon Sep 17 00:00:00 2001 From: saarbuckle Date: Mon, 26 Jun 2017 14:33:58 -0400 Subject: [PATCH 04/18] Added additive and combination models --- recipe_nonlinear/pcm_recipe_nonlinear.m | 13 +++++++------ 1 file changed, 7 insertions(+), 6 deletions(-) diff --git a/recipe_nonlinear/pcm_recipe_nonlinear.m b/recipe_nonlinear/pcm_recipe_nonlinear.m index b1c9099..b5f870b 100644 --- a/recipe_nonlinear/pcm_recipe_nonlinear.m +++ b/recipe_nonlinear/pcm_recipe_nonlinear.m @@ -149,20 +149,21 @@ G_scaling = mean(G_scaling,3); G_additive = mean(G_additive,3); G_combo = mean(G_combo,3); +clim_max = max([max(max(G_scaling)) max(max(G_additive)) max(max(G_combo)) max(max(G_mean))]); % plot group crossval fitted G_scaling against mean of G_hat figure(2); subplot(1,4,1); -imagesc(G_mean); +imagesc(G_mean,[0 clim_max]); title('group G-hat') subplot(1,4,2); -imagesc(G_scaling); +imagesc(G_scaling,[0 clim_max]); title('group scaling G') subplot(1,4,3); -imagesc(G_additive); +imagesc(G_additive,[0 clim_max]); title('group additive G') subplot(1,4,4); -imagesc(G_combo); -title('group combination G') +imagesc(G_combo,[0 clim_max]); +title('group combination G'); % We can also evalute how effective the scaling parameter estimtes using % simple line plots. For example, we can take the diagonal of G_mean and @@ -185,7 +186,7 @@ [Tindivid,~,G_pred_individ] = pcm_fitModelIndivid(Y,M,partitionVec,conditionVec,... 'runEffect',runEffect,'isCheckDeriv',0); figure(4); -pcm_plotModelLikelihood(Tindivid,Mi,'subj',4,'normalize',0,'plotceil',0); +pcm_plotModelLikelihood(Tindivid,M,'subj',4,'normalize',0,'plotceil',0); % We don't plot a lower noise ceiling because the noiseceiling model in % Tindivid is NOT crossvalidated, and so it is not appropriate for a lower % noise ceiling. From 847b06e25ca91b71944099f47b3eeeec569fac92 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Tue, 25 Jul 2017 12:31:42 +0200 Subject: [PATCH 05/18] Cleaned up pcm_NR_diag - Made pcm_NR_diag compatible with behaviour of pcm_minimze - Removed dependence on Stats toolbox (nanstd) in pcm_plotModelLikelihood --- pcm_NR_diag.m | 80 +++++++------------------ pcm_fitModelGroupCrossval.m | 6 +- pcm_plotModelLikelihood.m | 4 +- recipe_nonlinear/pcm_recipe_nonlinear.m | 80 +++++++++++++++++++------ recipe_nonlinear/ra_modelpred_add.m | 49 +++++++++++++++ recipe_nonlinear/ra_modelpred_addsc.m | 62 +++++++++++++++++++ 6 files changed, 202 insertions(+), 79 deletions(-) create mode 100644 recipe_nonlinear/ra_modelpred_add.m create mode 100644 recipe_nonlinear/ra_modelpred_addsc.m diff --git a/pcm_NR_diag.m b/pcm_NR_diag.m index b437225..2e8d20b 100755 --- a/pcm_NR_diag.m +++ b/pcm_NR_diag.m @@ -1,8 +1,8 @@ -function [G,theta,u,l,k]=pcm_NR_diag(y,Z,varargin) +function [G,theta,u,l,numIter]=pcm_NR_diag(Y,Z,varargin) % pcm_NR: estimate random-effects variance component coefficients using % Newton-Raphson gradient descent. % -% function [G,th,u,l,k]=pcm_NR_diag(y,Z,varargin) +% function [G,theta,u,l,numIter]=pcm_NR_diag(y,Z,varargin) % The G-matrix has diagonal, but otherwise arbitrarily constrained % structure with diag(G)=sum(Gc*hc)) % @@ -12,10 +12,10 @@ % Diedrichsen, Ridgway, Friston & Wiestler (2011). % % y_n = X b_n + Z u_n + e, -% u ~ (b, G) +% u ~ N(0, G) % G = sum (h * diag(Gc)) % -% y: N x P observations +% Y: N x P observations % Z: N x Q random effects matrix % X: N x L fixed effects matrix % @@ -33,31 +33,24 @@ % (otherwise uses starting guess based on Laird & Lange) % 'TolL' : Tolerance of the likelihood (l-l'), where l' is % projected likelihood -% 'meanS' : Remove the mean for each pattern component (a) -% (Logical flag, true by default) % 'X' : Fixed effects matrix that will be removed from y % In this case, ReML will be used for the estimation of % G. % % OUTPUT: -% G : variance-covariance matrix -% th : coefficients (one column for each iteration) -% u : hidden patterns components -% l : likelihood +% G : variance-covariance matrix +% theta : (log-)parameters +% u : hidden patterns components +% l : log-likelihood +% numIter : Numer of iterations % % Examples: -% See mva_component_examples +% v.3.0: % -% See also: mva_component_examples, spm_reml, spm_reml_sc, spm_sp_reml -% Where spm_* are from the SPM software, http://www.fil.ion.ucl.ac.uk/spm -% -% v.2.0: -% -% Copyright 2014 Joern Diedrichsen, j.diedrichsen@ucl.ac.uk +% Copyright 2017 Joern Diedrichsen, joern.diedrichsen@googlemail.com % Defaults %-------------------------------------------------------------------------- -meanS = 0; % Mean subtract ac = []; % Which terms do I want to include? numIter = 32; % Maximal number of iterations Gc = {}; @@ -65,20 +58,18 @@ h0 = []; low = -16; thres = 1e-2; -hE = -8; % Hyper prior: Set of the floor to collect evidence -hP = 1/256; X = []; % Variable argument otions %-------------------------------------------------------------------------- vararginoptions(varargin, ... - {'Gc','Gd','meanS','h0','ac','hE','hP','thres','X','numIter'}); + {'Gc','Gd','meanS','h0','ac','thres','X','numIter'}); % check input size %-------------------------------------------------------------------------- -y=double(y); +Y=double(Y); Z=double(Z); -[N,P] = size(y); +[N,P] = size(Y); [N2,Q] = size(Z); if N2 ~= N error('Mismatched numbers of rows in data (%d) and design (%d)', N, N2) @@ -103,26 +94,9 @@ error('Either Gd or Gc option should be given'); end; -% If necessary, subtract the fixed effects estimates (a) -%-------------------------------------------------------------------------- -if (meanS) - a = pinv(Z)*sum(y,2)/P; - r = bsxfun(@minus,y,Z*a); -else - r = y; -end; - -YY = r*r'; % This is Suffient stats 1 (S1) +YY = Y*Y'; % This is Suffient stats 1 (S1) trYY = sum(diag(YY)); - -% Scale YY -%-------------------------------------------------------------------------- -sY = 1; % trace(YY)/(P*N); -sYY = YY/sY; -trYY = trYY/sY; -rs=r/sqrt(sY); - % Figure out which terms to include into the model (set others to -32) %-------------------------------------------------------------------------- if (isempty(ac)) @@ -136,6 +110,7 @@ % initialise h %-------------------------------------------------------------------------- if (isempty(h0)) + rs = Y-X*pinv(X)*Y; h = ones(H,1)*low; u = pinv(Z)*rs; h(H,1) = (trYY-traceAB(u'*Z',rs))/(P*N); @@ -154,9 +129,6 @@ dF = Inf; dFdh = zeros(H,1); dFdhh = zeros(H,H); -hE = hE*ones(H,1); % Prior mean of h -hP = hP*speye(H,H); % Prior precision (1/variance) of h - for k = 1:numIter % compute current estimate of covariance @@ -185,9 +157,9 @@ % Gradient dF/dh (first derivatives) %---------------------------------------------------------------------- A = iVr*Z; - B = sYY*A/P; + B = YY*A/P; dFdh(1:H-1) = -P/2*(sum(A.*Z)-sum(A.*B)) * Gd; - dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-sYY*iVr/P)); + dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); % Expected curvature E{dF/dhh} (second derivatives) @@ -202,13 +174,7 @@ %---------------------------------------------------------------------- dFdh = dFdh.*exp(h); dFdhh = dFdhh.*(exp(h)*exp(h)'); - - % add hyperpriors - %---------------------------------------------------------------------- - e = h - hE; - dFdh = dFdh - hP*e; - dFdhh = dFdhh - hP; - + % Fisher scoring: update dh = -inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- % dh = spm_dx(dFdhh(as,as),dFdh(as),{t}); % This is actually much @@ -239,10 +205,10 @@ % return exp(h) and rescale %-------------------------------------------------------------------------- -theta = sY*exp(h); +theta = h; G = zeros(Q); for i = as(1:end-1); - G = G + full(Gc{i})*theta(i); + G = G + full(Gc{i})*exp(theta(i)); end % Find the inverse of V - while dropping the zero dimensions in G @@ -251,7 +217,7 @@ dS = diag(s); idx = dS>eps; Zu = Z*u(:,idx); -iV = (eye(N)-Zu/(diag(1./dS(idx))*theta(H)+Zu'*Zu)*Zu')./theta(H); % Matrix inversion lemma +iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma if (~isempty(X)) iVX = iV * X; @@ -261,7 +227,7 @@ end; if nargout > 2 - u=G*Z'*(iV)*r; + u=G*Z'*(iV)*Y; end; if ~all(isreal(u(:))); keyboard; diff --git a/pcm_fitModelGroupCrossval.m b/pcm_fitModelGroupCrossval.m index f05274c..bfd2c46 100755 --- a/pcm_fitModelGroupCrossval.m +++ b/pcm_fitModelGroupCrossval.m @@ -293,6 +293,6 @@ if (strcmp(runEffect,'random')) T.run(s,m) = exp(th{m}(fitScale+1,s)); end; - end; - theta_hat{m}=th{m}'; -end; + theta_hat{m}=th{m}'; + end; % Loop over Models +end; % Loop over Subjects diff --git a/pcm_plotModelLikelihood.m b/pcm_plotModelLikelihood.m index df96a80..81d0beb 100644 --- a/pcm_plotModelLikelihood.m +++ b/pcm_plotModelLikelihood.m @@ -134,9 +134,9 @@ % Set the error function. switch varfcn case 'sem' - vfcn = @(x)nanstd(x)/sqrt(length(x)); + vfcn = @(x)std(x)/sqrt(length(x)); case 'std' - vfcn = @nanstd; + vfcn = @std; otherwise error('Unkown variance function for errobars') end diff --git a/recipe_nonlinear/pcm_recipe_nonlinear.m b/recipe_nonlinear/pcm_recipe_nonlinear.m index 274d435..b5f870b 100644 --- a/recipe_nonlinear/pcm_recipe_nonlinear.m +++ b/recipe_nonlinear/pcm_recipe_nonlinear.m @@ -24,8 +24,15 @@ % on the number of presses (G_2 = s*G_1, where G is the second % moment martix at one pressing speed, and s is # presses scaling % constant) +% 'Additive': patterns are shifted from baseline by a constant background +% patten dependent on the speed. Therefore, the covariances +% will remain approximately consistent, but the variance of +% each condition in the second moment will increase with +% pressing speed. +% 'Combination': patterns are scaled multiplicatively and shifted from +% baseline by some additive background pattern. % -% In addition to the nonlinear scaling model, we fit two additional +% In addition to the above three nonlinear models, we fit two additional % models: % 'Null': model that returns data where all distances are equal (i.e. % a bad model). This is used as the zero point when scaling @@ -60,6 +67,7 @@ % Starting vals can be arbitrary but can drastically increase computation % time. scale_vals = [log(0.30);log(0.62);log(0.85)]; +add_vals = [log(0.2); log(0.62); log(1)]; % Get starting values for the finger structure (Omega). Because we're interested % in how these patterns scale, we use the (co-)variances from the portion @@ -89,13 +97,28 @@ M{2}.name = 'Scaling'; M{2}.modelpred = @ra_modelpred_scale; M{2}.numGparams = 17; % 14 free theta params in Fx0 and 3 free scaling params -M{2}.theta0 = [Fx0;scale_vals]; +M{2}.theta0 = [Fx0;scale_vals]; + +% Additive independent model- adds independent pattern (NOT mean +% pattern) that scales with pressing speed +M{3}.type = 'nonlinear'; +M{3}.modelpred = @ra_modelpred_add; +M{3}.numGparams = 17; % 14 free theta params in Fx0 and 3 additive params +M{3}.theta0 = [Fx0;add_vals]; +M{3}.name = 'Additive'; + +% Additive independent + Scaling model combo +M{4}.type = 'nonlinear'; +M{4}.modelpred = @ra_modelpred_addsc; +M{4}.numGparams = 20; % 14 free theta params in Fx0 and 3 free scaling params + 3 additive params +M{4}.theta0 = [Fx0;scale_vals;add_vals]; +M{4}.name = 'Combination'; % Naive averaging model- noise ceiling -M{3}.type = 'noiseceiling'; -M{3}.name = 'Noiseceiling'; -M{3}.numGparams = 0; % totally fixed model- no free params -M{3}.theta0 = []; +M{5}.type = 'noiseceiling'; +M{5}.name = 'noiseceiling'; +M{5}.numGparams = 0; % totally fixed model- no free params +M{5}.theta0 = []; % Use likelihood fit of this model as 1 scaling point in each subject % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - @@ -112,34 +135,57 @@ 'runEffect',runEffect,'isCheckDeriv',0,'groupFit',theta_all); % Can scale and plot group likelihoods of model fits. -figure(1); -T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,3),'style','bar'); +T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5),'style','bar'); % Returns T with subfields for scaled likelihoods (relative to null model (M1) -% and noise ceiling (M3). +% and noise ceiling (M5). % We can also plot and compare the real/observed and estimate (co-)variance % matrices. for s = 1:size(G_pred{2},3) % for each subject - G_scaling(:,:,s) = G_pred{2}(:,:,s).*Tcross.scale(s,2); + G_scaling(:,:,s) = G_pred{2}(:,:,s).*Tcross.scale(s,2); + G_additive(:,:,s) = G_pred{3}(:,:,s).*Tcross.scale(s,2); + G_combo(:,:,s) = G_pred{4}(:,:,s).*Tcross.scale(s,2); end G_scaling = mean(G_scaling,3); -maxColorLimit = max([max(max(G_mean)), max(max(G_scaling))]); -colorLimits = [0 maxColorLimit]; +G_additive = mean(G_additive,3); +G_combo = mean(G_combo,3); +clim_max = max([max(max(G_scaling)) max(max(G_additive)) max(max(G_combo)) max(max(G_mean))]); % plot group crossval fitted G_scaling against mean of G_hat figure(2); -subplot(1,2,1); -imagesc(G_mean,colorLimits); +subplot(1,4,1); +imagesc(G_mean,[0 clim_max]); title('group G-hat') -subplot(1,2,2); -imagesc(G_scaling,colorLimits); +subplot(1,4,2); +imagesc(G_scaling,[0 clim_max]); title('group scaling G') +subplot(1,4,3); +imagesc(G_additive,[0 clim_max]); +title('group additive G') +subplot(1,4,4); +imagesc(G_combo,[0 clim_max]); +title('group combination G'); + +% We can also evalute how effective the scaling parameter estimtes using +% simple line plots. For example, we can take the diagonal of G_mean and +% G_scaling: +figure(3); +hold on; +plot(diag(G_mean),'LineWidth',2); +plot(diag(G_scaling),'LineWidth',2); +hold off; +legend({'observed','scaling'}); +legend boxoff +xlabel('condition number'); +xlim([1 20]); +ylabel('variance (a.u.)'); +box off % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - % (5) Fit Model to single subjects and plot fits for one subj % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [Tindivid,~,G_pred_individ] = pcm_fitModelIndivid(Y,M,partitionVec,conditionVec,... 'runEffect',runEffect,'isCheckDeriv',0); -figure(3); +figure(4); pcm_plotModelLikelihood(Tindivid,M,'subj',4,'normalize',0,'plotceil',0); % We don't plot a lower noise ceiling because the noiseceiling model in % Tindivid is NOT crossvalidated, and so it is not appropriate for a lower diff --git a/recipe_nonlinear/ra_modelpred_add.m b/recipe_nonlinear/ra_modelpred_add.m new file mode 100644 index 0000000..3918dd3 --- /dev/null +++ b/recipe_nonlinear/ra_modelpred_add.m @@ -0,0 +1,49 @@ +function [G,dGdtheta] = ra_modelpred_add(theta) +% function [G,dGdtheta] = ra_modelpred_add(theta) +% This is an example of a nonlinear pattern component model +% For an experiment with 5 fingers, measured at 4 different tapping +% speeds. +% The first 14 paramters determine the stucture of the Finger patterns +% encoded in A. With OM = A*A'. +% Then there are 3 different additive parameters for the 1-3 speed. The +% additive parameter for the 4th speed is fixed to one. +% So the prediction of the ith finger for the jth speed is +% y_i,j = f_i + s_q +% Where f_i is a full pattern and s_q a background additive pattern. +% It then calculates the derivative of the G matrix in respect to the +% parameters. +fingerParams = [1;theta(1:14)]; +addParams = exp(theta(15:17)); +indx1 = double(tril(true(5),0)); +indx1(indx1>0) = [1:15]; +indx2 = indx1'; +M = [kron(ones(4,1),eye(5)) kron([0;addParams],ones(5,1))]; + +A = zeros(6); +for i = 1:15 + d = zeros(5); + d(indx1==i | indx2==i) = 1; + d(6,6) = 0; + dA(:,:,i) = d; + A = A+dA(:,:,i)*fingerParams(i); +end; +A(6,6) = 1; +OM = A*A'; +G = M*OM*M'; % Second moment matrix + +% % Build dertivatives +% finger params +for i = 1:15 + if (i>1) + dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; + dGdtheta(:,:,i-1) = M*dOM*M'; + end; +end; +% additive params +for i=1:3 + add = zeros(4,1); + add(i+1) = 1; + dM = [zeros(20,5) kron(add,ones(5,1))]; + dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; % derivative for tapping speed i + dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*addParams(i); % scaled derivative +end; diff --git a/recipe_nonlinear/ra_modelpred_addsc.m b/recipe_nonlinear/ra_modelpred_addsc.m new file mode 100644 index 0000000..31befed --- /dev/null +++ b/recipe_nonlinear/ra_modelpred_addsc.m @@ -0,0 +1,62 @@ +function [G,dGdtheta] = ra_modelpred_addsc(theta) +% function [G,dGdtheta] = ra_modelpred_addsc(theta) +% This is an example of a nonlinear pattern component model +% For an experiment with 5 fingers, measured at 4 different tapping +% speeds. +% The first 14 paramters determine the stucture of the Finger patterns +% encoded in A. With OM = A*A'. +% Then there are 3 different scaling parameters for the 1-3 speed. The +% scaling parameter for the 4th speed is fixed to one. +% Finally, there are 3 different additive parameters, also one per speed. +% Again, the additive parameter for the 4th speed is fixed to one. +% So the prediction of the ith finger for the jth speed is +% y_i,j = s_j * f_i + s_q +% Where f_i is a full pattern and s_j a scalar and s_q an additive +% background pattern. +% It then calculates the derivative of the G matrix in respect to the +% parameters. + +fingerParams = [1;theta(1:14)]; +scaleParams = exp(theta(15:17)); +addParams = exp(theta(18:20)); +indx1 = double(tril(true(5),0)); +indx1(indx1>0) = [1:15]; +indx2 = indx1'; +A = zeros(5); +M = [kron([scaleParams;1],eye(5)) kron([0;addParams],ones(5,1))]; +% Finger parameters +A = zeros(6); +for i = 1:15 + d = zeros(5); + d(indx1==i | indx2==i) = 1; + d(6,6) = 0; + dA(:,:,i) = d; + A = A+dA(:,:,i)*fingerParams(i); +end; +A(6,6) = 1; +OM = A*A'; +G = M*OM*M'; % Second moment matrix + +% % Build derivatives +for i = 1:15 + if (i>1) + dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; + dGdtheta(:,:,i-1) = M*dOM*M'; + end; +end; +% Scale parameters +for i = 1:3 + sc = zeros(4,1); + sc(i) = 1; + dM = [kron(sc,eye(5)) zeros(20,1)]; + dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*scaleParams(i); +end; +% Additive parameters +for i = 1:3 + add = zeros(4,1); + add(i+1) = 1; + dM = [zeros(20,5) kron(add,ones(5,1))]; + dGdtheta(:,:,17+i) = dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,17+i) = dGdtheta(:,:,17+i)*addParams(i); +end; \ No newline at end of file From d856f93a7eb1dd9a114e6de1830728cb75079311 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Sun, 6 Aug 2017 23:10:14 -0400 Subject: [PATCH 06/18] NR improvements MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit NR and NR_diag now accept input argument “S” - variance structure of noise - pcm_likelihood now is compatible with the other two likelihood functions - Speed improvements in pcm_vararginoptions --- pcm_NR.m | 95 ++++++++++++++++++++------------------- pcm_NR_diag.m | 72 ++++++++++++++++++++---------- pcm_likelihood.m | 100 +++++++++++++++++++++++------------------- pcm_minimize.m | 46 +++++-------------- pcm_vararginoptions.m | 4 +- 5 files changed, 164 insertions(+), 153 deletions(-) diff --git a/pcm_NR.m b/pcm_NR.m index 64eed6e..11e7a84 100755 --- a/pcm_NR.m +++ b/pcm_NR.m @@ -1,4 +1,4 @@ -function [G,theta,u,l,k]=pcm_NR(y,Z,varargin) +function [G,theta,u,l,k]=pcm_NR(Y,Z,varargin) % pcm_NR: estimate random-effects variance component coefficients using % Newton-Raphson gradient descent. % @@ -10,7 +10,7 @@ % u ~ (b, G) % G = sum (theta * Gc) % -% y: N x P observations +% Y: N x P observations % Z: N x Q random effects matrix % % N: numbers of observations (trials) @@ -19,8 +19,8 @@ % % VARARGIN: % 'numIter' : Maximal number of iterations -% 'Gc' : Cell array (Hx1) of components of variance components -% matrix G = sum(h_m Gc{m}), with m=1...H +% 'Gc' : QxQxH tensor of variance components +% matrix G = sum(h_m Gc(:,:,m)), with m=1...H % 'h0' : Starting values for the parameters (Hx1 vector) % (otherwise uses starting guess based on Laird & Lange) % 'TolL' : Tolerance of the likelihood (l-l'), where l' is @@ -30,9 +30,11 @@ % 'X' : Fixed effects matrix that will be removed from y % In this case, ReML will be used for the estimation of % G. -% ??? Important: X will also be removed from Z to orthogonilise the -% random effects from the constant effects, making the -% estimation of b_n independent of G +% 'S': Explicit noise covariance matrix structure matrix. The For speed, +% this is a cell array that contains +% S.S: Structure of noise +% S.invS: inverse of the noise covariance matrix +% % % OUTPUT: % G : variance-covariance matrix @@ -64,17 +66,18 @@ low = -16; thres = 1e-2; hE = -8; % Hyper prior: Set of the floor to collect evidence -hP = 1/256; % Precision on hyper prior +hP = 1/256; % Precision on hyper prior X = []; % By default fixed effects are empty +S = []; % Variable argument otions %-------------------------------------------------------------------------- vararginoptions(varargin, ... - {'Gc','meanS','h0','ac','hE','hP','thres','X','numIter'}); + {'Gc','meanS','h0','ac','hE','hP','thres','X','numIter','S'}); % check input size %-------------------------------------------------------------------------- -[N,P] = size(y); +[N,P] = size(Y); [N2,Q] = size(Z); if N2 ~= N error('Mismatched numbers of rows in data (%d) and design (%d)', N, N2) @@ -82,31 +85,13 @@ % Intialize the Model structure %-------------------------------------------------------------------------- -H = length(Gc)+1; % Number of Hyperparameters (+ 1 for noise term) -for i = 1:H-1 - Gc{i} = sparse(Gc{i}); -end; - -% If necessary, subtract the fixed effects estimates (a) -%-------------------------------------------------------------------------- -if (meanS) - a = pinv(Z)*sum(y,2)/P; - r = bsxfun(@minus,y,Z*a); -else - r = y; -end; +H = size(Gc,3)+1; % Number of Hyperparameters (+ 1 for noise term) -YY = r*r'; % This is Suffient stats 1 (S1) +% Caluclate Sufficient Stats on Y +YY = Y*Y'; % This is Suffient stats 1 (S1) trYY = sum(diag(YY)); -% Scale YY -%-------------------------------------------------------------------------- -sY = 1; % trace(YY)/(P*N); -sYY = YY/sY; -trYY = trYY/sY; -rs=r/sqrt(sY); - % Figure out which terms to include into the model (set others to -32) %-------------------------------------------------------------------------- if (isempty(ac)) @@ -120,9 +105,10 @@ % initialise h %-------------------------------------------------------------------------- if (isempty(h0)) - xC = zeros(Q,H-1); + rs = Y-X*pinv(X)*Y; + Gd = zeros(Q,H-1); for i=1:H-1 - xC(:,i) = diag(Gc{i}); + Gd(:,i) = diag(Gc(:,:,i)); end; h = ones(H,1)*low; u = pinv(Z)*rs; @@ -130,7 +116,7 @@ D = u*u'/P-h(H)*pinv(Z'*Z)/P; % Crude approx for variance-covariance matrix hD = diag(D); % Use the size of the diagnal values to get starting % Starting values for constrained estimates - h(1:H-1,1) = real(log(pinv(xC)*hD(:))); % (xC'*xC)\(xC'*hD(:)) + h(1:H-1,1) = real(log(pinv(Gd)*hD(:))); % (xC'*xC)\(xC'*hD(:)) h(heps; Zu = Z*u(:,idx); - iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*Zu)*Zu')./exp(h(H)); % Matrix inversion lemma + if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*Zu)*Zu')./exp(h(H)); % Matrix inversion lemma + else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(h(H)); % Matrix inversion lemma + end; if (~isempty(X)) iVX = iV * X; @@ -173,19 +163,24 @@ % Gradient dF/dh (first derivatives) %---------------------------------------------------------------------- A = iVr*Z; - B = sYY*A/P; + B = YY*A/P; for i = as(1:end-1) % dF/dh = -trace(dF/diC*iC*Q{i}*iC) %------------------------------------------------------------------ - C{i} = (A*Gc{i}); + C{i} = (A*Gc(:,:,i)); CZ{i} = C{i}*Z'; dFdh(i) = -P/2*(traceABtrans(C{i},Z)-traceABtrans(C{i},B)); end - dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-sYY*iVr/P)); + dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); % Expected curvature E{dF/dhh} (second derivatives) %---------------------------------------------------------------------- + if (isempty(S)) + iVrS = iVr; + else + iVrS = iVr; + end; for i = 1:length(as)-1 for j = i:length(as)-1 @@ -194,10 +189,10 @@ dFdhh(as(i),as(j)) = -P/2*traceAB(CZ{as(i)},CZ{as(j)}); dFdhh(as(j),as(i)) = dFdhh(as(i),as(j)); end - dFdhh(as(i),H) = -P/2*traceABtrans(CZ{as(i)},iVr); + dFdhh(as(i),H) = -P/2*traceABtrans(CZ{as(i)},iVrS); dFdhh(H,as(i)) = dFdhh(as(i),H); end - dFdhh(H,H) = -P/2*traceABtrans(iVr,iVr); + dFdhh(H,H) = -P/2*traceABtrans(iVrS,iVrS); % modulate @@ -207,8 +202,8 @@ % add hyperpriors %---------------------------------------------------------------------- - e = h - hE; - dFdh = dFdh - hP*e; + % e = h - hE; + % dFdh = dFdh - hP*e; dFdhh = dFdhh - hP; % Fisher scoring: update dh = -inv(ddF/dhh)*dF/dh @@ -241,10 +236,10 @@ % return exp(h) and rescale %-------------------------------------------------------------------------- -theta = sY*exp(h); +theta = h; G = zeros(Q); for i = 1:H-1; - G = G + full(Gc{i})*theta(i); + G = G + full(Gc(:,:,i))*exp(theta(i)); end % Find the inverse of V - while dropping the zero dimensions in G @@ -253,7 +248,11 @@ dS = diag(s); idx = dS>eps; Zu = Z*u(:,idx); -iV = (eye(N)-Zu/(diag(1./dS(idx))*theta(H)+Zu'*Zu)*Zu')./theta(H); % Matrix inversion lemma +if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma +else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(theta(H)); % Matrix inversion lemma +end; if (~isempty(X)) iVX = iV * X; @@ -263,7 +262,7 @@ end; if nargout > 2 - u=G*Z'*(iV)*r; + u=G*Z'*iVr*Y; end; if ~all(isreal(u(:))); keyboard; diff --git a/pcm_NR_diag.m b/pcm_NR_diag.m index 2e8d20b..8fee4a5 100755 --- a/pcm_NR_diag.m +++ b/pcm_NR_diag.m @@ -12,8 +12,9 @@ % Diedrichsen, Ridgway, Friston & Wiestler (2011). % % y_n = X b_n + Z u_n + e, -% u ~ N(0, G) -% G = sum (h * diag(Gc)) +% u_n ~ N(0, G) +% G = sum (exp(theta_c) * Gc) +% e_n ~ N(0,S exp(theta_e)) % % Y: N x P observations % Z: N x Q random effects matrix @@ -25,8 +26,8 @@ % % VARARGIN: % 'numIter' : Maximal number of iterations -% 'Gc' : Cell array (Hx1) of components of variance components -% matrix G = sum(h_m Gc{m}), with m=1...H +% 'Gc' : (QxQxH) tensor of variance components +% matrix G = sum(h_m Gc(:,:,i)), with m=1...H % 'Gd' : Q x H matrix with each column referring the the diagonal of the % variance component % 'h0' : Starting values for the parameters (Hx1 vector) @@ -36,6 +37,10 @@ % 'X' : Fixed effects matrix that will be removed from y % In this case, ReML will be used for the estimation of % G. +% 'S': Explicit noise covariance matrix structure matrix. The For speed, +% this is a cell array that contains +% S.S: Structure of noise +% S.invS: inverse of the noise covariance matrix % % OUTPUT: % G : variance-covariance matrix @@ -53,17 +58,19 @@ %-------------------------------------------------------------------------- ac = []; % Which terms do I want to include? numIter = 32; % Maximal number of iterations -Gc = {}; +Gc = []; Gd = []; h0 = []; low = -16; thres = 1e-2; X = []; - +S = []; +hP = 1/256; % Precision on hyper prior +i = 0; % Variable argument otions %-------------------------------------------------------------------------- vararginoptions(varargin, ... - {'Gc','Gd','meanS','h0','ac','thres','X','numIter'}); + {'Gc','Gd','meanS','h0','ac','thres','X','numIter','S'}); % check input size %-------------------------------------------------------------------------- @@ -78,15 +85,14 @@ % Intialize the Model structure %-------------------------------------------------------------------------- if (isempty(Gd) && ~isempty(Gc)) - H = length(Gc)+1; % Number of Hyperparameters (+ 1 for noise term) - for h = 1:H-1 - Gd(:,h)=diag(Gc{h}); - Gc{h} = sparse(Gc{h}); + H = size(Gc,3)+1; % Number of Hyperparameters (+ 1 for noise term) + for i = 1:H-1 + Gd(:,i)=diag(Gc(:,:,i)); end; elseif (isempty(Gc) && ~isempty(Gd)) H = size(Gd,2)+1; for h = 1:H-1 - Gc{h}=diag(Gd(:,h)); + Gc(:,:,h)=diag(Gd(:,h)); end; elseif (~isempty(Gc) && ~isempty(Gd)) error('Only Gd or Gc option should be given'); @@ -129,13 +135,15 @@ dF = Inf; dFdh = zeros(H,1); dFdhh = zeros(H,H); +hP = hP*speye(H,H); % Prior precision (1/variance) of h + for k = 1:numIter % compute current estimate of covariance %---------------------------------------------------------------------- - G = sparse(Q,Q); + G = zeros(Q,Q); for i = as(1:end-1); - G = G + Gc{i}*exp(h(i)); + G = G + Gc(:,:,i)*exp(h(i)); end % Find the inverse of V - while dropping the zero dimensions in G @@ -143,8 +151,12 @@ dS = diag(s); idx = dS>eps; Zu = Z*u(:,idx); - iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*Zu)*Zu')./exp(h(H)); % Matrix inversion lemma - + if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*Zu)*Zu')./exp(h(H)); % Matrix inversion lemma + else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(h(H)); % Matrix inversion lemma + end; + if (~isempty(X)) iVX = iV * X; iVr = iV - iVX*((X'*iVX)\iVX'); % Correction for the fixed effects @@ -159,14 +171,23 @@ A = iVr*Z; B = YY*A/P; dFdh(1:H-1) = -P/2*(sum(A.*Z)-sum(A.*B)) * Gd; - dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); - + if (isempty(S)) + dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); + else + dFdh(H) = -P/2*traceABtrans(iVr*S.S,(speye(N)-YY*iVr/P)); + end; % Expected curvature E{dF/dhh} (second derivatives) %---------------------------------------------------------------------- dFdhh(1:H-1,1:H-1) = -P/2*Gd'*((Z'*A).*(Z'*A))*Gd; % Short form - dFdhh(H,H) = -P/2*traceABtrans(iVr,iVr); - dFdhh(1:H-1,H) = -P/2*Gd'*diag(Z'*iVr*A); + if (isempty(S)) + dFdhh(H,H) = -P/2*traceABtrans(iVr,iVr); + dFdhh(1:H-1,H) = -P/2*Gd'*sum((Z'*iVr).*A',2); % -P/2*Gd'*diag(Z'*iVr*A); + else + iVrS = iVrS; + dFdhh(H,H) = -P/2*traceABtrans(iVrS,iVrS); + dFdhh(1:H-1,H) = -P/2*Gd'*sum((Z'*iVrS).*A',2); + end; dFdhh(H,1:H-1) = dFdhh(1:H-1,H)'; @@ -175,6 +196,9 @@ dFdh = dFdh.*exp(h); dFdhh = dFdhh.*(exp(h)*exp(h)'); + % Regularise second moment by a little bit + dFdhh = dFdhh - hP; + % Fisher scoring: update dh = -inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- % dh = spm_dx(dFdhh(as,as),dFdh(as),{t}); % This is actually much @@ -208,7 +232,7 @@ theta = h; G = zeros(Q); for i = as(1:end-1); - G = G + full(Gc{i})*exp(theta(i)); + G = G + full(Gc(:,:,i))*exp(theta(i)); end % Find the inverse of V - while dropping the zero dimensions in G @@ -217,7 +241,11 @@ dS = diag(s); idx = dS>eps; Zu = Z*u(:,idx); -iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma +if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma +else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(theta(H)); % Matrix inversion lemma +end; if (~isempty(X)) iVX = iV * X; diff --git a/pcm_likelihood.m b/pcm_likelihood.m index 5d4677a..44a3e31 100755 --- a/pcm_likelihood.m +++ b/pcm_likelihood.m @@ -1,33 +1,34 @@ -function [negLogLike,dnldtheta] = pcm_likelihood(theta,YY,Model,Z,X,P,varargin); -% function [negLogLike,dnldtheta,L,dLdtheta] = pcm_likelihood(theta,YY,Gc,Z,X,P,varargin); +function [negLogLike,dnldtheta] = pcm_likelihood(theta,YY,M,Z,X,P,varargin); +% function [negLogLike,dnldtheta,L,dLdtheta] = pcm_likelihood(theta,YY,M,Z,X,P,varargin); % Returns negative log likelihood for the model, and the derivatives in -% respect to the model parameters. -% Y = Z U + X B + E -% U : Random effect ~ N(0,G) -% B : Fixed effects -% E : Random noise ~ N(0,S*sigma2) +% respect to the model parameters for an individual subject / dataset +% It works very similar to pcm_likelihood, only that a run-effect can be +% specified to model as an extra random effect +% % % INPUT: -% theta: Vector of (log-)model parameters +% theta: Vector of (log-)model parameters: These include model +% parameters, noise parameter, and (option) run parameter % YY: NxN Matrix of data -% Model: Model specification. Model can be either given by -% a. KxKxH Tensor of component matrices: G = sum (log(theta_i) * Model(:,:,i)); -% b. Model Structure containing the fields -% Model.numGparams: Number of model parameters (without the noise scaling) -% Model.modelpred: Function handle, returning [G,dGdtheta]= modelpred(theta); -% Z: NxK Design matrix - relating the trials (N) to the random effects (K) +% M: Model specification. Model can be either given by +% b. Model Structure containing the fields +% Model.type: fixed, component, feature, nonlinear +% Model.numGparams: Number of model parameters (without the noise or run parameter) +% Model.modelpred: Function handle for nonlinear model, returning [G,dGdtheta]= modelpred(theta); +% Z: NxK Design matrix - relating the trials (N) to the random effects (K) % X: Fixed effects design matrix - will be accounted for by ReML % P: Number of voxels % VARARGIN: -% 'S': Explicit noise covariance matrix structure matrix. The For speed, +% 'S': Explicit noise covariance matrix structure matrix. The For speed, % this is a cell array that contains -% S.S: Structure of noise -% S.invS: inverse of the noise covariance matrix +% S.S: Structure of noise +% S.invS: inverse of the noise covariance matrix +% % OUTPUT: % negLogLike: Negative Log likelihood of all subject's data % We use the negative log liklihood to be able to plug the function into % minimize or other optimisation routines. -% dnldtheta: Derivative of the negtive log-likelihood +% dnldtheta: Derivative of the negative log-likelihood % L: Log likelihood (not inverted) for all the subject % dLdtheta: Derivate of Log likelihood for each subject % @@ -35,68 +36,75 @@ % N = size(YY,1); -K = size(Z,2); -S = []; +K = size(Z,2); +S = []; + +runEffect =[]; +pcm_vararginoptions(varargin,{'S','runEffect'}); -vararginoptions(varargin,{'S'}); -% Get G-matrix and derivative of G-matrix in respect to parameters +% Get G-matrix and derivative of G-matrix in respect to parameters if (isstruct(M)) - [G,dGdtheta] = pcm_calculateG(M,theta(1:M.numGparams)); -else + [G,dGdtheta] = pcm_calculateG(M,theta(1:M.numGparams)); +else G=M; - M=[]; - M.numGparams=0; -end; + M=[]; + M.numGparams=0; +end; + +% If Run effect is to ne modelled as a random effect - add to G and +% design matrix +noiseParam = theta(M.numGparams+1); % Find the inverse of V - while dropping the zero dimensions in G [u,s] = eig(G); dS = diag(s); idx = dS>eps; Zu = Z*u(:,idx); -% Apply the matrix inversion lemma. The following statement is the same as +% Apply the matrix inversion lemma. The following statement is the same as % V = (Z*G*Z' + S.S*exp(theta(H))); % As S is not identity, matrix inversion lemma does not have big advantage here (ay)? -% iV = pinv(V); +% iV = pinv(V); if (isempty(S)) - iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*Zu)*Zu')./exp(noiseParam); % Matrix inversion lemma else - iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(theta(H)); % Matrix inversion lemma -end; + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(noiseParam); % Matrix inversion lemma +end; +iV = real(iV); % sometimes iV gets complex % For ReML, compute the modified inverse iVr if (~isempty(X)) iVX = iV * X; - iVr = iV - iVX*((X'*iVX)\iVX'); -else - iVr = iV; + iVr = iV - iVX*((X'*iVX)\iVX'); +else + iVr = iV; end; -% Computation of (restricted) likelihood +% Computation of (restricted) likelihood ldet = -2* sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu l = -P/2*(ldet)-0.5*traceABtrans(iVr,YY); if (~isempty(X)) % Correct for ReML estimates l = l - P*sum(log(diag(chol(X'*iV*X)))); % - P/2 log(det(X'V^-1*X)); end; + % Precompute some matrices A = iVr*Z; B = YY*A/P; % Get the derivatives for all the parameters -for h = 1:H-1 - C = (A*Gc(:,:,i)); - dLdtheta(h,1) = -P/2*(traceABtrans(C,Z)-traceABtrans(C,B)); - dLdtheta(h,1) = dLdtheta(h,1)*exp(theta(h)); +for i = 1:M.numGparams + C = (A*dGdtheta(:,:,i)); + dLdtheta(i,1) = -P/2*(traceABtrans(C,Z)-traceABtrans(C,B)); end % Get the derivatives for the Noise parameters +indx = M.numGparams+1; % Which number parameter is it? if (isempty(S)) - dLdtheta(H,1) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); -else - dLdtheta(H,1) = -P/2*traceABtrans(iVr*S.S,(speye(N)-YY*iVr/P)); -end; -dLdtheta(H,1) = dLdtheta(H,1)*exp(theta(H)); + dLdtheta(indx,1) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P))*exp(noiseParam); +else + dLdtheta(indx,1) = -P/2*traceABtrans(iVr*S.S,(speye(N)-YY*iVr/P))*exp(noiseParam); +end; -% invert sign +% invert sign negLogLike = -l; dnldtheta = -dLdtheta; diff --git a/pcm_minimize.m b/pcm_minimize.m index e3349a0..bb39ffa 100755 --- a/pcm_minimize.m +++ b/pcm_minimize.m @@ -1,4 +1,4 @@ -function [G,theta,u,l,k]=pcm_minimize(Y,Z,varargin) +function [G,theta,u,l,k]=pcm_minimize(Y,Z,M,varargin) % pcm_minimize: estimate random-effects variance component coefficients using % minimsation of cost function through line search (minimize). % @@ -8,16 +8,16 @@ % % y: N x P observations % Z: N x K random effects matrix -% Z: N x Q fixed effects matrix +% X: N x Q fixed effects matrix % % N: numbers of observations (trials) % P: numbers of experimental units (voxels) % Q: number of random effects +% +% 'M' : Model structure to fit % % VARARGIN: % 'num_iter' : Maximal number of iterations -% 'Gc' : Cell array (Hx1) of components of variance components -% matrix G = sum(h_m Gc{m}), with m=1...H % 'h0' : Starting values for the parameters (Hx1 vector) % (otherwise uses starting guess based on Laird & Lange) % 'TolL' : Tolerance of the likelihood (l-l'), where l' is @@ -28,8 +28,7 @@ % In this case, ReML will be used for the estimation of % G. % Important: X will also be removed from Z to orthogonilise the -% random effects from the constant effects, making the -% estimation of b_n independent of G +% random effects from the constant effects % 'gradcheck' : Optional checking of gradient after maximization % % OUTPUT: @@ -58,7 +57,7 @@ MaxIteration = 1000; remove = 0; h0 = []; -gradcheck = 0; +gradcheck = 0; % Variable argument otions %-------------------------------------------------------------------------- vararginoptions(varargin, ... @@ -72,29 +71,14 @@ error('Mismatched numbers of rows in data (%d) and design (%d)', N, N2) end -% Intialize the Model structure -%-------------------------------------------------------------------------- -H = length(Gc)+1; % Number of Hyperparameters (+ 1 for noise term) -for i = 1:H-1 - Gc{i} = sparse(Gc{i}); -end; - -% If fixed effects are given, remove fixed effects from data and random -% effects matrix -%-------------------------------------------------------------------------- -if (~isempty(X) & remove) - pX = pinv(X); - Z = Z-X*pX*Z; - Y = Y-X*pX*Y; -end; % Minimize %-------------------------------------------------------------------------- -fcn = @(x) pcm_likelihood(x,Y*Y',Gc,Z,X,P); +fcn = @(x) pcm_likelihood(x,Y*Y',M,Z,X,P); if (isempty(h0)) - h0 = [0;0]; + h0 = zeros(M.numGparams+1,1); end; -[h,fx] = minimize(h0, fcn, MaxIteration); +[theta,fx] = minimize(h0, fcn, MaxIteration); % Check gradient if necessary %-------------------------------------------------------------------------- @@ -102,15 +86,7 @@ checkderiv(fcn,h+0.02,0.0001); end; -% Reassemble G matrix -%-------------------------------------------------------------------------- -G = sparse(K,K); -for i = 1:H-1; - G = G + Gc{i}*exp(h(i)); -end -G=full(G); - % Provide other output functions +G = pcm_calculateG(M,theta(1:M.numGparams)); u=[]; -l=-fx(end); -theta=exp(h); \ No newline at end of file +l=-fx(end); \ No newline at end of file diff --git a/pcm_vararginoptions.m b/pcm_vararginoptions.m index 98e06d6..8f1c1fb 100644 --- a/pcm_vararginoptions.m +++ b/pcm_vararginoptions.m @@ -33,10 +33,10 @@ while c<=length(options) a=[]; if ~ischar(options{c}) - error(sprintf('Options must be strings on argument %d',c)); + error('Options must be strings on argument %d',c); end; if checkflags - a=strmatch(options{c},allowed_flags); + a=find(strcmp(options{c},allowed_flags)); end; if ~isempty(a) assignin('caller',options{c},1); From 580be29d31c01fd9d433acf5646843bc9dcffd10 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Mon, 21 Aug 2017 20:55:51 -0400 Subject: [PATCH 07/18] Documentation in MD added MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit Moved all documentation to “documentation” folder. Provided all files and pandoc command for the generation of the manual pdf. --- documentation/Figures/Figure_1.pdf | Bin 0 -> 265812 bytes documentation/Figures/Figure_3.pdf | Bin 0 -> 10334 bytes documentation/Figures/Figure_crossval.pdf | Bin 0 -> 226778 bytes documentation/Figures/Figure_feature_corr.pdf | Bin 0 -> 194832 bytes documentation/bblibrary.bib | 27914 ++++++++++++++++ documentation/makepdf.txt | 1 + documentation/neuroimage.csl | 14 + documentation/pcm_toolbox_manual.md | 671 + documentation/pcm_toolbox_manual.pdf | Bin 0 -> 282772 bytes readme.md => documentation/readme.md | 0 pcm_toolbox_manual.pdf | Bin 854725 -> 0 bytes 11 files changed, 28600 insertions(+) create mode 100644 documentation/Figures/Figure_1.pdf create mode 100644 documentation/Figures/Figure_3.pdf create mode 100644 documentation/Figures/Figure_crossval.pdf create mode 100644 documentation/Figures/Figure_feature_corr.pdf create mode 100644 documentation/bblibrary.bib create mode 100755 documentation/makepdf.txt create mode 100644 documentation/neuroimage.csl create mode 100644 documentation/pcm_toolbox_manual.md create mode 100644 documentation/pcm_toolbox_manual.pdf rename readme.md => documentation/readme.md (100%) delete mode 100644 pcm_toolbox_manual.pdf diff --git a/documentation/Figures/Figure_1.pdf b/documentation/Figures/Figure_1.pdf new file mode 100644 index 0000000000000000000000000000000000000000..4e661d99dd6018ea22e42be5fec625cb8df697f5 GIT binary patch literal 265812 zcmbTeS<{_%YXmfmK)t9jP5_^d z@ZbN(ufM`m;_%}p_)8BT$?y~Txy@eN1U-QKvU&Xa>pv%T{Qlnecm4Q&HK`xt^Cy~O zDFU^oXna55UsUw- zfA;7Lc4-gEGn2MHu{O=VZ^fO9fBtX3{?lKUUzVz^V6HzcRap;BW_{qQMKOLGr`HB8B`KLRE<3BOXpK*$282o?ziNJ6I#o#~YPdN1p z&HO^_e){qA^RNE|zx}0;(_hS^@Z;;?ufP8M9LM$-6n(v3e}0jFZu$p`a~$^;LlA$0 zJN`7R^%yRHs)zsb74n;$V=~0@jGAfu>(4*Gzvyp2-+9INzkN?T_2uVV z;yap@NtM*&fZ~6~(Z30YXa5r4e@UCZ3ddi=wk@-J`2H5OjnluNfB)$3U-Z6z%*HbL z%<^wv{+TXcj{kV|E&n~FJ)Li{`&Lsr#MN&sT_a)RmdJwpWuH%zc>Bk!{4j_ zDDyL>fB5?EUB6qP--LX=_;=U;qlE+Y_}j|W!=FFO@#lL}p-b4ps$uBAw%YKJc&=bl zKeqN?eei*1)#D!*9iIE;0Qx*Oz1=kBuV0Njm*oU%{=WLt!D4>;pD*D(tH)+|{x5$) z|MK6?AosjRHe~@u$;w)YNGcta6 z=O1PKFem>hDZjt>4|441R7G`|mBViv`qj1nP|@D1)Q0_#yzR$de>Rh$nfiP3d!7Hg z*8bSPUtU=}K7S=>=CefaE&Xxn@1y#c4?UCY@f?38NaF8L{kZn;J@(_Y$@)qB`*S}o z{(H}56`0juQ7%U*o;R!_kj)3b=N~8D;`e8sKcYK>9~|*H$0E0dBKJBUFVltRDWfPg z9>Ms}&z^_--#;h*fBG*A|G)9Z`(gMo_&thH{IL*%NOv_F^m6pi>ZeE2X=bk#Cg4t5H4zk9+=d44WnrSmgJ)p6{Oe?Xr_7&C z-nf`BwG$tHW-syY*%@%t-+l~%f1O2G7U{qjFg^I}aX$X>zOO)oKfr8ZUGC?D(Wr3i z0lwhKKa2xhgB1Zm^#wNTV#4|hXY;%m?nyimr|f<^IhR&^?iX({GJXFM=#0|yvIH4> zFxSU?Dviywi%wZ@q<+vGqb`{1rafaPknAHiozHS}kq^&D@RVWcItz10%~kgON}>Ac zBM`sZSm1j?8G85<`z7ZE#Ip^nafm#6zL6##*D;m&?JkvYBqgt>=Pi`7bERa|s^txG zC}_(q+vHXSAAwy|%S2MsO5Q47)iPPzb<@y?%-onfe}?Iwk9z~u#kidgpb*h}ZJ(#( z{&2D`&Pi}g?RkC#%Og0gAAwCIy@ZQoQkHfQTsgbXr%gVZ$Hz0YoYl*2JN2+9bxTX+ z(_@L9;`R7US+iQKaAAuO6Z%^4O#*6LHx>?3I&ut@Lz!M)g%b<#z z&};ih#HWb(kEZ_-h#X7V^GZ4ks&=~90h1QpwP?ez?v$$Qn04$sWJW_!G*A=%aC)oQ zk>z(X68m+YX z(CVxcJ0o4(0NAl1F8UrO$_ zAZ{?a*t*^CYDeU?)SKkVvbY~>8+@F;>>LupsQ(i=sq;u(>Pb8LVv>aT+{US8FQS^P zrW94^#7CgGryo_N3@e+VmC*Z@?d^ycel&tuvx4PbgQV z9=fd;{9CvC?Vpdp-~RNjNSt2roVJGDftva&Ggr96dM^lUx0764dSl&ixh@}ua(aaG zlA2jB&dBpQuSI-HaJ(Tu0&n*{V|e%)nib^{p;0!tBuIB*WZ3w1xVWaaz{F{r;7BdB z8Fskivv&8eSs|uZ-FsoVdkO`oJ~p%e2*jy^GtrCE4J($q+!e2_-gaZH#MqxM?x1PB>MiIKG%{v#d zy!BgW`;XbGn69QncJ!o@SgJwY({^Z)?h-GrwX_C#YQ5?sFj3U3!}8;_xVBd&lLE1D zFL6@I;>@$v%Ctg;Gi)>K(78}vjJ7azYsLq+g`xVK$KomHiwnva!Tb@3th3;!?yUK! zy9_B(h!M)G3Y?pNy!qd}&ss^nu9!JCvX8(F*Db0TT71OlFuGs2eV-_|qVSoR4&y7K z^g9jmr*MotVd=aIjJBG@@|n|XYwqXE(|M3RryHmwI3Iy81meS)wdvm9fQYB)zWZ(LZ z8P$xO)h8tj+1TEEUYNDZq1WzKzH@&x#NRbEF0TJV zOjIp|shkB`!07XtEDP^)Alhv@<5?B$u5@7vM`<<^esK%GEO&vb_;wW8B{oS`D-6`` zdie-!nXo(GXqUPxyt__&3c3Lz!6NBKs&WuNr3h$fSx@eZSFX`sx-~|046G z{0LNZH$UB5ORL@Mk$tr{{%*b8Af_)cwWF%jI;JG5-K$s|>!Y93{?J4jb~w5G=<%AK z3J!$~$a}NCQ~vB&3_E7QA~V~2$3`4>thQ6Gs9?K)-25Nh*ZK|jwb*oxTH@RBc z92YHS-H$+9|NA_7O~yzxkh6a7^{PjC<+s_hJY4M@X6vq#!SwVUnFy_yj%w$(cPi>E z_u&t_kHFGMRF5@KDiRzxC3b~hud;wKgq2X`{p^?NQ#g$W`^+g5eqB3l8(q_Vbj!S@ z_i$;_vO@7`hg%l)oiZ32Ei^>c-np6Ynx5PAQzDyd=h5RxEH1qZ(mG}NlE8OzJ95YV zA~vrHyR(JY_)hs)Oww)7DiPA-XM{zOaaSF8qHNYY=PcgYyX$XgtFwUblO}+ad3VOIV0D+CsDBbsB`=Xj6jVh1?)BP z$A9KSTjM_3gdry2fuZgp7FCs9m~a}-`C56|-Ou(F9~rrF*!64((MMp8-SVR21UCQ7 zmR8uA*o9IuVb_Yd2eCg)vhq4B*|;94@SBaj(1 z4t?>``)CC=Xdt$AI_f@WFuISO^mYfo-T%EcehVwF3LG|M2p^h(zj9-T;j<%u1oFvB zfc_oEr-4st3yOlzz1XC1*!D9fB}KIk50@rfSY3uh$+n%rJDI&Rk`RiKNNF>2cQC?d zw0=X8p>Mb+Xh3m^gpia4LnPkXm-Z;lCvJS3Xqmuzk2)2D*;3EbRM~r%^KrjCZksg) zUc@yu7496O={_TDUnom)h)Z$S#2KkQ#?_=|Ou}WC0t_y5>X)tcPNU*kxz88Ek?XD( zbf7x!f!fyw<=#vAIvfYkgpa_XU0gYZn6A^ft}eSXW5?bKslYm_7p`*;ZRpE7%f~ht zR&H>EH0zxrw9c!gNaoWlZ|;7-J4u3D;~#+@(H$Afbrb%WHXejqypR7#vlE!w(CFkYluSvfk(LuO6N<%N|8V2}Fk<4GFYgUtDEY zbyT`mD4mZ6%H-|f+Wyt|(#0eRC@mE#t?nEW` zW6j0mE@$d4A@^JBx5 zhu8gby(&Y&W?tq!J;J^68P-D*^xc$0f@`TaF~y6#6fAS9??`*zTvCQ-{%*%xw}&Nx zHQ2v(l?J`-_7faKsfI&PLuk1f6sLXla17>nU*}U3m9c>_E)~3n$SI6VE_0Jy`6*yM zP3SDHI$!3ZcjEXlM5%k;MNWw^KEAsqS8C$4GQWQWnxn+pGIzh!vZq>G_~A3c#HCv? zo~&NFDf$?PD5P)-r(qOfS)#>Mvzi4DY+!eMQ5+tJ=3!|9zdJXq?G&}(Xmo&5G(<%F zQTjpzPxKwA|Ih$sd>e?5r-d72@HK`81N)t!_vbT>VTIgeLD8-!4Np>#ZS(p2mWRmlIO?I$`WNm}(Fv2CBprn-lm0V*EpYCckId zDhk=@4i?Saa}H6U7;zvTpl7OzzStVoJY_;(BN!sMz+ZG&1|Elb!(sSw@x{Z%4ZeA1 zKT}pi2!<}hj2_pNg z7^H#VX&vXA1!R+YbP5|6A7uuByWrCMLOsVwe(PQq_z$_?dP!2l(5H9vc*SV*ZW8W% zigIo{o}ZB6hFhWBgyum#J|mQE>XAX%A!J=HAofgW-T+Ze+|%r=TiFvAb_gBS(mL(h zCKr^!IhwlSp-E+Io4)kkMIo2HYv!n|egv|s@Ej+fE|>yeMC?@;myxq9VHaKx^7TAl z&!P5IRi?a}!P7wjH1M~yNNKj5A|3`(X`NH%5bv|YcgpoSXx$*+9(dy(yvj1lkscTdCF9R+ejs<2krde z&qe0&-!(kVJ1`dHKc>IGdE`GFv|}GVwM%syUp$4Lyg*4sohbLWTbF;*%+IF$KH&sk zVkdWQ?{9nB!gKRD5DjtXW)TnXfs~)~y98NjeiZytqHk$g)5xG-@xGs{(qx2hu6NY? zsZp6BLdu>a{Ly=wPK-YCp>9OM+(Fm|anmRM=9!hUuw0IwkizVpVTA(RZLzvXos3F+ z#IE0fQ)&M7`TYX|@Z%OwN~@X9*%k3qnML|=-|q2_dK9^^1k3gXf{q%aYKyvvnjd7M zg8PWqLV~$QRuEeiHeryf?N#3i&Q7u$oBEQO>(Ho8U#RP$4#)i)zWISP{VQwug*XTI zrXc{L=37pu!zdT*$OuS%Onp{s@5=b%CQQ}O?K8+S9btk}u}(Yw^vy;I$X_cq?UHKl z_=EMJpJAD}8sow+|L*nvz29gKxnIOdzkMyXDYwZ)5KlqH-6Y)2B*rKvDV&R-VKi-q zz;u;Vk^xf@`s;|?akAH*bT;W%_Tpe;rDO5!#XPz&)vuo^r{vwv4p-8;2GV8K0b*S) z4Jn;&9fY|Sirh0f+L->9M5BBoFkwX+uT4Z69B(T}m4%)93fF|NaH8i&pkpTI6hK{2 zu3jpT1)p93!3lL=ViD;!XG9?55_K;5J~t;{ypE>L)jI@0wZv4wrr!KR z(ni=EK_2}qxnog6XqkSd?4dC(?fe&acRdKNpNOGW=53d5TI*o>GJ@Wb_^^Z;#7%ep z8g^Z?oe*9IC1~LOIxX?LX<17Wj9=q$aqLUJYVoTX9STC_%j>8dl?SbktN{SL4miDU zaqcM0u{xhsWV;WYuZ?E_$dps}IyRnDdY`aU`JQF>snabW>Ka-}c7Kr8tsAP+7kXX3 z0|s~Byxw{k*5P`YkNCb+(CDaKTbH?8-6Besj@-*Yzu>$5J^Z2~wRtt?(?OxNl~2QU=a#9c`8OuB#p;bSvVEKLDiA(=b`Z0QCKI2YdD^A9em&!_YKO zH(3mthERlfQicP%K=TIQtyYUO75fnn406O45?}?vXN@1qnTMMQ>|4UF0&wI|G7Nymg?(ehXi=h>^Fcvir6pPXHn+H_qsf?f`;UtJ(3Kjt*zp9Dyf zd;v)2w#*~5T0lL93_BHopoF-`Wh2DrjWYpb8$V4WC82vFhp(|b>|y>f6DnV zT=|0>>{my=bwZ){rvz{^ss1L9RN~RHn@ov0p0Le8WdvaM_Rf|YAkooTwWyLm&f<&i zEWUGy=;i=|pkG{XGtJGIkLRm%&q~R^yYAOG7< z)>khx>$37tXE7BaO{WZ9bHTNA_Mxw>4HcM(QO2d?)$13x$>^e(#Lz5a-M!n|xu1B> z@b=B?c)YuiCl#oAWNS^tcUCMQc{KDGMaCI5i%-G9qT zm09^3SX5CM4c&NxL}fr_EKgzq3*+Yi)yjo-pLj>6ZghQv$*bfTW>TLE+te=BiStXD zdz=bK3vXTRBkDJDP+;xwB$CipenQd%sYQ%t+uB3Y<5y6~v2H13!oOYo+nw*!WD*W97t*11w8=L^&mK!S)N_6vO&#PWLUH-GjCr@^*IJT8BX>GwRZB zoa_Dl--PFV@jIxGwfXzVLcQ9p&4G`@L8)7`z3A^OWkjig?I8I4-EiIB-u8_~U)5y8 z6?_Va&dr`b3~apeN|kjB6pH|(MpwvEQ}*=%DeK<;APvf_)!^~6X@G?2a=fE#<^8}W z{&DL*Bm5CK{eFx8-JSfyCOVWZlVwJ-+lqW+8#RSGfR@%H0d*rZ^B?S>PQ~-oc-fRV z7J7Qok@FrZ{d-V^2i(qWTdk2>cwp!=5gX6OXM|z}IKW<6OvO@$@Kh8Jh4*ex!x9{+ znKJS=ZT)p91CWAZf}T|@emCto4c-SenE`MA2%q>GvoL=?KXlv zXi6Ik+H#kVtJ19}HihvO7uQKU66y_~;u?SYQ5tJP+e$ARlkZc>*_}Tlv*!YRQYT#GWdLq3)a};Xis#e3Q4M}Dm*xxVLR^(STtj>CkQV+v z(RpYg-eFjUov>Hpy^9Q?SDcTwf7Yi=8d_mwp9<%PUxcT)N9&e=3-Z#r4!-)eV_?*wt^v1FiCTfa%*XfO@v=6k5 zto9Vh-Ynn9y-T&<_z+6*qO%h`vjqSsq0S9pk>FT=zncH)RO_RMf-~Y^P+wsRBt5lb zZ)Gc;G^pz>oR%B1G6p}+P|m5FtMNpbyNfN#5?^;U-?k_FdVBba;Hd>%E z>VKiCRaSCyew7m)oMiLWt1g5MCg5HFKUVRxhQHzI?lr;3{=wUetO%rYZEie*!y!#E zyY&GL+@q@kkbp9_ZB;eQRJMn{Gu)fm91hycfGV}|^?I-zId~gnL+Pvb0pdz`d>ift z1;Y*HqD$S+|0YEIk7xWd!hcyU`$KdJf68EUE+-|a_X!D>%u^Qmk|+S`o&_WBYQaSr z9?t%EQ_3`Db6Dhx6x_(>#K+KA3GIatG*i}9F=_fhQ$|S`$JS0 z?iX2-k9_{#)lVt$4{-@O&6)-nJEO%$(r+-c~Jj$cHc@JS@)~iaNj~9l5;-$VuBV& zjQ)U4yOn%Y4NBMmPsjw9FgEdS!BWTkzDxi;gUzih}1e6ix!~XU8zxrk({=dgQ)_Cau|_ zC+u>+egjT0D^B|iNs`73C5VD7HE!Ke2vje{g5w1|@-`GN!y~1gA#*kYj;tRDR6p8O zuki!3 z^EAs@wNlfv38-aJ^4K+)d*Y~#zx%lC3} zLB&H@x>Zdlc9M$M&OpLO%(G`{#+Nc^EI&uiCnr}mR(a}KoOvIC@-BKP;_Xw#EAhH> z&{AYrDvUd++&QCH;DCE^7KRZnjF#X~DKX9NEXxg+C_+ORi^koQe&Nru_z|egCZ}*I zCweKK;nq@f2OW+v-Gm#8!!F4`;IOge(EZRyu@;#6GVbPU-( z0>>z(hztHY*VAc|rTDl%YLbXvFG^l{+Op^`zz~-!hixo=DhGMoKX8vMp^~AxF0P>Y zbZ(=Lat!SU%e3yTyYmcf96uB)D+p$cSS1tD*9RUR*Sxul1C)wcuO_-M3w+KpNafYZ zQ-ntac^y3{Wi)pBb(5bFejR2Ruy|s}NAv<7kTn5taE3?}cY`J$Jbb5$&*|h{nNwyi z*Tf+OI-zU+OQq#|a6_MB{?X zG3q>v7Fi&#o{^Pa9h8y;0PH%5YvxP>$^}q0-`p`0^5o0lkmL*H+zT*A(oBQ`_E!(d zIJJtf#v0Kd1rKmvP)R!OF>mNoX-AuConEGOE@B2|9D4OC3x@d$GqCj z{|G!eXX%2TNa7^!F7Nt@6G4UO%vP+Czv& zxmh&>1qjgQ_V58?4JJ2z&DSl5Y7+vQ%=#2~SWDcE0inD$K&$u8Q#^__1{{VDglE%RV_Rm@hOelR6>7n0bA5kOKJ?vsGwMNp+^n>ac>p^67m0u2z6%P#YF4EEV&cFB zdtH_8J+G6x*{doX#RFF41z@n(R=$F@>CR<6?Gd^^9#W3H?AKdLAL^DRklp-+S-SDK z7Y^;|);f5QS%9y~H(W+wIYk}KTN^x~C`xGNOi=UtU8wA6kgr@~B}Mb&5nU9BA-`~6 z)@KH9*~al+P~Fp+wzv@o&!s%DJ877o!B}KZNvH94S3_mJKSs-P8kG4=60}F&P$GH3 zLfZvs$QNlZ_vrGhP^yGF9OP1;_$*RYNf5E3?2ccqRQrDN1Z1vMo@+Al}>uVDk*Ffx(eo0C@WdL@t1SoZ7oSXW3mZ z98YaxnJeUXP%QwR;YGfxoLdF$0z*lUFlac7xwA(d_vD@e!=eJ*ozy}BZ z+mQb-S~WgZ*%OK(C#>I}n_dB8fNm&*AgW%jL$TC zX!n=-&`2G?JSEw3(p(LwUgvaD!m1h#B5Y`q2D`dB7LpU)^Sda9Pn2-H$fV2D+v$9F zxrC}(2($r_JlZuLb%umRuFcvBjg~&S=6ZLgfW3I%nc*R6t^}5}iIUvsZI3I6wNr

8!!4P zPN%apmgVzwznp5~v0+~z$Pl0CtzB3JXD=&vd^VMD7tA)!?gQ#V47)+7gaLtyKQoSm zia@T;V3IODekSRRn2ja};2Ku@rSvm6sa#_xg2Wh~Zt$OPYfiSA-N9^3))_wO2FsKWtlb0aizAMe9*?$~ZNPKB%U zHB?2NkQtUl4p8qTP|l?pksI_pMI7#PtNH9Q*L4FF zBnYJm|7iaPZ$LE{Z?s)PNVUj}JISUzI<)(EQ;JKx9GzpX>`rE{)S3Za^&`-~#ccaj z4E?B5Pz;RymUUQTyQM6mvlt4*w|;ifi(WHFXdyWSy=0HhsCU)VF9)_|S9@CwqVvx; z_8Z$62cz@L!nIrgboIdE7Z0my&v*pZ$(*cLxPmla*9&6sr#x}`&7D;uKWN-OFRN^T zCW2kz@3Z2zeIthyJnvl$Tqw&ub)A~d>-?m~ZQafIlu{^t7cT(T7eP!WV7-q*oRqPR zTJyCodkfvpGk3&wv(Z&={OTbY5$+~+mto+q?N(l;hVK`3<~KkvXj&?*id1lX!$7&f zi@c2#P*}l>@E5Cu(iKFvn+=rQ4%&0RP6~{kZKwn`P|zVEd2)$jiL(fhMuqtueIiQR zVhrY5^`>ISf)l}K=)#iK zF+NshvLz&QSds;E3C)Y_hn3#@V{K4rlkXnvzTbNx7+0_4n2`KY^p6O9R`33)GYD4E zWKBE2%#*o)6S9pDAA4Pvicc#YiSQ@wVyLA~O9uG@j>j(@E6VLK_K|UgI^8$6k-8+j zEX}C!z@gc@&CxDbfRj?!msd`0^UGr;7SdFg3r5LhhQgn>VCo z4yn;daH+FvDf`8_n6m!ctAO^ROnlp8F4`%bV*e@|kF6PORilMR`T6BOb`zG#4)&r$pTgqD5YVW_c zs>fsxHFrp3Y^e|Auf37(2n*P*g0rEa{!PFoz<6&vdc`u`9n~=kHl@uWPP=)JQ)DH5 zbY|I9kRMo-N}~R}JNgK`L0WI?qF*6zs0pI?M~<$rtMWO^EN6v6?Bw45hD1Yth%l;# z&Js4pgNK+=Em!b?cYjFQcK4nuy}uiWlpga8$|LHAST_b3PLb;iNMU$(f}1lR{MJ)5QOmQpP9`4rvu3 z!Biv$@W)k$uE)OrcF<4}RC>l(ET>`&`lmQSn_$EAXZo;5%(KB=+(b?5BQ4GSaV6WT z4QINabB~O^3`)UoBiQ4`3^88Q9!eq3vZ9}-xEaLTN>N8F zuWab)3Fv!FaSi zLu^c{0Ac5khb$%j8bD3(x#W)}>E|Mya`LzlGW+0;Y!6(Qdr5zNidenS)`MO-P8w`A zAUSNf07Xsjv>_1kX$L&b(QMgXg}5U_forY$zHU;w>ei`O<-SxU%b+>zD-6Do!vS7V z&?g#dPta#4tC46XjvF|%x-?0pv}D$a`8$3tA%SFXP?M7(&dgwQOvIlr@F*DEt1-=t zAAXS~cT?2xMft)gOTcEZE*>RYmUXhg?-D{mImkuGaK6h@Js)&+E`eNdz(*%1PtcIW zu=pH8&Ops3vVBnU1ud3plioLS|lB9c43}r z4JTgrwG%s*7}9x0d9Jv<0X=+38QGS)QtHZo&T{8oMQ4$!WuaPoehQe1@JZx*{eeMM zQMaOwET{2?D`Zt+sNJ5MT`*hE+j^&*+*rE8Iu;qWza6RMyUUwbNXrCl?wLaQBtJd0 z^Ck8bLpv4;f?^yUM2M#s(5L}#_ozZWBrvSZ+qIh--y3aN1l|G$oYWWatUn_>97Ot& zN6e*^fLD6vNR=C*L8E0h`LP)LD-EP`)GA`KLLRzW)2U}CHm6|q*0w~+keyqJ&}$Ro zR`{LrcCkH63vl@;BxltT!kE{Fjk+zoBbfoqvcseV!?3QA^K3zN^43V%TQDQC3A83q z9~(*OowcFb?rUI6F7%8wteLx8tW2(*gb=S(>mF&5{l6={a{k=+1g{iX`{{M zA=1d?LrY2k-GjGBDq8Voq+h-b^oNo@$F(FX-XPSFGYAo8Ht$@vf!3e>Ug#x9>M@|T zbNn5JE`itKMC;7r`E}{969(0F%eQ-cGLdgR#k&JYv~)?Y9k3Lp1Z^IVGS7E8TTo-# zDO5yJ9QIs}yQrs}hursWtlkgD4fyUX6pjg`6R)CIUTgdtijdSJ-6=v|Se6dIrihMR zO-agEmUSp;eg+Z(4Bf>rXjDtrUGSVS%pH=$v~4fj^fBJ$J(>2P^1uHob~-L92C2(ttoiE2x-z)4GsZNa{^ zQJ|_YW85{+F8AQkbcBSvlEJDPK%m>RGju*qpn%E?+n5q?LsG(nCU9>T7Ij9_BXYR^7=zpv^ z5mzS`#i6@WZt(*8qP^S9n9u8S6c_>cGa7nLYSCZyCjJ^&vDNV_ApM6txY0LPu&HCw z<(H%Xn$G%tM-GzqqU{q3ia5VK4Y4&bb<>MBix4KgF7hsGy6Y*}Q#Jan&>ga2So)zn0shdPEBYo2^M-zFfM>)=R<>j6N7Y6L$=^8dI zBDUNsq@k-#Ccs=m$_C_3B z?`^Rbk?h{p{X37d0mlME#=jF@{``fJJ_21jrXdB}_MJ}miQ@rF6{yv*dIQz~=TUAS z1c9<%tyPXL&|!U23b3hHrqrK-3u$+gg?FZDToYRGzv(UC?9sLWN@ng;>wX?|3UV1x zpUcr1jX^!ycIa)sglBXp#yGIRlr!FILr2Uz3NnU+!a&z0pqzBse$!j%TgXD;&ICbP zj){Ls3XgpZEobG$RF%c$#k13!hbeSysWPB?}Ho?(7F40Fr2*ZZj!j*bScaqzAKMY@aT&ctP!mQg1386pi& zQ9`r0|Dy+7qoc9+?Q?%6CwR{U(pHyVzBB<9h@o~SB5Is%pfzYQ_ehU9x$n#Vvd~+J zwpr1?d4}+cm%Y%&WQ%?6;ROPEnI^fknB|lloQNQIHFfnxXbf^Nvh`(0Z0JC$tcM5m z2?$Ct9VHDc(loFK^7 zqq!|cAgnZ~ec6Gpr=HG9Kb&7yhlVOfWtDO=Z)o{dY_ufQO@~HRXar3iAoJP9*?X3S z1KoAvMCY=`upQDlE^hKdGfOweO`x)g?V7A4Z%PKdRNLSa8d|l!ihVa;WQ;+tt_G`_ zW6}eNuP0UIchdkog>~o^Z|{N+gqH}+I0*%8X`D5IN{>vLBBoii+y^<$&We4T01M9pfl)$>p|a*p1i`f*q4cbywz80(-=?7*bQyVXT1)#X&uZ$yIy)lf>y53x!U2$mF`KFwVYi(pT^!jbom~v1TUYq z(WZ|AR1}O6p-LwvLeVw!d(nUO5ZnVNGhi_;<6TG3O9~BdnGksJTA2O2T21cZpuRC# z84!#{2h0)@@x7t~4*qtQ)@)1xhS(L~BHwpn_$Ac8B!nyG@T*@!*LY;=_X}lRKS30U-aP#AWB* zEPsC*9-8abuXDxG8G&diXrXEUutI2eJdY_b@*fdl zVL$46F9KehvBhVdqnn^TV^)Jm6{+2*lHKEweoKNU8Nl!F9qvAJXGp^yQSV0PnTAxe zv?vVE4>Xj^yY2_}1^q2f%k;%VDi^^JpuKzU&L-4)*$eCcJr0zDpW zaoZP_*7D}5qFV-D{S%lwQ2S8*;x;t&`DfBD+o!uBz0Sm{pV0foy)E!6J;o=Vwn2<- zq->jswA`)i9Fg|32AYQymw_&a-T`V3A8&+DL|;~w!>>hR(#PthFf0diD-)H;7?t2; zC)Y{fI8$^FN%A@AvD0M*z|}WkwP~uigPPQu;y+N494^WW5dJC zDKT;$mXY{@!H6qa*ZTkqHQP^jAufa(E~E=XPnWB)We3xS!}>Cpz&^;-LkL;ujo2m6 zy>#Y2XBmTjz0iYr^Z@U9)0W_5#yM-p$)k&h@g8J%va*&bzNG*zu!|ffA?;l5r@h$| z*rV8=dc(RRn=PDc;%jX(aH|w_4Q$n`m}pfYi}~h`yM@9+`eC9_`8YH*K+Ar?6E6+g zTU>Z0L<6Wy_8fc%hmNzARgC6pkJi@(6wGmeu> z$fIv>ld*pZP&G~YV+3ZmpY|dR{I@LKUEHu+nET^<^q}7zhguJQ*x~x*?a={%8L)u> z3RIRwJmL!8_*3{rT3LXl?{P0OIC-q93N}hIPodlF60-@L2fU8ui_VF;p)?4#D?pi` zLl*IO6*9*Oq}m8H@uEz>)EJ@T&)CE9XcmRbtC9;u_Ty5?Gvg|gJ@^gBAA!&Gt&QIC zR$ni|D>tpD7eEnHxqxO~w26X#EOXFr8ZMj1o=%Zc6x@m_khDYjKF#Q?hAud<=}IsL>nN>66tdF^ zFnx0w4$b6NSvex=#roohM}f}PLa?N!rA|_zT?B9zg1vSzE7r~!@ruCM@_@t3`A1R6-u9;RG>7Jp4^Xa&Au@S&t?+g9 zN>-ZCp>0h#yca8l_dp1@m2}5f`?~oTtW*v)Ay-8X9SevI?U){Ni!JdfM=J?5kz9$M z5F^055{bw38$ITX_2Vml(03=#Z&i&&7?5COR7)Pv;eRPf=;g?Lv0lKQ@AYUj&hX9z z)Gns0dq@FIX8oNOQnCs4)o(^$A7y1f$!EPNuTQTo@=Xv2qBQ?M_TB`Z%B}qyFDWus zh@=deGVZ-?+cuVYp69uZZQO>vZF41ahD;G9Lxv)eS%xx42pLl-WXKSbnfl*|I_K#; z&ri?ue_!W$f9LZ#;=b=|-D_Rnbq)7g*Sao*23pTX!5R#lTLYHtbP&pRK*SYrDo@nZ z6(r}NiB#6*1tEdNKF+3aGYrf|+)0IRTT<8^fP>X&q_(B0x;6$Os)wbl!Bagj?6fir{=AwMcF2Di+RNV@_rC@9Nb&z}1~)Aiy3!%tXUXRSVdeK)`in zF_NzKCrbw?F2U3G_TWOnE z0J}awwk;JN00!R8G$yKW7?5DZ%F4zWIG|#O0u-CNGO(D7RMN4t)6%h0m6dgXnOe%) zi}7wXXd`V8lLR*QR3wlvtfVS1W1Qu+VL&D>S2uYTeiN{}iINVlD6rYfFR$*(EoBOk z;uW=1RdKNfR@jxLoZxUf5FCL74nAx1fwvko(NaLWI_Y6$v3gdH>R4B#x&nxoR~y*r z!a^}N5SR_SgqtE7%xxFVyxhfq*+mIZ-bRm9L%K#G~|C<2%R zQcW9VCoPGUlLx*t`L)Ekr9hGhjEe(s?huW3)&rKXG&J}nKuC9xxdsrY4MY`bivvg4 z)z$S-)~cGCQoPc@N}8Fxor%L%4}sBc#VTo{!R~Gjya+JV#ZDWmgymP|7gdzCG?kSD zVwJ?*Yyi&-rKKc+)dV810Z)Yw&CRO-d~TvGEF{^jU0tlim7v?oLBSL&0khG>0Fw&^ zm6T%Fw6X-kiglcw5NLY^b#6B?ZUq?)DNAiIuw5)?;tX>XcQ(~fmb8J2%h|~Q$_p!v zMw{!YsRKK++utd`Ie1Nba|LIZro4`rlY^3`vz`e|Tgx5_wG~4-z@=m@(2@!e6-lHV zT3uaBlN+!i=8ASG88v4`O;dSb}dz$jTum_yu@+_mM+RAFE!O2ZN9F7K*k36hl)g8-=*)WFtoAWN$&SX0f)MBQ9f zTS`vW9*lL+lhu+mMWbZYtrWKny`{Xe8;DO!NeLz?Zx1Xr^8yi)3XZNob{u;?j5@EL zG{1%&ketK<$P@y#vbUB*ive47z#gU;;4LediNozw5gNQ!U~_FCW5pKAJeuqn1t5o` z4Ui*P8tY^yssNmf(BU;x*8w73)kWpy9f3n^3V`u-)|SRXK#EErkfSCFqrk6=RX_uw z%9M2W4w*Ng#WJmILtZW2ys@)zuQW!pfTh zd8#y|ZTVzO`QgARkIkTx@9cBbaCUaH<5objYl?4+9`I&h4Z=(oBB`ro!|Uj-=%$Dj z$G{z=RTRyooPixT378VQriu-Znu)xNBfp}xlLn5ho`rGXZ`{9!Xwteo?qM94sLQ1_LV# zPzf`ak6T?T`Y5K~}#mlFx+GvzcxKtY^vn3)+TkhmPi zV*+GFhw*La7Y4fh6YW2=3mmC4v)atvEsjDsI*K@8?CpU>$eU@rw^{b5`~N^Mfy7uj zBh92R_O@H8vj24sWudK!Az<~V0U=C45FjE6$q7ZkO*sLN1HuWgikA}xGlv7~c`!KA zj9-ZRA83DcXcOk`+h#xD{YwZS5FqLSu+aQaF)>LA0O5Zi{Z-5MzdeDroBsv=s zOHj6(`P2O$P3)ld6DmLD!Tvr&Wvm>5Rd=_aZfvq{GXb_b68*=kJ2!w#?0ZU(?T7_L zRsdnTIk7~59Z;m%CWC*v_M^+dE4Kdwz}tM_r+Kjnp4G49=NI7piS)1AcdE)V4A#j(1!He+1yp$uLpWNQ(y2*{3330Er@rI; z9~%y!Ff>&DMOg(bH*os$*KUS{mF=&&uv5!n+syzTL)tk4nhmJ8@rN0^T}s0dD`odT za#y76H@%c!v;Yi4`k!~?AL~K@;}%fbs-PkQ6vo(Q#Lk5uuh_Hzn@`Fh9JQ<*txQlz z4GhB05ir_FJ5x6iDFn(9xl8>Q5B;;&l%0_nAiW=;6aT8IA5Z*aJBkR`%@L?uxg-CF z<_6FX02%@=B48Mpix12Thx2Tz%7!MFjvgJ)|U;EXQPIgvU z5k+9~0%&8A7{{GtB_m5JOn}^z?T_xT&=FZgGKG2b5&7 z!zv+cks_iPD+EeWW3$tLxc;N#+wa=u%+4cH2w=g|ZJYRK((l**6|pH&1UNkiWU9yf zkr=rC&q+5w14NV^kal#Nzx_i0W8i&RK|PZT|&S-T{HRAg(*@{PCf` zZVaf};$ZJ+1(ZVhK6$r!_v7+klWy`|3ebB$c+Z8!0zUK)?(g3Hb0hz06TXAxkFIcv z*`v(|C2JxBhiD|QvnpH<6_j#mLHMr=*UU+JAcx*31a zJ0jvhz}&x@l_H9Oq6Vr?{mbWcktmeC%fEa~3p_ACIQ$@G^db+LmZ*}+X+F?9u4_Al~YP;}*NOSfFhQsL}6Z{^{~B2K}ct zZ0*eeBeLl>ZZ)~}=f9@HZrTqOHD#bkjQV%VtxNx!5(9i?L3nw;6K($WuW2kW$jwj4 zU8?QB|23TnkU!`rvaLV=lIqv8u*)srm*4rs+oj*0Yd=BrT>$?KxZQLKaAIo9sF;G><7^QB|;{>sp|d z7|hQ@CoRmwPbVe}-TB)2$@|}*Za&cI-}o@&0Ty<*X6Bv*ZkH?jOhF0*r%M3jAaDRV zp6_*r1@=91K&O8LISBlBklW?TzC#WQ29VHu*ns=&bjbbLFra^H&`@9#(* z7`|g8_w;4A%a#3x+?LEiH~kdY-^Ne*Es2BvmY1^2lzoXCXw%N^ZUOImf%`4oKs)+m zPx7|Ql>LSq4|LPWZD~s2V8M4Iu@p>qx>D$@&{Y?8+Kb#2jUO!Z-;e{`N@-!}mcHEezV8$_dRlu-}#<{>&1&;h;vja8K0@$C(} zU9x?L9kAE)eSaJb-LVDxAG_VXo4shv-`gPn!Ipi89WNZfZc}6K#tZC!2wQ=$d%^AZmN0jjvfpsqjA;P$CGX}gD;Tt6LiWGR?FK3A z1v_Avzh&)q`LgfOgKaKjg12Id;5&Zz{s#}X1H+!c`@NW=UAF8y?6zWxwnB>jK09{5 z7gDqj%RD1^>4G9@>@o3H!yflni9Ojlz$7iU*(bckq=|rQ~v8bDu0=e z<9E_<{FLcsD_sik+MR3;Khntj;!NI8bX)mgcKEVI^!LgTBfhDp6oFNHU111_PG0zL zvj7YR?QnfBh6X65_&csS1hlh$^>0o6|9G|-06j2(9+U@w@9%{k&+niI{>?2j{+&gh z{e~W7Q}%$!tiKz2@ZWJ3z`GHtd$Kw}w%P9@`){GQkIjxW2I1zotCn`sm;HC!9W_8- zZEqIuDCB+rX|vPOz1W)_nmx_<9io40zW>K3g#yF`1!ZI^1l;l{Ta3kCcDPL%C9F#8_2-Jb3R zw_Tz=;kHY)-*DRwK-~Pfx!LjeSufx1>Rzz>F~B{6_k(QTp$Fu6+1%{d3e4C|g|hDj z59siB7jjSN?NaRxyhu(Hz2JrLm6;`tw0kkLdcB%G;-Y(g`LyvDeC~E7#1mDgw z@&1>+-LCEly$dY(|p;KmRu9?RIrf=I^<=ulQB7zD_^D%C&2A4vO+re902rG}>3`Yv*Sz_~o&ROmFPQSzm;RSsf6bd;-1)!GE&`zot`0yYDkPQ; zD8Vbt;KFc0gc$hE5sN`0Y&Up##xv{wpNJEpG2*hou8^%UhW_>VrYR4K+jV z%}5+>6`(+tqsSKZ=CfP(z7vUJuwwSE`d|nbQ1O_L4)~Xs2gtGkh4OQOfgCqb5QK}L z-;i4jg+!WdJ_tBBbesP}dEs0@5otQ;rn_SZyxR^7)ZlWY1A{l;%dLQL#46gGS(#fQ z%~&M_HmjwAcz}FI{9rf)1{6wV0fAV~b1NdvtPuaCRh7+JkXX9SF{*K^SRsLu({|?e zz))p>)CvWuOP-CI@ngb z8X6!v-tWJG>G-}s2RL}9>PW0UH{jZFYam^*hTOm<2P6h-h1`6BqBw{SzWprl>aC*Z zbYSRqGZ-t|e=?|DM1BHflWE@p0gCehB_6q@HY=t{AWeZ9R6u!nI}5BOFa{WuM?~a1 z{sc0CkF=ZY&hVY+fA{#knvubs89Y#|Uwnwyf#-BZAYI0)i#bSXFAkPGoYt{cgt7Cx zXZ?zKuSvY&5q%2+P7@k)D;36hV~>pq7Kh4Wrs#B5$6jXoydTJWJT<%CrC%j-m0#vu z$?-c@r%I0cpGg~er85d$@)906J8(9tv(KugK+`}!Mx?5kIdA>r?5p5On&G+O!Ig!= zOOb}2@Y+G`2+7vMyo8UePn=qECY1vcAAg;1*2~To`8Koom2hojV#J=0lyv!>af0yL z!fJqco**+GGiLg@k^HCl=ogCTzfP@n)1u+bcLOL z!dLh5Gtbt)uF~nQ;#pan!rOb=9S11{sq3;L#~O`kzDk^s8Zth8AhMoi`Jm@KnFoCR zD9ibWW^%fp$Tnf}GAp-K@Sakz}CUQ2+)S20}Iih#X zjycOjX@d3f`4$xijI5l=g_5qV9a<$L=IJ|EzgA-(Km}Xtg0tGknUZ%9Pe)d zyJR7iY-X=oDyE95=?^~j^+bO`V{+E@V;lz(W+^jhGEOXJSX?l*dlfp^YJAwEwdg6n z9ixuWQgWw?ma}?+CKcZ)UvBf9D%%W(1J~{nJ=bb($AcVbL=Thc3w@1)=Q6_@MPE}@ z5PRK@vBPD4%Z$SlSBuN8;WAiLiE5UWAW=Ff!>wuzfB7Qr?FBlw_sfcEFXGlD%tJDW zEbdo)UH`h6Aoe*hA@)4p1e@0j5=3x8X#W1bPLqPTqC|DbsI!*r-cO<)1n) zbE<#^GsexRNRS@;%BKr2k7DBUoQ8}QiI7&FKRN5oH})U=1cF6je)3S9lq5qvF8n#Q z4L%+m^-Ib|9p5gUL!Yl=MCJ%5pT0GC!8dX)aeU>D^n0*0Z8$#moupa3D>MRE{^F_2 zv9XTL6YNf3>uCAH_!8|B?P&2{DV$L!l0V)K8vlfPMQf4BydZfN!?R|FKs&Ks#P{tF zf2qt^+A>&&cU;}KgUKJnBKpRUx}Hb{$I9z`ssZa096_9Mj3<83gRG-%XYM<3Ug#~v zJ!g2m=z~7-Y0x*RA+f-k$7+0{s`O0>+Opg{jTby-akZsCmpGh9*7`QF{NlxZBaElmrqRee6ocJyNnTcX|DThA(-8 zQy(}JK+eCsOdu9IRE7R%A;unXyX=B6;fYUZpHRt3!pvb2+8FbCFn#HUB^u*P>*TqN zDr~Ch8;5v!y|@`;bM(s`E|nVI$Ve)Kh;L1PIJW0D@c}L?@0sSsCDUqaAA<%P!3wwN zw_ZtNMyola-GQNTb&pUG0@J9ptA_B1_Im}`FyFzP+jr9u^2thluXAcaD7zF)nXHE7g4rkPNJZ4ZXf2>AgqsfxJMUBAd1Bv#q8-|ht&$Z>QRI^MNN<_BbmAetyl8R~LVw1gXKcG1^pqF752}z70E?8}} zZU1PH{&7$}r5Gv}f4V%VKNuoQtX^(=-3CL&GcEr5TX=|WfOzUtpCGWT)BVq|tfiP< zn(kz`p4ZV&k3C3_kaDECFEw~SyMp@UOerftY|njGb4?>j_8gP-%XP_4;Z4%xm+_%o zkQ>s8p$2edpncWRSVIfctI}dlkH^c&KGbD=134X*PBfi2hCHNwoK<=VnICpH6epxy zZp@!#O>~&%Pe&BQ8*7fCjOb0cqcNS)KGs+2(hX@qH%lYnDg<&-SUy?m_{p?z=~UG~cq1eT;_ZZX^^*zEoft4V9fk7_0Mmpldtg^ay&T2j)0SLkun!Qx(jU zTOR1rWOGwpSzcO*YFNw7&1{HYZfEWyuS}Df;hRp4B(?SlTGY_%B1<9>rwCdkk7>4g z>FBX|KLs^@!?4Q(Zwk&&GzirjAj$p~?#R#o;7R|209yBq7KwEiMM|W*VZo=^5=?)= zZJXC*()W#I9nJ1?UV2wfXmFqM1b$@Y<(TNMDvLQy76R}s*vk*kFJ*pscsH+uYtcia zGk(OlEuf65Fd*1YPv4tCye_ujBf6tdqbB2l0z{P%oYA57MXc*#Zk>Y!MOOyD{Arxv zVs!Sa7i;zxSlTz*^Sc1huxxr{_1P$8l=ZoT48;?bd`CqP1G(;G;5+PB7fbrlQVL*v z$|mn+){Jk-7_f5i>vM`PtUG`Smkg~d_cpb8mO&qwoH*<*Nxq?`FyT(9E2KU5a59T3 znyutnTl*E&vTn(2*REdMYh>7<-nPNKVX`oP!n`qrs&owO?77;>hWO~nTA847nbQ|lUolO{eDO=~B18)D zRA&d@GwXNZwqHv!%8~S#IIPc^e8uBAQP~4y(2YA8((|qhT<0jGR6opR9(p==i&{R! z+nM7=U{(c-@Uw|4u4REDU)<|c#Yj8vJK3rP(|ary#PchJ>)}H3EUB!|h2IOCO&m6*)_R<9J?twL@lcl;WyYuXYjZDedx3 zqcn=akS8)st}ovU;+G{XDSTQWjC7AZc?R2G@5Ehqze4QWGdte1#m~|*8_m*OIf6cz zvwvtKs4+5TjCid2gjm(^8k?K1XGRrT_siNcy5(d|8iZqL6spvEng7Y>W(P_|Zz)F# zB0+EUmgZx3%Bo4Iu2U}HjNG{xLMNZg3Nd>cL)dH`mZ64o#ca;ak>ebtmL8ZjdgxPU z%Mnyssujvanu82!1znNTm3JqGk;_|VGbOLGc zBI#*Pz3|Yuef1H`PNu}iIhr4y-!eFyHh|0Z4%aEENLf;1##L4+DfggA;>2i^g%x3i;{}LA&tJ} z7RqbEC9l&IZefX(-fJTYe*TlLSy&h5kY0$ zLbqskGAY9|q=!jxJm*xGp2tKqA6_+b!yzKh{z#d;*z*RXjl_kAFCuA1yw>>rxWlhr zTNW0rSmLbUubr~s=}A0xDF%!`Jk_h=r1b!YUhH05ww8{c`pe}t(h+dY8n3>Evued` z+>IB}A=}dF2a>3o$6MKVpSHRW2*1h zyp4rr9lou0qPmnqKd#kDPQHQ4X4!Im&X^>5Y+VJnf0ZCR#zn0Mp4QaXtxMmwH zbDZoA)}$c4Qls%uA->&wu$kBVtz5fy^GTaBHu(+#VM6bdk)MvD?H}v)jV+eO9@D0+ z^;EwEc7J8!FZb1BxwCs!k9LW+?{j<%g{s!mDWMw{+>>nipR_57?o%`h^5%B17#i4z zvJlu9ULD9>`>KJPDLr=eG)G}3Lu_NOWm!Rvy$H?fqa~B|ho!X>{WAwh)7WAP%H}JK z-}9CEKa^MX{L+N;Sodn0-)99TPxn_AO_vAeTJC*PD71+yGG3l8^2~l?`_P8v=^FWX zWN|O=pne&+lZi{}eE0R7uN&75$;0LY%e2jfiP8caF@6Q}hOsW*#BoAtVrZ;B^-K)v z>rk(aau83w|9spz@01M5nljMocysVb6hQGNAiU}*U45q!YDi8D24eYOK5G+85h zH$ZOo^n~*}L1U4OE*N1Kp7TLRe>eI%Hx0PqQw4b@gABqu=_d<>Xg}0sKZ{*3S!O?b ziFJe;A>-#)!g;o|)91QUP0h26_RouV8asrd+!i_uMJ_Z^yXd(PI7&T|?bIFqWHu;y zLnYx^*jvu`-CY5_&ILC4rT8BrRC^vRoTZAj%@Q+AY8EK`(4pORIpOQX!}DGo*`Y&B zS}cv?r?glIMqQ~zsubV|kLGH!kmn66AM9>?yl~X{V29VW9CXkXjkola$0l9WjvGcg zTU;s4N@mPT&TUDaZMjQK&Dgy-6@K5H@$5J2+D_sUX>@lfrVmg}B+Pd7Z8%d>zj_p3yDYG zC?1`#P|Cr7_H3c1Eu*?BWoD^#A}Wf+I-Au5X9l-;0w(pf9cRH|YV}F*Vl*jb>lI!m zrtrG+{4WRH`uRsSv?ntvuHy)&-n7@oNJB0&Z(I~$;#raPnsV}D$^t;oA zz3M~A{NcwttCmU{28=05%UEo$4QGgy(wlI7?19VhOv&*awoex(!rnpoSA8f6J#2tK zLmYpD>9p88y3@(aC#6~53}u^M%{o%#Lw}#6F`$JZ){BtnN!GHSh`+VF1Lud~PL(ty z-4_li)En8ci1wjHxI*wHOeUVwQ|(GZ!M>)qdUW>lUlthRW$zJ#O&k2#kF8dYt(+#( zZkTB!QFvl7%XjMFfkOuOo{bn?yPc%-LB5x-u${~~g?_E{h}h#mp~jKESpOWzkzQP( z*=WDRqmDz2GS{1W@~jPLH6Vk;4Ac-R>$+o3rW8#P_w*P~CZQk5$t=mJbf?`-2{naD z6`W{a1o5JXu42SAIY^}q?gVRuo6!Z^u;Ah@KEB`UHY*kZhn|6?vbGWpr;^OI#87b8 zI$MJ1c@FTL<|iXN>Mrq>qFq>R9-e9dk5SYn^>ee#IVaJ|oOea2HLRYDaWs-gSA=?s zr{*I)L;pEdu)K&xM!nEAZv2FciaG>uS)Hrv29LadrWob$XI;FXlYj8+E1|=2d?M2K z(lkuE#$GZ|FvOxNt{Cx3ogchSj%2azT387`5koT+W#K6q=|z)Ji>^-^N;P;3KDl%; zJq<#TlP)&FF*$iGh;B|rXWWbV9ZKYgA0f>|WAg}yV#FOplR^?G@O=w(hN;NB>(XOW z`lFfoEAxdK#2918w(hF0Ofqg7F?Y`Sg&TalEo3(r3VPZXEPjiwFM3X=rYE z2zR#P{ACj*Svr4x5rl{U8TB#qg22OdR5#x;KEFrO02;ac=|dBQTJ;rAJ?qbvudGRU0lNq3LPK`xIrZk9Ockpt z1zjOfm(sEPHiGIp!OCbGouG%g(kBCZ&cX+wUxLVJo*f|V)^X%lm8N6kwr!4f_Te0x z>_1Bv&gEqxbB$Bp0d?*)(E!gN>JgXFV3QJKxuFoZ@v4T|=0}&lGnwPTwjne7oTKVphWjSDpz!Bm{G` zDemAvsA4E>K3?sYSRFy|ArvX> z@Vge)lXL1dZd3s#^ZvKoE}rf1e?mhtT3uxBt1Ye+#>Uy=sdn1twcCi{a#!+nx2A&u;Ghdv6iX}(9w zwW+jpTqLJru7<2@+&)B%H#$}YRbl4402f4YFLs0Cy9X56{BL#%-F)9lWi`fS22Qz0 z7<=GeR-WFt&bk_5-?@A33G%o_7=5E@I#I>8N4EoRd%aHk@_OJpt1aDRUXc*<>th7B zPB7IzZGc_npE?UCNF}Hnac|+gj~2kV4w1`TK6@JvMh&KE4MDD>FF~c9WQQ_#9s9HT3ihOEOL{| z-hG~}GiQb_Th*50@vEEw!q&>dj^tJtGv1I#q_*WK zvq=l&o8yKX&J=_Sk)DwFso{|XKBs-I>1$%?FU(=#pC_`<^5U7tsO3C&z$}w5#P-+1 z4_Mbo*c$rJz^3wzso=!SM~GdKZ{T3EXWh4>-xIyiet6nys3EQ35d?dP21V=e&{9R5 z|CCHasHp@mRa@d%XVZpF| zEt%`4&p{b92W_qD)ex@k?&m0x5bDQ==>+sb55Ic&X)U^kVX{27%3GtGltzCR>~MtO zy_a6`VhC-tY8yovzTQO)t1I;d<&ciE>(s3!j->sh0f(4QxYERUy>JSc&uBm8-;q%U z8~I9Bp>)V~;lOm=%@ChkYxfI1&WgiP2NM}G?duM6)S?nT>p%#kP=~#15iyteuU+vH zttxB^%$02>Q|bv~tgW$Ld9`e)uF$8@Lkh+t9Q$(bY|Y^qKCgSRpDW4R)o8&DW>c%+ z8eE(8cwQ&D;gb1v_ammJdWi?*Yd+%ET)P=c4j06G?j#m*^F~R793QUNXFX>cKk*7? zQC6Rbi&ttcMyYtF`i@Cw*?E1I$nQFAK`}_K@Tl}sioV6YQzks)o!sGcH()_(LJf#M zp~Zk?+YiL*#BJ6084mMwQSn}mQ5k=h)3)@=uMfyoIwZ9!HGUxaN~e#r{2+UayhZWYs09LW=A z{h_OrK96+i=9W8gI1jr%34533aAw^$cCpVpM!oCIMGp1Lr9QbgGrQlXg^Fvd&IH%0 zNq+_{#XPq@zlv*o^;`KRYb7*lJ#{QY`x}ETrnsaM*M=bI&;@gd_Fn*Q?S`GLk6Q59Ot4)S2R;jkx`tQRlhg1x2qDNbW8X9F)65rm?ivoI6f z(l$E4+NO`YaUe;f&4n#TrRL7Tz`ShkpyOc*;?dkSWR4t@-Q*BcvFFZxJ8>q6DSWgLHALVbLrNK0<-09lEV%}gh>|%1$427mrAZw4T9i!u(XSUPK*c8v+e{6bAa8bh~w%tOb(f3U@&qR7lC@7ct z3)S_jq87;oV4elaw=*Ia;9<8eFt@dy;g71%a7Rm;?P>)jw9b(qCGytxZy-4u;x{kyb2{@ ztSixLU1a5#CMM$Vh8^}}xcs5#9?F_eA^sG+%Z8{wJR#5~5T=vx!F7y?Lv-$p5@m~u z|4Uy*Q@IgTZsl{@!O#T-2)LD`>(mEO<*5xGpQm`Ln!G;Q>)ca5+0?lgzD7M|kFh(I zXmw0<=3T3LbpHXx3by$=`K59KA}i_v&hxHwZ!~ZEovy!eNB`Q2^LZ&DpS0oqS~%&P~xL@ zgqJ!PPX|UB-D);U6)}^3l0Ne_ew1@w=ZnDrv_k~_O&$z$k?YH2tx~L+44`8{zQyOM zpAqXM-)Pkldxn65bg&_3{jRG#s>Iws)`6kXI8y87IUOiloPI8f$($o5)Kc7Xl}9UH`(TX@E2inUi8#2s+w%*9_T| zP`5f*#*j%+k5iwYT{?3}flvd+{$A)Be>fFha?SEFxwl#Np9ewjct~RVEZEJ4mk}mO zpBM#O^0LJ10s|tzn#yh?cWzvAsJU3C1JVKK(0uUc^g#ulov0iV(@2*zIlwBe(|z`} ziakwO6!itgkj}(M;d9ZTVLgp*4HE9l*&ar1STal3PoPNAl7j;}Zkg1rdY!#7Be(g{ zrXd-ZVfRk?yObQidu9>ctivXymeqSR>7oO-Erjc2QO^CSJ5{sn$@HxRZFQ0yKDLZ3 zg0$tnpQ*l4-HVV;O07y}8>Xi>4+y9O_g@ZAr$C(JVLx>Go6Ncl;-uf{+YCtW-eYzg zPXhvQ>zFE>bkP|MSBw%$F3&t1x})Wys&Cx&SwBy)+~cJ}Qtoh&;>%iIk}w0mZg>6c z!NQ~sj;GvVmuV8s&l{C?oSc!3bC&uRJq4*cw-m37p0RrXUNg<-)n7q)m%( zq(V3bJ$V=~zFFqMi0*3*Z}MoxPF5!c#c+vLudg$NKP8_%qm4=n!bcYQ`WC5m%vWNw zIFIrsBnoiPgLnx|hTRpvtx2D|Hba3T3we{O;z|3Fu4DnykwN~F~8Fn;4`Q@vg{@|jI!keHHAg;%I(TD@=rnc%P_jOam(sauO z)j#n_)iOzW3gHG5*y5{{3txs2tdOxErA8(Xp7fR+Bp#!FDID}!(reb|7}sr-&AO{s zEqvp}n{oTM9}^bY{R5Wu9Uf_%Xdg(HU9v-18zzqRpI}q4H>`X%FZQkI<0O;Ob6aq8 zc87=ChV^Q&t7nU}ao+i4clr)~+2sr55eUuJM+T)Y8$GC1%AMV)8Sgz~yzh*vzP7>F zUsaGBhl5g{57jF;uU8Y4>3VPJDBcy(Syy(cSEbw z7wc?PX1>a(O}7p&V;KSE+-*dXU;3Oousp1g>XJpts3`9EbQh?LcwzKIkTRdtK!`GPHN`M6l#G7Vft)lx!^nbE~u%754wfk_x}zWaQt`)Hvm?=4lCQ6ZpzaElZSt2!fx-RPdqi zflXVF;sZ_F6&d)t)Ptu{>u1EX1*S9N-NH`Z8)NI%fMoTR77a;pX0~g_OA$0m*1=9@ zK6-q3a$L`M{jhw3svZsDaSoH?-pnqPSB!%dT3BJ8jI>LPrxAYq^fDYGy|PahE~X!1 zq&b1^M&IT7q*7p|iI&*7W2ol$Sfu*0NS((L{Jf@-GTD?tg|k=tq@Sog*vECITR={< zyT~S?M$psdVRh!?g(%F#J&UL2Q}+u&>gwE=46Y>ccjhfWOD4 z)I{XaNqa*heN&sju{ynHE;hEt)#Z=r^OT3ZUv^vwTR1boInR)|QSTm|P-Zt-snvIF z;rM$aQ8_oJ)D6BUR$W3-Z-JGYWNXxfxy?k$D#MhQkL0){_8S(PL zW$!hj4~fZnf}UNizTfgB&OYOEfspl#_Fgrf7eYq|ijGOO%~-mIafW!)XqBO})#{V< z99z#kZv5INA%90F`l@~OlOn$5QyxW)rGDb&&VdgoL(kx*hAo<|z-W!*C?~7yMbjv5 zFBDqI9=Tv}+2r0qu9^c08%cve8G<#^DAPS%q04)Pm7nUMMH}q6Hj#gj1VDWXDlAH-lULg zsS&YXlKeEg z>;1rM=!{Y9Mr!o+!z`zj1T3A2O#)TBG85T#FEBV4%Z6qi$zs%4LH6;dzA+}QJbARE zPiD%pr9VCRlb~K*@pwx{WMjV%2@@?k+6R5j@s3aLRRdd}&~Z^|CKH`PS5(iFvd<Sisf5&!DX-sZ z?Q8Es#@Znqef_ioZH62wO@6oRpl@Yvo}WvVH5C%fE*wosKFv$`h3u7lk0?`uV9ptj zzN&BCGqmcjNb^ZMgqx=x=FSJBKU_ctM=p)|s!KJpRDoR(nw6z6jIyY&-1lvXr(#gs-kgoycWvLodhopQ;{#kO4D`Vjt7 zji#(V^BU*WK(5z_qhxG1;+?>T&L_jFD4)CvF^oAGn6{3%t2526_!$>F&wf4j$!f`J z^x1`U`7522L0zg(se8EJzbm=V(pl%#FD@ZIpH_8}_SCn#R{hUEAHQl~ax~N+`}5s* zY_;Go_Fh!Ctr^Lci#-N>@Lyu7h~UghYeY zb(ASr9er@}$vYg)`u&#=Uy#0{re|`TWNDSdzyH1rK83*^UG*Okbay>hOAFb z$&mL5Ord>ii!_v?kEZ4qEWc1h;U|4jR$WN+5L3om^65J#_1_XD&|Cc!V;VvMJ98|pKB%UF9gjj6 z^EN4%7=};QUK~_Uy-<`a-=#nzcyI<-W*O^p&|%SL4Jir5_c=FsU0;KfXDa5LPHy;} z;z_6AG-)nY{M-haX8mIN1I=;bUen!Ad@HPTxsJrgX*?M;M`gj3*|dNb6rmQ$siQ}FF3t(x)o@#6O6Q}|87OQz-a!T7}2Xx&EFtEc#O{ z1dnCG7E}!?MrT>+;n1^=X7?jswD#v2l$kYJ(7x@Gd`VM_{|Se-oq~c`>QtzhfxORB z{W2w`dyR2UR#K1qz?X>OpwpwIa5{lk_p&Spm>#U1`iPQz_bjIS)X^6uRlqR40V4}=E|Y)zVWF0QvXx8B=z|8xmnT=Cwy*3da*RgJ6QAu zw1AJXqz&f2zrytRajg*%>5IsBuAo^rbC`D7gXCD6-pKnKZl&O(^`$(6BlwQ#H_0B{ zVSOH7ilZLyD~R|a@^ykPd|g|K zZ;JgE)zqSkc~EwM`i)E zS+&FC){W?MkNPewPhR+zkP&H8d)$Am?$$gkVXc}lcP+}Xi;a@<*s*xsE8yXo6|;gb zy2?u0=7+(G-odf@^|z+R%$FDF#y-D#3j_gMA6)Uee=*whWD9v5B?F}@a=qa}Q|0r! zS~;_2xdNl}pQ15}+K(Qsp$vp1`Z`el!EKJSVUtXQ*m-pN6+Th<$}&ry$7p3=x?3wh z$*q8-^^iS%7w}EAt>lECM%DCL{q%4eEn%`;6HLXXr(<9BwGDOuR?<8D>F%B*7ff5V zbdRE?SkaV&4!qeEVm{4+qUyM)4)Nkz6N7%!k%9*&tJ<~l-^Zj!c$(;pwCk4@E+3yU z435%wD2H%5i}^3mX7+gx*M+@S3ycRTaUOLNS(bq-3y~-f^$D$}qaWXQA1S?UU2I3_ z`sP5Ta5ndsl557A0n|qI)UP;2 z7<0_2bRDr-w<2;rdL0V}pLzjolLR^wv!%3tQ@RfW z`Gb5h=-X!F$(#e{tJ-^y1dLEYL}R#~p4y66w-Rci#8^x*9m_Ah2Av@H zeS*(RrV+7deT>H}UcGlJ+BG|~dR+CHKtsLRJ7Z1fLZ@cpDF(XiK+{8l;gWQCWuHkB z3!Fo*@hU2uss)_*0$0A9$$@tRj?NCae*;;WSrE9C&K_j$r)I|WqQuRe8zv|>z!Qg{ zNknI{>l+uQHS8PC31bHwomb=;!b6(lOIa)x9Kiu9b|oOXOo*4xn(F&u-Q; z2=|!$#D@2PlP-M0&L?_$#Qc+V;M(nvO=@IMvg(2=l}HYCTdqD*CDKVz?i-*F!z^UP zQYH$n;@+27d?DN$uEdIWm4onc#o~rKeGwzp;zIZMWR)}lt zlXo*NIVDD1Akxsv<7D^3q#+ph`qW`>xZx~KHq<(6FssKFO1&!euBZ%c#Y|IlBY%?q z9Jet@P|}(p!1YChB#mx^L@&{3bn~@AT)y`{+|x`^FIyPq!cTfxr^OGRMg#}wvA^O< zUlE~_b9(M?x9IOaPLEXJ%$}6jld7V)*U)tBnixCteRUZSI(6c}v77^5*M$4X*yE(b z51VcX&6WqL`TJiZAsBz(e~o-nr0@!|nI2{JKJ`#K{vGLuM_CRn7cgA-_~At5pmB;p z(h&Y2VaxqHlOJU%{9`HO2R#i5z@SG2W^2pPQ@OG#kN2S;r>RsNqH`LHX$(f`o z5>M^2xcQG?moEz?TDv(dYw_Pb4KX^|V)G>G?6khEtK!A8X+Cj>-0D6bBj=*Jb^Y}_ z;kP~Eod&ikx#JFPUwDt%T+4rs!6mr0IGukbFbe<1)9d`sj5xub0~=_hLW=X4C+*qe zHHiVnV?J~#)ZF0|%gK-Ksw5{z`pMuwtK?;*#1##v$-I|-WJ8XGOQs;^y7t?Sp2m7T zkJ-c44fwiv99It~GDCvy>XV;wz&X8?;yq1VbO}r7GWy;pw)L&}0x7kO{Q4;nXfRxJ z-PJu^q>E*l@;#X{#W(Rg?*~TW?TxRlGkF`*T3men)QOB-))Y>`_t1`NI2-TW|Hs%{ zfW@(NYuiY0cXxMp_u%dfKEU7%PS60sEf66jzj$@viTXKu>fZB;7qMo2LX%Z z7g{*3>!Hc76K-x)MURf$LioYniL{G!Cl8S z4IL7yc%cR>{(Ngp>S16Z{mvm=C!Q{f5Fvv)*+X60{yb4rcCWLJSKoALZxpj zBmqS`Du+B#SRrJ2m#%}sf==pLt=;>9NtW@fw*(Nmv53gn*PL0&YzD+%!Cb zZ#m6X#8{l!DGlA3sW~`pUSlD+(rPoS0ZgdPSY^Zv}s6wTQg_@!C&OVY#T0~SnE2@hfTDUL${M_yVjyFEYY8q90P9<6Jy})_YI}JlaY|AAbaysIl;HqVurV{T8!`&8n#sy*aMGHyNKv^8>)G?jz7;nV z7NMZx)nRa#meg~U2eZnGI%yd2N!!yXE9o1tidl*(J0kMZsB=2$Td8QsQd2Xjst7Xy zG_(~Qq}b(!ZS9pejHsr{2R4#ted|sOWVfW15oV=hu#(XLv)MB->M}F97)vvnfp~=7-IerM z`K;MQsr3}W7W&TYj!b&?CXU*Ss`QBVhSa<&j!Xt7DlY5*S3Vn8fT^Ayhob>MtpK-~ z(f=fv-ze(e^)LU2#3g?nIOTV{^gE_My^@(X5KPX&@D~lNDkaCJ?fQxYlXLt{u>MCz zzxVk|b~+%S=d0#iLDr7{s_eg%BJ~O(yE%dX=5haCqL+A8Bar;R(Yd^=>X`PwRj+`L)d{->bdkS#l#mXo$4=rs|L{57us@3ZlTz5SiZ zzvcgKzW*=f|EC~bkfVg7E9gJVvLLXlo0N?in4F7~?RU2Sgm!TPlXLzHLjOs@!O8Kj zcVKtmA6Ne4&tLZeS3}O%u`qwT`mb@lj>YkN`fJUkKp&7|LpNQ<)56`*#ZC7%0EJUC9VHQRj^3D4pZ?ejsH}||GsMY`Tl=Z z^M@G!!>IqMn%5Nn2vqBTTQdUO-2cVDKZp3YY$SfG^A)^j=U``(GIRd>HqXbw`?ql2 z$XU4fcz+Y!)~^2uMe;Ww&cgc|VDtC3S9!jkk>42r{`e|u<^ZzyrvIaVhQHQ;?17x* zoPUwb1X}SR&bbhnt|6Uybs+djhKMySe|5nZ)H~v2O{{ybh!^6Y%_oEKSYn%XHcHV#Q zHg6-MKOyL8&EWKmB;PC(;FJG^Sm(W1MsAjuHZR5`WTB{^&gJ=NW4DMdjjsO&XGWR^ z#Q@62xf7tT_4cvz^0MeU+;p?l(B?Vf z7YMNmxz{f7Yt)SF@{*9KApxkQq|VVdRxsz=#RY*3b9&EdCHu`1iK!7L!x%M#80U*1 z$6Yz+Gq$+gwA|a&uiQe%S{s!`5bJLtWI(?5mmx&^d{U5?3fIl?UZ2%QE*z}RdYDne zRaH{lOBVL_m}6n#9p5TMM8H0g@U(}c>HAU%_~;bIMWjQb+}mAHBD2W@qsnD>yL86x90sN&Qzefm z=@*lle|n$c!n>sg>OakC8YP?F#y?}0r+2bW@&&}UB$?Io5s$7pmwTf~Hn{SxCTj;K zk_Dn|^avmRk{Q;_UPm2GVBrHJV-aiQfO;``6^1K_?H5p0c z6MIT&^G~TTU0dO78|WX_ufBa)q*46BVvmb8f9f1NtDR9Msfdhu=_36BlXssUZ&eubi21_(>3i_Trx zmR%L;oRtio)A)prd@-6Ck4=RmBoN?8|K+Fh&bEub5vp!GVB7eD^ij<}bCo3(=R15^ zIF-r166ICqTQGeh55hO;A&_!ScV=1{pvW)NkLo^>&?SRknwTOMTQ16?t6|;0LZcWj zX5IDd(=2mM;^jw)eb%e^_c@{(`Pj55@sv5(pw?<5!3-?7WkIntW9w1(8NXbj(x^$` zuFkH)C8EgQ!rqjRi631{{z>6UE?IHhbk9B0qsWsxXD{L$;5x}~6BUdnAddPmcuP${ zUgZndrjmf1F)d!N&}Iv`!B?v^iLGCEGv!=LDxYF;bOaq3&hd)?6NN!SUV^LX0mqYZ zdJel5-7ueJaC(Nfy|(9icDp>z>HfzaFtKH>ZSJ^S=!Rgy><&?F7dsm}#|Q$iBge(H z9$D6bL-*H|v)I|mDTZ%uxpY2;KQ%d@tg@mYVjev(1Qx%BS~(|IA8Fprq4hck-W*OH z6D|s)WU@PAZ(X87p_z6W*CeuR&PtcdHYnOawZN08=8Y_iZogCJbnB;i^dJG($2faLyG&Z1JfQ-CKpM=9a3AQ7a2uwTMdDq| z(|fh{`No%|tt#}uoyQ9bi0L~BG<|nNzmjDgHanrBu&JeeD{Xy1i2{>843o9C-de;3 zNe~cn0x=hPAVrAgbFwPdSCi{%zAF9C4G=L1F;y&E(~39mnWIXI2o(u02EDf>U3mk& zqg;Kn)4e0TiKBeJb`G@+Lgq^32IZ=0I%$R%d?^SkD3W*Dw?F5|JWC$4^|kahZ9X6d z7ITvF>EI81_3W;ns~_MWogJB-!8e^Ga+f`Nn)+<Eq`hpmy=j54-&ZtG|BQ!5FFxi=t zH}K|*uP#?$VGCE0Mx8DCV}A~!j$em8<3w~iP}9&}QMTq7uZPu5;nN%;@NwQqj7UHh zXKp+0UhF=s*4xD~)A8(OA}E-$HxR~%db2}H4?c>5Xu4Bp_RaVBu6Tc>fmJy#$S6}9 zOUlZVJ=a-?g;lasOk;`H*YB=sFhXX+zr!R811gopK*hMtf^(n?TLOJOQ~@O>M^5Ra&7MyM3V{S}gH4P)@V06S6Z`-W4V zBnimDFz-XA7Zl;3JZJn1XBx(MDN>m7AQIg*TccpROoVRef6KgM=!uJ=Yu;gWtK3Jz|xb<63R_3kSkgAfsi% zwFZY(5HDoX`D79@JHxe%!NskrUv^!84elw2irYXCj>sED6KZFjjUlPP`rfT@7!6Ph zHV_WhK81aT@mwQ~q|ZdX^1>Zi^Dgd2^1@(S177w(B#i~?mc!arpdM5}_MZWK(VEQ3 z7sKGZK2_4EfNd~Xa!(k(d>+*>kR1TQY>g=x(7YM7HGnp>VJXSJst)4S5XDiWz!{^R zS2E21s=A6*5K=qNJFg;SL-%Q%bzb?M4ck%nlP_kv65KBNr!fjar7gFR*l~`+j19N< zD&q`-%Aedm6z(#oWnXA1Sj75QO;r3c?Q02+v59j9Q#Ewloj~A1<(i?6bs=6Ey z497oLy3|Iq*bU5irI-#ZAo8k5DsV8ca)1qnd-VnAcDCLdB`JdSOY6f}7q;q+ZhA#L zypJQ^?VkfAxWfzSXCrGrme?oSS1MO%+ZQT#_G?Hg%*P$k3(dz?SRC;SEvuAc9Z?I- zsZ?klaSJUCmvbF43oQ&+xE?jHsyWXOqs7j`cw_=L+l-^0bnOcOR$mrWk5&#>j>HbF zJH}S^oQ3(fkWPO9%*5(UWn?=+UMTz`iA1Q3#alo z*$EKr&<}m?la-z5xh16Dpd;&%o5E{rqdTLAN}@wosNqM7tJCKeO1RKx78W7X zBjk{yDo7E~BW;nBV)|w)U$rFUb84gH=i5rs=(3nAMc#*QiaKF$m~`U3|$Zub}&J1Olb z>b!iD4c}2_OLg4!1mt}p>iDbZ<#y>wvj0)M^&h#r1+k9PG%D%t5(4sw+!7tf92%uO z_ehuW;4b4U8N$GO7$P4c*byu$*tf>8nBU9nF>G0IFvrrAQ{yI@g25s-VQ%rZh^5a&ckpplQJFaRIS*0vm{XT%o?~ zAg1=>WPf0C#iVmZ)Lqk3*>Eck`P9IuyRo0zk^I_VfpKTnt?PMb)~xRYlzv+Je?K@! zGKw?Vyk86?0#i8-D%Te*CO#}ir^q=ZWf7xfW4bTCHv}^|4ms4b)NNe9Hez79<3T_@ zljp|qm`$}BH!b0SNIl)n`tl>@&06bXoXNKCt@iOq+1bG(9%;K%FEnYd(>eJwQ(KqQ zh0r5wThGabDd|tC-;FH+JC;?4{a0vLGt$8?VdW6GKPhkD;C5o_Ar6=dpe5S(B^Y_X z;oEf8r!eVN(5Er!x782k+2UAyzu=QZn%%R9;Pdf&uJx{f&v)Y=U+z)LCCkQ(t_)gK z%4Sk7J@4sS^qs~Qu2}1{Z}x)k^F<3r_M`3#TML{Hnw;^DJN&#L&?tz&~xE-Ig8ChbLEa@-G7IpwT$PN^%|;0DN>$iFZWyDXpIs|B5?mURBL3$Uur@x5oG@D zn^kTD$jsoIPHqjzV*Z;)Zp)sj;5U`rsy*|@Z;rW5duBfOLM@gp_O~y0yJ}G$FG6G! z3zu9^Ll74q?7^$iNB|1mU!Rh=Nxv?bropiIqkjo{kT9`Ly78l$F0YG)5g4HtiiZCLR-S zhrwXJL7M`qLlxHAM6|OdBy_~B2h^F<=pZ&NImRsOh_n zN71gDwC9mSL3%Ebg-_|Q3MYUy+!DGo_KzpqqPzR@$lTUzH4EF;>2V9~(XKKJ(`1Hr z80uF}hT6`+k7B*boEm)L49WVFrvA{qb(P2C=kTly-R^ngdzDLCldk96Z=Un03l?x? z)ojT3X(*`K(&JYM{&W!T7f7ZQ+ATzJUdk5{b&T_&%t;lk|;^~uj zW|dKQpG)wg?7;51aSgzG%1PwCXMM{2{lcfntFv#}nUI%gvKHK&78b?RyRH6C5|qgiCr2X;toqE(8y{sC z+uN&7angiZl7tZmiF`YzJbCDp+3J_zGp=P2hgdCkl?BoYA>>b3s{Y2Ohg3Yk9r-

ImXlKx?nAy(2FY#IOA89+W@HHW0O0=dU`ZrJ4q!R$ep4mhJ*aItGT}*^rQI zS{EB;%ws*@2ycz+5!#Vd9;*qK=-5?Hq&>fn^cNEh(49(c@+vtKxFQYSA!-d&rT8RB&>YonsYv4{9CNZPB%)Q^kO3dr8 zUNhW7Cztn%&a1*@qy%Jdw}nTFB?tW63QsOmPt%ID00-MA(cu&wjn+vNjE?zA&nzT} z?&90=znHPE%?aa)3^4hsd|fZBFUXn#UzIc#<%Euew$;!Y@a6N-jH!-YO-j@SME-hN z*`vBNoY`yJ6{u_=^ox$Lcf*-dkNiq)+vQUs(;T!|u0yJ!&uAi28e7N}9;U6{k$;*t z^OG%P1)i+#TCZnK2;kyRh$ES;xQ1i63vja_%Y=Fg8D4k}zK{bGh`};m-10S}K8>2W zk?E4t$Sh-XXn2Xcm)_D`Rx^WB93^1OUE2xHB5oBHCp$;l(gNAW z6K2sCa9+NVI*XN(oy|R(T%IVUaAYK@iDgsQEDIL}^SySuGegu38#;Bob>tQXVQ^O< zENvT(cKKg^mCHzoGYfSx4W+(RK?^#;FzW3R4kFu1HtHIvCv7;SSq@Y=QGN?Spr)D& zUx&}6Afu+0>0czLJsR#w2A*SZF{lo_cmpE$L{5;YR2q&~75{Jtt}uceD*Yt1$>A+& z{L!QzSC2*FN>jB!W*=Ci%~QD1OWxMrL~vtS-BCO(OOK8`mxC@OhdZMosg=tTv3+@ZFyZL zYv1g|ZIc1(VduiXf4x&{2mNEjq`-Wab(g@EE(apOJ`ih4=Pu+r$aze~GMi_eq$2&I zKz%cE&peyDwRd5c^6^QxI+kq5yE@U3KP-J~%}9<;hE2bpiGF6D8QXK6vQ>69@N=Pp zPc-T6DZHTKm(CO|yes5$O{|hI8I!ybFQFx?p~lEV+Ju<*y_`jBCro|AK2_+}?%_Ss zmhl3y7L&cGS@~Dh7K zIP1=f!CQ}+bVl++ZlUj78PQ~ft8I{+xsJpE?rK8&_)rdI87QZ_7pL3!Z`CAv_7Img zZDwf`ICn8lQ&5)uxaDrQAQ@Mw3uOjT#Ysn;5-mwp^kI)2q=m`E?Tw_qf0c*Z<3>^m zl*Y**i*b$2+(|dPvMXN&FUKS+SRT3EBZ57*>^aCT&z;A8EK96T-9EPl)|SAV5cDFE zevhqk9M9H5K|ut!opr^Rv(1?Rs+MvH6DlbkaraQ1t_*x!Qa6N+-jf!)%0|3%aJO}&onRbsa#;y2@#gGg8%0-<9s z!6+rmf9SEJB_vIO*39(@{$$l>nLd+v2)^UuQew?#?^otLAL944M8J{m{Td6!#V9FT zR*{pb?IR`YYU7@m*bjX?tB}pfKVjXUv64GBgwjaLWi}SNyn^E5bpvJc^fYTpaDH7n zc4S7cRhBZ8=yziQxGr0X<0{wvfeR}cO5Q@Kz|1-&psGl5Zq|ppTNY%KE$WpOTX5W(4KrjYYVptm_9k`aX#5?oEs)N^0UBs|-$H z37K_RwXv{n=pTL7GIr z5{tC{L{If))4COGNTLZ}G%T^9ZsvwC&b_0J}{hph@`@qYiKXV93XgjH`aRF`D3&qNL;CrsJ@=|w{ zDPVPJ4oGHxMXi^l&QQxA9YvA~QY-H>&~V&Up{mxke-hi%hQ^+94;}G4S-x3r1)${9 z$7AA=6vHECO`F^3*AOm5{}MxglrL6auobfX%Fn~~k$VDGExqHIIT(afq7D&7GPQ{dIGmlaju(LhBcM+$)37dBmMIexV`CNWjdX*r3B1 zP#&V7u0qgm0XFln^{_=Hg`#^FA4NtB!Cv~2fxJ-~h|^oz6Q(Zim1*W}^&RI@^-Qrc zL@Y_bq7Y_kzTFCnY~btm!71wp-(-EwC1hc!Gro1cskIiYLc(MoZP>GNKhYUPOO0=A zU%hmHhE!Fvp;jZlLt0YeLxLzUaQTVW7gu|lElRU3$>D zE+rS!&+HsBL4hdcI4Za%hQY`l+E*4t9#Dx-Y0>+Hmb+s{r)y<3NM@9rEXw~inWLVw z#eR6ctOagO^AykTJpD82OToQ-L3X6w)T6w2&4RzK5W`dA8^0o2yvR?t4zY!*kF(93 zhL&hOOaAdMq1cpqF$g?%j-Y0Ak73{2H>AetuDz{@P$9) zv{RTOvXkM%F~fcCF30~G!I2k;J9q{$l6@y!Qul6`NiQl;q@6D)PaB3O%b`qLsi=X} z&Y_3cLVY>zK3E6oNZOlhzNo&;iqu46Mf{y;f0K6T&K!zmcB~qy^wZnowkRNMT<85% z<$P1*`J2Hf_v)GV109Oy=eY;x-lW;?K$7%L&O^=M`?Pk-3{pMRhtpfhXrh=K*rccU z0XS3$DVj0-ONI`(LB-Vwy#Nm-r*R*tI72}Rf0l{7?9?sAH1zN(Ij(DK?vokHz-kK`DGQq#?Y03- zanF3-x`+9~svqff4W=I)KdI>q8PrM;$~7cfg|A*)phK)*8!ICvTh@t?-i|TsG;s;! zQuc!an#H5lAkC%Vm|r+&;PqAc9$U}~R9QK)i;Y;6#K_e9=;?Jo2vSr_D3NxRYd%vP zwL!n~)~M&wYu#Jq2iga?hY$PHt&LxSar+q-nWDH{E1kDn;;`(?f|5+;_;IcF=~IVQ z#B65`b9J-U>&1RP!PgIo#dHr^P+}!NtK)&A2S4l92VKIv>o`+D2D#8yY)7W)zwu{R>eyTp?D}B%8^!@&+pk(!x z`vFc$kVT9bam5|G{!EH$X-2cSp*s`(u*5WNQIcoLWIv_|R|9w#!%?YAKeZ3gp;jr- z$(H>h*3pN)W<$h9RdMuE^1{rnQlw)Lc8)W3;5}-M*AucthZtmWC*1Z4uHR(flh03;?22vRrfe}V zwfhd@^l|kL!QU-qgyumbb>sQl;2~G4X9r?xQ2oK1#y~EPW~9_$v0>=rwW^?tDp9id z?4S?%Z9ckAcRLKWurJid>GJ-96n$bxmTgK_qK5o!2URdGhysM`_pbh%#61EZFNo9q z&Yt^H*;_FhHrNEwZbmEhjCPXyeM~L-)BH<1crOGr*%8e>103 z6@w#VuFK&T_uLQJ4bdA6{+}z;ZjGYTvu%k>qPD7_8`-93c5Fh2p)DO`9!v73zTU+7 zmV$}D4TTHMVqJ)^nq-{xyH-P2u9!VD8nEGM66{DfzyK$y@?4u%7Bd&{`p|5m24(JG zoUw8YcpWN?w>XUBN`=TAHUw*;uYaB(ZYEy3x+gJum+7Hde7g}m5iu8?@Qy}Z|0zNO zCXRm^6+k9w;^6}YtXDV~iyc_6C}$@jJk_JMTTDtIb{|&AEl?IaOy>LH*RBeb@Ll-@ zPa5vNXwGlfyS3j@o==1&fvCRh*2Io$(ET`Kz4Cry`z1%_Tb#N-34da7^dcubawvy< zMbY~Dv<*tiyw69d(8@c)+VXh~O%yjiE0?i?>6gA697mQLR;)Ac7`o=!!jI%r;p8_8 zg!UuYN~@e|ifDCZhdZ0kH_1Pt^Hm9L=HoX$WY1ZkD2@|l4sLxh16)9DE-AbB(r~4T z`V1p#P{hi$axcRu#Y(n`Ax=UpWRJQtsN>FkwIG@yvfHEn!5%K$Q9*7ZeaJJWbm0x& z5?mxJ9o>+HocablZ7SmDQkw5R;Y{yN(cLq?_#hf!`$=)ay)A*ihiwc>KlIGZfGTc` za6(Fe#3n?{Jas<*8j8^wuQ$}xvhgcZ_YnqO~Q z3W1YPvWTpmOwTw8YYV9F)JKqbHnBP3bKZ=f_wX2F^;5+jB{5s$>Er_f!M5y7(>3Be_zHmKqW2eP)rA7XSEQ`(C{<8Nv%;8cvO!P8TZjT&# z7VxBak5<13P=m1eX3{P@(|JOAA1&3 z7h9R8YbARJj4t)A{Jz75W1`|ev)mtT_$6)y?z>I3lG^(^8?-*oJJa`=`=mr;HH#ch z6op$_(;yAC7`AtfpF6WHlV1N~dK0|x_01&3f@_dK^5aS%p?2>V1=xAPXFvDU z7wQ_CKD!iEk=NEQWk>(94y(2kS|W6D*9{oZkG0WyRJ7#P)ALlbLNTdw@U=eRKv=Ki z0@d_OO=}?Fy~x`K+50K;F$f3Oiad>H)N-X#-6u3B+! zu4qrb4nYq+bTzm9SgqDPbkDRW=;^cfCv#EC%RG-aCqws5(s&2ckV7|FA3bmO&SE!M zRxYS|AZN)I&F06F5~jv%^ots_#RToHu33xdG<7ru2Yd?2{IrCM{JWN&PQ2OHMo_>M z{!@BwzNCFoC3_fP9O47=V|f|}zU!MY3_H*=F*+vFZX zTacTT=IIl@_D7f&P21IM)xPxt=bD?7QN->DzE8+<=P&B9WsH4BzV(-%o5b8%+2XS= zE-tNE9)wRANZGPK*+BWL?iMO03TD)Sodj>32jrI$beA(OPup1N+#}fN_Ra%lTJR2% z!NVzZF2|^N!+Qc9SKICZ#w}=lu8S_qMgq+;!=Vw&xul=5BB(kumzSD8oGYPn^MU-C zY!k<14uITSJ!=vC+h6DTZ<6mPoyNvrrs5NuV!+t;bq;Lqlh?KBi4Qtg4O3yo$ya_D zE9-&L?_Hdc?E?=4TX{U+ZZChNxY!rryC@at)q_IdXUUgxeaf-04Sp^{U5@Yjbw@B4ZA5m+a}d6#Yc)`BJNWq> zx2L4^%GPB|@D8FqsM_Q+=djN`+axjirvx}dO9ii5L!GD4^Zw~IPmcE_1aDJc zqs;<`W09>n(e4wu7_ z6;U=s^ebgQV>^AOk!eqCV%zEV7dpuT}azxyT$JwS~OI1jdsxmiU z7F=&~$+n|gS^cgAW*KhIV;o%{ll&SDW_V}muBLlxPK6(4-{RO!O(IwqK~G>816f0_ zGy;g3-bWohAD&!W$(&}U;tAW|401FFR9v}p?9LCF$HlrViVJTjdE3p{k{z^)vsRvj z=k^x^S1Lu5KkXK^fRmjJFIfs=k4@V|`XA|3>U$C1J42p`B(%B${qLa( zN`Bye6WI&2CRXR9%!W=9sF2e*>Dx+n;EcL5fE9aB)2temb!5Nb&bj3B@uP7f;m;S< z;DBfFqy2%gTQ$GVj)c$!YIW{Q*P;}@Sd7U_tY1HIm$9;VIui*2e&B<9ht~A|h8AsR z*}S@ZzV16;OkI=jAwD%b)S1tzj*s+{rSW8;`>JmxpAgc6$wIqHzJ=UpirjiiVD7W= zBa0!HT$EE!q8)U^^~vX_r(Oo%UeXH>kX*S8rEl&NRS=b1o0Wyhd2KJ-S=FE8zOs=j zm)5WX!=ZcC6l5tkYyS21SZM>7Q4hD?gEhi@7HuRWIexCHJ+6j}sSQ)ZGb%3LO0SAWU`GfJD%Mzb3a8~FwUG~xA(KE!wq6;c(RF8v7WFNvm^Vj$=h~MD1|6Ky!j*~VLeXas52tU}w@biT!x+AS z#%A_IO@#uSLR;otwlOihy6Gi%8Jo-nC_U>FkPOz3kv3tIVH4qbXMpSQUBZ6dY$1P2 z9y4m!NF4>gOTrgxOU%2%@tKDv2d@;4ISg<}om}*%`E@b1049S%Bi7NotO-j*JCDZn zCJU13J&_rIPrwULx$%#q1Lw>uf`AG+3nqJ3oueOimD<}IBk)7%#S3E+3a!|rJq@;r zSlQ;6U09rL{44|6d({&S{soPt7DsYc*Ya(rI0Ok#4VP7RPZ@)#E2e-lDMcYg|NOY_ zK9@Q7X5HXLJbSZZSc23ex~CG4Szu3W37G|ok5ziHscI6Pd(4bF$^ACX^&5i>3)CA? zTOQBtmbMyipU%>E9>Gc|rJtN&!%{_+^iDLZ6$yU=JkXS??(LeDq8usfO25dj(H0Eq zWKE2G>CXZa5R1@1X{XC@&88I2^p35W5+nmCQe8CrZssDNIJg@x02{-LMdia?v4!=^ z-<9|0Ph79K)~xcQUS?hfSsH24$r`vGGDUYvE;Nev znhf#|fDscVA`2nU%$8Tk7ik0Mm(Im>P4j)TF0F%izBIBmsdH=YZsX&%9kxPtL!#E6 zLQTpy-)vic3{6Ze%}d_bX!bO^ZaWkg?ckKx7@OQ!30-LnRHU5B zSZ?H>&YKVfEPDqi%)c82ISG&y-9HIWKd}xkZhjy2%L`%26|nEC`}MZ>F`0M?Wlek@ z1v`S2V`z*jP3I(11Y=pbt*MVKSjlxP!j46HleEA+0JKse<7yUnXi7RMId(MY zD&&XCF+yQyh~0MVPx91w>Uc7DvgLPu(c~g_;AuH{|DFC3pcHlP-Qua*YR#AO#jH-$ z_4BgZ4Q4S&9aEI8+Mn+%7F{`J>_Tb5N)GAZ-t#u4o4)7bl>1TYM(2Y_276qv_s55f zuC;z2+)w3w&A4e!9tQ%w!XQ-o!kk9K^j*da&Uen9)!0qJqFhHL@-;IlsZ*FSCy`Np zQjv9uZQ(G&Xwya}lfBEh>m#n58ynw7jMmLh8M`soyExV?G}8L|CY@P47es&kX!}MR z+TiGJ@6H@slYU3lj9yk%@}ex7oCwVLd7-y$fjhB!S-U?w$I)=Jey`Hzdx)a;bJ0E2 zv+4Z_!1ihY>}$x1WAoi-3W--Pso%SUSU)^hSmP>eKlG)-gtuK?TbEeuWci7lLH;uY z1#P?^#>e+x(a21z4QBC}JFOASHg@?x=UN7_xV(1aL$ATf9cMtGlD+4s)`pUx=fz%M z(CLFCO!CMlL7Moio~%PK2HLCs#F++?V_JA=I0@Al>)7K@^YHQ9xfyP_`TqN5;>M!u zl(9`-aySx^NIwUw`ijS|7;8|&I`N@T)d?ptR)M#m;sBJUP4WqHV1TwihQCHDDr?3u z8M-U)7;X{{_^{K#S-96FK{(1KL^VOAeuEPH`5k$RkuT=Cq9p;tulzEJ6KG&>8}7Mr zIiwHG=F=*xbNfI*AoB}<^;Xz$Qs*&9moX%Ye~nVP8TxKrX4WA$c^&F}JJ_haJ=oy` z`i6^sOJ&tBfo2Pit$q#F^r*@SQ*26f#}PPIFCZ1~)l2o+OTzZnvA7ZsuA3#?qlZU3 zzZ|fYK9oJr8-mL_;Y4c0%LUuR&Vyk#;?nz!xr?BI)X(%o74$jBs{D&f<6K)>u{efb zR{#pjPe3~=_9}5}aPH3+EsD>M;1g-QJIA{2neR_R+YVL2q5i4r!drbo?ec}gbJ6eE zvY6e{WPj|!#LFfM3L)4BVE-fzWmgL82pWH zrU|bX`|WX06B-t>?7qQXpQh?uvBQTEt2i+7kUuwn#ML3gsRcq>hrw{xA@{V#Yp7ey zoeJxKn2R+4Vv{KG^C|Q6lK&}R&2#H^ZP;xylqlL6xBdKW^eX;WKPK}TZQ?KeL5CdI zuEb1*Ug&3JGuq_CVR3-MV_+31`Ml<|V0VBcR_5+|uCH1tWxM|ezj&ALV91Jei~w1| z7`KLlFM4cCAPmq1_S+T`0Z9T82(LVYOXZRslA{nOU2#7@w~XB;a4nK1}FF zy+*>B81N2g@WpaP&%sRPs|g1!OSMJve{OR-vCZrAwSu$Ce~3I6`Z_SK=pvf#?W=Mw zeCF#uihr9l&U6g(@uP6vb5Gx971G8f)@jkeCL*4@$_4+k&YeQ=vCc_g+{H9Nyo<-T zZKJ94riu;VaYNKFfa7gv$Jlyg$PZU{`>@5~j%jP58;oJs@Q!IHQ3lAoYkxWEk#YAjW5)PpM(4uacYz-zCuY)9HPre)dxr(MKDH(12}d)9=Ps z{lYz6KQZAqYA7NC;g_8Ux94af#EfEsS_f)A+Jn`O6cPcbwa)JDVcwy=Yee(uo`4=T zxpKRdv)q&C?8`EEbPB=E;lU0zl9X2n^=^AY4 z(=z0oN{yw%n#x_8x8?2DEt9WHiK)2Ov-K;^@i}|^(11jgyHMceYNzd2Sp$^6%my+n zMc1VaSqV-pVm9Ro)J!Xt-jB|toP{LI>T6PdkFEJSFfp`;&q!xr`;mbw;$u<+X9H`3 zN|(ja)Jw;nvC>5WHQHD1n+G5v$Q zPqOIhjh0(t8Xejw1q4}W-s?yT@)+LaSc6rRVH8L`413thb@x@BYN9++Te^Oo^W4<$ zKrln%9%U21=30__9X@~La&!R>p(qGuFRrihGueO1FhD`qS_LU~P-PGa!$Iw;v9+L9 ziuXTN_9WxUBE1_^3ldQ|4z-S2^@g$xl0LavH@qHSFpfoQnNRE^7%E%Iw*AyElCK?T z4Q~$>){d~6NBwZe{JaQ-V3O zU;`9scd!=QSX6A9-KG7tVL`;jydAcZ^{e57U4z?&Y!O!A^J3O_)zRx*+4!H??`=$z zunIFnf}kPJ1|Fm!%)EmdqtL z``XP8Cse7=)76gOh@P+{8Dl^&lMaiP$?Gu zNJ76Cs2tOrKEK&A3DcN)QAv1WD*o_^6IeLKR+i9(|8w7mOOR-JlUdX&huiJ9|)FAPdwu4Qavz|!2 z)IFZ>n5Cyl2sz(1^epFa*1cVlXtN@|P~?e|;&i&PY`VVotnZ{$?x6^vwi;uJ7rWf# z;P|CzBuw=^H-(%_MbtBM1fi0D^Nk*{Tdy+DWJuUAi7`bQ_NO3C{r8Jc$^8s#?PHm(aEw_D zwG46f3@f(x7$gcuBmA+5a7q0XWdkprE(Pp9iF=c6@S2Hv$yr~{vfd)ao8pb%(AEW#M^J-I1 zdpHKjC<|5u20=O$UB`h-kWJ7YVY4Lj#@cTyFhkx@NW7(_hDVTmA20nD9W#VF3-*u6 zN~8R-m~cXeMaCcD>1_-F*9Bva&NJ;TI)+=Cn@ooYcbp4UFVRzdV!(sV^zxKVvMTC3 z%&2$^;d4YR*c%xzxyXCPcHv8*UFcoXYDkd~w?dKk&oD=JuEUn5;^{LddqnqAPqQDE zr)z>%eNT;@sczZ5?5So^ZLNHi4)PA@Sy>Jh8Fke}L!GfClCumHQe>9(jjVT0lc%iG zI>-j|IG*Xd$+~Z4qXP&w_Kc5ENHdty`aTlU4g+?iH{Z_&e@xhgF-ksm6uk>Qr78=j zT{)gjvgk|~cef#FM4-tephwk@*;2Uu4MZSrD=(voZDm{L)Bi4zlYr?Ql!m+`fp zShp~$USijuJla4_UuIvFx802$P%aJd>1&DLoH;pfleY8up5ZSA9L>(O-lBS};8m4- zKJJ2Mam4P?5{`GAI5E_Aw@TSoJ(=1zqw3H-#_%-R7vf~K+>j%fFI8N=hv?9Zer znVF;pE8njdNAl`vrFoHBx_n#acMU)hbXFXZW{!FD2it8juN3HdYwNu>s2~G3C%IfWbZ5?IhzGok%elWDMiekow zM^{$j791vA~vyE#@wm+Ak%YDf&+ta;__E$kWNW3q*bn%tm>wpR0Rsil#$^2XE%oH8B0i`4_HpZK0LP8@9e5Xf%E`)*0KjZQHhO+qP|c=FH3)+qP}n_GG>!H&w|^Zt7O` zQ};_hbgf;x_xk1bHR+~RCVU&BAMIPy+g3qCHz_)OMJh*4ix;qlZ>;hb}cP z+t4r3Yu7x91r-dEIw&JM43bD$MSvj#;#>3KV^26S#qA|YXSn~=wG%jn5jZ9P4daVK z$VuN*0%sT~gE#ug8!;R{jyXHOx3y)+e&}x#8BNmje%&tD?y}8%I;uRUH<26c_`dcU z|3@=!>CQlvHlWeK+vO$vQgfaQYj$DH=C)RS!x^RFx1KQ_^3NnHX3>M~i?7WV@7Qq$ zk73n=CH=2s$-J0znTng_k>p=(ixjG(Vsf=>pQf8Xwp;oc`&MdP+q1DR25??RNJEq2 z<<0^&r`1kKMH5ClVCX$Fu^S>DgxLvS@#m3c2Np{qKTJz5h*Q8@HFHN!NJcyNA6qr> zncxE$uCPvhs@bg=qOeIEPL7N>**{%gc3WyUo&V0e!65*qA~+r|`acd$$WmNWq{k&>8M3Or{+zX5pgfFWkehUvo3 zc9_oy{7Vt^^?j|K50kN$;Kl)lX$^1wM4JGn^k`u{L}lDyWW{s;xU??yd#B>r)9^A- zD&8fnp!-h}9`8tpXXh2a%bNqSzmQC%nF^B%{{{21HTA^>xXDUp=UO|5Sp!gcYCe%@ zC`>vWo?V#qgWOez#ZC*=!1vFomAEzQIDK$EJjWL;s7FGM9i+03u>-Taz)0sy?i$L4 z91ey}!3QC>ikh8$W_YIxs$>5pgH81=Pl6dXEV~;20I>M{ucPrAYT1wk#NuP1LTFBU zu)IcpE%?e(YUvZ9o{eN%ho$2(ong` z@Zd28r9z|9VcDoG+&p?B28-jWwK1pT>8u|8y^|@I@crhtcNfgh5jl93;)B&U|Av{GK3 zS&})GiN|aw%%(sCizYNAH&nOp?oimO&P}Kq4pS)LP0)?FQCyQKJ1_M`tVh9*Ne(K} zH&0KYEt#AuX;o6BDX<}PQL|+6wC=ke*J#wZx2}A}X;UCuK%}FVBY9GKQH|uH+y3HA zC4i^#@6{ZTNLBKUe>*&^2wyE|X5)Qy29-F3gsLUawOYkqj>8R_sah)$@v$XA3 z{*#H7RF;@lRMXINUL7B`7$8)&VYVUP$ykWP*rp(Dio(R9t9{dEoHrV8v>cKuWK;hO z$l++Yg}4*}asjjwa1rXi8u=Cr{-naOxlUw(OA5(-afYg(bz%k)Zc^3An0=hPl2=V2 ziJ@{2CQILWe_2b1XwB5*1=(sb@Fw{y^DFn?F!ZEMs-k77va@{Df~ z?6&eGO_(CrBn7Nh2^vkjk#dn&VkXPqKSrQ5mJ=V*n&BqpCc!0r^Ye(?n47XPmQr;J z4clf$fY*bUmsFT?m2BBrmb|6y|>B|fytUYa7tK2sl*bP#-F#0~8 z4~G7wt)-w-CC3vlKAB8YSeZ~+^)hRv+)7~n6g#XvV_VD%%n=^lrSM5TV+-v4?3?Ju z*!s}S?^r%Dx}rICadjOCFf%Zw14aWv13VklLM3~R1)K8yRS%&$p}?Vgp#-6QU~)mz z`7GwR*4DgB-jm9x2e?Iu;~J2*3bv}YiniVza-M>H(=9m{*||`?B29UkzL&y=W!!uL z2w20(gvE8fP4?L)TnwO!x%aOdYp$52dR%-R6s{c4qyS;K&E-LrLPWc2nL_>pWL0v8 znI8@2ie5Xo4y*T3PH7v5@ymN9-|L!uSsZ-?oeQ`xeuv;Lnhdc5v2{O5y?wCaAtu`F z9X_~yj-$cQt56*VWUc(1LhmS50XKW#>W~)%FbP{_boyAxeSCW)oq^n|f0pDSKlB-e z1yH2}FvCMBTLIK|3AFj_~?2c5+O+|dI& z;v<*}B2EUb(Ss)%&`t)8(Bq-@1HEFS4iJ(DXsbg>t{x}T>N?e}2w z*M8r@qaGN%Le>~@n(iWSM~>8j#1%2Q_93Z9>db-aD1c7cqjea#Q4b`YhVs~h=Jq>s z$Nc&&->Bs5?w` z8jwp~g!|8sX4!y;b(e*F$n93=@i!j^0Pc>nLT$uuhq1y8zo6>J}+5#u;ozc|_(J?Qi$wqd)FE z(R(azgQlOPsi){q{>f@M+b!vK|Ax7}GKEfZjpR~~Ma|7FZ4@)??hWsUmuudM&$Ad% zK}aIMKQS>N5Qu$_hiWdYHcqmMlxa$_$&?w9RMeJS{l8f7EE}gwYc4W& z`0PffAR*V>96Pkv6{`ZjA=C{L*NU&j@2T&t?*U&_Y}i;3u^^1W8}&3>{aWxG9XmF0iHI~sMa^+>4T*SR3bG>-2}*I13gWRu!it1TaafjU z=rYm8^h|jrOH>T$sS41hV%5dWb$KmIv8xJTmtxt)jCOgobJ48|@TX$k#Vp-I-o>GLY9)R!EZrk`UlZ3RsW>n-BmZ`iN$oKZqt))>!g` zsvuDcl8A>Qi-(NIgPkRkG#!>>CmlEn*^bk+$!OsNSMvXA@C@UCr10b8CtHvPL|B-{hXTgV)ALJYkyMVwcIdaOL zlmE*EWEU_vrA|({b@HQ}BWh+<+C^8+z_yCDoU^WHb=t*VDAMjv0eOnW=n+T_s8LJ3 zJ)=eFV{>Pfs3V7J*;Dg@VAUD)C8Euy5JXw6GtxPX4Z=!lnN$1f)BPi`j|8y?>eOK; zj1X0K`?Z4)TFKE4_O%109J$l>=e0v89D&FjIcR4jvH_;hcidcNc2`BiGGbE_<=-!JM`~Zb!D8JeV=4k;B49ZQw75x|>;g`@EZJ zA9oXdNdR} z9mYw&W;4v=x9s+k)xx9p8L9(Gd88jo=5oh}*~{>zncRm^r=i@JR3)pZE8+IRv{s0n zF?eR@=98USc!o~TIXwb(t-AS}c!ua!s9mslR&VF`EbyJhcqVOEy7kg@iQTM(JvsPj z=B=bXx%epUgl^b_U;kEQxVCt3xLR1=sF^X#H_2u3ZthgFdu1qX0JuGb!vQ0AAh`m5 za7~L@O|jifQRyLQZ`=z*o~j!;w!z_5nNN$s^`UsRdBt&6$kw8kefaEoWKEx z;u(=52kO|72zHFJedp{mrg`h^s0W{a+QkbFkiL<5dyd*6dIz4Ls68Wiw`QM9Y*{v~ ze_l>0TjAjL6}ThJTwFTC)$T~Qhq!;kMRvTZW^NfuYa^IQ9#xR+#@|tur^()lmF9@E zl#@&urB#wDtTHf3Cl>EuDstsMU}TJBN+T>RGc%4$Lo6&bGnPwZEUeZuo=bzy%sDfr zOQX&#+cU09!_Lm!JjXOOUj91<&x$*1>TOkBBo=|^HiqJpdh z`GHRaT0a@m3$e%xEm5abJ1*Al=2-^UVpxZ!8`NraC*2%@zbW`8`i;%pM_C8c+;Ulm z@abb&hvC#Bx%Szv0(%+YW&0=DL&*+cu>U#P<<|C((mna3Yee>&+2UMCTQ+e)Y^;Yu3kk5Nj!R;~m|77B!jAmTvc6zwcLzFvD4*cyz4L~TlbA-=glaPUZ2YLGJd zQgeBJ<0AF$^7$u1_Rlj$6; zp1&YANj6Hm3mLa&be*les^%R+8RgQ*3xiktH~V^3855uA=^jPySY51&h%)&ajqu`LSXpK@#hRRCY_rap;GbKQ z%NYbt9c=^Nu(}S)od&vPd&#iIJ;Ci$Gs$jKJ@IHfxq&CyMqHsdqDN)%wHhCDe>i7ycAE-s9i3>ZLFGsT&DHDr54 zza5}f-%z@>C6pZz(C}Dy3K*C}DhsZBA3v!+u-Q1S9q-zqGl!C)JG^J=S-Zff^I)ax z{I?*BYqR-?u8Tk>*+ENiGsaClF^lp*EjfUM=ZT)jg6=b~N>@FYFt`#$`1r3Mp%_8X z;J>~u8St0jTJz|JzZ?ZFe*?f4p2<~x*zR*|oZ;6-$Wuqg*Vr_Ov?es|-(7)U@(j~n zsda~L`eYW!Rl^VJ(MuG!>DYP)T2^U?1nbm{dg6R+k2AB%vA=6^*ZD%Ks(^jxfvG)y zYc^;p{)~iZonw?`GuV;BV07LfQx5E;W2BBg9&ntF$%=mmggezhzce{!PaIz`mm}SD zlS@6{(GO~cA<*<9vjTa)AxEPnf?Ods>dl1n8gTM&4~mors@t%@QSiK#R3l$1Kct;c z+l}Y*Qv*X})3EE%x)ILtM{*#KbQsF85Wn$ z9f~yy^&5MA`^iB&o?z}$4D>FPvn8eAoq7UX@Y;*4$t|x>8St z;k}Aa0IQ?8T3Fwx`f=6XKdav7DH^p;7oQsW{y+-Dk{Tp52TJdv4KWFHdrIVfQfWsM z>KhW#o#UyaxJPQ%5sTB|GrigWBF5&4wu@f|IZV^|O8KO~8D}QEd(;Ceci(~&pxVjX-lq{ zQ>sg%9)VeVXrW7q-XW=S;-YRZ-*#dA%i9Bg(ZGVZwxH#8HdwqAYF6iQGTt{`Mz7zP70 z3ZZFe-KV)aQntNj8({)x z$=oRgePraZQzN&0(T{_1#k|lFg6Zt{=4T$v)DI)m2gR#uLcB9;n9ZnC)<8+s+!blgtT?}oMMZa5SMc*iIu@%@>~=@2|p|z+>14U zbj>0JHA_aC4MbQPjYMaZ%3>O^T52N4EDXXV42>+^mB$c@85~+HNaPjwz33tK@k#6k zlsH!YQ!$%W1jf8{N;|hGtEz+x)Kx9~=kM?lyAEnuUi5-Q{+6w?JaEl0;*vfBi#`aR z^&)TrBJ>LD=HALD46Ge&6GvzeHte|gQs#!bB|;PuH%t7^Fa-gmB*vMhM6dXQBsC0l z0!H{U)}INXfJEpPuFENgbiW8yvv^hO=-WY&QM|n2+BX<4Z_K7KO&A-64afG!>Kxh1 zD0jq*rgw9jQTVx9mJxBdV;TlUyzkj36_lX3`!G!~C#GOrdzK1Sl@%@J1F@rmKJAt# z*f0jL_xnkGVK~F{YI;M9lE}5!Vf#^iEQS)x>OoDFop;Pe|0P6?Qp|xy!)gUR)V}57 z3ow-`*Os!fkJ!u;3ZDFP6@n?7$;sLNxkLvWBk_OgUs23?nXJhNQx;CKmrT}L_u;;T z3>Nfr^u19^4h~V2)#$a<4b1b${RGf15l}LMn9Ip#U6}XcdWql+pZ(BX(Vmy$Neq*C zb2)FS9ZNg%j5(Q=dL-`tu5SwkG;`mmTBQ$^8pTIsz%^jsFzdJO(U;Z}BA33G6wcI< zD`g%|xR-~S%a_V`0dM96)>tqna)EDKwpKwc&hO>0C`LLS<^O6Fbws(|NIm+&;?%Qi zu(FdaqZ+Qk%<{d2gUHOy?plU&+PfEW0scj|(6gAc6FI$a z8-#6q`MI7mdsXY+&8Tg?FEQWq2wi{*oeM2WErKEst7vGd6kWs;aJOpi1Ur53-MUvo zwW;(7EU{-~yt-xTcq}7L(|glr>>&F8Jh42fg+Z7;E*N}L-#i|JAe=h$lvfDw6pC?8 zxwvGWFFqE1g76ivffKS}mo0ENlMF!E!VIX!P~(LKDmi2gYffxIxk8TH>-xM za~yn&JFGGizo>U~f}`bXt=+{)Amw0^07k7v6Mzoi$K(r5J0amONnw zd?M&uWB5ger%3?Glq==04nhNQ`V+JwW06_Brr6m76}$KIg9{1?ic4WZg?>;XF-`V~5f+z;;vqT9dU) z-;ROVl9}(2P{yf_O_lCtz$UcR5b+QZPToxuVCe2Vabt1nV5^?a!-hVvw=`wz4#Q#N z!^8Zn_5Ikcc~NYm`0BZ&V>kp-q1#I=&76U43A8jT(BhdG9XBDO5~;|@6aA(HdoJ~d>fud8Mt;#(wrK&u5-%^R111*-IBFz zP=8KW`1D)u-)rPConkgkmO~_s(CN3Rlj5}V*rDSgU72XWiMcl%!Cb+7iK?+(QQ29_ z-r#*}{L*0?EAYk4$3*c1#w$d;EeD-e<)0{9D;Ghg``vu^?3mqsuuD_(@|Br03&8d~ z=%DO)D22|gtt%p1d-;XfTBO~1aR}Q0 z1cv`MpupJ+rBAMzgB|(wmo}6-Ty^BN)`;gS2ua?+Lt&TT0ia8M; zzU!{_+18I<*O!tRTWqg;wXHC{S6@hD$*o%!UL;16=nFCb1~V@hRKI_C2C0<>7_{~V zv!(1NWu^@%rslr7RF8i`B;^yj)@E^?#}oC^1ffM(xs|cIM_r$VYAVkyGm9m9={#a{ zomA$w?J2m>eL({gE4VAIm0rb`IL;e5HmfG_W{+}*GG@sC@@ynu<)S%lD_aLnXLuN; zp@7pF)J9=YgGuNANxcsd??XDM&+hZ$8Z$_iNyT{EEdj8ltVsoZm&`fUO&xm|tsoh^ z&4lkK7Zw8H#&u8QfozI-AhkcLxa8f8ph5_Y*f7Y3op23YA11w>AVLpKB8`;K7z?n6 zj+X|C{i5bbS{!78AxowNfLMymy4XU=$VixHwpSbie!_yr2uDmJXQxy~o7q}u-Fq!~ zO1N>?eoh^1K9ak79DK0t{Mrl|4jszcP+Z~TV2W;We`(5H?YwrG`Fq&*6vb+{RoRlK z=V^Ht2z=1=;ya)8zQQ6L8s_hE9wNJo4X*ocb!jiyLm095Z=Yzqi#?0YU`b=9Jz2$6 zk=}$Mhd)g-RRe7vt(En?+g|pvprvAqaPfeXF^IMyFW>EuYaAymCCwwm&HmPc@RmE@ z2!TWbY>RLl5gsp{A=}h!kz@@x4q~Lv3*!>E?4cg~+hhr(?{}h8I=)OOipC)w%&y9O z#1({5$6lgKqwv1z)Gpm!nnz8{h&PbY0I$$>0_}u$RgmpZtr11LH=b;k6 z75;KI4EUw)D4!my3~53O=ed;Xi!IN#a-pGdb=LD0|ss$=GCE3X{wVcx_L%m)xR4hC@3hXgns-%tw(~uVyJfF z$rwTr5qnmm!3@c#hAK3X)c1uUT{_Hls65nggKI{D^?6@H&2(yVVTCF~ zmMDLVoG}=Nqsl#g6v$u^2R%y8RMDaOH7gtU2@;oI5@!?OG%-_od#t91nYffX?ha*A z;^gw$-OqtP!V{kNWhyW-gg#A}gZx%9ur0zgXW}pSg0ne8KAr8$)=4 zgJrwN$9s~;gG+f!Qvy{ng~L^o7s-Km;INfBc4Xd`6q+7U5FbJRaBL842h}n@jv>*~ zVveIB%4b<3CYZ$spXZTe34(+e%p}M+=!7zh@U~wxhsd^aE>50F6s#gkfR2lDA?NjV zbv$oTORA95>WL3QP&7DaqvFp)?zRv&VUgk?aw9V#|4up4?y-wal^SPUX=?*UyZ zM2|$DF6bfsr?|iwVqviOE}0)FR>Eu(dSMzyaT*#ixByUiEqQyeD(Kt@G#suhY@gM75&v_3isY=~6o2qtbS3z`l zL8gzNUb$CErQpF4t(@9&t|4ugkIfzgM;G(&Al?WLQ?UuaR2gvTf{eH%5rU5cLRoZV zp}tWM>uh(^;O$ z);I(x$_>ZL9QS_^Y9xK6!1&ihtcn4%EU|GT`OwQ!P@2W#fWvq=8%nI z+hx~^z-SMGie<|`x7x0uTZouTBP?g+z6m_meAJKi|JH3tmszR)*%%wF?n<0xq)5K8h(tdkPB0c0)3LlHLN z>V+2pE8aPO4SemZcf8#}hkNSHNS7JT(^PIN+Tw`4WhQtctO~CF$F&Z034d5GBl>|a zuRNJ>+~vCD5rnfm*k&3|k8yHchku_H{#A{_62nU)kP!pASC+!ab!UOZ;q{}c=UZQ! zykZu*q~Oz2Ut4>zs*2cD3!*(+!X&i^(^rpiD8B^Vak$N|%U!liT|=?%%%QLEYvb#GZb2E^Gckh2<-%L(*_fA{)DfAydZwOaqm5){$Wh%Zr;l?l(DhO zqE4GqK+I1_HUda)0OoLEg0QtWN7mY&>ZaRN53(G$8Gzbs}0^HUsf37Obr8U3_j(|{uE|7xNna>8*gU9hze&V z@sYL4+fM0a{pdI}ELYqlyIzPbDtY$!3VjH(;p2hev@h(<;w~>Z}CwD|49=jfYoGZmO<{_o)gGmBv6#D${q;ZlahD zh~$cG8ELu3;h8?~zi)@lcM80)U*p`vdy)~PY+bNN2b2dV2l0bm&65s!%)T3c92~$U z1}MVwrV^`rDzcSwPF4_0%7e#H*j&=3&SW_wdnA!&XQt#aM`qij_MeT1DtCHhD}(aT z7o_I|1Ii8|Yc^j0$?5f?)!n}D;A0*}ox;NMb(?FDLM&+W6C!iP&GkDpZV$v$x373u zZ3+~3{~mS*uiUJ2i?qhu8dY6!@%`f33Rch>;obX&Y;OeWs7ge+gtF!72sj`lNm?`h zc6M#{(e0b;$Jo;#`Lkx~W!0CcJ_Aynj_hmPHNZiX$W+KtL~Mq%|OUOl*zQa zH&d-K7+En#58FVJpxIUGE^2K0R=>NyFOtA=&vb5SQ_`@tKw+oQa;g;*v-gx>>l(LN zbUpWi!8Jf93|kTQG*H8zI)PYFeirvWXigEyC|xmgSV>tV%>|N{dHVSBTF1AqiWHCt z5qWEydl)M{gee{#;Gb1O$p-5p1T}4)CKzl!ZfD}_ON9VwRXG{PAN3B}5o1&bBhoKo z4;LK4x7Pr1`7DIneq@TM?4cyeCJ)b2z}g6l!_T@HC#!{oc$jp!K!3ntm`ov3@@4en zuC#DlsL05Y@~Kzx56W9mA$-tdcw_! z83m7UivA8lUz$=yk$?qQs+jY-2)%@pbP?3vMMc#oRH|@pjHRh*$$z|R*p1_1QyUkw z0*2Dx{KCWKt)zOUtGTwKiMQ)G>u;{_cLQGTXMGml?1yX)Z$ft9cW0xO)XP@hC+Sxn z+FaOh!$&H2x9{*|S=2*r)qfc7^c z?~6uTHQT@~j!^CM;UjvjS-h+FwpMPaMeqp05Ik-etcm(2q_j`yoB+$$N3=QNe84Oq z3`+=Z@T}3TIt_`lskObN6VsSN?_9+(eC7156HC7yR@Wo%I%h>KdBF3x=c7*k5nRWz z&Gux9FH02tTy`CnHt!2MlF_++ekW8E8{I^%HbW6W!e?uOj zFB@GON49o9*Uzpuu^~shvB1xi{aX|#+4aNze6K-#=FIchcX(K!m8c8GgX%~&))&sh zvX~o!l`hc|P!iD!BNdID(~U;pOiPoC<}RhPnT^6_LKZB9U)yle&bzKXTVJL!m0YK_mx{z}4v9m!YbrgP7<5Yo{%h;9~D6x4n07)kgd2r2P={0?b7ydF9LG zqksre6^C>w(E-}_br{SFa8oyGEM4X41{?@z(wab?o5)ETUZrgxo0oPo5;oo4fFzdB zSL+!oNUM$}Kix=A^-^@)W~VcHo9*rQAu?Eg8rdyn1nl7f zLk!8oR(9L`_jVIbPaN?-u^~xL0^}VTgA<7uUJsU}j66N->JWYLSsQe4jWHX%8y-u# zOFWm;mf#k`GT1_j?&spk#30(U&Saz;oI1)xPT^xccpY;b{SNQUTY287rouyJB(zF& z5Qzw~gP*6zkgX}BT3q7K3vHENY9S;M<#^VL0$OkpoW#M_*P=izkkTeLv+kfuklRi-F&h6CVRryswY}7?V8sZm$3R<9nCeIQiJ=FmMHT zt6q28KYhvc3x7Vxdnw>P^hKNN=-3(G`mFxr_x|Yi&mU^ZaMIS`NUfZEQ6JA`0hWN0 zIHU~JOi~7e>eS?#x=C~jv+G#pgk@)H*WZr6>+cT{d%W8QHVex_qaX$i zQstkfbZ{A4L>vTCi-prrv~IDl3t6m5T0)IQ|MEbUZCqs3JQSGlr#L%D7D-g(phO{)7wh= zl6VUv0===_x%+#tW8-(Rq=)@_E>33H-Q!M5!&_d`mG*PHA+vU+8`^I1@ zWwTWb&9~Ld%!#D~^T}!2;PlrDC+`3}hd3_={23Ab2*WwS%*D(EPp|-jZ>B&Gm<#2RohuMk26g#Y&@E#E4mlliY2rk($d9hD|J|M2>$L zF@cmM9oiv{feZGH-pd)QMVd_?sx3fRR;bb zDPvPG_THtq#yx`~C{jElgrX4$6ND&c-yb3t7edA5zy#k-WzA*!iq8Ch*n>?OOLC(j zTGPwW6e0k$=8O@;%{-;)(j=4=B1iq0yCMBU!loH^xiNko#}8s|37!X-h;sv6*Kp4@ z9Q2Mkx|bE2-9IHQbB2bdXwG?C;jmqtRtF4KguKuO;MY*j#H(+W zeBRK86Zb@Y*A;zWLrXSuC>6zg znuX#x$wR*xQb`~TMN|-{n@!Tkf{>xs`IGW#^fTotEe<5b;nW}o3-%9eHhYFQ*j+kf zfYHc;dU8PcLPT$j3>U?K`kYRwQA$G-vY^zLYgq!oR;LdMHhcHpEo%{0+%urB&nv+f zpklA8a+)crs-ldXYQx4`T}qHu$3;-<$6aqkQI93G1Sup*6vry$fs8bORUXJbMaIE% za=K@8aURr8R8?p_+W*CQJn&x}8(%@)%xpESoxpKx$6?$p77b0Jr6as4W2{@6d2Ck< zzm;?5{Zr6T)1{}IM*DkL$jm2_GqO@S(Ps7<^9lUY^R-`G=x!}K7rpwq+UKs8orRdI zsEPCM$ZCM4WTJmUlFh-Y-%7IKF81|lHRm=>#LXzOrtW*;@qhhGTR8Q!%1{Ufm7`(8Ey3mq$o&Ik%P1%qKa z%VYZVSw*m5d#d3MNS)Tsl-l(A^L@8}xa*_0tK9?{AN$LGolBm}*Kt%HuGd@1!A;ky z?`OvBzWLF*ijtSESVoo|zVmKOY}nM#m6cx@#YgeW=h2@uTK=AUOc4gRTC0lkGw71N z!IujOFeoiWe-Rvt(oha6_R(q!Px^`za$FG;dpRNuS=pnl-0}%oX^Gf&`G0>b2921p z^zBpPi=g0J^B;}oV-UO78Mg;`K6#V@r?WSbfy+ffP{5jH)g@C)9rZ278K!5!n?=(l zkTmCO*_&qhI($1@(Zyg^(lE$5!>S^(+`IxO{z zSZ8YacFgjw9=6tAtn!kw+jin_v+xw>Yfco=p(O>S)b5Phy@q(8%}N(wGS zl{kgjT!7ahnpH6^S_#HOk!5BpKEtJTUZ_wjORF#?QDh)o4AU;X_;wP4Y!nQ8TrX#y zKRRa~c>nRckHH%*Khp;e4>rqeKtk&;?$2pw*`QgsK z@GGj#<(cd7Ix6T2(L<2MCFW1?Ls&U6uKCs49=D*?hI#JV*zjS42oBoLjE2gW$S+YN zk!7}#NrlKL5hIR<%LMnaKH+;DxKf==V+^n8ys_Z7@ZAw_1l+M2U|H_z*ap({`5pr= z51|&@wIFgs%4_x#YvS|*9|&NG67fQtgxuL(wuwCPb(82e2)E!QJ6kFjc2#hk;;OL6 z4<6nh?@wL=+3hcA%-@-_6|7Ent0L843)TdrD z#S5e{UDKJ(9*y3eq(V(#B)fpI+#g;B%eV@KhQ!QQS@e1mgjUCq&Cv(xm+BWuhgy&{ z0lci5lQ$kvA|r9KF%}RO{pg&xxm5v_G{b-{F^S3%&lKpGmD13zoEat{h7~2}U{Dcx z)y&qLKlE$q7-!;7r6=Dz8Y+)0(nF^_NDZa|e=GB=!W=q*OAXR#5(L`WF$kihhaoRb7UYx++2eXQkCoFvO(`@O_*UB7$uPdQvLDAMmJ%wCMwx+-NY z)>43Q2gJvjv+oPpj$I}2K*pRmi?VErEN%Q=E_z)$$sjf8T|kV||GANc{WAf!`1=6# zT(*n_%?6%U*jI-JGoBVmvL?pLy3AD@Yc`a*ievR%Kiu)bR#(O5_{$D34HwbANxIh| zAwnqiW-oLWQT6(`y_BAWx>HExE1==fELxpz_Gxl8xiZXMB^hLlg2SCeq?82MgG3ME zFca5&r#P5=JpY$U;9vVVjl{r^sgf&pn@%L!l-Zx3o{8j4Ts)&T*U|Yl97GJL{pktS zFeb!Hv*#q)-kGjP$UX88wR^e+QZQ)#(h8Qv zGAh}m+oV85Gj$?zhMYr>_Az?7&m}x78CFlsJn7j68QEjHYx$1)rK(YN`+RlMCbfB7 zu@#6*g%BekSfDFeV4@eYCc=|~3PTCPE>C{WleTX8dZBzA@aYIbKPF^j&rS>wH4-sAeUfbU2}P0*L^ux~VOQC^FDF zvZFEo*w)n1cx|wPW3)KUWSpF-n#R7QZAojw2DxFf)>JQvZ%KszFi6Fi;ke9l|92Yg z7fOihj<1KY;bm9fHX8U0_9>3>7rBr5$>2zcRZCA)W&Fo^%HN(2=Oadsg6#-a?il=2 zqsm#)i}mf9b zS@Q_nhR_*!V7BILgm|hkV4{C*Gm}ioW35uw^@(g%yQ9-6t&-(*TByj7)6NM7j6uu2 z%li)uxjhZl1tX0mu!_GBSt)`^LzD=a!jFLPNvhqUIc0-pC{hub(f#EEHKT;;ORh%s zW|lt^p_zi^@i=3_X4(4{k_D=b$%A;sme3VgM3rL@s^N(T5+O#RSLdWE<^&n3rHK=F zBOg!qNnvDUGDrwiq1;5vtetA2^2PN*c!6*-u$g5`C-e}Pn7$|E z#Z>(4ByGE)=&4&~6yG%-;+^U=(;Qh${b{CoqUnCsYj##1+d9J~c?-CN$CBil_ZEH2 zUuk$DJgmezlH3}}1vbch<>=DwB1lvEWV7&0d?;dF3%CV0z0q z&`Av8h^=kH8Ud;^b*N~iztgsMvW{~X_a<=e%(I|nH z&{Q3b)S$Q+AJ=f}n5Au&x~g$)+sctUTG)1`Opuk%OH(JRcD0eTsocih$z9EJm+=(h z)%I~7PT=^OpE+uo|5`FrOj9g4Pdtf833R6rPX_XYF{V(3+AqOZfTEm{`JTF0nbIRF zPO1+kGNlaHX`m#ccOHJki2p3lozr@Hdbjv$pZ0nx|EBQ~9#Qy0$yuUcBzB(o$FkUW)eunJZfX~x<_Tdb%(f@H72M$r+ARq;=W8FU!*wdX7_a50!Qj^l zw$!V%8;fa{2-e=z2P)K67u0cu& z1lS1xk_t;_K-!snuKVt(i$wb%$j7>up$o@7OSN!}f@J`Y&Yn7V5@?Flf6|_cCc!8A zja+|WTQG$#>#{^k=cH#e=+Y;WQAfM;xz-#;de84xygEi#@m9N4R{c0x$&Qwupoo&U zuZHbCX@eQ9e#H#WmSkNCbZDPRW=mh!s)brA1y(5=g{T(=Lt3dUDE3c9{HKKt0#{FI zV_{(+84_8VmcvhJG&R$ik|)Z>I(@}h3SkfZ>OFwo0dS9U*_NteGXJGy%gdF8RL|>2 ztXhs+@!@>D3vIa^_`bQB=c-`VkNw~CZh0k__jH%r&DO`d*UL5OM>KI3bp*AHVHz+fzkKj1o@zQlIzHf4d^5DUmez-urBu{V zKqGlf6KpdPbH~^8)>d-Ao(<#9_cX@~x8KPJkF1FK$yr*~O77PC#m>UnUNaeP4o}xA z-q(9)Y={$EnoRhTpIwaKUE~nU&>m2nB4XZLx8WO=R2)4Qjf7vHjN>Cb-rJT$p?}a2 zQrYOGsabw4kN-+uDOEDrTPZdZG6e= zF~J$IM6$ZNez)X!Flfi^5Ws_mBI&~n>gthHhBgh-mqxOH#3U(T#-|A95RdF<?{>U8Wzy~JA+w2%n(u03K%K{m$i@c+Ww zTL#q?HT|9e5(p41xVr^+hY;M|T@LOC*AU#@-Q7L7ySux~!4J-m_da*-TXUzTX1>g~ zb@pDnS9h|D1Ab^opGDmlne}umYdsPWpQ}Q=A!HtWWrR-OmmTG8<$Zlb+`Z@t;cd)C>ycz=FuH;#-Ih>^Vl0~ zb$$qzE2mdyb%c=%!GBkz_o^ePsFLZ|r??axLS=(csjIRBf-f9{zDl`L%AEZCI*TlG)P%>s_uDYK){OHI^RMFr1BW1jB?0-)jvNcrCYN%bNgW_=n(k6R zxlQ`uIhJed3x1Q)i~zxIvxZb6`OUY|P)N$K^kN!eCM!8J)Api$4#{Y+cDZq||7=LE9f=3= zT&+58*fKFkyf$5E+g?22M`*3kmVpKIZLw1Clni>(@bQnTlu$FfK*LOOQ@}*{_hqTz zG2oL%#)(1%*aD|&h0F*T(*IsA`qSRX=81l*hZU(sCzl+9I&h z=^i0()~#?BkU9MFOPs#0aY17hl0|rjck3FHOu5jufhb4B6P7^#jw9?l#cp|QQg%$P zfBH8{hc%0uERiWWOR4l3&KCnG83f6GPinTK3FXPbs>C2lv1bA4cHyj6J8#Vs)XMO} zj#Mo!7H`smh}Y1K)mV%EmQclr7t<~A=r@+p7|4Fh%O8Y@Sc%1t0Eyw=XGJP%N|w&NTHXwJK6e-)s>X7<5l|Fgj}Ys7BnQnJf^s< z?H7nL9uoygjb+6RvaGDh;Tt3?1a~pb%_C-~@;ZBd+cf|6l{esNV~yu%L@~f2`(;08 ztJ{jl$UusT^fa!}D*Q5LaEP`4IgaR+Ni9(^gWYFh3)o?Y&!`2bcKj-m zwH}^1A-gIRa4)0C5w`eFufBZM=FbzGG*nB8L5iz|?ZsO#)-+e`g9BzHaN9vkp?#TD z+GwR*TzFnX#ka6{m1F25K{ZT*Ry;L{S8n8xlc;!%(NO(v!2;)BTayWLtQQz=Sa$^< zjU`fGV1Ko@W58Q&EqfQtyO%N@l33CM70gITzez7$?%d@WSxWEB$tO%_MSRNlP=p_* zjnfuz_XuEh z$swNw;T9Sp^8V~A0MYQ11$nHI?h^rYsye=xTy0IV5mee>V%m_y;pb~QF`)amQzx#8 znE5V`s zjIhCGov1gwNqn}{@2HA&R+2v9b@loa9=@j410+MXpKhiHp}0_w@(+jT-RalEK+(o9 z3n1h3uCwy;L0-9C5B!0I><*}XqI=?BI6qP32k?nuC!{uf%ex+vOePT0Nuz35qOxG0 zCohhjjqf?%P4veJq58E+_#mk_>zlM{b}`0wca3?BagiZ$TEN5Z+x)+Bst5+ZZew@x z6c$DOKJNKZi|iEY#m)si#IFj2v9uIVfO;S2_rk`EzS$V8!#Vil=$U?tF#pdp&0{JS zxtyaZTHiDw7o&!!4ylEP5E6@dSDC=Z@zeDZ zfkU-h;+Kw$eqM;5pW%Kx=zl)?vhv%!%QO3%C2ILc5%U*QEDme$-?)*$DdKw*AUiM+ z>fX!5>OkI^zEL*D)xRE~(05>b-@_T!jyF0!ZWU@zL22#XwA}U{o)Kqnq1|)uUuI0d z>Syh@r7FwZ+MAie=eT{>0PjHP+U94Uc+NnXqKma?mC;2}TYFzvr@F!pIgF~9zW)@N zK6Y%V%`d9kn~oGhv#o>}>%P63pXn1)j>b<}_sApBlK0)36Y1&RUTxU$5IJO*9#YZHif(73$6x>u1clwvE*y!LYL zWBu;a^}1k>#eZY>q%>&99dUC8U?yYE&} zR{JDi>$2H#34kO+{0vbMgM=QyC|?qvk3s?+MnX{&6S^QSKw?(IyrdbN>n}GLDjyoU zMKqQD1x8*xqqHK_ETBXQndYMvqBHdIU_1o(_nXE};0HHi4VfhVZIFG9_Z&W`f{W67=Z{UAKFaR`mwMo*N;VpOYte>>%A; zDmwD|xQjC>(ES+gaC%QZ1*gA`jbZ~YhEj&0g7Mzzl4In|nDklp8|!^#=mgPe$U57` zdHExpMxV>A<0)sgFbbhy)81J$%9JEpHT}Bjg7+au{_G({~x^D&ed9$ze`a{mlR&@5u?^bl8V1u!ECylE~dE^I4c`%76)FTn)* zC*PL`ix7(@p^o&4*hIdl-%ZFr{>J7G`J5`$D01OZoh#z-&fp^Fn-}pIgm+wUQ4=c-;@%wh4UD1 z-ZOfTfY^NV;Ck&TAm8A;|v0W_g`}RF$`#RAzV5KeJ z2a*%`)3g~}!}0dr><{U64^+#XvrF>_in)PthsNC*u3VzdX zs&gKp>h}qI->_J}UuY0Y&_1b@PrK}Xt5|(Qn9;L`t7g+1v^&UdX-~s~SXm4Qku3gj zcSbjb2eX;I`6P!cFfTYYSC+Msya;S$x$2$0c6S)sCTRzq1>yOo2h)ZD4pJH>D=NZ_ zhD)B*O^xidKrcRj>Tc-IemA`@0?9w?1>jwRm4eU|#4d99TT~8$Sy80;JHIb{53&*U z4vsv_Ao!}|dJ%fDI%F!06LrOl|C$-yb>%)>T3mS+aDvi&gNA}os+5b-f^ ze;}BAhrD*%C5*8pN}7FF8sPi$;`HD%YrMj;rLyutV?=1WeBoq9a^rFgvI*BKG~=5& zA#k7AF98wiDJ#~kg=BceAPm8r^YmdRUU@f?p0|p&y`K*oJ0_XY^*U`$IR5@?t8}n_ z=;)HJUYm6+-FBTFl3H80Fs(Ui@oIH4D4zP9R$`Q*M#ho2G%I+jR*})*EpqaF`jTH$ zgx6}r;Vj}t%F;*?IU+gas~c0EGifUOu8&zmiTln!ux=Ld>zTLsE39)|YwfU86^cs~ z@n+FFt{d%yxxJM&y3y*e`Qcx$Lau9C2MdEf$gbEGK$fQZdtm za;X6t!!`_;nv_eN0vopi?@hfzi= ziwFo~V%cr$8mbS`!LH{>uB&1UoiIza)K& zwng_KWpSZ>r;^GrZ=;?2y3WbU^bC zHxPX@g&>T`c%A+2ielJ|YR8L|ZLt~mGNzL;@nv^!r0l}gZQet$@TNls{}ccS!mnj6 z)0C_;8D;L&O>B`H#dDM^B8V$`9nF{BL^)I$54mFLS0YtO&qm)bBx3FA=?+C-VAYg2|q~JBaW-C z6JMMwKPOAsn%LPW;?g088GP4Y$T$v$C zc#1>aa$wzhAmX0#7mBltLFUs|9LC->#vi#h2MvAwcE|VhHGLk3zc&QHh-j-iZ?M5E z$^E1A32}_)fU2@YiJ0ypMTHUnn_ z{;u^@RMR;TzkQTU=lJ^Vm%R?EO~PNgQGL%dw%22?B+1_!z#^~SaHHF%c4(3$!EW8g zPjkfY(3S?j;Eywg;QL;7-2RZ;Q7iickC$#4dRq{t(~rlu9||!^Jy=$bZ?>zpJxy#P z+7X7r3`FL9bXh@#Q}?&AiEmGx-g($fB>`OlX%C$Y4uJIcuEhhS|3XlGoDTewvi3?1&H_S{i{E?Mzq(h-808n!z+KhJQf1H3U$qD}LK zPoX2Whg+rJ->dZsYgF+6VI3-$^x1bu3iUVPETHHcjS^XDVcF-fFk$?dAal`L+DxCn z+(@6pSev2MMt}NKOk7VzPWA_yq^mvwQnFjn0W%=5KDRz}9;xChAtaR`x#K8ip5zN*OX+mOo(Jn;a%d==I3gA`jq%*mk6 zexCBIDbh8LXX^#L1NPF-DtNtH99$UQxcn|sC-ymdfq4^Dr_2M-N*03|)@AMK&~*YX z@Xq%F!RK^`Q|74D*r7OYh3VR zl%Z^oAukf}r5-U3z%OE~Cvv9y6Lk&Etm@ZFYOKU_I_?7^3~0nuCn@=vw z_5g=-oN@(z$D5$!!-9Am^@n?B7q*sr$#;zURqryvqy89G8UWn+@1=xlK|--3z%%uV zFQ3Ac&f;h8A34-kH3MwjJl{8=Mz2_|UPma75tu+!Rn^Q?n-g6dz86OZ^T})9xc&dG zLh+q8Dg{{fbO<_4+$dYC8S2iIti0k!I36ldoU$yU|FxkTG~_?KWGAZk zOACq9H}b+p!G(i$ByI-Idgwm8w(3ULsA6%Q!qJJak>NEp-)Nr;zI<+e(y4A!ft_P& z5o+20?ZVJYZ$F6Q_UWfHcEQ*6lJaNB7h+a3eU-;*veVmU0dlPx3gaL6qfhOB?iw19 zH0udnH<>0_mY{Sr29kM>TidsZVi|3W)Z!;VsE1-^FwpysgPjBVV{%e2YG`U`0!CxV zC`RXJkv=kAE={_2y8RyA*~8z#;lfAn-d%XnAIfgC{A$F(9&g_f{k5{tbBK<~&o=~P zMvM#(jZzO6fqlt-;4<&dBW~|$r^nik*3KGAKNdHX&kF|b_#6vjb}~J0uuik+hzEDp zQ*awfXNGpFqPuHvv*G#zzI*I^_ucT#Y0N(+O=Ik{&(@^f5beaC)PK>qrx9|HfV0vl z4~IKM8YDe*`dspBd`#m(xLJxK&jAeTqFiTM$S#lRm>Qiqe=Acbs|GrTcj|mO&GX*A z^2h=P2wxV@BQ9aH9zZK;*mBN;v0X{-oRxFF>K*BrZy<|F!iP*T7P-% zb{9qX;07F0F8}(*0?S*Gy*uqgH82L zVD^g})fr12;{FeUV-{6sfR_X6ov%6ZyO?@fPxjJ-c8yTaq)-7G`$jG!t3B51useQk zL|=~GQPYl&K^@v_PNr{KEUbuuNpZd3;l~L(58Br!c%2xp5L3a7_zCWNfnwT*$dPo% z>T%mTsh7qnG1gH{3DW99bA6nJr}Do7)sauAT~?1(#P6B*;i^mrV#>rzyGKQ*2Y z(Hcx=jh_*3yEki)=%;9(q1z1wgi+If^ws3`d6-jdwd!Qd?`#fql(BQa)a3|aNqwJi z7!h|1Ixs?jJ@kXLtcP5Zj|dj?=aV5;wXIN$+1@ZHt)p9eozh4di zF`{Zs7z0*(m$)>N_w@$v5U}{c>VREXBp%rhMklo7W*seYk|S=cOSU0=>x7Yyi zdMrF%dcZG%mz7Eaz385mQCPA+a4gV1s3x0+={eK`*2jLo@F5NLj3a-8sQR&_0?^Hk zVy~$S;ti#{o6cgBdtX?3C=n9)N6Bto{=8!ERNbl>jZe?`V1uLxjnl<4exGg`{TR^T zB;QU3f~$jNI0~}RI*`3nXFXjMz(oe0(Ax}>&@)n!T8++iwlK~_I>jsXrR;pCRrwaD zwD-gO<@kepo3p|mTnMsjt-*ztFRMv?UIloQ8h(x^o{?^Nl>OWW5f<4YmGZ^U?Oi9? z7P?vR3A$P0(3UG%Y1*FE70`!`1w4qbWLG; zNL;~lga?E?6WAGr`u)EO3Pl)wB0dIl8t|*qmhub2PGCli3pNV(_;ZWsFp@!Aa4}Aa zW=x!IWKO;O?N&$!Zl5}zX2hC1Z$#L%!}*_HU3-OTM_Y5DzA~#&wthlA%&P--wkk`D z$_TME!!NoLMtMzSnw!YBSBb)!B;&Xw+kXP~Re&_5*HWo@4G{@a&!e!rB3f;l3>(_G zk>wTEy1Q)icaQuGI5#`4s;FTDqy|;oy0}r<_O#kdb7ySZ5_L^~&An(h@FMEbUN9G3 zh!d31pGvxHy=N@cb}F=632s)X7MeR#!B1yC&Mwpfg5Ct@g}QIDGm5~TnzgZXV9{8J zBLvn#AIHt$K|1TrSdHz(SPHNQ&&A4E^r|{`xDX~v{()g&RG={8CVUt4oM}lYZ@60! z7~ktM@K9@KE{@Ml8NE|y6y><^8J4yV8=ee}T80K?7&%`;ihhQK?gXb)b)-@Hhr)Yt zsftSEP2V@=KOq%L8coVtNfO5lE9X&nQIUl{<)eBVV6Vw&kVDb9Pf;?FeZ7CPn(=aWXLP4bCDa>Ut7n1yC`^QEh+^ zt+^Uc&fRyLygN^0sFmfT34ANZh2VUhPGHliUrlqrm$jECIeP4`<{@NgZ|KBYJyd}L zVe-ZNpkRdLy$Ta)YITd*-MZ1(Ao&mpG!Dgza`Cwm+u$M#jR5OtB86pvB~zOKFV&R= zN?5C5%E z{f+&1l-DO*eb5cqx0+WLa$q9}p&D$b0qTBQrW0;jqWg9(C%g00Q}DB>7@NG&e0EI> z&S#-3=I1=1DW+5fNF^B8n#RJW{G=9)LW>O_TB6>=GN^ab2fBCAN@}9 zh~%ryT|ocq>Y2>8&!9Kyi`J#V1KWKes;WdOqSGHE$V-R^#5qF!&L0h5<|Rvg>5MKu zHYNJAm;UFmPYhZn6%%n5$dno+mdw60#946faBdnD2j=s0NCprVYeza!q<=m@7EUH7 zYTls~98de0$o6^fTVlb@)1595C>&2LrYQD#0&X}T!>O+%Hn$yu!i<3X8HQEo(vXg# zlEmve^RXFL6LXw8RvBKaRM1{zP}I4ptOt+DS*iJ%g<6G(MY~`{-kf`i=I$J~SOxqX zw|K?w9CLAjJdHG6oTikcKw(er0mFqk0b^QmgJ{KKiAsK=Yz0=sN^!xozlI6QVTe}` zAb_UeAqw&Bih$Sah4v42g#NhLrL=lrJH(G%z_0v4$zH2g8#W2*LB zKWut`Jbrbx^HZ$}SGA8-N$)~R`%J3;#p*ZQ<*)Tn-^s71LFb<&7$GP85Vp{Jmp_F| zD+jsid@Il6KH}dnEL+m55mWE8f~A5WwNp=3C>D@@?nz*jikAN>x2Ny7CSQ1Wqqp#W zI_j<%S89;7{LQ>O!nNbXG@XaeBIT`bI%#fB=ys6oth+Q1CRoxQmo{%(j%!{&P zMAt8hXM_pwz~y%Rgk*gnDpd_c<)b8^GV*PEGlBe$L33FM|88=qjlHU)Oj~jDglcrC zEhmY3Eteu6e#HCkj*YnecaMq~-{5-NlUIS7mnKSpeUn{VaN@CA)QQlEK{`WTy7D;5 z1XmSB!tRNn+8vgFiSBwBF_z6zWcP)laM5%%=XTR~fcwbWdF#&T^OL9EO}|&G7fRNN z7dyd^;6euN-pSa?IXvOEpCyJGbM!S3+R?i9uTxBaL<@uN`G$TtS> zXBx%Gedrlh)2i^8HHq=J!=LrimQml9k%T{v@ejmp7_C7Z4gkIV;tWQI#;SLoM=nVQ z%;<(?q|x|q2cz{pN|3Z3EQ%|{7vYL?IYGn$wDC|)KR`aF)H{A=ODok*R;k)mhR0Y z?!_KSvqhS;|v<4-ObO^35D@_A-mGcve{u>g%Zd6Khm*#}u^JOxyLrtnM&8(bBPP%=!-zg@`|`fe#iXPHLH+%NIV!TI^;ge(E} z$mFBvP~^2#Z7Vy_$!XaE&@Xc#SQ|!3ZZ0(hgmJ4ZEd22TdKOT*3wo&PGL#~>2&8`F zq84}N!o^KV~ ziQYMgx3c!E4X?mXV-5F#XZ-YM$i?n|hg&dl{fF|P^?{~fBvRD*H{~Doftm6D75;&R z>A&M1w4=Kv`xub}L2jX37X*p*>tVmBk3y&X%GAAnv!*Qk&hR&PKU(F90DOV@p8WF8 z@q+DTo~3yWdy5ORYVfB!&M3XN2P0>2I_?LJ-9};iXj6u?vgVde2C6I_g5W&ckqgRU z9}OOX_R&@GEe(&c94Q_@!#av%Q{O`bs^TBWRA@Xz=A-_;vJ~VGIbj9rdeI%(Sk|sl z#8;Jz(M?8n&h)&Rp+He(C*t{^ue9@2WMH|?67OogzcFqRti@ixGJYyOwQcy{llWh$`wuGPmjMv)56;0LEiNx4DNiHl zU~XXb0qhWx5LR*nIs&XEY)ov4nA!g&``<-nTQLb?83Q{831fhbqq(CSgRmMA6XOTK z%Zd8IFI}e~{P;#=fvjSLuxI@JF-;DfQ z|35|qfkyxCez^I8LHP&_;7G*G`9C5uuoDNEo0>TiaWJtn{B!@`#DCzE|3Fb#|0}Lv zA8pXJ=-B_iGEx4$tcw3-K-Rz-@PAG5{|`)*e?k5y2cqUyjsS;$Q8@yH0Y`~Z1*8U7zkGP1M(FU$%H8xteze_ume z1=cZs9{qze1j>TdAo3?KyOs;gj};+8SvLGCL7`9l6N4;=mL-}P_WO5s8DmtGKcs1R z`N$|zC=d!SLQn`_LoJU5zd{0P=+e}u5)1f>rr^d-Gqwbed?wReHa)=W`>o)02#BxU zVbMoSZN(m%t}9E}ZFNyW9y>sm@d*2(H$-_neVR;VC0(b>l7@8%4+MQ}nk+?*=eNF-+ zvN0>x@tNRRyM}j!1PRFyGBGO^#to+~9gP8A0QpLh+zD)l>QTW|4wkxTBuXaM?d(%bht^atC1zn8}QX=0N9DInk zxvW5{hLPb67T+`EJJ4r4G3YhhaQhM<4GpR)G+Xz-SQ>I$3ht%lfxD^3%%GO^iF#Bg zi@K>0`6|QA^nl>T1HyT53fu->6CC83MSK(5bfGN88O&+;i4Z9n#;u; z)L=D}_?BLaYKV%B~(D7HpFus%#`C->8z_}@PigTF!Gzmw^ z`AOqB%DdZoB1`N)bO3)2W8_>u_U-qKd|Q!7EQSqa%zcXn8T>jA&J+9M9%idSy3lNX z<)59oaH&Ffw>TAfy^isf!M?fbyfl@ga9lDMYRl3h7J-^(wCuVKI#)>#0$`u>&Vt!n zLo_=+T78h-AatY^lBQkYF&=%aAn{z{Fd0ll{<8Fq8TM;p;|#lnA&uBEiI?1auFtGB z1VvgfIwH#C9@=dGjbVd2gJyDMs88_wh&VPw9DpH(SPH=Ap~9fXd>)Ib9B!eIYA?&O zfMtuV6>&aLG=QL0{8~Wt*~`gvc0Iq<^!1YAs_F`K%W({U)W;QWfcBTjuN}-NbKqIE z9s2xfkUG95EQf3)KPP<5HC1}HI5EaE1;-3n2I4Uz%ySH_teZ3-shmF?6k&*=3uK8v z)n$??M=KMK7|1EY+D2|;c zV$&U0#GL~;En^wsF?ZB`SuM2+vmS5sS;?w5T@hP?KQlU~Icq(q{IjN=k!67C9RWq9YPUy7P7M#x;J}vpeBO0n=^30KdqEM)Twn+Pa zlX|dezq$6lOWWtpLS~i7eeoi$=5Ut>6-SoBl~}8cqo`cPM`0L?Kk}=be>>(9@~2T4 zX4RMVTj?kCF*KDKCq}?a&lojA2W7aT#44BY$zlD;g_zkBR0@N|c(Iv+kQ^)X$)vOK zeus~1Dg$8|?3Xa60z(mf9T(AFgs*5yzUmXV0Y zKAoWFD`FpF(NmXd*(9S<-2mkam^*hw%e7EYHKdk#j1RlTB~@p79qZf>DxGMiEIPlv zC|U>`(qYoHY&O+PSG^x*%G#;d30f%QPlkD)ofGeHo-=OgE(ZIMytV-h=us$fFcNA6 zx7>nV+o61R(-A#dI2_-X-p5Xdy7k|KnPXgyM_7YAxVj3(rjk{ivG(fSRK`r2b zu?Z}-uKEkV$BLMrz^AK4E>)B>v+nmtZ>|=S4vI~K-Z9Bj^VlH9R^BIZZ7XR-L?B-=%HT2``Vndo&BD(bJ)^ro4s_21VMB^?n7(s9&z_}aGJ^n0yS+7iIk;efwd z{bNDob?Oc??-C~KabtfOB(_bUnH80!lVXOU!kw_iwZw6DmBh zZV+Mg7r0=$_{x#V*prS#9J*u4!XA z$#guWtgfggBu~`mYAm0EzNT{K3Gsq?iotVu5atrnT2r|H<-5Hu+fM}@wTCwFg-2`8 z4nIcC4;&XA#vdfvv0uq+QOJqrL$B-Pi}lM>6>*hTS%;TC2Zc6E&N`PGu{LxiPlvKp zCQ8ScJxB|ktELUmxp;21vu25=2@^bedD4#W?P#%s1Hx! zfa%`z-Z^w|pX2j5+q9IG)v76=DwTdi8rKVMP^*MjRb}&kr6C!2wxTH;oHsm|8dy0~ zWUXK=2NXL?j87TUh%a+4q|g}1DI0HZM(1yEZaMfRDCRwk=9&QA&YJkCkslZ$pvzCK z$ou(NR>#d0?jN3t2ImJ`4nxfBu+#tmCn2&})=C8BFd20Nc*e}qUI-uac#G&1jR(T& zz(mFqmRw^0@_3%#K1>NZ_=`-v^ozSu%PB0K-(Yme6ftg-L{drVpj1}_vp2tqPLx)a zREacJm^lZt=p$T=2PdAFiIq1}iHO4`BxWG~$WSQ~l05tyc&UM^2a_?s%~G11$j(r9 z__MTNe*0lPj#?p0sFWnDiJMU+MtUJMFu?k@w;n*?g#V~jkw*uUU_Udw! z^ot*0UtAztGTY<6)S$6kj-7I#t*781DCw)QN2Bzk90q z$_ReYWry*Kqm=fUcy3d>bDy6(7Oge?TPl;BOue=tor)$YpMeATuBLFYsp`35FrkPG)I`W|w$qK4`4qYz$kSY;Wv7%m4 z#STk8kuJkgl7!K37rY|)E+IqG3Q-;3tkYX>?mj2|gg$3W;WqL06$H&cji%vH>Vu+v zxSND0bR#MP*?6R3nNXdHMlTs%DB+Kpd%dEi126DIm?5LFLik<$V|NUcvUs?2E{1xG zhLx@9NY#2UynnpRp*s5B^xw22xj?OoJet8BNmE51?fiVXg|?Iwg04%|EvrNWaKc=mAOVwH?WcXC=!3- z>O=03m>5{F6TUE|HFZC$an1Z~AFFBo*;RT1^MKZq>pXm%t3Ta7f6t|C?^VDpW2}TJ zWDQmA80B8@fT($2e1hj;?9uL%m~4>C9Fw5zQZ1)Vg&VUN5nFEd z_?@#DcMVpY))Cc!6+8Qu^l_oXm5L{XR}g#fX}xxu6#OmkQ8mGBM5&s21+Jdh(&%LF z+pj;oLv{!>dUHY56a0O^XR;9l-gviqsdR!UA!)h4pZx;-IU+HMktyZ3NsJNN$3>}5kLKi8v z%b7GpF2?OC6YqJjnw|=4PW0|=y&D^$)g^OT{5?H=#04sA^4hx#8^N*f!D5|Y_t4E9 z)}g9*@^fY*#pP_=(5Nsq2qPUNo7oe^H}Ul7xyKSYDb9cRkZ%7(Il}oI><-C$0DN$= zsJ?Mej7Ye=vUR@L#T)Qm)JRk?!Do4@*iD_}wxJb%jQVYZ-}^TUr&XzUq1Y>H!s%ir zIWsoHLs?H)>-^@dnAes+A2jSyulmH%%_%Z@>{1QlgevGhOBt^rGRqjEfzO=JbbM&6-wI}B#RL{vXZ#hN@z8T78R=O z6EH$?(i?>8W5A({-EWs0t(~IO7mn$uz3~j*!TiVZ{@&}%(8SynZrzO)uJXhfm14tR zCMrb<397_a{D({jcZIb#_xyEX`l0~^I5Wb z)nx{H`W!MFi_gcvp(@#QnG8;#_;qLZ-@H2mKDljen0ofU;;6zS>tKU2?PmuR9wQgv zn;E4UJFssl3Yff!`b>ClS5!l?(}C6sTE9$*h&Qxe;~H&_0#)X?OS<-7n67f zcAVr-mSfyq9@ zJ_(yy!%zicyg;q2g8-LUr^+Dmemv><4w08r^j4i_h)P9YW{)0y)D31wZAI;pG=M6IDiz2tc=f40^uOM*q&k@8+a^eN_@#gvy?_@KA56wM!0jigqsUJ%zIt5NS6goU5`;*6y*PMkKG-e@ z*=yC%*debdhaXali*6Nk7rgiVOtqfg%dd!^-5jN%B)=Go{+NgJ!y+U41qFd3NKT}Z zO;@l`N~$`StzTwXqL}kQW${}QMo`eC_|Dg?{|)NsTLnIWb9|%v7akm-oIod^hmDP_ z1JLbJ4m4)k;Q~I(T(7Izbb*=O&8EjGS>W#dpQld# z@Xd5T!dfDWXNmm<@@8J~#&nMDQ65A!kZ>OizZi3KRXxs>L@@KEx#Aly^!7T0>>w8K zlFbJ2?0@g~$uOBm)iT%<2Smt8Y zSl2VLUYVkX1Ny-I@E!Fmqe&m8?aHZ1g{WNR=+hg&=a9VTp3Tefe64u?M?Z%$i0VL~ z8RXw2-dvX_JhRF7$i4O7m1rdb1MiP}pvbREHZB_0UI313_SL@u_g*RruTLBz9lUUp zVt1#fTcU68Fu{j+J|cR8gat2ybFH|qO1EtW+{bAKxW~Quhh4^R0>RFLonJC?Q16mx zPQ+5zh2&ZrJ>NNX`|HNCv)ZRBj?Ra9`s^)vv)owS7K0B3vfS_Kr?vC!wXR6yl#==0#kr_AF? z;U}kx}OWmC&;1&uHG*{$a{yNkvTu zkCkKw?fDCjzGLTq?(M0NoJnH8fpD97^t=cujO*C-pM}-?UKGdbk*V!blSQ2{^DV^7 zCHH8(XMOJIb(fzEY;V%J%xdJQ!JZD~W&O=7_6G8u@cxsb@&lur3z|2%AKc<7(M;O! z=9D)~&AiE}O$=V5*e6~qA}`Ei#0#FnGh->4j=Oa2rjyAC0pqbTu7~V)r1)~3aX@^yKS4p9mlNW7tUj)PmyQre}@ckRj>E9B$y(~6-hS@)Z47+EUb=WW2@der>cILexYIJ+wW5608nMF~HFduWW?rR? zHR~L!=7G61qmzisGJUGoR1qGh?QYS%Owk^{3*nZ{F4yCi0?8h_qnEkWdN$$E@rT!B zemX#ARXK!vJgj|^|p%#mY;p1NO$BzJ1z zX>_=4ROsD|3zk|Xm+X=$H&8F5gj}Z+h8I6l77aD_&XO`O0+@S`sn{e1MViaD7(skBs>7eP;Rr1gB-7K#kh0~Sxecw}Mj^&n5QZI3Niv5#d9quBOm$mUe=qy0VS zZ7FIV3nYfr@H72iw&`w3)mpS)hZ6KYeqGN_MQMZhcwiq*n`SzvC58ySAYX^rCIAvc z43-6iMsd*s?8`_KlovI}9L;H!LYsA0Z={ajMoy$U2YfCtw`tS7CljC9c;TYD6|ii! z$KZ>U3NcQ-wqUe_qwlcmODO4KQLNM z)>oK1S}Y`3}UEWY5Zw|mLcMeZx0s2R!|PBdJYRW z8tcGs%D@i#DLJ&r)q7lk-NFidR}sK6dXo0JGN@cd5(qS9zIwtL$RD^hEgz5rbJ=I` zh_sRRT`0_OQ1y5qME8s602@^OJwn!%8TQabxS2l9ZbrE`JdzA^513bvB%s8ESvIKV*@df1}ZxVW_&&A4d-}!g1nZdr6Lc5pZkKFU{g<|5dS6p!Fg ze$ALKa;zv>l(HC5JDk#fV;db5eWqO)QrnE1GFKfn^2v~6d20;`%#q28xjKEU*9;8@ z)#LDXxdp@gAGE!9AeCSII8LF+XqXjUdu3eL4#h=Lwv5UqWN%VNB`QkFN|~97BBNwv zglvgqWR#LZwuJ9F&vP&Je!oAT&+nh#bGy$u&pEHX&biNhx+30aUc!k{-HGNx9e5w_R;mz!Pv+k)-&%Lv+|!lIqAxx z?pj;G#X}wK+dt|SULWGJ5;>LlVBDj>;^I_x>u7ds)A+B+?q7*C{xdskzX=L0BrIbu zFs6LjV{_>Ah1c^oMmt=LWB9*E>n{Aj+VV_L7EFkr-bUvtb<*+FV(Q4~_e*&l3PU&N z+^(E?*SSQ7OPgl`%W>nQ*ooXl*;=1xJ+mfHZOx23r2VSzlfUac-o`kRH#r+TDJb?R z`^%0;Mp6TwE<1VU-}uZi9#i@DW14@;p!JGYwN!bCFKP1QGND64k2t586mA97htKZp zy`&IJ1WNvO3QDhs$=NlG^=v)HBja|*hY=r^PBw!#P4GvS_*zNE1NDoNhF;h4&zM*WjVzJR%nDB9SwF}Nu1xPw z=Cv{9a!s2Sw=_E#GNrrH2L3?ayzqfw+VDk->$5H58qahhlT<78g1#Ikp?p7@a?zaJ zm)tRV{M$0k_dB8=FNP}2cb{)2 zIy#|iL-lTYyBqkFgB|>J*747pIJPPVe!u=UHfP@)i(7rYM>ONuvks*x=IQ$b6O?`B z-^E%a3_9&{?SmySW{Q>d*{XLVngTJ_R%jkr`ad2 zV-A;wU2NC#kYCS;l`j&n>$~FNDAHIizOA9mB%#CpV{L`QnC*`{-@U?Zwhtc7GOs;7 zCzQ)RyppWgvPfdro!ZJ-oyfyeSR${fdeuMFwNfJb3$1@-;%lFmJEfmCG!|7{EtZ+- zyF8H9`o1Ttp>gyR>o>-;O)($wI7>Y3hl5^~!|Cs}DkJ@yTF5)P2Ae+KUOeT`m}I^< z!z19`7f}B^_JdY%QV_-53e_aGko)_+)hO#@&kbiz#zts}zl|dudzI+p!!p6*xm^3< zd`ZWJYdSj)H>wLT_1T=ZeLQt?K~gvVO6&;h9)-025dQ&+ej1y;5&zg_(id8(3#WSr zY<_2ia+L%wmcM!a{T!7Xx8@_l0#o*3QaUWBm#{g*QV*DG zTLq52=D_ZKnnr7tt9PpRWq$;}m-wZgp_1S46_>tS3GhU?TgG7KdN@Z}TFrP(8Lm-k z{vNTt&s;0=$~MwrXo|kJ#Pz*mqD+bRqr!13UdX*`Y_Ez7R^LlibKW|QCVoqoo& ztpj!6Si{`DR+6mD-8-b|cbLCc;o{oDfXlS7ly48_p4Inc6H5m7lyf;gZ7VhS$&xZI z_avEJv2P^MXSXZPzt1Oh#sBxGxyNu8%Fl6M&BS8^G;6~2*iLrTD8D|J7AD8HCxXK_ z3bS0Is%B4@W_p)dCJ<+o?XY8Sok3|aseiPCzeT>!4~scI|GkOL%9C)okfZma<0Nho3H;VsfWL7WlvEr!#v}5AMUHO;gw0OnW>RA(*uNSoT`#wBLSN zHHV)E6`jm14;J*$zDs+XN1iUNKJ$Y|qUL&5)a)3o++$t&xSXkX=W==EuXdjA%ILC7 z2Y=HWXJjJ(_DqHBSz$F#E?uqM8}U1KH+o&O=3>zD)W0{p;O$|2;oUd=%;yKYS&lo0 zsR%OlND0~5Yp>aEarNB0R@`b-fP#|YF!uk&h%1=`qas|9`B;p zW}lXACe~bhdK6CyXIO6;UCpGsk=;dC8h0;`Z{`5KO)8&!{ef@07HwvBT&kEBw-~vR zuiJU$M9@Xd4(f9Zb-sz)ddUwyp|gHvKcte(Z&1W@EXcWC#6kIXT%6>p->{fYSaC=g zmjd=CMGy_yGW(+=oOa}=6{V&H4li?&zBt18TkqYK+S0k=z2O(n{PIf|bNFyMhuQ7= z$BX(5xR0j8U%8L7t`2e3I~9*gt_FN@vw4u#R5ASZccbF*Z}3vf7$tL{0cQW$5iL-X)#%^@fkSznDF-b8Z3RCf_rsk9F<&@JaEDqG8Hl zO<)3l%VOVfhun?lvv`BxQ|;SNy)qd3Y-}2J^Ve)gBfG4^{h|1bCiV3wQ&!Csi8XC= zQpsd~74ro-qn!h1eS$)_h^$hp@NW@uyv(g)KFesNOP1JAcKrI06$;Qzbud@kWzfhW^P(elp&|S~uZ? zF)z6EOegLN+HTu3e10(W>P4fg3g_vVjgl1{(-b^ALuoHW79}(6C*4{_Vd@)eK6E;I zP7zv*>II07oMCDbO-i4zm9DCsenqLZ*q>s*H2T6ummXL=Ra4(`FfEJOaV)4<)+CdU z)joSW`$E>I(9SB3gp})K>^2{oxbPntZRl<@YB=#|e9KrPf0v`S?RKQvg0{U@(`-ih zSPI=hUuUS-Ma#-V`wGs*Kf_gg99Ud@zOvkEyOJz1$tyj0m9s9L>RKeTF23Z#3P+;a zNMEBxR8y)QeX-%~Cp*1epR9{5fm6Hop2eFLt!^&FQ7n zcjszyYI<}iGG7U^C%nsN*Gcx?B|KN_WheQzsrh)Q@4e!0$Mb7#JEu}>6n{SV z~9v!GEOtq&O)A{T{Y9%`wK z**(8mCfP-W>pYdgGjM55+)Yp5eY>sMDaI*vDU)w|o!-U{h91`*7_ljR@1w$~uU0^N z_>HXZBhj|QpETAa*GVg@+GhDpNA_H}pTxkSbS#chc>A48m=oIrg7-v?5wcqV$nh+;W|qo;*5Ab7pKh*Tl{ zwb-@_xqy^>oq^b%gH5i}vZImVTEUkYJl;r?Dm3547esnKKPnu1b)l+7XX_bEP-pn@ zZCk=;t=@S3kTIEPZNZMEhC9A~&-6J^tlr+d)Bd%xPdnD?X4;{8+fpElsHs0*EwI#sKCYOlS(z5bSWZEii;hcfL<^m`tiEitvTFF(Vc zDY);Rm$rb&S+g5OQa6i?6fz6NemLHKEnw5;W}986Y-MAgdobdpz+Iz*wcWnG->I_f z9(SAgS7~TepLeR&Gr;csb+C=mMVO)Q=7DPG&)9pqLhg$EQJDK(UN)cKPfXgV`_<9sWt0?? zQ`-xnlxy<$qTEvNq~Em7eVhXyz_!$MDg5{IpIF@HBc+OJdYH2ojvh85N*W@XF78ei zjv{zP3|3fFL`$16qou8Z!HVc9Vm#fwY((@lEIb?lsIv|F46ur?=TSXR@I#JKF5m{+hlmc!oyR;#oGR?y^S@WvaFaWR!S6ymBz|orNtzLM8$bUMS1x}wB7B! z0Z9xFJ`%3GNeQ_oJ`t>@VdH6`Y~g8v!C@hoh@zUdvMK=;j$<)6$oW4eL@_vMgn!S7 zVQ}LAIf29Akf+uE#Y7x~L!YevCwB=94t;+5pA(W89Qx$)KPRLxIP`Jje@;ka#1TXM zi@6L&9910;9?Z6|ceZgiuyOaWcX7sGu_AbP8w>Cl_r{2%h^Cj5lB0{219*&DMAya3 z+1e94>AgAshn*o+f}IJE7|TfGHlP3HX4lpeLZ00g!U>CFXt=ov%w#dhC`QfE(F;7_ z4f*rw@?)@)!lD33QBB(HZ>eOFDP&UB#a$M|r+!8fC+6;qQ3mnhZf|AhVdKn?;o}F$ z`u3iVHUL7^-qy?A1}kh~4@VJlKw;o-FbTs+NE9c8mBwIYWUa2RKXkUZ%D zXaTa2JRFuXQ*#0%;GuX=pcP;UjjelB=}$4hAoAinO?dd;!V{Ry1lSNE>kdAlShza? zTnPzbN${Tqgd|0Ql2~zJQ5?u3A*>8ACWO?tadL$Zpd+>umlhRI*x7;u}UI0z&u3UO+ zNlL1!5^2iFKo}Vr2qOayh%F-np=4wr6zst>gu>$?6dn&L;lTmV5JpuM&Z??PN-jbI<@4O<8Wb%H!06e=Io4E7-9r+2)u$&P(OG^y$GWK>PO^^#t1P6pyW^*I12S6N(Otd5BZ{YgVur6 z;SA&j&(P+uMWuuMAQu!9o*@MBfG|)yVq`+?AU3KsIt%rKBM=IWZ>S$?6BHMoAq>=x zhMO4KXf!|{!4Z@Lq_r8tkQ>y77;R8;cm<)*h=BS*S>PDdk0=-H!9L0twHuTiN`Yz) z`N20T7i=LEkvfWx&cjit9mGa66Y7Wh6V)1?Q5dKp8oy94qBS688g7UMb%Q#=Gn_~5 zgi?c}Fd`rf)QA`zsK?+H$`e9CkHIs9f*QdyYHL&?2(xKP$a~WoL|GvuJcxW@AN3I) zkA?rG4;-*Xt0E|s$RQ?%&TO_~$N^VYcx<-f$U(y`A%V_pwi3u8C54V}wo=F;4OUQi zz!v2#O*j-4(V5Lw5jm8U(DBVy2{~xEm6g$%%~lyXR8-LM%~l0D&{24X{)T6?4{d|? z;23&^wm?5IalE*Ms$R zLJYwdS5+00k`RM0F)8?x5R+0y-^6P%uO#0Im#8mLC7+!Ej#>I$)eUVt77gX)i* zl|@0c(r`n*@Qp(MZ!Ib#Dj5ogV*l@$z@7wIptU#sK(P5=BSZ*jI|zx&1xNqJgx6qq zwBb{99$Fa-Yn!qt&{^L1Qf9#YI$f!s3+>Xzj!0w zMCU|-j{tWWC>ex>7Dif-;jo21g#JcbWDJh~A8!Z&VGte!z5g#PsJAGHG9(TOaV;uA zv>K#@#v4i-fmT9!pi;s}LvgVnCy4O@{SCE3un;T58B{u=4T(@e1P7_;fXe>|z7PXO3tC4B zv7jtU;EE;IvVV9Jt&J!z$Q!i@jFe3Y5RE~sz<7j`q3_L1gVBue{)b&q=uIm?3IwWu zMGnjkRBuQVjeFR_d_Y#Fjp#?^BibKWpWtD{V;dQWu19~#k5E9@Cx8uC%Z0Vo+bgx&!SFdvH5hSz^kMORkB+5mZPdJuA# z*r+_Xjrt~z);DD_kVQ~_G#=p^3X%cZQu%KPR63v$GW+j&H2wi^Wi*?J_z)8EfGrja z+dpw}1S!N3xrkK}2Vw=)5>P?u()}k9UH(`M-z$lnQG$rT=`d|dC z)Bj#ep!cAp|M4b79>7Fwgw|B4KjH^!j%LQ6Er>c0{m|l2Ml2F9a2~b!-;g+B9-%RU zV4`siFbOdU_yhS6$r0WDh^hbJghE3uz!C^`*aJC+$PN3%8c3+t8*37@8!``MfmVSB zXn}A4Ejbz~kjsDD03C;OaG&~@&InzE4`OxL+m!QfDPdH>{3b|D#QZ;7$QNJ{{rx{_ zs0@k&&=7$|Y>il!P?6y%u-ZoT`j@AW*h6p;7&L;QXkZLEqaK5+5QIYGAMwi{u?Fn} zJPoW3vkAz&!4L38qwRis}ypGD{a{R0xIZA1~K4T zf!?(sN(13gSx`$sD)5EMf@ByXH6jd%NN6?G!bINiiny8)$50q?B|rsPrJyzt4$&Lf z3Y8vGhq6IAQF$O2qC7CGHgg2Z1EYm#14JHh1z*HiB(~7&{~Slx64b*)Zy|hvf&QRE zkOS2N#1LUeD4~S%1|!7v0mcgQhLXVeBJ7|3a~zG9e_~+K9W{bYsCgUM1XzUX-`K<% zSczdD9z@E2w8$z7uc73qgv4FdA5ec{5_WzNdK3OXdH;n4BkWHL{>kNk#3n>K@H?`` z0`C%diV?FERLKo&W#TBoN}E`SHvl%F0&GwNxr$&T_bGtBn-~Q85*xc*g1nm$$i4!J zRHO%RfpB<5MXVBD5gMH!DT;^0*#;LvErF{bfe&%#@GmY%UZ8Q0SH$C#@ZhC{mjSxK zEP)nQ7W=E>z!6v<@HiPo&?DN7AS2|1mx1#A;cs9aNEzJ27n4!^FX;gtB0fRh|5@s=_y35%Cz10z8AqkZNVFu8R!7?LOcpaKn0gXBuDOnpz9N?FX--E zN)qlB(MpI$8X=+(4e{cD7T|+$CG2kD)t^2kMhje336>(v16g1lN1_O{z$VCwK=e4W zLr1NK+8@B6Q2^jJ*0K#t;uWQVrtl!lVpWm-Ioz|O`}Pe^2uJk32edJe7f2$bxM3YY zQvw7xup0OZ1^Q21NfP)I=>Lzblv0M)L_ZIpYsRK`q2BO-(F0qszDSCTBWpc!g?`H0 zkO}cAx}HIqKy?85jK&b~4&k#enyrwlq^h`*m?)GENDiV5e1d|xNw6iz5~3B67J3!N zF&?LgMf{IO4ipQGM>JMIAIeIoOdFPkqmUbvOGXL3TMGN|KqTJGHb4hP3y=in8_4ay zq7IB9z5&v}8C7X8{Jd<6<5GUaIHr(53w*3k4oVCKZ2d%8V_Uy_+UGyga`WsX&D)D zMeq;^+%XU>i`aTI4heA%v<5K1n^0~jEhr0610o(GH^J(N%+Qjswg6t@co-|d+K?)e z{~Nnim}RKch$YZy1vUh>0|SsZ%vd-FKHW(|siAcxRVA=!zM}V2{<12R6X*gf(;s#P zBT#cfB_i-gM}YUiEfz(rgbZ>20e6ywXaO2S*$MU_R6i&mQd${+JV{vZHzO5FM#z?pwFKH*2@f{S@Yw(~%D@VY z$VAYKV23~Q8`+%gCzU|G1h9mCHA)xB0BC8#Ckwz8zEJK2-pJjrjg<)C z5vuxzWDoJ626GI|qLm5a zqTT~zf2>IaYa_b=ger;;)<`s3h!zL20iuOyN3fFu0SV#J`>0TJl#&=hDp1dn{Mv{H zVm0~4t`JZ}e1zHLxTzX^L$)N91g;Dp#lEQVB-jeR$2 z3y|MLt01kSDA7;Qmav*2tHh?SiJwvs`4HZJjX*4TpteM0A=XP^U*PLM@&VqvNADD% zcN7p^!94UBw9B7wxZBx`A;<;2YeCqhB2>|pfye_00i*}o5UmI7g-D0AglHk$u|Xw9 z@9zT)f+wMcAqLa}yr2yUZ|HB-vIs@uO1*(e#6oHp^8G#m7r{bf4T%zDH3PJe+KJL4 z@*uW|4gcni*cVC*Fg7a^8l?otO)OM5ct&@7gnKh+9Ydhu45HzNt|)JG9QI)pKwUsh zCDt{t^F-G^LbM~_UJ@-vT$g}!g#9a&73z(~C93JBjIf8UA8?+a7n1St3UWd}Nh13@ zMA}X35XT5uU{!!}p|YXh96<``DhT8QI-=_lkPWdI3JYe$QC@IWN8zB}P-`r*5E?YRIEvo$gljy6hR+|v2YLVN z+2cR{p9=ar<){Dr?Q;|2kDp6mrT+M@3CFJG8Xmv-NtRYlae!S!^wL_=#jP}5XM=v8 zEq2k{O8;h}Vokf4JCM0Ks?eb$%h8yc{4%}T>TJe=Bo|Hp&jlX00z>Ha-@KL|liGK= zQ@HMhoqqVwpGCPLxf&*gZ|+*!?=lK3zu4}s|N2|0@QOCs3A@$^!G{6Ar&`9c+?%ge z#HHpIR*ZC}Vw+Om36zr8j6LKqvmRquKBRv~-_7|pX4~gHk}Wv_zeCqn18@(qBnjB} z%987*7v3eXn#b(AHaT^Bk~J{Jd^(FXkR`6lAN*BjiJggu)~Hg*vORe#js^y&?)kAE zLd!H$`fYZH8t+%#pC3DT+0$%0Qtg{f(h(s}SGMy_l_ODFToyDAGqGT zI%BZ>$zi=qMTJ#K-py>TOaFoKnQ7HsC$evJh1s_iG&IM`y~@%Yw{}?XR{Lz-!ZPGb zuNtA#dv``wpX&}TMb_zLSaF_8y476g9BFRPIG)+QYN=Xlx9UBcHNKRRE%}`Wp~t`1 z#T+Tl(9z9*-`6T)U11lb!(J6|m(!+4t~To+oy<@;=_`$8@b?c{X2tLn(pFU#S0lp@ z+@!W`AhD&EZq~+F`6|(fSqI@LE-2P)Wr>?9k?3~}Ii$~0k)~DsW2n%2g8F=ZSw)XY zx#42DNt~4#uIE8d_O0L+X2&q&l0q97Y~&;fj)G??;8w43;_s-l)Q+#s@y)wqcsBz}00rP43rxT941iiw|Y#R`x8I zeTm%v#xKLZdtzye;wx>AL^AEz6!Qbqxf3?H*tNLA^7;LyS3*_Jw&Lrm&Qg18XapNq zB=WYiTE>K4IAGoVU1>@nPS~0!c~bU)_A4D9ZO&BkTjwJt*r})a!p^Z()*fFwb9--+ z+1EQeV<~Slc*gI%5_#>g&XN1w0i=MnVi10@)&8+nFo}olK^eMoE8x6`*B_}%##!su0G%6rtjOu+C^=r zcC@_Oi*BpjH(CK|VYzc$Bh)8`8nQa_3jiK(t}2#<*G z?tj5}+<1)9`JiR>UUItKM^f&$FIL!HDp-rZfA6|?4sVCZuOxXZw&oBI;qLOU-`dTh zQ(AgF9Ru%OmF(!QTgZ)Yy1Q-c>*F0D9DEPHba1~;o$%OY_W2S2xM6bbc8fR*$C9Py zo$YMa4J72OS6O(tm>$YEM3Pd;zDyow|BP{JnC|PBNv=+F{-Wuaue9B0HQ;E{6}vO_ zkqW%KpLToZ+M7Gw4m&*%wx?uJIDYxVm0daG9^ZChE~klpdrpai@v$seO7V5@r=jcP zl#Gi<&TG`M4h>Z~WbGu$cy+|F^g;4Z$@|k3_j{M#;;59nGQ)d8-zI~~OpqYGpV@NR zF{RfB)4I3V=q1sdNiXKg=Dt+G*9sZvxfaej3m-lM+SAtua+C$p0X%s zlnkjfM^kL)o1zKVWN5QiX4kkBjNw>HD0O8-GbssA7puOabR^lwtmSL_nSAqGwp`df z*>EL{s#je{_v)KImtXtX0tfHo1RPvS-lV6^6QQs*IN!G%((Kk_35tob$qum- zLb=*%Fz> zs&uX{=^puDMJ?Y#T)b^80LTBG1n5(gIgEnJx|O(rd<-h@Qw1icwJMLz93{(SyXo9()jt^yh7 zHFqX`1v~0Jw=ETSX~+5;X}maj?6GBcog_=0LDR8k3gP=1|H)#SrN61SxLX) zYu4nAERrGLu2;c5rHS+;1>tE_yDxc`?pl_+YqlrKOgrD88kFSZ<1IO$iB$7iKlF=> zZ*CE{$h()LA>o9}mS2JUIL^fI?2x{E0TW~#XZSU9p(6JNHq=H^`HPE*Tv^`D@o%<$ zg-VP2?rQW5%z5loN%>4*TYkHW)}HxO(8qnGbx|^@`zmJCz`Eb zCv?S{{yp_)Is1XjdJJZilT($vZJN3`*Du&56g+I!xE3o__~_JudN0H=`PP zbgpI}w{ND-O^zY20j(b#TrRP@x}(gCWi>9c_m)P~dmXO!;o&5DjeRx`Gtjv@-K-U)}obGB9Z*fF(wrub#7yp#V|_bQgHGnpw3?PuB;?C5afcv))P z6?Z>n|41Z?XlN3AR)cxA`yYC<@|G6ty{@?bklk;Gzxq*i?32{aQEzL_09@64BW3?? zqt#|i!#Pu-=U##D881FdkNCpxc*lHBR-JnmucShf^>Pp&a;Aer)r8{2Zm%8blKRJb zBu~t^+;b3UKD{ra&!!bRK+M%be|!7Qne?oJ2sh^Wu6`NdWMQj%k3cQ1>XVC^;zoKN+4p_;Bfcck>k zZ>2GtXS9u+?W-{?TlZY3%#2rCk-zFWW!GIr_HpWS?`@Wc{=98B zn@Qg9#Ig614v?OuJ~6%8+&tFb;9sr~+Z}4GAky8M@PTqrpp2%t|Mwf}AY{L#*sOl1 zo`Io+g%$^X<=cUEKBJQQ`+ApQ-%Wa{ovW9YL;Z{?AGS}daLWm8;o7O2>X|xyRaKPZ zhPQW`#h#%lz0b~N1EXT2i5;pVq}bEo&r^B1nRtsErInLWc2d$bQ$4wUG$D=~=aG5m zT4Am2uH2}QrVBAR&T-+N#;xHb6a0n-?}Hdv4Hf!H{k1cD%nX#&nN7F_&XM~ke)c^z z!uYub)Ac&?G`%CInL*SeeNyX}tW>@^Bpib`l@xkjrrd11i2W`{23G2WKIK&S2RUED z*%cG4ed$lu`*1#&shQm3dUUH~pL~2Amdjq`=84ylBxkB3U76I%;@MqhzzrL*WNW3{ z)XTqQUKNl$w&pLmpm{OpW!d<P%7&CdPVv=tCW~AaTsx zGHF+J_9_=k$Nu;z3)0dw(gc<$>jrTrYazhieGe&r9#EiI<+#nwOxmCEsUorIanE{ucfBWg+q*pB>%- z-P+W8q~uAp(V=IJ6uC)x?(wEZkvzPig>R|GvbY{pJt`kb8rkX`eu32JnyFU2zJ<6P zc1yZei$YM+qgE~Uh$XzbA)6Mow~4Kx+-d#77A+Do;VxO>X(PRt75Ee@6sst#0D>UrWg zuB`?{B7A>r-L|az8O&m5jYs7m6tH?Ba!YY^M zrQqxStfoVaXM);)e&**@%(_&lUmwrv&l{e3f^7Q^>U5g@xfB)(dubm}%Y2?;W&LR( zm2Ro_i?2kRRI#3nN5NvDUx|F`7B2siGt#9~3b_{dL^dnN*g$QjV&vLA`{|{-+h64E zX&uR>iB7#Ubg-+46=y}GEz17BrZZLiN>4%Zj%Wev!&w4bpB&7p&M}YP{&aRa18pd4!XwL@GD7obq$ICx9hfq#zQ^>{vo`ep zxL}9d`1do1@7-scc}VBfAHYtda zzM%FqBM0*!Xp~;@SD)o^{upf9I<=uVZX}pV!ykp5aSiLbI-Ys z4p?~Z641Q7yMMGgF4U&GIYdg)Qdc=-GNjEuaI`MC0Bt^X;jQZu*kI3)Wp{$}> zbPrQ_BZ|{`9lxkwrbg1?=tCY&7MJ(t%!R!@EF`;1IkCT#L%@$PVq=@M7^dd$mX6#> z+--R92frJ)M`eQE6YZ>OQ(BRVhF@8Jc-F&F^SfXb!R1C?E2)a-nDDsD(DkWd{}J&% z6OdjRkHnagUVBj-A)7oFuAnp7-!a)d`ZiKNo=L4oQdF=?!0j8qTiuF0ciz%7km6Ee zG!mmqMw51>rQ;T1R7#Xuxcjx(tj?6%=i(l?ok+Y|(Gwk_n63FLF<9wqwp(4b;=}Vt z(+drkebe_-Iq|-nv3E5Vvxt1a`a0Su*^l?rPKKSY)pb!pF-n7J{zC*wb zWIi|Uy!x3&jpiRc^mW(UIHyMRxMxC7UVU$2dvfa)`+2<+_`03LA+pRnF6CK@77MbN zisv$RPSo@qU>al*-v0Lb_ULON76(X6hd6!mnlU)th^8&i_U|fAKzxFMjN+a)9^)t!ndDLA*vdn2011px_=T|Ijx^J=Ne_VTh<*EFwpL@EoQ>C9H?rNpmx29cN zuFri&*Q}d#Aiz1=-#q49{r2a-*_DJ(87Bsi2QCS|zh-#FFW;(J(aZM1qLR{7&;bK% z@L}drx!==Dg1?jS-$X+W(|_sC{pftPmqc9NYPZA#J?)3P$TED7UaC@ytK^M*#Be~> z!y;v0!)0;Cr#6N7UaeI{ zW9}?JTs(KS$+6|#`z^d-`P^{UkoiK-{%C` zDh@a3t<+o+y!SXuL8vKLDpT&URGR^lVg6hhQ^|or#|o!Kt;Aem;ede){c9B;&wO-T zd~_>GYTdafq3`sS4{J1L-3J!?+K%{?t^Mv9V7gm%J1fBL=SXbqqjm5{51Y4leUq9@;f*m=RFg> zh0pF-+Lhr_vp>Des}J}}KmO?*zs0M53cU+#LO$X7Ha&(;9vPu?=6Mgb0@k&LWKHml z(FeQ2% zyMAKa>3dDi*}C}qQih&9eY@uKGR0j78S3ri-?LAYpHJMcwNp9bj#U1q7oEmOmDc=U z==Bx#MSLAp>R$W;etyf?oby6+LSNoQB+KaS;g`1)oFc@(1^M5WH(YKHtbf2N!jrLl zHvFl~4yRkqN(oky3v%vGs%PcI?}y%P2vx5*%qh~RdhcuPfUDED>RHFWmn{vCp2iF~ z>1A)nsf_T*F*)&1u&OnEDQeg0Fb^%UDBU%1iZ&~~m~ETMkB-4D)$2-fZzj!$+yxU7 z7K#?I`ZjekZjr@R`1uer?#IuzQ-47$F(Cns`bZa8+i zS|{`?Oy$f(erRXE?KjTfoR$_kbzoF5L!P>zclle<&M>|r@9$8(sIhHq)R#6V=T!1 zcB=gZ{U~OoX7c~6d;FCCUL8L! z0p5-`S^3mjUbT7}auEhD9o^H#S4-qaoOlPjOU3qfcRabd&EUq(Judv+4!s?_Y1P$s z)Fv!k{(es4hACst^w$BS9{1$a9ogF*r}()fQ~9UPDQCZJV*H?f>RI1W`Zudbo`xUK zW)zlCI59S+apjkxMcdT@K7WbEf{P!ums7IpRHbxGPO_idenM9;cQ|LcKSIL0_LTFf z`=XDA+i|z60!*CVHLpD8tMV@>Qs&R%=*GqQVMU!6>%VrDZyng# z^esh~T#Vf5`tkuihj)~BIvl^B`jKtQf9K=+m6|DYu!&FAocDLO8@H9Kz(OnpqA|o|7JL)c<6xT}gHr?WdTxUtrV)}5Y z#Qu`{bIvW=*^Lv$3n64Oio>e(L7vR{Px=*Tzd0Q@i|8^I9 zc8u+S^?9cGK(oO)X-V45kg~2m{ciflFX->z{yh2Vf##5ur&j6;d!gFL-+g>li6uaa(}cgWNup>oXpcoa$O7B=3-Rkov_U!<@jx~WoLQ`S<=V%7#N4AeV;u$ zIV7>w`)q%CS=LR0mhFF=siAsEh8E5c9LOyA1GkAze|&9ephDfzUPd! zmi?LUox9G}l?y$z+!0K7NW@o}so-^8qs5@}HFNvGyDg`7*B3H)M5q+L4CwDKnvc4- z&Wl^rkdECx#UP;gK(D*$ar#u6;e1%i7n4KIZ3!nG9>neV?%;SI{5bQQs567BbgcbK z^C!0l*Nk`Mb|m?_G7TgK=&{l^YwpHvR~r~u4>UW^Zdh8&T1zA0z-B$*e5*^7{^02u zkq)QI{9ieY5nsbHwC~OkNGr?UyV5_Q~)4p~Y*#E~5KsR)g5F{i8e) zP9;g636pyDG(T2;l0QS7a~lO?mU#)8<0oKc4k*=gPQKGu-?9Uy@~c(mXXMZ zwXu{H@>>~8`wKd1ZR1DFUW}LaTafP6v0Kr(Lg7JYUW!KR5&3pq*xGFP;~28?4F$mpIH^TuIUo79+4A-qa+7tY zRMw`GeF~R(+7?%<=q^sy2aIF}jD0aMx4P%Nlgy&(vh=Y_Dv{)VcA?aJ7L^WDSMz5-~Kv_{j~w# z>x8Ki>LlCz&RWRw7c|^%*=aogJe2IveYZnzZqJa*ozNzcyRJ<|s$Pw^kmlQYsJVuk z{a6iINR7@B_BRbB+FHUn*F(IM&lE2v^tpT+Y?BzFY`o%GJ)*VHWPQ}V|9YxfRbZCW zR#heXZMTD@cB`xg4|~-(zgO)mpINW@BCn(OP)v~5&_y;(UD@U;J^j@5HAqs_JNU& z`4yk26QwI}`c2#3aWFN{A}8Ipn^c)1vJoR5+(m7M%nhOrD)tgY=&;SZn9?HinSYGajYc?79^$6J-ZC|$Wj8i94Gj*zEZrbj^i&l5L3CEyT$OFLvK)~o_wBiM zXHd1y@x!yPk!2^S=?+dbG{}lmCBKU<&#yEc`TnCp`t|G4^KtLCHFCSp$2dhPKiT>6 zQ^Lz1mfsGk@m_9Y{rUBpnucaaSdY7U>u<67qeIL6PU7Cimb!P_JYJf*{B)Y7ecsr< zEvbzubLq;t&ZnWb29H#hHz{u$u#rmsFi%-~;OeYKYKu%|KJJlUpXqZsy#6J&GH~VS3d4B(&hv|X zX)INXAHv&mek`{vcpiMioGUw&OK~!v)ayN-UuRBWum3Nqa&_5n5x950Amc%nOuhZfaq;fvM@|n~?26KAB59AG%Xs)G@j`aiRN~w* zz81WG)deze)df;nPU;YAwlup0)!;SEOo2xiek-+fZHp&3%{UVml2mS7dplCVcqg~cy8B$Gj%N3{ z-9`7q$?}ziO`FtQ5{vH0=x=%X&V2;i5-eB3c(=gtZqdV11HG$~x2@S)&K^)*b*MRZ z_O>Qxyh@+=hp`SY%)_8oBX)p^#@^w?o#Zib53&dc9lc|n?J*Li5%+X>Gz1G(rHyZp z$)ss0Z=FnYEqVGZ<6)_l#H5j$M=w>=_4k}-@5lsu+wQ&9Fi%sqwfyJxq~5;ItXDck z=&1GZI;X}C%IiIqYrp#9S z@PwkMtCYc^@bW5cc*a$o0S2$`E|rsGT#s-{yn2<2c6DDU*gq!hyCQkv*VQ%#_E%qy z*wxwMzaC)5wBDr?#0s9rjXjkUVt8MLl9FV6|%B z;OB0kxL*S$Rt_3v2jcb}@)dXW?LKpanTPgC!ST`}vE#l)=NBB$I9(Mwv77B$E7QBu zP%%)jj52a&>srmWRYwVGzuGkH&5R88uf&lqOr2pyJ*VpH+VN=uEp zbV~K6p#22(*TxjVy*qwYve-#W_ocsj>s#toF5j1ZjKuHB>;K|%HlBMn68;1mTG5UU4tNKb84o=5KWxZk>>U2p` z3w6&~-BQ~&c;!>7z8ElMFuPT%^#!ow7;C(I}3>=?aV7oM6OUKU?!x7npP>3B2tk#OfqRZ)_z z=1V=zmwemS=)Pi-w}lEH{P;YXVOsCUP&l93+^1;sh%~C)3r2@ci`3t6@8A*HVHL-Hf}lrLJ^Z91k_ z<%Q+_d}3EfYF}R4I>_#Fwc?J{OO4*sUZ3ivM(X%;?>1;PikZ@?UmOr}`CabcIvjiW zCx1r9p^S{A()Ct-EY*^Y*Kk8~fUzkP-lyxTnpk9AT&%lPo`^1auVVMh{BuvP+nlaG z9AcbH;a~FJzs*w4>ZguVfa@u)`1ZT|Oiu38tS5`*7KtAZ?o|*SwTV!5xOH$l*UjP; z+$U3JKHO!S5jU~4v*w@3oIl4YGLDEeKaBq%@v~uBHPb7W^$k`dr%Zd^Pv7XqSY{5( zIcHw1eav17EgSj#hrCP@#^f4?6%X9<`HwT|oT%_0xfV{$&NV9jiOIe&d^ zCe!6@W#C$0KHsOAk978<3VnwSj~-vV)i`LXTW)kwC&5fwx9Q+?oPTZqowFG~Ne>!w+ zuk60mi743@{2sxVUKw^8a+XWznB$z~b!=^w@|17hj1p9-!+I>O?VrUQc*Ek7WJKn9 z+4zP{zTUG#E$y?v<=R?bwzb+PJ(!^H2+mHkDR7#9;VG$UYS_-;Me`ym?`6K5*)K6Y zdk5!7>A$iWt}gnW@=JU4ptR$|$MoOwyR8KSwyC`q)S%WGvdJ)d?w+ZB&N^OcSM^Tz z5V39csqL@%Tnxsx;{r>|oK+eB1Cl0MFI(T%)q+w@M zR$eql$@E_-Wp+-zHJhCoHlBFamT4j7So3wgZx)p|PNS1aoQWVbc$o+*4Q`0wdvimC zjRt+A!IcO?gM$bw4K^ZthYA}RHY?f8WTV4!p~LDY!KkH(siX@b>V*(?C&fXF*l2Mj z#cXy~99Glqw0KU8aH7XSkrPqOi7i*gG|pV9@I|j5ctd+yeOs-2tr9gtmQm@sKuo6tEyKeZ{#lq8 z;9Q1j6^=QWHKc4{QiVSbz6`LW#%Ab-3REc_#7u(v_aB6w83WjEsU( z=2G!-OWpDYZ48)I#sDUg)J&pUYDd0e>twC?zL++>F{tsKk#F{Fp=TpqSxRMFh3$=O zGqKrN0^4?M-qObwM%K(2n_y=~Q3De&FcBRS(lR);jm_G@M(tjMb}p|?%WA=rYE@9w z$hjp>FLH*Slk8DqhcYV~EogN_waIYWku&$4e2>06v|iDCLHi@9B(RAf_MqFDu;4*6a8H1qfqsAh0U9`b%hE9yd~Ajw6Ew+?W$@B`J>==3 zQ0Ep*aK;QL)Sg{3cw~fZ9?JDluj>~`I77t=N@j>T;IjdmI>>6NuM18*L*WT3XDB^D z?Eu9cRJRs60VE12|6{-0b~CAtDEtKT4t;|JQE2x0K(59Nia>-Ql8cd|$g(^RazgCL zF+se2zE!om{S%U#T#wM;zgO?ty>}f}tSUw$k^CPdV`1Tb^x;wQ{9UwiM@19%Vb`Yy1D( zANlix{fz76Z-27KFZuabz#rLY``z}ZKZos|n|#Zk<0HqG+us3y@uBUjOY}U@R~H-n zSMX={5B&S&_0#j4``hRH$A_DzpSDl6?e@vlDNH$KPj!r> zmsCZJV|#let6cX$%CV<*Y0#srK*zF8RdApTa8G9VP3QVJu zJT0uv$6n%`063+lxsA3nOl+UYs>Pk0?c0buo@DRR_8bG-O!jV>kM+H$+P0DRP{#0& z0pjOm;2h0XRUH~2MOGOwik@?B^TH|^$lMcs@7RWbn!5ud_vt`R=gn&DzIQ3Cs(p{l zJGw~a$Svc0+%OZ~9e%Ic_E~cjHtq72iAP z1Ee$#Z3r}bT2}1~Xr2+!LrlJ`mhMRPtzpz0IVb1Unr3&HgAg@~AZN7SdJvh*DcfD zTkeL&w8AX^*>l$|DG+mn?BZN@o&7`dla)YPkUD!!t(Z4xB*Tztrw?%-C9a&I1~`}p zHjlx^qw-o|2^6S~I^=2nz=alO`=roO9PKGLTUY(jN^z`mF{B+Q1?@Skb=6kUq>FD} z_vgRLsOJs#s*t6=22<908V)Mdp z7oIdQz!HF#7y^Pe1)v;cM(^pN8_;52X4Ty#5I5+#v#D*PWH&$#*2fNpNU;#iW_+AO zmKz6*$`K1OQ#kQ2O=9TGDt^BhoTr3=`;al!jBF9Rv@r$Dy<~oLxi_wF3B-Q_t;Pgo zMTQ>0frtY{X*f&utFSI3)ooK)2X+7Jw1q4wq>}@ItK(ha&^xny8fn!Eze!e9u zrN4IqQWap%lul~3rpRB!D|>T6QvoCu@}$_sk~mxhNEAL zC#liIYy!!CB;6)1Cj(l}0UnYgh=wno$?#@I@#v~j!fI;i&_n=Pm6vqn;hHCvZrhez zSKT7mtifa*zxuFbf{}EncI4xEc;pUw%4|@#B2k$nDtSw6w#-c_R8u>p(*)HXHi_P0{c^Trq!6f+Q*`Sp$vd2YYGN2? z&Fm|}sk^%;7Tn|f!j&>%xG-#stpC%`J^(6h&pmoRphZqK$5htuw~Z?!n$t8GtA+Os&XG7TEh%JwH#If zk68Dqxo!@KZxMM>>Q!dyC;;tDehzHOZ=C?Il_f7K6UNX$N6wjtRDm-eY(@gqS-d}r zhOk;k96q%r8!3ZS^MfBFVy|uJCiXargP02RH$0YCS3rDg3ODr4v^a#brMtG zx@fjj(>byclI?2j9x|kcv>TvxX3d3kk0zF#aSgshy-NO2G&~y#QH~a(e2iZyUHLEz;#q-7 zQ4`QeBY=!3aWjQ4ci->0S|6xlf@SQkL*_1pfv#$n`xJrLmJB@gyn^jIz8@M*Z5A1W zBT8(>SCoBJ6zy2fSLznJZ$9{1EJM_cS%sGfmxm_p|m2b@>~KSW#@@lsvm^g&!jF)0rpm{#fOtY z4lrpLEW;a-d=^*8%so0P7nM*vNZ+yuurw3Q(RDF^lcfN~p!;lfSb6tTHA+pD=qU@} zEmz&IDZ9HXC^wTr>r#L=QbiKnm?3HoSmL~yl1x7T9lg_wkc0Fp!Pjg&qmqXUNhpBB z9M8vmqfzQ*jphRS4eg<;1FmPd*_hC67WQwl%N$pZBM72b8C%An_Qn3Xf&jXLY??B3 zd&P^a>iLvFfMmy1b=Q&^i~1<+hfdOBy-$Jt*F#^6T_k>!eTe&AX+I6>8W+wY!@auV zj+>71ZU|~IaX_R#rASMFVd(MKt6)AgA8SC%FB{Ds%1n2gi5)tH4g|tI&q0C66a+G> z>JOw5V~nJ;anM3C{AFgjs?*1cnZAE(#cd0JfixvoAj6A|7c|41)M+1#^ zk(Uv76x-zPjgWLg636G0&K@Wr#Llqrab9fZRoX_yCDCuV&zPCNSq_oDnnssOqd>%r zFOVEQQJG3*cIvmd`MswS)mWrlW^NY2MewR1esOuCEMwvdJw#QLQmMwNtT!z##Ll)< zDzjJ}9q(ePDUQl0v7*yN`LYjL&`$e;aqcuU>8SpPEK!iOm*IfWw6NCy|M^IdD>@;KOxn9){G} zRqT~7(hZr8t0}x8$(n2bnVO1Im7>de8`KGCxn|f+0?g-msU$bP{xmVzluQVlrej`0 zUfgg5Y#=~1;#uRVnJgPG<$vuSexYE@)dTx53;pYG>5IVLmnvpU`Dsh{6SQRP;_8t9n!;2l_o2ECF@2YG9)=2J)wo zR?nVRR*KEJMz+c`n>=bHMXh>EtIoA;C&Vqna_N^8?YB};IY**z&eLwu>pha0K)8oz z{T9!S>ppAfOQie#Ij_YUQ5A*JOEd+vW08i z#hPSA*|fVXN!*!=kB_Y$v96fVRE<+*RC_2=k1w4>YJ@KUV#~|5%q(#GarW-VRqAJw zjRjyI&7)L-e#`TrEsdKpc;#ws-4Os+4JIhKC0A6nw=V=NxNFz2xSl0&w7Ahlq608t z3D{Tx1NvQ`sw+Q}oQ?#_UBwt10|7Q>{#K`(nmYIS7Qd=SRV)R?XN8Mm(^s~SvRWc}B;ZafHRAl;IK~OgQP|ADI2jpymqeaY>Eqo={3F# zhbFE|93Xj}k;OJL;|~gL6TQzYj9wIS)Jo)-Q6Z4trjgQad4UoOKr5B%cTw3OPE`J8 z!E%E<-;~u3$K^;yYqw(+MB7mb@;Q1iN%m3B6)JJL%Gsqe3-cOm8|l^tl4t;ek6)LS zb=Q$YB?Yt4K&q@w#zPQw`g+$mDaw{|AE5*7%hpP$DMd(#rpFy*VyQspErCHRmKe5N zUm*D`BBdUm{Ke2eP9M^4H{z;-?etN6YD1Nr(j?4@F8pRZw_B3 z@GyIht`IQCnPx#6r_%1Ug!2H*M@Kda#mggG3VZIV$uTYEyJEE+U08JFAjV zn$cf4bCpQ=5cTF3)(*9(L0?18wH#;R#=U^ez><_y_4+evwm6HCoXDj8DoTAI0OBukOT=b1cr&*4H8yASK=uabj3icqK4`y7W? z!-{+cVRY2Wx|2olcmVa+?)y3Nz)*8|L|aJ9m!`<5#}!T4!Y##|<%0(Dfv**$CqNsm z0dTqvbNOx7(Eo+`HvAR{86~2Y09?}mD!DUDvLG2SNP%(WD|esQ9G#nz-V7avc3_V9 z@=a;kTQ}5hNHf41S6GKUS(`jXCt>zufB~y^FK{{b2&hZVEUHN?7QlN1xDE=Cz>D@c zl1#j$>eXVDV~u<07iOh<^b;Q;jS=%uQ42CxBR)oj zs#?fF79#;eqT&N-w?|S~%GN?eJu7zuWq4!igsmz8*q>QeY+>?m&4VyoydZt)5)leIZTz&ho>2-%j$fj~-bI6Oi6c=pS+$2? z3guVB(fL^lpyTTc{^MD3<7IhW`PNOJJLhJ!`)6lPB#Hw$_5SQ^=||ZiJ6uPp7K40crQ~Dp2m)=NU?Py+0wR6@ z5wuQL0;r@yMwDwl3;rRGIBcu}08}VoNrD2fv1{RCV_FK&SyRxnN-ScJ{F)2ne|F~U z_?+MV;IF@_m)Gz5Tg0MErAhR9Ren*6=#O68hl*Nn5q;~Z#ddQv<<1{}GE2`bM!tUh zbCOTN<;fT=Ou^3!V*CY;wIltQa{-dKJ;E4Y;D$WYx4@=GeEBB*^5_d+Bn8ndhx=q# z-9Qcd;av1Y%wFP_ak$D8*)qejB7C*bE`ft=3*cXIMwQ}X#8gEHxE942ttqT*-!fFB zVgR7u0Zb1D)+v9knUdt)Y=FYeELJFa+1LFzM5+7y`Cy+(MAf7Sh^fVxGPU%DDSew2b(QHFy^^G1w!`(9a`F~*pkq1R zkRn0QgO`Z`r@gmM+C`<>R{R2R^LqefR9x%hGYgudosI<;T^sOC`djWe0rkc$kzw=t z&+^Gi=%xY8_I&%F_ahY0juQhv8V780-FDwR)} zz2Z|i(qi`ZeO}`xjx(5GaR9Y9l_Wh@`2wijyMcAZY|%ia#K{*AYRx^P8-Y*(YV+0j zkngOdaO6v+oe|@)OXJ!jI4@@L`%gRLiZ^f7DZn9$UgQFAb~tYu zXdph$>!+)&X7ji__R*BGDFZtIM_S%v!UI^hu2``;15lt&LwSCIwbt-K*fg~`6D8o^@)RVzSmQ1Sqf zEHkLxSA20Y?~h>0z_S1F&HkKdq!Ufv)rDrs?T4}6PayDWy&bxJLRIx0N$UML)To*C$^I6rb^9aqP>W8LE_aXkhH93G zvOExVjnXGYCIeyr=&#}5Ese(xI28g~f&|n){myN-n5MRvw_eS>GpXH&#b4)2I{bk8 zEWMlu{t)d@*gls8;Z{euVU!x$;`CwfXIyWeFOIWgTk`jSp1fMR#2P;DUwq%k@tNQM z@a5}IpFh5S{_WSFzx?m*pMt*mP8)Ao@BQuD_y76&<@2xqef#FeAAk7x`2ClE|MvA~ zzWw&?ANulN`eT>*)Aa}qR?Z||RsAmqT@_gX4eK-`OByMzWEq1_+z?VzyX6Esm4m`2 zM#fp8QxQh+qadoo@;HyS)B!n*7onV3lh(?lL7a${@zHh0=513HvI_Nfe@he#G;*D-1!mz%NeH^x ziGSWYaX)W35vr|S-lz-cjJi2pF8-<`FaY^HY2#rShQYqWYTpg86EF-QM*<`~Er99Y z7TGu%2~JnHFl0WNPB26XG6icD7860itH{*27a}m4yF^*~D>I9R(c}ggFTh89tRou- zjI!R^Z1Ft9{#yW|zz0{<98%GP9;Br*+r&z7M63-*i0R+v(aiUoS-G@@f)RD~mHe~m zIXeTC9(5;|>Fj!kIVowF!-i8$XRTH%-meC+j1&eoctq;5M4uxaKE&%`fB4EzD8Otr zjxWDC%Uq47QRN0^x9BGtkZDlyapXBhrE}B$WRG%+St34pxq^r0g60la6$ewzq!M(D zvx3|@dlW^=j_88gX`TyswN4w5VeeNcDat2@px@bm>tnW;eJOr*`G!@T1vCprK}8mN zD$6u*w`)d`#8Nd9?7F>(L32~h@OJ=}pd!H4cZb>Rt$CCWfY>U)D&=9UvPSs-7FEsf1+;iOPi%@&HW~NwF$zqjc39lD9(IUraPSzT z`&&-X);z`>3|Foz;uub?Dk_`Y(sFpa3q&m*6ZU*nNk2NEieXf!>H*Z~<0i-psvcaE zrKOl$tymm9Z!HSg`xy5kcUqATk*?EdQRCQ2VEvFwYSH}SEO$v~)L;PTH+opWAh8J0 zsAgc|ksSHbNLh3KTlDj4R-cJym*S{#v@DS+U=+;&XJgiRrrT(2oJX#eer%C z*`|q)$fTW0!g8m4x`k%y40$pPkWai}h~`f=Mays7TG$$5WfY2ik7W62VQc)`O4Gub z89-2Wi;!@S<>(+U4GmNBR%hhhoky|s>T~v2I^dPJ4Ta=fMVsx)Y&Ug5Ra*51msxGs z4xN5=V;a}WhI^BLn~p=4hBs@K74kI`5}>uNfBblNRivc z8}<8fRWcAlT6E-HFbWEE$7dNL1qjk)AfW@q(d`a&r~q}farN6CP(WO23c54G*~5>E zd*P*QqhQ%=W{RApr(ym}JRbM%Lb*a}uFlFB-A9r~a>&S<(;UMa_|yluHZ-OE0!cOw zs#y#B^A|!EV9PP^LDhcYNpvTE>vHPvFJ}AiH1rgK{dHb(A2|6eKRJ+eyluzrW^6n6 zcYGGdGP7{)^TxXZS9J9szLNQA!$2m%0Az%@IuxB93M}wMCGTMB1=Py* zD3OR#{aaVdxgJsTVpXHM)uH(-eBx`1{HsH3VKF@l2}AF79atUF=%-jhMZwaI?BfE^ zr5wf3Z0b23V+Y;x+uYyHH9D50JQt`;&sf?WC6XW9p(q7|qrfK~QI#YNF^jew&8pUG zMq(Uyt-BGLB6>A8vjo&FkG2fBhUpJe`ZEyKQolNgc>cogG+NYd4jmNI-F)|Wxk`?| z(~57BA z);k}^W`HdUm@~hIMaB0puLkh-`O*-68Sf1+kC0}0?|964x*CZd*}dPoY!k-_i4uz) zrPmRo*3}Q8@MJ6wu5MpLB9pOb8KYNTItnOWmB@9-Kg0BO2HYeN1AJa<^rI(cm0BZp#hb}a zNqXPvi2Rqy8`L_(*c&bCqqi`AK3O}?L?ReQ5r2=qC=ddbwSY2#fg==YG9=3upZ}EF1%tQ|3 z7rrG&4U#LuSZc56IkeO8<&dA+rXJ6A9ofdgi{e60MD^xqop@Gkg6!{3I+^Bw35>wG zG#4Pr)&ROBAaupR9CXCK@Voq@kt-6ekrHbC?yN<)4$;JIR50ueM}1?WdNp zF4?zF@>8{kB^y!LI+}@-M%nmt0sF`>xWW zidH>45MVi)RQ|vdNM7-5G7A~K4T?{30)c7hK>;=|Bl3t7zK#TR*wM;Y8LfGt#~ zB4*6pFMv51{grH(+u3f;&?X#+=yANQam?yOmqa+bMxTXG(L-WKbTpqgk12K*t>{18 zC^!f8TYmtrwx#h1!SmIg=SFh8=vEPLR?na8TVvD?bDfWz@DVjEps4rw?e_XV>*dmF zSyDvdzjB7HAm;lq)Ka7ef(T;GE=6?-4cfP8s|Nk=UEhk_`yLyeH4S|$;_TczGcsa5 z6xUk^9lu0-gKWi4|*#B$a6 zF}2f13tx%Vo>!fusuKOp*1G<&C7=q!xpa5piaQaiZN-S)Pi;h!4x+sZyxUVkvT(P3 z*WO7TAb4oaXgb|tXe<3g9IhwO)#)tb*QKv4qyPX)B4Nh__7ijG^(B*dQlv`OJxG>v zo|>W#64{`}*JgQ3#4_~*FD02KN6A6(dU`KJx7twOo`I0=MP;m`RohiY@gqjph4n*_ zQ5axn?s$9Dqr~iSN5-TbwrrkmBDT3xV%)>Y6i^0|CAQ=95qIWi*AQmB=8#ZHM}sVE zZyIjV?L+4%w z0x8ir5(&#c660x^YfKV?F6r!r_vm$wIizAkLadT5>-vb!WY{XHg%*Tbm*IaO^O?&G z7aNCD|H?o*8{TGL&WcRN2C=0LCrU}od0-^=#g&nz9At_wjf{DT4B${`_tx))ZqbYp zA+UcbGdl3;Ekd)an(WGmD4(jbMmsg3N06XB*};S>5y#8%bfG>ahLU1t8OcyE%vq*k zuS}rAJT~HfPKL|Y#>xqGHdi<>_PN&uUFx{h8jp!?2QF}4gsF@gv&BkN2t>Z~jb0lZ zA{ib6JWJmEIs!-;^Ms!Pp<|_{GLLf)T--pMS_lqY)fJ2HX{cbFlT!7)Bh7PYfpZp^ zqxTv#Uzt#sbJF=RO*#ez0~wPMx<%@F3~nX2ut=Bjv4bHSKVyZ4l^=4R`YIEugiJfV zLe}?|+uH{;xYZdCpC2)}qEu6ce5EkZmTX7)HMK#-i%#N%DV)-E!iv{m=rL|# z+J>LXd_|_q7RIIO2auG^K9>rSET@&R07%D^X=Fv^J!+L0idZO_QTh2UyfVg3GBLRQ z5D1wI%`k=Dj%G8Ey!U`NZCn7}A3qmE?|wm{_3OX=LNEG1@5ztf{{Hp#pO0^T_w8Rk zeEIU}#~)t4{rAgXKYjl6;mfD*UbGBrZv zpa1K-`|-`M9`FCIe|_aRU;VB>`2UE(-Gr}6_gsgDOr5kcvO1CL3zsEbB}7zt-+$1m z^vL|E|K9%u!bx&&4Wb~!7WH3|o0?x#XF_Ixh()q=_CRyRyXnP_k94mH7r9R5Y$nuG z@!l2Cha^?G5fd~rH>|dhyb75HIAcNeU5HR5ER5b^RA6QL)PTGtMTJ!4L_IuH*ebG8 zI>)g^gGjZG{kA69y>Y%2CVPk zCOt5+W(Wzuahv`oL4`Q3z&FGN0ER=_5iie4k*!vtKfnnkEbx>NWba6<aif^=643}dS94F?Zvr59lt7Jmt zcCtU#5>9Cy{7MLOJ+4Gtgwzs%Mr)w)#TIe(kmW=iP0ETrv+zqP%5{q*Q}YOrmUOpV z%*Zw;7_hm+lsPfZ4wW?5I@x)q8K`-6$F$Mv=UY-z`C4RY=Uerw*YRk&_sP}-4xJ*X zo5yM+jr2pwx`@$0w?9t#>c4XD(@AbfK2u* zOHgCVA(VJ44Yz@jMQEk%u*GpSqjN96MLuA7hB2BVmz|d7`^F$>t!bLWXb1}SfUguw zDNQ0^pi@;-YdUs!JQXfzPrDi`uHUSOLRF%Ih9m}*M`Gl9FY8h`PWlFewt0(1A#oaR zuY2g-Vz^OVPE8U!)IHUViJ1w+)8HcJv}5Mkr_zaQb_Iroq~}=Apv~6q!N^HZOa?Pw zUpjcKq$h}kRe)4U*u?~xt1n25yBJV^cCPLK4X)^Uk*=ZKul4OB+x4T2ttV@vuv3lZ zR`cjCTQ?&typ9i5{24?q(&jQe(n1AqyHPAEs%F(A`Y~?T!=#*MyV8DpO3-_rlR?_= z7y&qEW7elirR63bxJ#ZupegQMo{cvim9w$ED)K}nP+3&Ip#KA8hnJV6M$&*4TH!nFn>f@`-+hyPJ({LT_{34_aQ*#8e`Uu)#=D& z{bdbak{Ac7*joP}WMBGCnt4p=`H_RHk^W6Uk6u8b>zJ#C;?^+?dTKWx15p?7)&*e? z(Sn;s6=*_+pv@hIMz`0x`EQ@b4`Nf}^|&ar=%MDl1=YR^VTs~3i{pfdS3LXh)o6*(S4mo%HJ{QqPVI;*P6+1qsQE7FC7&-m^*zI<ITZ89SmGiU4E|4J|1D5ECAtWJ@zQ7o`}}kO*tA? zsova4o4F18sxIaRRG-9;)B9B!HrEJJO!i0@)a#mAN%gQ|8ZQKbc#>MOm-36`e0 z%~8-^qN9|v9MDFPe0Q{(hJ*!q-wSqK@e<4$vCIjvfIB;eHWW8J(Z^7Gf?RD?l2KAM z22|ifAF<6V)GVSnjzBaUwG!@CMyVvVamDFvS3OIWa{4Urziy_${mOX^6xSgRBCdfG zZItabpwn4n6s<0y9|7n{}m#OAdjrh&L4K-CV~nd6Hd+K!ePBj7<@wuO_z z%?ao*k|HK!Aou?+H1(oJ9X?Ra^o)h6?!+im=~z9he3L)A)<}k11J_m!2Rh4U^vy;! zojFDe&bS-pQf)@A1RoV>uA7J48pN5w7F_k3FC#KrHUpY(94|tZ*31nQ|tOj#8 zk6}`;Lk%!Y6dU5u&n^f}zv}@ZU2sV~n9B%K&%RbdkqoJ9ee8b)iVoY0YFlH->zhK5{>6DHR})fJ(~}~eIpV33DsD5) zYt3LRFfY@}TE+2eCwh$~*s~VG)jgwePV|#Bx?1z0IT-MS*vRCcn-%|PVQDCt#NU7x z`mK&N>dj+4GyaUbtme;kp_y{}&UB8sDymv@guo>-89gzoa+$l-Tdf5AOm$p}Hq0Am ze6_5rWHZ1BB*B$&dmG=CLq*)ND0dvPyK^gSl-@ftM3$^J1><`nJ|pzbkSgl$>j~t) zMn)i?ndv(gozZ1pa&kIgMeUaoZ}mt5@~6!%7PUf>qUfSZ<)q96W12uDipEb(oYiJB zi#ukuPFd^}A@@-|*3b8>Rj#Fm0Yp ze8BaEI2xLwhI?p=+(j8#MT|f$K|PF9#lzKTA6;ZoU+@fONzGyiESK;Vn82efxz)U8 zlMz5MjLlwllL0DDAOJv!3<$GIdgmNUns}X8A##<_k<@QWSZpd`WUTbi83>iRfk0K` zjkw9w20n*9qPzb?cG>G}cH2PsR<=%INYsDr+(H1iL28#Na`%~MD4ku{SYYvLK1oNS z$l**w+39MZVh-h9S3bu|fz)V%(jN*7tPk%LWrkj^sCg#u!0(C(J<&v~Mn^XZq_QHZ z&(+Z~|N76wGxrBa^NAFFioA&}zu#g=BDV$N&Ts zpl#Z1mxy^Zl8Q5yyLK1t(HCvlZvSiePjsN3NN zTvJKL;Zj+f8d6GHzcr0nd&gJf9ht%pn+R|1vFP+F?KiH{^J8SLeVAUwvVi8$eKzOO zUlr@qvlS_WIZzBTrT#P;wpXIf-;R~zNJUb0cRMGUG4YOAzB)qbL)4d2vR5SSR@E|X zstSY*XIiCT=wxDoWL8%tX!SJBCr%*dJdoA+A*4tjCsOXcC5(Ub8~j{2Z?*XY&;W=J zBc#6yU^_=fWGQu}tPsrz;kF9wq)}87w~3!?IZ5ex%aYo=R@!v)!Un%Ge>J*;D5$t= zaxAv;Cqdz^yn%?9A6tcB0D--jq37J2W zvq4I6z*_1vzl`aU65HpUHL`*7;%HC8RP?w8q>bBs`NdWx1LuXxz#3dBG7|x|%%#sj z^|8S^&uAA)qBeR2&pOJ-%&+OJy9ABh&3k2eVMpv-Y9_e z^OBZQpySLubt@%Tiq(dZx)o0&XUBKTb)Q}eUUyM}_j;eScfwP)r6Ymfh}l$CUm?kU zRKinq%QKeapjoo=I`xvT(pR{(krK%A8gY2z15&I&Xsz#=Av>Qii4=1kI4oO7Gf z)^EaHUXB!H7cv1PoR^wj$L4KTnycUM)7k7wL*5+W>0E^6ij;#I)Q1%aG2e}*>TDPh zA80UV@dQf&#t2}A{M?!aYU18Ql^pMB#eE<1cRZvxIr>EAxBq|aNE(1{L6{-PVajNRxqWGCs_fW>xT@e83Nc^e5?BK zEDIy=-H&Ir+4Bj;DlLKfYG$UOIWS7e%ehA@6j65)@uoU-=+hL2yqju2)LM_&shi0n zOJ$d&Z9+oct(MXv3wver7U&c}Ql7@?~w@O9VtXm|o^h3Q_ z)vVM-Yspq5vzFy5ftLQxaM~|UvUFF8+(}IUl0EuZ+x1)46)eCcDfVg0fS(c|DkUYq z`+cpCya5cj$l-p4t!5>)OMyCtTTXE3k*DaNGcRZLmJM5lmWl^6MB%8!M_soM3nY2K z2IZ!4=DD=T%thAf8n4fS0(Q?iZe48BU0mhr2)-4RJ4pR*MpdF+g*LnmDy-4sp`F6_ zq`1e?W1pFFFm(;d*OK6}CG|%qV#HDpPtxxX@x+#Ur@$^ zH0P2wC9JCuE|;{?B@nAx{?<&>{Gwtu5qD~WE2tmkm5O4Rf3&am8ki(>1QPPx{s#In z&@`(E$xi8c7wJ)tk@YeF(DJRum9R$cAyUWvO~8NB9x`Q$O{)^v%D$kq6^p*F-x0f> zrOrRDI`iYJR3~m{KIU#I#RPu*eo)2&)-2gh-If4QhmY_las#m5W-{qhY|cj#kV2UA zr!V1aA?=7ca?5d5s2k`7tfc4;Wly{z8Is*uZ!v`FUV{WxW>1n}O07m}3K#Ah^C3tK zZhzPmB}~bdiJpxg6PD5E^vtT&>$7@>ou}V9g)D@Fglbq3ji#je7Bsvmq=fL(ST#J~ z6oyB}g8iNpo-6$YX@l%tRmarP$9B_QGke4xTGNaaA{W}Qjda_%3*Q*JxL5z6nu2iO z#w)L6VWLiAB6?$oi=@?=zd5P{Rf%4~!u<}#kQlNXUn6=p^tleckmq_LGEi;UiI~dB zhbmdYKty+!q&JOYaj%jpqaz-FS%b|GHX`TLbv$RnJG*4&GDf}KiyV9)80u?9wqeD` zT)y-+(R}ctO`TxEEO@)3ufzQCSOwm9sz*IifeRG#Mbq(jYL=3)eWVH)lO{vlMQhL= zD%j!i6G_50ihRIIDjALE;qkA+V;teXI}x2QS0soNtwJcbtw3Y?XhrK*9Zpw#;`=Dc zic0xMAU8E^%flUz>BweOT zQzWWVfhmL0TH(K%HCZvFli0ke_P3H}$QJfSi_}<>ni$eTJI{Wlp6a(wDFBw>GA1rZ zUqz!}A2>y9)|^GI+>=>ksB--6dHtT|I7W;^dy>14RfUZO4@uL(F^mtn@iHq zUZWml(P~T6IsYhXJLRk6lKF*^6d$YOT5Y)zi6zNh$-@S>zOnOu-d6JFob*f^nJ*sP z-8M%RxLUtHOLtLG3o|J*M2R+tla)Qiv-{#cZ;2hC9FIJM6=%f|H40Oyutzd=vs}-L zJS95|kwx+1Ig!^CHLB%}^`dR9&!-wXSIU)?|H1LA$s1nNuv2^Xno2%m9wQqOX3Rya zNfnDlV~c@Gk{m#aKQCcZAh7J5L`5E@QlF>C6f^k5gM7sN^KSk`)7*gxKI#(@01( za92QDRSJe;z}^PnVB?q(Pbogh5Sb>{5S4cpu#W|u0FohkO3wdWXSICrk{pY2G6A)b z?%;3Ij<11ABk>>ZBuEmy^oRK2R5liV~KFa*t^T5_vbf`j9r?u7;(Y zun>BspQ6_O@v`2pAiaR`pv7TKAs>LQusoys7B#dvVB4vpO)~&4uNp}dI9HDT($Q^N zCE|)evgGik(ARg%gHfR>mrb2*?N8GYEplFAae15As%|YPqS130`lz^2kCz5&r+H*xB zL6cvg5_Udm>B;~Dc0z|sd(l0iD96r2=drxom&0^*Q>8l1@p(_KB`Y@F%CDfdfLK&K ztT)U;>TH7zT0Wy?%}ib+c5y6X{X`*JLc_0H2#ohV*rH-u&v*w@9505@r^a@v8auF8 z*)0;DN2GR_?t+78H%0!>dYR-{RwPk$D}M+QjrR?VAX!1N0u+N%4hp1HGGO=IbItt) z&9nv~h1-ALnVa2aq0$6UD&91X64D$4YDH1$`ov{gvu|x$ZzK*aVr1ii^Zo>-O0~&Qe74Yg2@^7JPtl|`tx2&kRs`5g9FItCl ztDzCxZlMpMo+L(>*Fg5dvWH=`H36aQ&03sI+}p-RwJJSrM9*5+ zsc3sOVr6u?X6OsePtntn3ghQpetgBZ(dGYO^95Qy{(8 z)JX?s)NOe7>2=w}w#oXCO0kJGR&frmu|mY3Il7tGp|Lbnvvdy;A=);HbG^hRbgsI$ zkFr4mybYz==_V~J57ky_Xz@Wq8a0l$ad)V*B;h8UL05tW8xNxW7NVz|IS@`-R-QOU zjd#*Ms7xwC04rP9u68|`>!&9K2m#AI#H#fT6pcwId_N@~%UC7wDjkOnV(K+S}nqEg;2D;s7<6Xv}D(Ltrf)muy3p!B+~> z}m2|`N%{^qHYm=B>VYJ1?BR#!5HTPR$25? zomZnt=N)NbT(Hd{+exnvW}|=%nrNdTT7OiA>zC*x8=MOtz&M}4Y<5%sm^bK3qP>rh zCr1O#uwjl&pFx}?5;!wwG=x&5ud1zsg`x1I_@ZZwIRZC6oLNdm#pGryc{N_e%3_z` zb#zW^dh2~;cWicSB*KmUCs0arGtbasD(@1rc(6Oml25@n*$zpfu{*#Y@JtGrFy9Uo zU=9}M!S`wb{SzZrVyg{^jv5l=?iD@#JVZK(qG`xIV;P+UeNYLH%!39>;09w0P6fh- zD&V8>#U(9UNzOfbpjA>&;Qq!qn*$Bf>=X3Tkw08#Ny-*9g&|cMswXx#HhNZW{5QhkRS{4%=d`Ui_Wc}3D1E6`wPo?6HlWQZ3xCaVhZOf zWi7#})JyZUBOgn#loT1QvKq&kaY*;-)@P>G%&(x`7SWRC zv_2o6(8NsXMK@-nux1u~Jl-4v}|A=1Tm1kvL0&_DF*xF8{!f z?&h!Sn)QFC7Rx;Grma9&i4$H4S0k3y?1(ure83W=fv<*`mXZ8|Tednm$2jSvL=&!9 zsjh7Dm5VVb&IBQr_o0UsHVYmzc;qadE@3`3f}nTFDhu$ZWEf1pfj^cU;ZTAE|aj-}REe@?Q^BwS0qiS8Kk!R*2nGD?}!@cH1=+ozr$ zTT?-eCV7}L#r$Wm?f^H*m|z6FRG`uv^3ol`|F~a9=^Zo~Pjt6)NKV{$wE7TKdJRb8 zyBFVN%uONwUlRwOm;$+IiV8bka##@UOC&}o8_gMk_pprCq}Npp?C0Dm8D%iyu zd`?0i^xU)jEQTe3o}oQiMx)%EUsC9^T6C=9rM^CYn$u)wh-+JXnVsR3+*qg2RRSk4 zpEWhbE%UjPx&E$1aVA50Nt_q>QB&R!22tM{GC>NqrYv0MLU56}+ z?ypjI{WNcPRd0r8Lf7KXN@l~Cid1+{gUd+L9oSE$YPWH0j_Qzpe@jndOs-~5UpH<~ zxKB%N7{4eF&I17AB=kz6ku&IqGZW8NZ=$m|bt_b^f*ThuD`$I8%J`3rGsy>n3roNG0?Gt`3lUIrSL z3-HqQu%u%tV+)B0PcWT_Pzo$we$m=(7?`8Ol5->A9>FWi#qeI!E>( zQXZmxfape)&rZWu16l}SyO4i28XInK$)iyP zCLmOiiTL}cyB24V=aj{FP1{VjkFy(ys@8xoMSRe9?SqRa#`9?K>Pj}pSsF)yjMAK#J8}TxHLu?THGebI zaz9245Ypw}S)m0Qgpz?-wXwqf1XIsC5av7qLsr$8vNr}J?G;dsHo&^|EeWi>1dPK5D+3hC|DiWF1{8hE%!wOT>KvdrYLOuD0CJ#j*pe7S5hQ$pA= zT2^VPL2Fv$rvI6JLaeeJY5ym=QSx}sp=0}tXNsM@wMx(gFAQ4NF}@CF;@PKSr6$dzr#fk#FLxy)wz*TqCV`cm@oyeX zryl?c&5}DwjOZs3-U%30vDzgG7u06TROgMQh8dW~k)V3{VttA*BaR}r@PLsH3-St~ z1pmGNVe>rT**h0vq_A;&JJ7SC(*`t&-Yxvb)Hq0y10p7-f7p@a{MWZX@0nl@b4Y&L z3Tw)%*GquIxT@a`U1^URQ?cSUeokCt+XvM-{=L0dnW6G$$mHF{PTO%oJ{lCiB2cA@ zCMz|e!%pQzzqINGFrz!jU?Rg#pG&M&2YRfWnBhh<)|@x%4VI4xauBT%c5aCJs(NXu zmAX8ZBLlB3z-du@COojyKKcAZ?;Mha< zDXb1x6aB9#~GJ+Hi043czYt$1HVU*Ew`_Yo>Kfa7xB^UUZ|`lj&{2BlR;ctgu>P$#Wl4V?zI7mTd7vIxPHBJHrYW+nSB(eXrl z8XX2_UtzDL%X!S37vb>c^xZsY#1RU`nCK&z zm7aDv12S&Lcoa!#(yl8&6+!+Ou&`&=*PEqH_8CIiWl^18747)x9Vyx|FH;He@Lpko zdzSHHg_Y-=6Yh8 z=tb$em*iR|kHn^sp;RE9fDs2G?^YC4Qtm*lnMt~eAEC$}t|y*Q_jiK42B>p7Fb)AQ zBWdn2R%vLdpn|cmx|+Wvm7D&tG~9ms!b{rHt0^^R`%e9T-LfkXLGvH_$NQBLu98K8 z$`%3L^vWjYEV|6+2waf;&Xk-=3KhoC)^Tt-QX}ILD>v?&l7G@LQK@|fy}+baag+90 zn0YXh1APD0HzH;RY1fEKnU2%Wpn{&dFDy14hS5s9x%PIEhODLOU@8qa?}Gp=QcfRA zgK2)3=2K%y|8YgiBYjAU^SFG7Aoa=S+Ak%ka8p%NZwR+ zP8M8E2`^~kkru{eKq^VZDtI}76{zDV%QuB6<4dbP){Ge?@rf-FibPw-Jk}fSHKtT# z4^}1YK-&XDQ-x5EsZXSJ(EPAz%++$}*o9vphFhie9_w7RRbkko&f@>8WcU?BC!J?+ z^TOpbyIiEKpy{gJRp~!Jdq&xXWDf_yb%P zkbdGfrab03jZMN0Dh?f)hK&EY+blZ)G{?CKK)~={>ZdSPEwTg|RY;b0?s=iQqweb& zAKvyL9%Dg0WV9+f{haQ%394WP)nMDVS%DGmp2#R|lG7CZ58FKo@s=sD%L&(-)7dAY zYx^AMBIc4o)EKNfup&x7%x|g@5iA`a{8fvuiXzZWw5U>JrUNrumH*JrpEfG|m`ZBQ zDjQ?w=Z-p|vsV?$;RSsGh5RsUy5G6Tvu>aL3^0lm>|08LgJ|lwhsLNEl9;nBf3RD9 z`$JBd06?-bauwH8%C>k-EL57J_3Tp2-BxIb}au!Z%K z-UNG2XaM@&4J0in+!&S)pZ)Ofe60_VsK7hUQJnJQ#WTAcTBag5>L{g?$1m%6O0zM& zWCjJiC-DNd*2=s{Yz26}NVC{tac z$dDBy`D5v+1xF7(}MjmnHl4{*`cvX*!&_G`zmeU{9RHKFPbDm zQ?8W}zdi+#Y!Z?1cK3|()mQ&59=PxAx3y@=c7md^C?*slfAN`Z?uW$y4%uE#^_?zb z0iw}uMi_?TR+5DBbv_yX|3DuW@hJlW7bR*FN||!W=}XsPQUT)MV+Ls5)<^9s5^WGV zdFlLzCT7YO)Ouo_uPLD1bYuAC<6GNqrRgUm?_Fv4;u)8e|@6>o?p3GyK3 z47-%#u7D98@QD$sHL_bj=xGPAg)%PC__F&$(y#apc9n*HzD9HM0cDr$goAlNNtYP> z)>7)OEThSOHl|H}97pmEjB@adx$ItJXC}2~x@jfd0*d;0s#Za%@)IeF^G)m5)FHak zikguEZy{CblhN`HzLb9Zv#Pj5#~U0Q^_^5C5^V5Jl$Rpp^2#+zd{sppIYbW%%e1_& zmXBmF3pnv~-P_SyI3;lm&!KC4SO1QzvVnH@MsJ}){G^12mG+wBg2@Dg>{0H^X zI68o~8;i(rCOu@uzn?I;VAe0qXN&kmo0`UJdOt5pY z0RFdOLQRvUnSvXRZ)pF3_eui>S*rP!*i>%R$2ZWE4Nd)vu(b5*3@s&yT=;QH@ATQFd|V;ah^x$a_Zo%>i)VJ1a*PdP%v->^?ZuGxXscypWn3bOL5d= zwGF?aoWEb=uEUh5E|w)TN!1eezN_=oZ+tkCzNLT*{BzFBN%`mC%ao9qo3QAas+p*! z@ye2ahcEc!$TTNlp4<5??9BDgHpYV9T2I4GfFqtFCPVOgcCovA0%!9C>he%2#fu-p zLKJf6P3u9nDIE93dW5fOBrGT0nLC;$Z!bzqDo*z`_b-nFDp$gb&6&oHZN;}PP||Km zxcvEE)G1aHoSm@iu_|yHyvG*1|F+Vq35hGdYg>%uin{>oJNpf^2jex<(5$M7xe7(Xx1f3ooSs$Iy#GN7n9TN$yS zV26g~ay{uGAY)qPb`8aD1<*6+6~B`(1e^QFot;3jc^GSWLW~X93!*Rou@qKWxSWW) zm65>wnIgJ^Dq)%Idrm=?Vyn_R_w6|0q7Io8;qEAE)V$uZGb@X4C22@LHFi`6*PqW( zydKDcG1brSzUoajH5QrW6PPJ&2H)nUQc)vBwf?y6TepT7^tB+KHlx-unm^ALeDDay z6lmQ4%HD=+ZR~S2LMX$P!#+%ee+Eq|qd63J@Z-|{9*L`KaIa8{oR=^?ig?wU%P=J85P8~BION<2G+5$NFV@V0x$sm z5SNzKphm==QX&%=$*Kc!mk)7HKIJi^*Wwwt`jZETW~SZsS{Nlf_K4e0-06Y{i|v7A z)TGK5fD=oa;94KEDKcKKre@rSqchG(!@=$p-RL`s3~HK?(>ST;WC&H)N}FgEIe?@K zQ$3(*`9Pdrs9&1^P-ASPuk|Ty8yC0OlMC>Pj1@1hiCIwFM=d{$TMnj}VS9*~)_bF2 zx0 zmMNQLAtu|zwz9r1PuhOe)rI*f5JPCSV2=YeO&;P7i^$fi^4`a^CVFH*`3EWuU!41X zf+?`&Y8euUD&%%BH8K=~;jQl93_bPfwMGJ&&Nk(EGkXD9TuNU zf$F5INU>5yGW0(3*pep;^@qwEy69ar=tg2 zP4jKh-#AxLDMOBUSTT~+mV zO^H0EQhHV46kH%ONI-exxhBj@4x%CJVE{5LpwNeQ0)N=e|4jcx_&`XpflptRpu69y zu`v;NzYxo|^DP{f6Z3->bzSlbRvs0KIDg9yW4Dh-M9W{6D7%_}!Mzl}{u6rX52cmp zK8bLKEV&nzi&#e^6?iqk zebq^sq06@YO|DeNnn#toY{?KlT*(;qAa)p-bm>6yfU>i?%=7e-B$=0w*$~sL%ZGMc zKy3Xx*!M!NXo$O!KdR2%;gNI)kA=gMMESK{81UNj``|~dW=$a*Rm!ZufHeC(At)Njh&-kyEJOXe-S)@3D8F~I%P(9ui!fo)-@?`GgaRitG>3pJ;gF9z zWoAC$%8J5tGW%x(ZvA+I~i#lE=M?#bJH zatDL5e-%#Aegj>1)cG*gFA!(~wajsB$LUITEraD(yAifNgv#H<)-VsC7&u1lu3|e! z@jyc#WQLfDL1|0)s*}p#IszqcLlQLo{xAgry;k)+fuIjX5S`_SZ`KJVu3s1tSp~G{ zXLC*PSjm>|9JfIM8*%l0J~czyg@SFnM^=4szsWL_kHu0+Kvb^x#NPVR zlvZ6NqU)XkwFG^3e=n-*xGrFEVz_*+HUm(87;5r8N~esI4I(a4uRNq>OA0G{155@7 zvX2M#O)fM5Z|5Pc{`I|V0!9@#=b+_~#CN>NRi6xh#1TlqhTX$&q6td@wM!ch{R+V@ zlV`9 z`t)&ze=p3VRiUM%f@`GCf35|Q_VP&D=V}T>t>)gG%H%p?$Uu8=vu2yI;b= zvrw7MlR4@Q@#! z-ABa{xHI3I3Z>Q*9V`r6?)B_Gn=3!dP7Cq^!5_|EBLzI5WE<|NcpEtjn#h$sU*4*d zRpx`?;|;a{kKWAMd;1t?g71t5#@s>4W>u*Jopjr!H8-2lWR zvC~wu=*PcxBE`*#6w3270W+$7S&4`P{}wuGQZ_tLOKc_QzU2XTxvCE10??1fmOs^ik8BR@zMOE|@~PQAEI%?CvgAJa z1hj%h-Caekd8T>_H0Y4(Z4ZA1fV_3;ymBB2ox zgstl&WJm4RzJL%CYet0|&bd5eRK`4gJ7m-{s1~HB`pK<-0R{U7&Y_J;29LT#hj7jf zfZd^7V~TFb#C0d`h8Rqu-3|Zb(#x*BaWU2!U&9sbB9Bcd*_RPZ7RN4hE%GB|JzC|} zF%RngH;0P7g;8PN)T{}d^~X5laFGa9Z=>=&7_Cc2_)~Fxx=#S+(~yB~4g{X=u?G*< za>+(%yZ%;=l>^s5rFo01<4x5%5>O_eq728yC8o|_26a3+YpT?B)S;ANC7B7)k1lvX z8a(HWTVoqbiZl(=2H!FQS!F8|(pIp=Ds0;FE$xj^*(6zjiOcn#mmN#o{>dKf+9_9Z z8|}UD+NB6R;4Ser_iWFfyJq)E3bd`NS)9${5?FhE%tnjmc~`v3$u{%!EW0*@!rm~h zk_%9FK{TIt_nX5Ws_ruG)$>;q-BiY0c!o2aGj#>%?g&CC+_1(L7dTJ!Xlti|w*#W6 zQ2ru+3FIQgiQLqO$^>Y_ryc7r&i8eDI8%`>L!#8cqsKU7pIrv|_oxN*ZF$hrOd41~ z4A~$TfRYU`5NY1CJP-TFhBWg?CO8ilD}=$vJ)S0PATE2QQ4<5zyjnJ#UECb@wd*|X zJ&F&_5+~Bzb_-+F@taU>(+Fws86P>Zf`pLfJL-N%w~c>QnwffAu^mA`Tc)DQkDEHo zp%!WCf(}gbsR8X}imQ4t&@pKmu09FXxdB#*Ix;YXOTU9;wi6MsWJpg+EtAoX1IO;3 z{&aI|)d0cCiIX}w!>^z+_y0PpGDe_Q*2RZ)Rp+WeVa1zh+-G_4wg9cSEdgX`)5JsN zoz+^-)=BQtum4qbBX*jyv4i)!4IbWK7UPW%z{E9M=Kke5FL~p#{HL_R$dC;$LXP;W zH_Z6feR)11BmF#7-n~|W9<>7(j#+-_P!~5d@|R?us$Nh4`J^qS;)M7ZyD4pnhmzLu z7B){hseBGMzV^@l_mI{dqW{;G<@Z~vl#h3VU@+v+vJa?hI>8CWeIb2yz2iBNY`pMm z{b4m@#m>hGc*~P(Y%JT`FtF(`5vx)nZD{fJOR9?V0*q@L?dAF#kDNNWBXI z5T;9OE)8eE-cJ~|WFo%9J*^71N2Rw%O%n;G>#_QyX3<0kngwKEKjJsznaY&v{cy8>h z&R2$`Sd%^!deSf=EjTctMr6Ins#i9qc1u(iwdwax9R@v-`6!$yyHgrk>LyeCNrG-Y zj5#1-G)A6Pm zP{xbIT&&BKEY@S{S)6b@ua%UHnF@ib=-2`T{tU;dEU5Iq@v_ZAE!giXJrdb~BEqiF z%IiyO%1cxh`4;r4gLAvKc#~G6q-pHDQ0Nsul>e>YcpKG0<+Q}my63?TpNo)sCmE9r1sXSimMaSh9K!WY zI*lneQlNXs75l?w0as1i1YmbXOJj{1Yb=8$oh0n{_`v6n5y4kYH$&s^r1QmQKsi!d zwk!#_B&tygu?#p0P-3HDTEnq2Cn~=ov=!en5x-$ zcJfgWsLWxpgz*&dC4_)@mS7@`Cx~T#bk}?Lb5$C&uNmcFgY@VDZ93m(ry2Gx^sr8^ zC-+QaD`Rn3NL7)`*^Jb(3E%MM=)upX<+heI#Y}I--sqF0VWT{SCwYPAaeXULHVq#X z^Vc<6zmd{BNHzJ2#P7-$XCwh7vHZx&+ga_8@Wica+i;_R}C*8#pL)4 z`yy3MW_Utk*u_Wn*WmzFxqD!eD}>8OO0KoI&%JBg>)gtR9MGZ0sE2Nh=v>KmDY}Mo zPS^`ouSiu>gIaUswe)p)m(S!v=or) zM+JfZQzU*#;}OWE#&YAdhD3d5D5f&|6CkpDhB@hK6o@_`bmCTD^Rc*2z@Q1@6J>My_;47v@QM>$+IdYXla4R zIWJW^VjK-;W?n|jC9W~c&Q(gCv<}WKQtR>GSMGrm4SyW+)TVZN@S+r=c2axp!(-C} z>TfJ=hJrBC!$W)*llx@>mesEWRZY7K7hcRHjv;7Wu#lF05jS6fEV5Q*TSYRC3O_*^ zSTHrJsUJZ$ad3%rYlOz_aT@#mi?Pu-s>N>)!^Bv(k~j0y{d?V<%$xoCBlW4=S{o#t z*ga6%q6`dHBV)m8xc&uM1@TLg7F)e?U}OZaM~iSnGTNx>tJnS!o&_z`#d6(2CY_cO z8CgnFRGLn}`n3ewc_u-08pkDCqK~T#)kld%L)rOgzsj_JWHqU^;Lzj2Kq_Me2lGbG zdsYUfM$FRD?IluUOVB2s3rmkjQ`ruzth0|~cU&qc%Y5~?wEg1U1CsZQOSdS*j9ARK z5JG4bzK_uprqgEX#@QR(y$6_w+8>^xP^S^NCCcSuNh<)f+y>clat~yYFKAd-^`^Aq zU*MI|kF^NB+}1vr@*aOTFE{gar>RTVEiPj$l=e@y6UtHxfHh4%p*R1R!CFWSeRK4( zb1y10r_i+MBST#RymmFdYqa{iab-$H? zEqUTnDPM6gLTOX(N#boua;{nuQGU_Uu!H4WL5U3^h|bO=;uOe4x;D*+*gh>Mtt~K+ z32w@n9OA4g5a99GV`@Y*&zfUogZ7pbw+b6V>^^@4(N0F=E=-eo;2;I!A5T76rmZ6_ zmhBuU5kTSnD9<+%h(z4?d8APZ_#2kFZ~Ui&9R9kRIsidL@Z%S3z%ih=&_{7C`aI+c zDZVD#5yE&c7n-UO>onN*9as0$MugU)OutoEu9M!l5de~kE5w4AKSG||e&jy8ST8*R zOa2;G8@m;q1>o4wr34d)Y_^n0>%d3>qxVAp`EInlc>lhGU(!Z9SF7VWf)7eK1Vqp|C@-(L&X-ZQCNF0|CjGZAT661`IZjq^Be zlCZRvY$G&ww_Wn*Kh?j7qrZ+++WI_D_H7nL{cb0)gYy6p1S=4~z& z=;(aa$)%Z(ypf=vmnh9S$vTQn$Y60=l#R@T$2W|DRUOKy2FI`Bd3J=&c-W<0Lcps%c%IyuZ>1) zSqgX-0>?XGA`<2NsV{~cElQ5$9p{Yis`0shX;*O8GiI4W;5tdC&Mt>Pc4=PtDZ=G9?;LiERq;`AqS@0pgVA>MB#6hrE-DoZR`LVU@Q2xm&LLx)bVq)QD$6v_y%X zh`tJO%ON!Do%lHYBuO)3^8!VPgZ1a5oHGuBQvi!U$01HM9ulQQI-R^ z>?*O_9)FVqfGGQT;6E>KlMPf(&YwafMJErGrnZrCq0$Zj)KoCDgIuL2LMrI zCDhEecR~*jLx&h8u-@1$EXmVvF!@jwkcr(4EA^VPhNeALY9~vCx7LFh79nvO!G{3b z+OlFhQ+XK~p?i9xX5_K~_Jke-)6cgz$%EF#Nn`~L2-RZT4DK&eoWwm3I9hZs;IwN5 zJzC0+7zZe{dpDzd=!Mq-kG(HMXdbhtP7*P#OcN1|b)ZoHbAsp{M`PwBdV7?^ww!Ft z&*wp*r9=%5Z#`Nb(LI*)D2I!d;}CEUQRdLG#5E9bs(&a2;@}B`Qfov?;bI3 z#d=~Nv(ys#uY7nT7w=ILpz|WKqA^06x#}U`X-KKc@3U2gVkAS1*p(#+Nh}1%>6plK zip*Ybz%Ph`!F>IPW-a0VT1@Qj(!8MHoV2PWI;XoI~9`bSnm&sxro}v6{AG?A{woo)5IkwDrPjj7j9n_{^4Qtg5&pvQ zRTX7Op4(aW(&$j53FE!m@iQ5jixuGS!A?s%toPkNd{u!%x~1t)@5} zv`-9eap#BRw1{7h4CIRv2rVrN_bXdIwNf#-y;7j}8SEsoz@nQZ{&}Cu!|%fEdMmNZT5gk_6q`OV}o#r9E$D zH|iJ#4s*@0Hp2E56yBS&Y>~E~P)2(248VxeE?zc0G9pdc%T-c)J9Cs$_5z#3v(Pna zp9LH-f5s{y7G(X|bee6jVXY=tj;YtO`uT^efQEE^_dHot77m|k)PPE6CxNgsi}GYi z8sLlsIk-+Jp(vgZ&E-QlM*VstOzfoQX4zk=m@a%3FoW=0hsGktGBP=tT9fQO4>f&( z+au+)j>->gStn1ydQwJ_pEi6i!f64W9fya4PWvYQX*T^qA|0*L&8IsI9>W08tEul# zs6QW^RviFCzDinZ_Btv@#+_1&{6y_XDyBUFqc%NRT=LuU*GffboZjUU(@e5R)K`W= z@{u_4r)Wy^m-4@KGj|U5xz+SIUeP~Ysn<@<(zSXiX`MPIV|_amlyeBK+I9*nuzoLP z9inJF8Lu%pJL9!v-6D1xah={8>=%HhEfmZ=L0?Ggym**Dk^j`G-+;;BJX8nd$t_ib z!KF3ldImiO{4iStk=;I7{BI5zTtYd0N>53#ZgwS$)ex7?I~DqqRg{^2>?mb-ks=tM z#Eb4>wK^2<>m0eTO^!oUdIzx>W?~MmQ8#+$N=xH{p_#0-Hrf}VR)em=grIHy;4iS5pm`9_H8Smpq z99f(-d|;0~aD9oI_Meh|dd1P%R{---)=>?zC=0VF2Uht)Gs>zJbD28Di{ZBTecegS zoOHV@{B|O)X~QPgGXEqzd<(o5Q&x3eZs2{3LN<{1IFV#fq`e5GIwjWLSD6x>@f_DP z3+p=0etTyw-Munjj_7Qt!Fc;vK6~*Hm{R=aXKcvJ7MUoy5VB1?iU@&20b~dv!`^;R z;cOhih1ENcZ~Y0DTOqNXe+V0u!%8b{a``ALZ|82aKhuK;aY9RZK#&BN*erF3Ih;X?4Z>)0Nz3F;ZPRC6C`Ku};LmN-f zC-(eY2>hMmE`Y!nplKx+*QJsUVN~c_ z_cp}$l)_WOYR`g|_xptK_+Z`ztAeUvRLj3C5!IYXj%@9sPk~H#4xN+78cG`0{GC z-FLgxEKAU5Q1*M_M#gjGVWNOW!rnqzO2DX?w0XJtT@99r#xt0MNz&fo5$6o|j`M9E z;uhU#_6u@@x`)`BrRno6T~7P&?;|?@^B+H|fq&nLj*dS8@25z=zi&p)7Kj2r?w@yl zdcVJpDii<9fB(MK(GKZ;e0L26|NT9>>giAv9O(bLdS3VsLi^4n*ysQL6zl#v!#UvX z{iFEx6n^A)-|>AM*p%LLfufFmXb7kVTAT0sfL+PDR1oF7DQ|p!hgy_p&JsQU{wyTv zb*6u{aS=4#S%u5PInd)$mC_K?bcxGZX8Y>Li(VQilv7gownqq^rv=tN+M@*Xoxp!< zcsjf)ufTn%dQawu2??%X|jn)?CKF4ltE42XPXGs^W0a`YdWYs|M+uj4ribLL=kpOnl z1N?|@Koa$a`dzSaPKeX3&0LnIVUoEtg|MfRBg@k}TVqbf)_BTmfU-dqrm)+iR0agW zr5+F;KJXF}mDTBWUY{Wk+8zx?dpjXCuu>|twUcV~4lE z0H-08K7Vd~th3Vf-~3=@#zrrR5903bn?dBM;ll7p!7oDYE+rDhU}YN-oXsXcO4Jgp zg$gh7mnq(Rad_ipKsyxdq$=yp``*5W>yBAFPM3_Dk3b58_r~9ynKVtzr0gnfO0~$= zT3KmUJgJKi2`m-@>#U{YlqH|Jv~b^oUnJn!K`}Gn*lv3zqsoLqJ`L23Y-ZkgJiS?R z)9It7;GpwgI%DVmoioG?fFvozP|M0KrW-+KwsL)QjH)9bKavY5U+libLSUI-)p?V# zC))XkeH+&1X^`@6l$ly|jZ!1VXl!&@^RHg>X?p*zg3TqK0YkFqFUaZu&)ERENJ3tK8 zEtN@W10rgUf#Vk0CyAyZ+g676ZoUec)XKbh^uAphRX0Na%V&z|sVEgZiU`bsv)919-t0?Hrn>;1)+ z7-4tj8VhYQ(Ak0@m>tKk6I@D*9RlylAM^Tne*o-)#H=*Uxdlu z0f&6IGM_bv*f5tvBlAq&pbnQRM)ldbxGM|Aji6dRzn*qZUo|`=efa3MuH%jG4-;0hN;8{c1E^)Q&`E$56k zf;NXwD!1el46(&RMspUN7C4u`cw%_)f^zXf>p{(kVxxQKHPYWQBZ*tIy;OLbD6Sg6 zy8rkxu(Dur@LXVhDD$>RG+_R`zNfygA9)L=Ci!N!&;qi2W?poC%8P|y@XpGjx`?MW ztd!u69-h5N2PeQ=AT_^h3x7w z>^2FKkE@i0@~n5Oqd{@-G7l?VO-m6Gn)#M}W3b<6y5Ju;WIYRm%8QWfK6`_uLPxvJ zI*%%GKorkX6&W&VURCPdE@k3@<=?(S$pdRdF(n!dV!E($B3FsC(>|G9<1O-c+4~+I zS;|k1M-5%DKHgSAO8K+dgQT+dPHl&vmW6aok8VgZ3h+Xc4}77^xPXrM(g#4}S5K+i zb@%XA!E)uW{)cTv{&^>P5DkZgNpTiI@s`towB@uwSQhKnoGia1bqP|GKP{u%JGj=} zQ{DQ2)_vTTO7{Zwul`kNMB8uXxHWLxZFg2ZQf7&;OWL%pB!5D3Q?sKoQE4Jw0LQVD z&T{`TFk_H(7L4|_d#55d>Vc#Qgkj+&YlN|LIdo#)ktEpMqM&B>)N-*SoG;UjCNeDh7LVkY+vo%P1;KRWt81km)vcrQ+s`L8*C)kB2qlNg|BG~r^nq_pi@AW`{` ztg4NLO&L>&gn}Ytl|L=~RY^L>dSTO{E?!v4-KOxee~+vttTbWrQY8eBbPy=LfWNcG zEVM!m$d?w)?SG7n6J}Z~+Ki*Sm)^G|KVKwRE1Q>iqx?-}*mmbU{rN7WZ`%EoN%SMF zI;adcyTTLGGmhV{#Z-<=n+t>Q$|2lwaQ$d|$Ab13vZzl-(kArIwqgW9NEZ?Xwu&bu z>2p#*WIUxk{pM2Za=R)bMky|tQIf*5V49v~MLe92O-e?G8g`Y#D3`wIK=_WM&!oIT z<@h<*rprREqw+9wPe$IrRZJ&FfKen?Ehmnc_cv}ypxP);Hfq4uF=QKGXD)iRv8}%( z>lv~>6=nDDg^lJckmS?-<|-g?+J6*o0XA)`mmT)J?2l5ZHU+f-c!r@v;_}Y0KzS{6 zR?brsg~EFkdMXXBE2u(W1-r8~)NoCSF;GR?k%ju(%HBq$b{l)Sq%t%x*p^T6Mo>uX z%_%{vPMC^`c$(VMLO4LUEq8BH+M>n;H*?#t;G=0*Y0(I1&9ex2ov6|aGV4UanaYxN zW5SSKiEh*H@L^x}j(<+`T&cRPjyQ5S7Q3qW5SKC|Nx4Z-cjU*}*8io|Cs!X9W$tZ? zFO;3r(8G5#WK20$!Tu6aP$Qs|cO%9A1Vtps zqagfcr#wj&qtvretzYNAy+v|b0d`q%=vIZ>bw_#Ey*(t>?*j`&f>zfTt z%+{ceHcLNxDMUz`aqBk_o};`SsL8^-kuxhp5+;no%D=Y(xw~U&g=mxrb;AZr<2WR98eoBzZ~Qk2T4iQGLLt6^cuk^4c2ztAcpE0Bnc7JezsL79WI=D zBOWLVG^_dYKCdVhF6#EZq588%yP#*D*(F2IR_SRJ&^j{lSkpt4%!l;A$4O37y6_cn@RcAsc!9&fmK^+S}Y~1gD!;t6- zh#Pu%ZUEIOl-ypI*-o-F%Af4Y6(8|@+ z4e4^&n@O6An;y04jpwz5)ANEa>Fi%Y{!lm3AgF*`QXd@Zs`hVXtD=S8byF=;1fQ>V z(>x5gvIR9H6$i-pM!{)%)GYkU)-_{2F@t=|F1@Gc+Yx6O45#9gTmL)|`XEH_8?uvK zB)i!Pn}HlkHxnTex<16Ra&##z2a-L95SHDkd>let_Fq9sTc&#CV#qzJBwte@K1CcT z`wS60@IrxM!WD{XRNGY|u|48IV^IJ3kkO_y%7;_JBP;u9=k7!tglUQ!{=(Uq@@fi& zwdS_jZpe8b-ozPTG;W<}TF%o6lZcAJ_p2oql2%r7wSyXgE7;^v`V6s#a9 z)M*U&%8~&5xMi*?M{y}pHKA2W3*vP%64TrFS-X;;rN7Cw>XyX3&`Ql$ii0iXe2ew$ zRjUc|t{_6$VXZ#BbKQ2Y*aI+Mw(&LsjCt@JTpzu(Y<{T5<|J0MeY=kG@b;3XPkG7e z3d-l^DRtRNMFRyD1|LD~*y|Ux2G#Gnu$ojp+E4LMXKA#gddyYlUDtnr1YkL9*Oxm; z{%9m>aqX$baepikqTLh^$Gh#3(TU9B_XDJOqQ?BwT-3y>ZmHwe&(qW$D+ge+5s8T> zc_wu-y^Hj8NTTXbj41`B%viW@`fi+1I(o_za1iC!mSbABpD`7+$~zML)i~N7vmON1 zg3vjd5z$)KbSjU9X%QxGwXZe!^AX%F!KXA>)`jh(&HY=2dXX&jJlwmN)_t-W0ge>- z-L2lpUq7k8k_@rhybj&Y%#!|IJb|01 zFLC%MEsnv*U)`wztXg#`#q=nfjo;xNc#1AH>l42|n^C^^h?J;pdYFiz0t4477gdwM~7_ojt2W~x63 zjaBrPkOl)(tXhkK{&o@UHxCOBH2P4sdE&bmqwK%%A$feCN9{p8l5i>JP4hN97aQJROt05V0+1*=*psY+XJOaS|QknS@9VM#8U_g8*i7vj^n?vzIANkR!`m26!CEKtbU(2a|LeVpWqC&yQop(SYBy!>`_ZC{$Vu$!l)G9_m(4TC| zM?ApI_f4m+RzWgrC+RDvJpYZ-H)JQ^O1F(WEGNk4OM@lGPl2z2pyV$5IpllMOnMoO5Lhd z*E?~#eZ^iikl`QqipS1u3S@O=aV0|NLdlv!8N+HYW9QIV2@`1Bb7I?0I<{?hY}>Z&q+{E*ZKq?~PRBOx_hxT!2lpq`paxZY@3mT! zh`iUYp*0rJ_{*v-+qjR+ZaAd!yaIIL^LX6;fu6;{uNA_c**Cq5 zu7s#wL<734c)aKDHcjuHZWy$$nnd5#A+SbbR#*8s#S`jakY>;?E2 zTTLYlNKPbsn`Il0S9frUw1Oq@*4Nvi@}f6a9k|YTbI{_$?fo!)rnoJyfUfxkh^x#K zH9{9*(8K4mueQC;QRlqKc+}+3bia2wku{HxSG2f=Q^ z8wnVTd&vIV`D;$+{AvK0k_`9s8?)z8rzLGHiWLd{-I}SL+>%ubJWcsSeSmukEB^Ov zhW&vrzc**lGEMbRlvLF{(7t=LfAgcXd^&=^k%Yfh!Too9C>Ogh?E?>rL`<}`p6ApR z4IE4cTF-Djy&+<8wZ;Vh>*09VLvBBK(wz?mYfHZH+ItkCmwWcY?)RjAU(?h@&v$7{ zTE$DStQGNb%B#GPLK??o9NFE%p``C}xQlk5k3p(m8`giaB1Bx-k?v4IxLkFWAD?+( z5+pl}yzZGf+bB91j!84~PCRGPM32^A)c{Fo25+}H+jC3L_5290a`gReCIgoJMn=k& zM~W4akIPr+!DjM5`-T z##PhmA$8~N1mA4}MS0K{kT?L5H*(b>(B@(B2Pgw$hm|RHc%FuLtrH?^OW0*vPRDyw z+IM5;9Wai3SpFf)QdCTfJtHpWik_QTCHJY!kzfyy{tZey?X`}F1!qGoAy;F+ zwYjZ&!IeqMjw(ZMSYWDCt^4g}{t-Y}Da5H^{R2k(%$nDa4Y$UP)aAI*iPj!pTEIhQ zaIF6p7h8IbWme{Ow+azK%HA8@Oz|NnKxaTM=x-%J7PwfOb2(^`4w0ti|0ynxtqu}++>z2X&ebyiD? z0dOZ60>|N#AqGteXQ}A8XQh{EvX^2lymk=C74WWNvKlt6$y)YrQ09i3JxkNxdc8r-hYZE9|)`PPl#Ib=&g+h9@{ zWkMry#<0K3ga1JEG22uM4cgP_#`YLF>(*v$#A%)iYYB|<#PH~)0G zefbyIgIoHTi$2~-a8wz|e?F86y zBkJWORe~Whu!h?#_vH@%7Pd;iT&~chlqXJY1S#I^$YNLc$SdF1hlJ5E%D`u4=)zjZn(MT5~E|fGzS@f_Ityqt` zXSbqM6PH_hG`7+seWur?#}gnPrNzBrLGyYxq>bg;1y8p}97dakA$!4lP3=Wyi@EJe z+eDG+fax4hqnor8t40l-S@tX!N9wWs0MdMX79otu9~ADyi^lByhe4oL5g{K>DOq*L zObQYac`MO`L}};ljQNZu-bF3V6>D~?NlyTWOw^ZX!bWsQS)jrqUygJW6C^4)k^?kU zt+136fbWVAJG!dN%65%72gh&-Kl`6!Fx?s&V9WnSrH zL~jEmxu*!x!u+@i3Da*LIkJ;Md-Uy4izkaBCzQhF-dSQLLYrRjV9rQe+evh23N)15 zo!WoCruSp!W;#pxzJAf(TcTnjqs5o$_no|<4WFsKVxEC6W z#E#NUN3UIT8-Ce3iJWq?kt><{#VK+x$E* zE!9)l9=U5@SsD}{{QSqKEhpNuJG_9l55hn@P9~lKYEG8Wu`!iA&h^5CXhG6LW!w zANmM7FPPyYO^d7ooh>rBl2`i@c(51P@-qGLGwxI0A@uuCF#@%+51*U8(f*=NH!sNN zR10w@Q&ZG^yVJCbf+Hidv;itdmn93fxpA<2Z_ylA0;WQf*${jtymW7Me9t8=Whi@Z zhWTSUmjtZ?cQS(kz7sO)p~wf#z1r?o92`AKxY;bVH8)I!lJP-rEN4TxypQCoQA`Gy zet|F-l)Y**_bg1)b-+7-fojv01LY20q?0z|9_cvtsu`=rd9>~Uh<-XpNa+Xfjcupr zYQcqZXu$!7cyY^9s=%iRyOcvyEDCyEA1+QU4)Z%rVj|-V)m-pRQSMij&aaEs&r}+W z5GdrX5wwNI%Am=wsZ1(~Ok4G%&olW7+DjjwrpBh8f)=kpZBB;GJa+8H3*3QouSwk@ zg{hoYSk^SrxUTT&wTyss3!36fR>tFhnRENh?IGb9LkG;_oo2oGN2JBw6vS&P0s$V? zcL1*kw`er)8vVWgDESwE#p+(=Oc*!fLzBW$RJWYg=kKUtnJxUBhZt)H)e5bR(mOw7 zI%PfXuer(K`PN~sx`1=8RkQKIr7Cms@{@TSt~NQvhU`>LuWX!^$*tk(O9_nt4qt=j z?s&=HL`=4i`1WVzcPG;c@&zE81Z^r+cbw0c(T)ov8GbSxf0WHLDx@C?h2S*>O`hPh zP#6E4(`cQ^^ZPT{dh5iEE@ZloPFc`qBEmdOrKJkma)V8bFd%B{zKus1;|7*!D|&_e z;kXlA`Q8fh5fc8-#()eG(8!61{?d|Cn`g0}@2D5nGxH}Dd6Ii=x%ctBWgXY2Ammj4 znO2x)rJxn#xpm(MpH&N9sEp`R{F_wzTpwPH1KPm56+gXo*LT&(xS@A@+2b0>g8WkMz5nkKl+VS zwRMh<1hq<+ecmTA_TfscKWNS!^@GYL<1A!6toZocYoPQn!|g&oTA$pB)Ms45k3LIq zU6-haqarG1Cxg1_NQvGuKf{(h?_JAnk(rrtOgT0k`1xLR;4;DT0mV9Xk)Eyz z6|^5+U>4n8rOz=%hIqf0$M%DjT>o?yYWv3fShcR&*H>#GMn8U8kLI?&3jUc)cN(CJ z9==ZiAL2i;);XB{)WA_J4m5IRJe97DRVgdmfR=7ui;~FtbWBOVTup~{1`wF8`%~KW z^r2!@0GVySaz)n18UX`xJ>^_;FuS#Vc$5a0yokYbSc(0MZ@YW1ZQ#SGZm03TY68BS z-iP>CS>-ZMSUS%V@FICniY(}$pd;6cSybTRRry5k-+>b#kW@o7Z$Q_|-*?P-|M#G< zl-MwfK#oaRf?{FQyjt3$BFVwH>}Un|3)~9`!dF=n!+9MFpQr}_31a5U3xRMnA@w6DIsWaxW!+&93Z6Qei#G-a6j_(+5JE=h&7Ot+ky!ES8 zGlWL;A_aL7tTh1(vq{pD&dl-_7(tf^p%P=CYTGje*h#ZoJqYQkg4npaGrWnibna8% zV#?+-GN$rsyA&<30eN(>2LCskqPnBVuY141DotFcUd)`uV$8;NfT}D(n@zL#m~Y9W zDr)_yLFeD(G~=OBqKF6h_ZyglV5rs>jJ9p;?TbzQ);cs15zA4=y@Vk?ZA;z8D-4$u zb)cH07#7PRu~pC?EC3c<^Qf)O2l1}-1p0{jYt&j=PzGs_ zwD%TU2Rq;+ek4K%LeEuZ`Sc$$VK%wrn|HV6NX$Ae{ERYd3ckc5Q21)8K%F2Y(snyR zd?}iEAw0M+r8y#~BOPuEJ{qJ{+hRH)1HnMJ52QPbqiPq+wcQyiv@P(uNWDibj3&@`fjQvS6KH!v`DYlcoW{NV zVLAl83dBGlwFcw{bXch*`c+b2KK^K)Zq_KF`dD4%tU1IYvm!Ijl+V#O9UfH_VjhB) zC!h(LYeYe|Cp1e-Zjq3ct{4sW-(df5(YS-Ez8P(T~7Z9BXmIfpPqu=Ns-rd zrM{edJGc2hHv;-;qr8{|(Mnx~$XZEUVQ8HveUDR!EW!kT^^LVYfd)u7qc=o;+^kpu z5eTZwnX!MiQB=r1z<<}pk61lvfA{Y!3m?ULV?NbnG1#-p>xlZ5mx6p=;DoaZ+R4&C zXv&U`8Y5S-mGfO0^UFP&V5f}du9W^&ru-^mmf! zEpC>fV#C37mCLKeA30A;%y$ti*PO>kBF^!YsLXGX+P^IH<2(9<7dcX3h0jNIjZCfb z6UxJ?(CEiCb3Kn)CG%%$N$(=GkM3A9lKCDr>|%I|Wjnj!0*htq7pGU3kG)hHVdh*$pz4!O`l zBWmqPMcFl#KNL@OPLJiFkR_d5*QUp83PRtv;VMmgo_y9jFS?!~cA}GUqF>|D>JIj2 zS%M|b0&1uLEo0?0_OL`T=|J9JMD_UZFJ?@7T2K?7MXy5xGq;AnH7*t9*%^;04)^~x z8p-i&i+wgdh2gh70dOl5Q%?e67X~}e;}6Rd1q6YQSU(e+;( zh_~cyopE=t1lFhwg?ccjR77*n}v41%ydi!?1Czi zg4*dSz!s?{fK2bpO|Hr!%q7WfH5S`M*w{ z0@FoGMl@H+RvlL#rRdBwU}q zGt8Fr=ujn)_Z+Vk&Y@@NiH;dI!;$TK#B2FUJOyuFfA7aZpQIrH>g($c3gNe;83&YU zi=-l}lYs`FAtEz*gnyoMXVp2vVZ-t20lhlEtDT!1LT%uFSvqQt`NdGXm z42Yc?{S;9ya0dnK04>fg3$}OEr4z`!Wh%rm^JKH!5jBbjH(FsNg?4C|m~*qEW#@w> zsrN(cL7`;}mB!J?SS{{nWtKR10n>r8AZW}!ab;#0px~gc=}LjXLn9gf5It`V!qNl~;QQxRx-K1xU}KolL(yTKMha30iPD#Vi5T3Tqx>1g)o7s}u3BR-%4CAk0Ylze+U0W zCku5Fkza=8NF<>EOU+ieWZz*GIrv~oWT8#K5Jx*x6Amz%{}I;B)bF@3$f?}naVlV7z7@A9HaJrT$=j6Yp={+uAhI{zYmYmm7O|1n!h%$ zFPguv@n>HMFJl!pkbNKb@clb{yg&T>;;$d3{pr8q5AOuCzOsTnwtB9yzbCh+v$mhE zto$ESXJ`Fh9>uo!`}}AKA5N$8+61oZ^b7ymDVoO-%D=8(s~=tOVVVp09@%evPB&%E z=IvDFNeJlc>+4+Y&>x4hwDFGYuIkV5AI52a9*pL#>fa6N-{t)P-W!XL$By%UoF=t5 zdbz#vaG|j9PDTaP0o3M{>cRu;5?C84S~kwFS5!8B-h4rCAK1rkBQ686Dpm*&0$Y+S z-^#{idjs!i#4vw6;+?Q1{~E-vVxou^o5yzyIW!qmbWmj16UZ^fw*!Q6A>h{R>ll*> z+oGXG)?FK9iHscQm}bIPp|~}!3H<$@?R<8bygy#S%YPYr=u<^AFG02a`&JR}6J_(Eg^#}kmJMG{w>iv?& z!;Xp%OGEw}jWa|E70oxgr|L|a_TA2500ufP`VcwoVf&)V}m4cEpmW2f;HSlr-dQVHSF0;IHmFI z5?7>tR=jD|<8+$f$J#)yRt1g&3VxNyG}Mjb*|YD-D7GNCQ(T2<983O1x<)~bM#1~M zPX`J+k^TYImRZ3Vkj89?k$p(*(9edu+#(tMMlCMLHiP2VC<7fiC=uLZ_| z8wb%dly%o4E{se3f}4~3*l{dkDqd$pUE?e{aF%lG!YL_hNU!||O%DY=V({;7&eRLC zD!-_GC7=rbw4Pus7$YqxF{?@|jLm~9wn(0~D=hV2KXp0RACiR7;`XXEuQR%|V-v8` zQNdp8tT;9m>~iHr;ON9)i&REoY3a%vAWV9{N{$f7FyD2(Q_saIY7I z(<8J&VG1q9GxRr6FFANrTBY!RF0=b=q(uw?>0xYH<>GD{@UG#0^(=U7YdtxLR&gJf zd~vwIilpK~M|P|2E`4jw`eFi~tNmVYjX2Zko*~f|l5-SRX>9EjHQx%kjExbC+XU3( z>*tKnYX#1Ov#NfqjU?gLWSeCvlGo9=`(`~GR5Z-#T9(-CX&PkifGQd z9)tCxD?3m)mFy&sSLhW(*1%V{d(2xM>A5loIeV*|W?^Ww%~50i zwbJ3a=$_%vi&26D+aGsq8Ky5#Oi^|1zf#EC{YVKgR_rVB0&mj)e}{)dly%k6n!L>g zEmF1$f0sVMl`Ub_^HoRcrXq6N;xM<`=*olv4q2ANwC2mj9cXC^a^)pFrGR@exLsg8 zuE>cUwm@iye5z z|ECOGYzeOlRtkdQgiD~UMBvX!lKRs_1DRTSH>#)JOREV>aIRp9wdRO!PD$s zwW?FNJ++?YLFwvvAk2Hs5TNLMl2wJVk?zLA3e_NnsJw}^0po`n7?S!sue3}mfr9L^ zSxh(!1YvI<&BjLM<~F+4Z<&ds zqL*3~OYEpJ%l(O!L6B0zAC>NtrCQw_R6Ej|a^kn!bKP`c#%ccrh}J8kXK(wF{lg0# z#7_dki(LbjKXTS)!A;Vs*~RdEMig~n^!;-L#7E<(8yT{xGJjPC-e{HerkByP)H5f+ z1XqK#oXTgfotFHKXoC2Z+0=5xt8*ZEHYJHZoYJtR=-$6H3{SR>T$hDXQ&=`|A^=*M zEocP{Q-QO;3oG{+ofQ_cwU+K=ZJl$sqNb_H!K);hJVsvif1N4fzf!R>Z!n3j?{xp2 zl6jx-4XSBo3o7DRqtuBqQR||1MhoE{xV|)#u&;`{uE((m70q=da|kNONMGM9cb#R= zluA@t*^{Z5K{x_6r;u`mqwBz}~t#H~0g$lc*y2wo=9J0(4NbPb?X1SbQgdt@| zHZ(HZ!*ADOeBlUHWkON7%-2wj6RTpTd8R z=4#mE6HAeMbX~P0k2f$#$ZQ!@OPv+H!N1;kfpRLUPFkLIX^T0RfxxM*%g?KC8AQzi zH6!;*xVs#yyIMO`dhm{}`L0-K)s`z}mFE79hz7JB}<6_3TxOuZ$7QtV5?jaEjip?0B$<0>1A#Wn9cp77+K$k$Ue%R=LpF=WyJi+_p90VPR(@!Caec~Q7RP=w@%BrfMu0TB1r>_lsA)l~m^IH2 zV{;)W0apsDeEtfm+I)WU{o@y9gWEr#OQVcWb>~hY>IDuuQoK~^FCaHaH;dBFF z8->vGhSp9xm5^aR3QV(2j1w`34BeEBNif(&9QW!2)*Gd#&x4DqI9o0&qCah-=XP<4 zlMte{nDlve>t!+{k(bg%LANX92VhDfLjj-aQAq=T;IeifK=9j^Xnx@wCEY%5nbDxX zL+r(tHV`NZKtjeq|3cw}zoPm%@9G?Mwr8kp6vVmHxHY)sLhsnxL>WKN$*x8geuj|CVir*RcRgEg#?`!^3lEHYJvg0uMx>#k*mLQVw)_)1or_`$R$&qVl2uj@@Kym znCzuuV7hrSQ=q~|jDq@f18+5W(BDH-B5syOc?}HLr|09j3#h^p@)v|r4_L#aXaP;C z4l0VH;o4i$wCcmeW^75XWJ-USP=l|pp+*YaMX7c-HB{mlSl~#xaD=>pQ>d*;uP~Ma z^x08}pN_ovJ0D|D?dTd2Ey@=zvyZQD&q9qTk{~tO*ZF;ZGZ(kgtW{0i$woN&(MZ<( zR`ZztD^#V;Y*8!)7jMne47y3K@YfW7S;)>TL?>Ka&nK5G{WjS-F;(7D09;~Bpk5Gq zc{BElnm6bMX3ieK-3n@#quZhBXLjqSf0}UDBK2qFLFZ7@ES9Wajo~U3j_B;4*d2!5 z1HU5d@6jf0;JK^0excvw-tU@JS{{T`*u36-}e!AJ+dBBW2B%iNV)oF|S>Jyct*c zHtax*x0v_T?HTOjdtk1>u4P?~GX^OPZFmQMd6M>L`u%m;1!c$7urvpOI9C3|rxCAr zr4CJO{1k&g@n;m!iC1VYW#V>V`VS@rSic2GV1wAw^e_84x~LYkoS$Vbku_y7-VC1a z%-;OSM7cBzM$l{%JYFB*=jGZTg%=gAK5i}_ z;jxc5eifYaLr;3p@#M}FjTGRhXS2Y9R3Qt<8&QFfg7Mc?m_m4OV~n?)LXw7vzH zTABtmVgVYXH>?cB*++iusWv}tWWqFP9j@CoAwMde;lH1KjoRMDdIskt!tMoBmyxO( z)%PUp?8ie`9;Opzd6}g(T4~!JnE5+PCrh`jmZiDM&M%gqc0qgnM(0SX#sa`3<%{!I zqfFy7Q}Wxd^=Z^Ed_H^aVB!X*2qDAJ5wZ%5atdt;sfJiu6#3C$fdnW*tt_DTyE;h@ z0#i0&;gynCpwilwzdM>{+8#L@qMxXYms+~E>rcDZn~X1P+D5$KpJZAV+DHc~%H ze?u64h{uEXmt@mv7i35Od1rT3lr{u$mk2%>*$(h31Co=cH$2ZD8NAh%w99z)c($BU!h9~j6 z>AwXex@-gb^!@%6qpPv)G2b{%fIzI#mrF9;&0z5vY1OZF zntgnKvl?HcPtM$8L8f$hc+roU>n5#lsbCfVMTyN2JyC>f=r^f?)Bw9Ktp(_$QC>V+ z1ld}eZc6H&V1P;e*=JJ424uHUAF^jr(-zM#UQdoJ1M40BiP$CE2tk_1WUJjymE(aT zI?_Gal8ulF?gnpYS3@hrB8p;CpyxMr^|PcalVg~q^DW+WZD4^+)SE?gGOTr23Pmz8 za?tzY?HNf`W16>aciOF_s+#hwzz2Lh46;|wOl0nJx15>fsDVCZPTB*S!zrp=3HPpP zUlWd@H>|4D>Yl;ot|Qu?Dr^rAr*b0c`=w7MXs7{rIZFp}{G5ugMc1vW!@uQ&Yu6L~ zf!^m0Q1z<8s?B8+*HYH+P2KTN_TcG@tVSYij7k(BufC!CQDR%_b2%GYAIxuUe622~ zgx;vv`m8J%od&e|RiZF{pQ#2#>X9RPh>ADwgJhd1G=Y_qdom?E;7e6ITkX^!Hi_in z{5P|0cc+YgQF#pB5hyF`)6;UE@XHE0q52|`_XdOh&Z+g)1w3V(BXXkkCJif=O=4(?SvkFEU z@`KeC)Aa$Q$1cS*_1omh<$#D7Xp^RFOPjH@@yHk)9a--Dr(`Bq9tp2)gqKSXfEy#_ zvpWXQDE?KNb$Hocnsi}jXq)kR*`UR#9XX?g|6-GNf?GvH-RWh8(t_sDD)16%_(No) zBIyP$mz|TwskJ<&)nVnaRc^tN5k1k#?(>2&Ov);i!jGG%9-ywM89O*zOs(}D+ekJJ zuF;aNy9^Vy4pM}>gPpH>*cd#rynbl@7D3geCe*QsA@ny17$#*3$TPjSxe87+o^hdP zfg%BYJTu&ZtH*$+wo##2^go__R2d-T)#8*KYsBs&Lq~?DCHp{Xq^q&+zltq$-@)+V zCi8t^-Og9J`$SkQGjWuFSzwnGkC1|e?V*kgR?ZjJUdM(BFbE-h!@t$@hw(`6|LYjo z5aGvX_&8w0acPxgI6J7W;Uc%FCryQ_s-smc@nE*KlZCc|@ixQQOyZiQYW_3p+M+8R zUsNA`@(Mq*Z^ra?T0bbMGW%Q>n>C0<+EC5C53|v@yV9~IzEos}k%kXyi;r!J3ljJ7 z`g1KDpl18C4xhcUwbwa`C^EHvWRDYtb)#e4Mp_+Un90hqWdoRT#K@Cbj)dmi(CEt& z)BdvviOp1)$hFsOD;pFg4Yl#TQ3I$Cw)r@%1A%i(`Lato-mxrJM(Rw)c3|nzD2mKm zV`81j-NF>A0%IXp`PmhT+RI|{o5ayQ-=%Y(CT^k~&j`;IPN7a@>F+;fTvPzU!Y{9T_?L}2MDXE9dy6B{Jns8sV~l(xk6Uo#ga5>LSD^^N5wUZ7@es!5u?gJsn7Duw00M z&*{0-r9P`H*PU9HbpyYBo;I15F*nuzRr4^>DP-oWW9qOT7LemTSY@EzilnI)8l|hV z(j0fWrc?#N{ywM@o%o zY=+-ncYQ9dB(fr;V*7O^o9k2b-j91t2|B#MSl$MEqHX?SitF?RvT})}U1J5sZ|a^8 z=F2%-IH~bpVY`u=92((31>nei0_c7y^A@WQzfO3JgSvNmU2zLccRdN!imjw2|D)fP zyAVBjT?)v$Hj&6HkJ(r-YAyO{ob$2QObPv_x*&SyIXnL^)sSH2^fiS}NXrcC33yhrC6cv-k1tu9dqT$BRJcFeT3j_>3*buD$(svy~- zVI25)2+h5f4=a%YUNIs?KllwLHF>oc+77OMJey$bEw+c9%tpl70>JKz%U2M%Ug5kR z*ez@5$GqM$9UwvqGN*I8d51ZE1p$pSD zd$h?RRc_8Q%xuFT!PXwvlb1M;78-Td9j^1W4t{2tSGkabBJY-MMjdI*c(`e5|a z{p76(oR^s!y`W}EF1c3N#}wZPjB=N8`;Aa*U_ot7k#+G#1vn(T&W(Yq?jx2v_N}gl z9i8S91#dAsZM&(W^M%%z;KHYSJ3pP>hVr5EsfBd4M0Qc@`1;Zm&BChqCRO*ByK9en zE!^{EOIYZ7N;45Z9rWH!xZB93+(Weh#bOX4#a4r!f@=bp{L~>*8?Hr8@1@7X+v4Z-{0Z&7 z>YLr&zAOUAmd^fKY>7!8p{@xRLIL!C-HEva_-`=%7MUpa-?#q_%P$(;+5ZSGURx1U zSyvsO;_^iG{V_dp*uLz9ajs2%%t3cfzq`TD{*P@wPB*b4dhz|>?!oTrExAbk!; zKD(0MGA@exTZDFHd_dj7DSN;mIZ|_06~Um)Hp6m(1+eFRMChJ_uf1daAN88zUxJZk z0ut`aa)|coI;iq2O|#Axz(}>jDehu&&yB5dR_K}ib-S^u`~dQ>_Y-fJCJNMdD;xuj zKy+_s;nX+np3k&7-rjsyIC7P(2iu(2MB%M>TM1~Bv$0?z1Ke$Fa5asBFoG%?2T;P| zF4qV{P^pDq73+g4IuhgwcMtQH+9dZo|HbD$X1-sKp{jS?}Euo)+nGff%-QqQ0UUA_Bht z(8yG49IHFrpqD$H_m>YUa{jKy6u`A(Tc)uu@S1`siET|0OYzBU>EYKq!ktOLLlZui zdk5}jv7j*pze03`SuXls6TaMy2a_jLSoYT@bRjaEEO`UKXLQ+Y!Sgu`XX~^{{YSsYY!||6=V5PkiB6eF+Q{hi<)HQ*QbW~5zoncFZLoP_R^Vfv)_YZRG(*7C`&QzrslBT&*Zgc`>g!|0T zhk%-!75=pk^1-)!01!}4Dh%-V{=u04yf3b;~a`Ndfp z3l{!#clUug%bo!(zv<~Fu+mn#+~ZEMrsBD5*VG3Q_QK6`I!3X-98JD~#Umpb{HNvY z>Qc!7H;F=(?JAOYX9;T7SC9PbpNCjLq=bi7i@7!qV9jSffRBGt|H@<7QD$_}^g6`! zqrHCGJI70pBbRvMVo=S9WbseT0Aq+I+o097=gQj#M0Y+NT$&7%AAds5z%1s}eRU07 z8h=mC{kW@}9$M*yV3YUC=tuRHGD<7Glm`h3Kgx5`PJo%Smo+_D&*>>ZjGE)SIhP5} zz6P#(JK7S<+xOOlrcM0k*;o4*z3J>OU~m*E=zb%4<>n;<_J%{-C%FjpnXcFnb4O`p zYe+l*wl0UY`=!S=>#n5?^ZPr+JmxASTAPQi5dKL$?can0P-o>e>}vF=lJ`8P;K~~h zk@Z{~M#qo2R?-p^!~BM_i8Vj2S$xdKWDvlP?$*&<0XB`}SC{5jS|UHsLhobK6^6-T0yQpdUH}-Nd!3tz2E<~iJ65FyO6uqxt6@VuyHrd< zjDywhBJj}v!sT4+)Lu=h{<_1Z5;n;EmF?K6#I8i za@%00#BGspyC5CMvj{lYurrm%!7{k^THN{?ZVA?VuWi=3k8844*Gb!LTB%Z7V*pNE z0e7ou`aL-Doil8XuQ`|4{M z%Jr)SJk~cT0&_H;(tZFUm9e&GcAE=n?@5w*_y&I@g(7Y_GEFLV%cnSwn`eUny0QjD zwke)MtMi|Ae`1Lv-Ea2ng!^X|`v9y{I$Q+x7*z<`a5cSAL;RcxOPe^6yZipY{nyx zke!RSD!oB@P^Hem-|tUVQ0pd9HEA_KyTTVM(|93~W`p*7*Y3IoT8ND3A0HGqB|%nB zXFL#RwX)?U#DP;+<`c6NS`uun-Ctg+MM{wf64pkd@*Vddo;iF$Yy&Hy zdIjX<@Xb|;X6Li=gGngBvNGlNfNyuBR%mGR>sRsW0&kyN((*k{B8zf1OQ*Q^Uh5J- z$n5XvBHhJ`IX5n*f_k;T{SRO1N+|HkIS`*Pe~>J<-!#-=Y+2XK4^ZTpz(Lm}io2;% z;+nEUJp`zL=2agOk~24OM(D^(qA)u=xcgN>R+Os(zn)eDVQf!vrT&M$Oe^33V04cAQ@ z*Lds(`HEeJ+TTg|Ml45v^TxSv1~r<{5v#G_6!aV9I3O^r1}crWYaye=(4>f{=yU5C zE;JaBXuv(?ak!svK0>5kHQN?y)>G8h?c*7=y=DKr@dGZEhdh^M{w$Wl!OgMGJ5PUV zhT;cmHp3d#hKNYona)~CrpON(FF|F|Jkbam;xxogC+8KqQ+h7N>U5DQ0_@%B&NR~e zjE8tDy8f<}ChR+?iLjWtxys`N0Q4-MB$ojqkXS+wnb!fQrbPqbU=SNtRg~1KuyRHq z%Q{bXtNjM^1;M)K%*Sd-+=*nnXJEbKn37DXsQwmK`GiWo_BDZHcPNCNm2GV?w>BlFs!F+yDe6CSq+*x zZMHi$j0UJm2f^J8=Q+-zhAIQo#!~os4q+X1Ogot``Zp}#hTc}~{TPb4C)O3|pt?<{ zHtJFFs*+dd`z`x#-~>s>tpGWW*@=_TM4lhx&)sT1rLLSH)~%hF(gI$av16*^Kqke+G^ea&4V;8*;c? zdYXAzCM=2E)T<&Zv>-U6km@5-AS*{KCT~uW-ii{}s$ypkIQ*WSy)m2fi%A^=3Z)!` zCgtvWIW^arW|telH@VT>B)TU=}PlDIY^yv z@$iydgsL?5cOCGJ8c~~CFZexpHpycZxQH7R55{9HFl(d6g(1QI{Ou}Tc@7Au7&UoG zc5bx~-Iz%?nAQ7c*a%5Z?LSxu$!B2V<;rbVhV zgW$t?`9F#We+Q!OAw<})Mrwd@U zIUau1L*)0=DIssZ^&w^DLvT<6@<|h<97Fd=7{QSKt?r@h6|gsEcLw`H;2C|B1Po1qO!JU8kJH=!bz;2 zxmG)b0{4Lbd?bpxi?42>(UCae+0VQvC!|U(4T4rU{VBPwdWTc0k$We#G;Kxw?|z6} ze1A8o=dJUwtSo6^o?PW%qgE%oss8uyK$BRe6&!#`kZ13k*)O-aL(E=?rqp+9s!__3G&)+>aacOSf^LO0#Ahbi2wuI(Sibd zIHXVK)NdZ*kO8z9Fm4V;m#DP23DRpVrokdeHWUg9vzqMH&rC1L?+(e=tNf`-f`d+% z%K6zGq?E~x58%ZVrrf*@3XF|d1{Sk8&%8bCCN3F7q6j&3UHIZ;LUKMXJvA;6QwcH_ z4g-F&aFby}XC~>J5m>2gLg4|mPUA4?H>{9~fwg5j)TL;LDVFrAG-Xzu9s#H4${orL zIcya)L_0)2FL~zKkE`%UnhCe3wT7{(Awy&~3-yY| z-Y~urr~MXZ`B2b@KvjxYg22J$e}k@#?R%`YxTk2ctb(eLd%(mkt0t)rqkRoq+9llr zp%P2L(l0z8ry!XB3g~GtqMIWk;VZ(j^UVeXi`K5_8ilIMA}0y%rZtPi_xSRwaOuBj z7&fy16&^ykX6SH=hEs;17=>@36u3%hOvfU@RZIH9LlSrnsm9TTNbM=EiAug<3s)SW z85Q`*q|FlrrcAC{mpm(}2THYQO)u;~RXWO*GkeG~!ullU)?SozAR16Yx!{!wT{|k( zPE`$p)iX$Xy$9B9cev=X30E8GTWk{cq_&OJmSS!&#mMew5FmG z)FDE(r2o zu*eee?GFM!`(l7BaD82Pf4}LFXOP>4#OyO4(qqbs6_7B+#>@cmzEe${9thWOr0t9i zPZgyLqEqh)XMb+8b+4H=WF@bH5$y+Z*Btu%lglH~2d3Yh@d5@yEjx!db&O z6T{Ul{tl=F6Pr(~fukl#wk6E&h8eB-I^p^XhMW0z0nj(&`z*7cNoorg1tP{<^Jjvy z5q5^b5`tVCSnPww>J>b(RU$MITZ&|mxa6TOS@;7(=NQvCWGsaqXXb%^nEi-busJXi zT&$R+7#ffuYhfoQ`#58#7HyyKx}!l{9}b~6bl8%&-JwEIFeEObwzJF&YusM#KTB^U zI`wrym{*4ypI@cElaejySI+tEQXlm*?K&HfIjcz!UU)D>@2laZhvSIE=5vh2fpjnQ z8rW;)CPAaelah=5YUD-wxfb8TgmqNLp7-NP)!Nwvy1MRN`neaBPJ}{2N zFT;v$UXGl~5>)nx!NmVz?3wUoxmh(7?fMn*&1w)WK?j zgr|&;t`_baOe$RgbI5OlRP;~6w)caBW6)=F!omss(1%G^>WQIN>yM$vS0{IYNL?!@ zhox7gNvPff&|_>q7GIO$vMyL*5 z={gfUN)_66+g{Y^K;D z31S*=DsOM{1wM@*(1d5Pxt-_Yq>m!$YJ~IZSs2iF{Swy|Ykw|zf>P}b)yqLlC*5N_ z5K^cyRIz%96Fh#M@3y229W!+iVr~7Q8d~R`dB-C`=zdK%%i9Y@qT}RJs<)P%qKD&? zyTvxGs+<1td|{K^OAksqC&uu-e-i#N;)}jJz$r@6>u!a!t6PBSc@h2ZZ4=X}G?4W^G=1p5{;nfE5#|})6fu0Gvt93d)YktynB@fKxk(kZz-xRGDdFs)L zi4xp$b8Y6%pW1I`Np=E`HnR&D#v_?E)H~9-6W za!%Hfzp+rVkL8Tk3rk@tBg<|7CBAs_1-T?D`+``N#gjJ%aeg7*6x z5z9^v%+q(YF{~^eEN;)DB`S}yOOqTP&0))`hK8DPdL#Tu5V4vAI&E#&xjH7DTT8uo zbv(Z4GG)solb@CyFAMwGd|ibfxcE0k3)smGb&tck${(^0rBV4?Qy$lcRS|1)apcKDd^R!%hYV52SS6KvdWcS)p-<<&o!BanaC zZ_Bz{w`idxyH+}wQ?1+P5;l-AQ;jYZ^yUj^Ghl7A(7VC!2W{G0u$FzcE?IRenI8Ov z{E@-EUsy%wcSG1BZiPg5>S>4Wa3^8QH>}05bE6RDJCRgp#@uTqAI0 zD9dn-wzDFG8{@t^U&GJnL{!U(*fzPaow^ZY!`-4Jg5IDOx6P-EImBjM`u%d z!}boo$EY~=;ro<%x+mkEhp#v~u8?r0kBg9_XcT$0)pjA(fbA#9y%V=zWwbevWR}uq zolmC6Cb}E-rlSiv)3f^3bZEsWY07k*RZa1|&M>)->=cJXFG9bMa2_yG1jG^Y=-3zO zCPFId*Hh@?Tjh_$B=)H-rMLqkHWuQ<2F#MtW!fE(CRZ1dlt=te_7Yu6eQiEZy4rBh zbc*NuQ22&z$Bb!em-B9p_VeJ#Eu!yq&5Nc$W8%?`YQ#7RX;3`Z>S@uhO0(|*uOgi% zD7}`U;AOxJbJ(W>G)wI4**`jr63NA45|I3n;s>|F;=}IsMHzP=Sc#1daMM9i!?BlV z&uYVOf`ewd1ClAK_GCy#d{2qmu-%E$_N|23DG}@pN(R{3!?%WWfx;;ygApb%0=%4m zHwI6{%G#08M)sWGwnm1n{ncoFof4RQ`O#MkN?0ePUx+ zpUlph3P}~SqP(B9aSUb0jcZX$r!&fnJMQioPO zFxTA*+v6W8^Yu(GxQtVWHX&)Rl?1>#od+91C(ocQw+Sr+Y(7BhnTdn1Wa$^SK9*|P znd%-7>liV`mhk5k45;hSNKn$1X*(XX@Ob=08Qms#2@>M>qTiPo*-N1`f zWiiCJ>VK6w3ceEi`?BVug!&AU5#`#=;Kt{t;^g~0PmW@nik*#KHvFKUPLYZzYVYu^ z%u#LK2I-yg0ZDwBMYOZ7S*0vU0(`~^-57fjU8>u5BORuFX~7HNJ>;`o<=09~yll9B z5u3RHMh`2{3a7I@-0LtrFBYu8u*TX@7L*A{_80FjkPY(FCOV8ekf2WW?mf;--k|u{ zA+8^Tzb8Eld3-YbarDrm;fEiWGhGSshp)K3Y&BZ<)KB~Bc)&1r6o}jV$jc)8Ce4o~g!XTx;>qMQPbxTn<|AERx``a?eS-4Gz;ArelX*@$ruhflA;I2gPtgNQ9Ef07IBy1Y+Zhcg8@Pxnoqvj}` zhmw;p{8y%{qym+8Cq*}~2IekD##%{ZQQUjKp8EGzoixI}P)cYr!P5~UR_q?TW>*2z z78g@Z7=`_Lpu?IBR97dOBXA5dHRb z+@<)gqSZ-q$178=sbj#f-|0>U z_&EqQs96}WM-C@TiZ9xfN;#+BH^=W`CHy|S-~8C*iO~*~0)J-Yxwqhj>he^6PCWpZ zns$&g&>M}huA{H<-8z2|X&PompTYk+HysDqH&GbwA0-7IJ_&jelBMGNUR{5oUvHoF zdQYO*3dk0CW~^THuJ7~iZwENQLV1N;L(EU_mUDl5yJ(=dn(NPa<}~5CDxlZ@=zP&Q z>SCkT2?=xm*#9K(0{x7Qe}1F%L_fZcZrRxq#sG-R^$HY*%|lq;uqDU&>NJVB*zKgU zVhmbL@=%W*1qI=->B7Evkn;%bWaP&)Z9uY6fr29NGMNWjs)CHJILRDgt$>u`DRuDR z;=m`8tkmcFezf-TAZ<7OVq8K{P6J3J4IPIftb(&{u}B9Rp6-|>d0V5!*66!7vPoWb z6(?An6wRBIfKMDlhsW1g7M|ZEi8}sb_n(;T#nj-dMb{|zZ$!pq-cAF_K8Tep!+#iT z&{(pQwrak$lZ z`l8X2c`|7e^mI*#z)Pf3X-1TIR*okX1YFE5W=4^g38^OX5$Rdf1ERYKfZ#*eQ|Nfi z7Z|Ly4g%#hOevHAOm$aqz!C>rN)R|1=V<^CSA1kRrKj$Nd@QE9z8>x z3?M1e$ly!w0K9e61cr#R&zCR04>h=exF*LK+Ir(wY0WgKUJ>xtk>h>W5$R$t?cz_6E92N*_8A%CPnCV9>4c{QGCxsCwa z{Qj&6z7#7W=AQ2q1SHteuyYL|ADnyR;0MBS$LepuaI>uM7c&^9#)kB|8d+V>sMa#+ z9@kxz>}>S7xMrNOYHIistsj|U3pdh1@VyvW`~f=Y9)s|FAExyEtZEt%Oqn$3Vt!2- zak5L!euR#%#$?`{>{=QvYFG;S2d&Ylll;!tO0I`Xj{Q|03x?0!-00^M1b$z-B%pf` z&~3|#z(eg9BRC<#m~)h`(HO@irSZF3a0k}w3ZRYbOC%EZxR+f~k7WEvWN=8DeUKtg zI)Z{*rxu&Fh3*94kgybm{3u&mbi{m6&D2m(dX#^RAzg&cquxE+mb~PMTOPm`Q7X|R z>`tDq5nte=$wUdONG3wOFc8@UKTP3mjeJ@YOs&4_+3sm9YZkj}D

WW{g$C0qzuil+*9 zcgZ$6(oNl92T>VK#=|kV7z=rXcBeU*POvC)inNq)VfhT*3E-q`fIO_$&i>zu)a{(@mq#VPGvhxHt-vzA>>7w;4umqxd9lV;MsYcz*2pry)|ByqrUge|_`6 zd1H61A%_3qn`7C3vLUV%bqcdu6oU|(TJ4X7HruQ^fP_7xK$R@H0>Q;9p$iCY&|0|W zuQYEv{>!J0u&p1ut+pz3XU<_bhJpv8Gh+!)dApWe7610-g6PO5g>WZ zzOAO>==X(>l28Afmb(DnMQ_qT!pVp?nsQDwxJ!9DlaKZS*er+aGcD7SN2(G1Lye!v zacWx;7^uyc|I{Ce|Dq^`S5PCPAd#_T_Wy#C)=D)*>`c)63PPUmPb*kJ@LM$%P!*Ij zvSecVrv1L97qV^<2}dh4_+4FsV%$KnqS$;bFgaweN;1=wcJ+ewqOxEXuSTVDEcxiW zJqU+iVNc&*Za+*ws6A#Tary)o%uEV;wMGtn9CS0FaHE5jcBH{1>gtBRrZfOKdlZy(C5Cp_*V%?PA*8sT89X4imsg^N5u=7s1;O{QnA8v%T6J zG~Ns8YGxbRj5xAe{zx_+%I)zUgwkbQ+s{DEwSc_KTZqLu1Bz~+Z|9A4)`|cZFP?n{ zW+eY%Tv)AKc;4qe3{x0Om{{}o&h9(GBM0Heurv><2ks&V?$Q1SpF>}o12=j_lBsw< z=^B}rQpCFnN%Zlj1uTK$2zWcRNdpNdGuB|r<#4)!rKgei{kI*w zKPGb*qAF#mP+0*hwvD{%V6OU-5Eze1e^T`{9;oNqK_cLqle4&A80u5JSfDwAued)) zE}(*F`Sw9;e1dl}!0wqFtZ)z4aF-Aa@Bdy1!2S_}UCYDpYz$$X23W8g?n?UU1?Iyi zE{hNRNJ*AO?vmcc1G{m7(`gT;5Q&Z?)=*k$F)LM^LEvFj&>bQYWr_|A$hJF-J?_L4 zX+~F&;T+!1g|}WurZ*akz~rp1r$@|Ei`?zY7?m^QLFi^#z&JdwC!``b%Pb%{w_rk* ztBGu(ifIvSvdeV|=UWnIm29rBCy6*#Y|C><_QG*R)fo#Sm7d&q`MJA?a)QG*DdfTN z`LQnhXi?ECbTulcEfHLAOYI>S(g+}4S!x&IUIgMIk&(&qvb;1uZ8+H@B#hVo`}F`( zKE>V8|G6=wExIb`;p394XJIV~p^}mX@!jsNg64B?`nQ(BDl=W0(K;iKa5*pV8!$N} zobk~=_~pXG&Nj*+;jUn=jANuEfqYllq5^}m)JJyEVYO=Cdm+=vt7*ekwf^qgz<(h5 zZ}3-MACbo3<=!U-GWE@D{VPR!{=(siMw>FC2_=rAeViYd;WYgu!yhc z{(_)Mw)O9j;?s;9o0yyKKcq>e&J(`*&_c7K&&{4<+wq}|Mq&hSql5H$5v&d{3h5z& z7u7gaqY_bOU$n>|t>y3fW*2g#cY3lq)Z%Xm?pr$1sCm4dxf>KCS;BM4U=_WG11=TTWS$LpBF0`9xXN6>U(V)PQ zXq&~MzZRF#I%D3ssILfhwD2}NcWfXmeVv<>Uj#cC|53J;UdW!B7*4ZQJFKCAzWZAcsc@w){sQg68SJS$^81uw^dy7 z>IbCdEh3+CTW6k21?;C1rxQ{Pi!$UKDfnDCzWRSx89QqZu{VRG)oU(?KI%Z~Sw4jD zpSQrvpK}w5cRpNMUH+f0_ZMiC`#mT=t0xB#Bec${n&%QKLht&{1_bRf?tXw!3LM~Q zMW=SivbM(z#18>Hx=osMoK0AErTN7wgH5Z5T1EeGx9V(<=tUS|RahMow8C=h zs!L7AKOXfMA% z@@$o@_n*~%+d*;EhTi{|{E_4TFMniYXXIe`p9$olnw8zgD&iODC;X>jKb-2L4}WJK z4JqTiOCvP5Ei6h1fpm0{P$7(l?Y`d*vy)_mC+U5w4md4LRN9bN7_-wf4@ZS*QKK+_ zRN2Qp$q(hEd>z_@gG(B|UyfX={10b3&;7xH{L#j!?Up0_{EkFx9gFT6F{ zY)SuH#O(vGnFoU=|LfU7kuSb;q3O-LzM<%<=sh%U^x%Aht!^`CEA3&x(6v6U26)H* zrSD*A>C%CZX67X5W9DG504|o=rQWXl1>P;{)fG6i2X|(2sK+x@nf_2Y@Pbo!YBFqe zd|!Vi^NRn=m;4(zW#6FtH8zOfFvMMN`eveO{1Dv#SR8Wv=HRl4`7We=!e5z1uf3}g zm)>f~y^*84BCnT@|A^mA-0Y_Kw68);&5zS>5=z2Ya{h;*$~PzywAqG`V{GQu?}5}S*v{-leNy{&XA0T&J9?O(;5{+x)91Ub zFUnhFgPz&KDNnu$PLKX|y+HIrDlJl1K$HH?FV+SOsw{)H8&S%LcU&7WSt)l#ZS{%z z`=(x)yGF=15+i$=gV+VpsJ^?-W8DHzz7WI1qed^zZA{fQc^ViNlQ{uLXy2_<|%H51tQ^uTd&<|bAc5h z)ch#TN$`N(7)Ejv_T6bE7sK}@-ojd2 zqogR)U@2AM)alSaX?AEWoQ1Bfy0dcfs{OVBZp%{HjootJ6UNB&r<4vJ9?ihAl%7x2 zT-BZ?6gx|3b2>#K+X;VO5~0yGUeNOK^wbvB#NM{N8L$q3nc>N!ZOM`5Auo>GywY4i zdL$8`ppM()SAe>wxo@2C3Hvf?ZJN8-vGUx)z%4KFiWMQ|B?Mf$)~c+EBParO?pkom zEV#X&3Y(mkV!yDcWCgfgL{i}7dy_LNOzZ4RJ2fAQycPNrGzy$ZDF`~uQf zCZ34ZEQ$K~t5v%S$0JNdr?joBJdVH?d#{4O**&ueLjz#IKe*w@O^?bS{)vCcV)^l%>oIV_D}#567Em_guBWy=-QI^GJ+uKo~LXw~5`; zys%ass`k($w#d;^4mU<>`JITs{V)&L(=izc7c*vC{fOanDGWlrpW&JDOpBYoLb#VK`_@wU9L zDIPkg9v$IN;~8u}L1cF~uo2D`Tn(2CGH}`tR04b>a0J1leNM!MVyt$0>h8_@=LlBP zxIR=c_BLtf3Rv;!)p4-~~4+0~$mAM8~=%P#ZGg<44d3dRek;o|r=hns|9>0`~rE-1xj_ z5^>6~snGR6W_QX4=;cY=;37589FUx2FpCIzVA7z{O%QyZY@MTHY6N6^>T61%+z)l~ z9OTS(Y`)THbP?!lR!H8o3n7p|52-?Z{WT>Kd#-et0F*yu=9T?p#dFgX>M(df5&Fa= zb6gqyLupATb$CYgQ6M;V3LpSRi3C_+@R)>2c<-C@{$lF%Z}DnS6#fhey;uYgnh)wo zycBZ>Fvz;h3i{A)(y^%Fz=-aK9PXMTBk0o~theg%kLpJM*6~&o;V{wF5l*pDfk0H3 zGc1WELjH=#tT{+g1qcvN2BxMq!Q|wCj+~{JO8>JaQCJS)x@wL_aT;Dpc897EP+Zw| z+KwR5#!huP^<2}6zkY&JZW&B|!tO$G$Q75QtTZ!8{sJ@{$gL zAk<$#l%HWGl^XpPpRnEp&XWMDU#hp;jSH^;(Uh~6UvSTAv8c0+J}a* ziG1>h#4FFw4fx@LT_)lXCNcr;@XwAP8&(NsS3I==7FOP@vVw8k6cC#{782gH`m_~w z(u8Ig?hP5ovK8iPiMT07D?H|^6iD3v8-isa6^N1pJEO5=>aV_}iqQtt11ZL21>9_m zR=+I40AUbalVwU2ZGz6u!Mce`qoksU$ya5HI+_wm3?`DG$5$kgYeME1$LxlgQOV+> z7nJ~m>k;XC7SmG17kAn>IiMp^BuFUqbz^1idZ-v}KhkP~N~f=`&j- z)sHQGw35JE{|BUYNzjr-{Wjp7j#nt7DZt{Yyg*56P)sC=-+8z5zN+3j1a2!aYUvyh z;VzWlv;4B61cZ@+XrdpI&U<3k7&Sxu3Z6~98lkeXDiLxooK<@6ez4@5B;Oyj#q?yghHmjIH0PSA5lU*>L%Fpbx39iJ5M?6MWGuc&qt1va2x9<>vxWqKxDCZTE-* zfCYk-&Ttm;l#i-^-kZQK_#E5g;wA3@$T4pch2u*&R+l7a0kf5!2*QcQ7-^s?j2IDK z>Eqoe#_dx9{525q$UOV|=@MbYm5XU!8smH7R%XzdZ5m}8UgHHTCFS=oR>pR;H5MIsB`_fnp8uz%i|iJjL6f0cc&*Dy$EyONfgJ=Xt>9Kv5b2KLhLDN+1Y^Ra8pn98F4ccO@8> z`CV{*`tGSv9O?*U$?zuv5L9O|shr*Mnox_Fi3szM>+NR0eBWe4BqF6 zcP)%e0*u0v*^%nZDRExObdc@J{+EUzECy6_^1s_?Ktekk0l=X|gnyP0iRudU{&GFU ztr}?k3|annL6Wo$4XN6Q?l{#WuZVI1`)x!u3oN0mV-UsR1Vg~!jhzwy=BcRg=l0q@ zA5r^@=J#+R-T$Ijin=4d%x5iv6iyirXvro0Cei9L3dnwabk3ZzMKY;Di8U zO(YD-n_w%^`%}`msAcGiy8`S8ErD;~x$7M#6&7IT{piU=5N|9RgFK@9i8ura*aQG7 z@y{6sl8*9Iqxzxp_Lh+(0|gseTNQ5-d&>mi^RlU=fITS0E;U}1rOyPiT+>DZOc*5P z5?I9s>R6-9euBb;G8#bhlB>)l!llYNHrkR~$LfEGN&=k}ZTq$1d77MNm<=Sd&NS~x zs{(JR18ufUc8a@~aoP+f^Sh5H#zh>T(I_X{DD)Sp!Z#@d(}7D8TK5oZ7KrHej+@4J zp^qaCqx4RiG#D}8Z8=X-w{&&kLh*Cu!M@OkWf5#$32)BF%Z9@SoY}@b?z6HSN^a}@ zevf+9O!43z9vajfeZV(o;rFfPxf_O9)Jy9 z8r#m=pRDGky!YWKkNLT&Mby-688y!f6tc0T7zJJu$ak$7$$1#Zk)%s%+b?SXUOR%%F=EdH3^IG;gWd|u;L`HUs>cQhH@Nn64!HtIh=pyePa39=rb2??tZ_r_f?(CGDS z$>Pn631ilNGa!h87ER-4-i`Gjjn>;uS9kky_-Qnk#rnMdHRn;ll~i>W;+X;e06#2} zBlA9N{BvzbgxGBN>wO~VR3l=~dJ2$Rs5I2CP)KACiWzFza=w3->vd{RgiAATB< z)=a)D-E8{r<9&XUoCj<6SNV(e9aC;&G^8se(i{3WeX+LliVnWBb3gq6Dfs9sV>x1l z+iM-yD>rVJJHw2QukGX0316ud8z{|&AMBv!y;Ae@h2xmKO0_Lo!E$ZelXJQu{VHW z{qn(JhEDu>8`dMe`1%@t@C866LU!$)0`5t#yk3JaIX>J+w8@~juBP!*x@ur1Bb|Ijvuqu!ogwn8@xKL$tkmDa!jM~eZz}zV0q=Zf4Bu=%-4wlHCfJO_` zh$sbY-=yq?0w8N%>g_7>O2r+q*dx~GbL>05{@8Udw)EJ^PcmoDqliSeN^)3ry1ajE z?#E~5t9@Ait`8QuT?<_L0CC+g{dCuRa?rx^qV^>F=*3PDp_B5g*@+uxBXKzqT`#lQ z&-Jgg0T8`d_53eCf`B4th`I|#ZIU_O=^Pka>TNxXE)?qg-1zjH4lYFV$*PMc<64d ziLyY9k=dEA$~hJV_p>BZi>YkH8f1NyI~n=2Y-O5@vT(O9PfeM(1U4|NqDgm(ThCa} zS4?r5{;thU0iTYPjN6H_tEBIEeX-vUjWmv}jhR8x$MQJX|#|8c3ftqkddCZ}tSXlnF4O!*SHIc(oJd&p6zqy~f-jd<<6z6@($LlM~ zty7Rkd7~gYdZm%>HW|{eVIG#(#GXMkLjGP_FNrWBHgF;)wCHSqgHA~3gU8fZeQh3_ zOsVVX7Te>`u5k4{Wt1Ejl`dYy)sCIyq?A-LFWoK~iGZpnW7+@5HBuVY(}EP)z?@3F zZk{y}4ss@(IA%4wZT(S`Co5*O)HC)`bb*_-Jx~fClc>egUX&nSoZ#x`tXqx>a&cvc zQXb|p^-2F+)!b%75^;@x>qk&OHV9@|c0&y8SD)B_D+5P}bt#7c0!BN>hM0*$K^1Yb zVyEK5F3K4e@?@L>lT836ik5fo{#4nS4ZJbBbYECK&>7y{HwW97wsp0(N6G!rZOsUl z6*?7Gc-7mDY3oVSJ~`c1J=hG;IRckPpMs{E?HX<=kz+j@i$}@mH#vmu_O*B3m(N>jDrzO}Lvt5D$XQ5}<+UB?tfqf{8M;ygjA59r zD!hQY_wjCRXzQ}m8`_Afonmyjd8Rn$|K9BI@H6B2;-T&O>7eN%;@RkS$WLeBM%oW} zndcVAJm?v}I8c1a&D5f& zEpRL-dGWCye;;?rjm}9LF=uEQaca^8R~wnFq(mKbp8>hz7h_!WYGCqB&_i)a6Zf*^ z5ec8uIH5hBhNey~J({5EtZ$dxBd!IdQFaGZT!-)&>-iT8Uos;WCRNtV=)R;7*?|;! zTN2;g#Hg-xh8S2-Ro}uD%7(+nYDHA-4}yyi1ztb@NZO=NRna)2@sDNyPQeOQjeo7H zBNV(X7M>S-cdsj6t9~&WQ`nZvra9utRYA@hqY#uQvTIcMhr=6)KnoBmmP3gXbyjwB9K8yUlNg?Q8X9^j7K)a9%r{&O4g`&A-BAeusoV4 z1)&}uPO~6_7wFTG4k$qj>cLLwn-I=r?70d$6Pf|7KCWWt~^KvB@jLN%dcTSryti5N7oGu?8yWT8wWf28@^ zuvq(uSdO&Ds{#!nH!D&8nd19ot&x0jMl3iWf$CkndmFXk=v>Tx6_h-v*aU6ip8US@ zlVr5uF-C?7L&F}J@PsE3&t&Lnb$KP)G01pGysUBXN~pbfa?6s~U3G={G0#w0NKnBU zCBl@IOmF`&LRXQ%KMe>BEa`eldBs*-DC90lviFlJ=VbBt!A1Gi`Xa#7IOMWmXjsSP zEDH3KNUZIy{=tYJx-1+Fv?K~1g31A$)Zy?<&tFtN1AQb|L`O4COMhD^R@6aDm8h$a z1>)6SDWe`SV*w>y5O`!c_v&Bry;2CiLJ=zmlUpP3z{o+5>)_!VBZ^)Ae(@>iPef+I zF_`Gn{}t?Jh)oF1vQGmMCbW3pw8HVxraG6~kS>A=34)p14Ydw~1IB$Q-uNn)5~2$$ zg2KWTM@?OP%2!<=0@9B}rZC6)$b`C4h+v90$ePpT5J$|v0z~<&q~T=veU=u z6cAp_4hY14jPsR)sSF~5gPaXrCy6LMT(^?U-lKzP3qBKlyqjjOl=|ln)fl)9EW=L( z)5=(ua3B)MDg^eeH4L##3AVyQ2vcTQHcq@y9n)mQ;bDIJxKD0SQRs*X>L}}^2y{Y= zsHu!(IOT9DB6s)XNGNJy`;rB^C^6sVkE;Z|2=9eTB5Jjc_PFo^;rPUMUB7nt^;ARu68d_5U3U~_Xm=HI`*O8=<+jFy z73xs`0pjZipBqD8-{3DubiI$aiW%DYSl&=fo*-e%Dw?OSqwBBKD;V%`#SjBNl~K|o zCwW{GaR86TK`kMqw6d|(4@3c{ps>UqCQOl@A4vfyqHK_V5LHo1R)fO^A>og7it0Ru z05!;K`*0zOe{&pG!ce5>@$p9Pi~wi^GtPk%!9$+o{{RNBj5_wO&mQpz=Z!pm>1$oT z8)^{jgZ3MoOF*e$Z&P@n_Iua|J`Fxbs&qksK~ob;3=0l|CA>iW4?jZlZo16(W;aBB zswYO8$A&arI2$ctW>NSqXj5uGNVG*}VC4^c_Wf%_Acd!)K-oernD)J=`#^Q$sq zu_y>yakDdC;7lR4P^0m9I~;a)X>`pIqq>V9QC$Yn3m_;y@6v@hT(@r99d{lH3pZCU!Q5y|66Q70$$5?r9cgIE7r0Y(q+_WfLvzM!deV+e_ zdp$W@Wj4$+WNB~JZxB1Wv|WW$u~o-LrA?gSq!FuUcgFPo12eUPqJ-4sLx%6{Ik_l}KlRXfi{Cptq zox+UB@>ys1mE~P!9%(l`96rgtW^rd)oL3X2(;FAJUvcO&dTdSmQSg4_uKYSGtUTK@ zUA43`1aA2r@N_t1}wI;r*s96X<%TnJmG2gF4BQ>$5 zTBeMl>>)*hPAxj5AHF=^-D7pfDgn&!#YW0pzAwE1dcFi|-*7se96ztX@&~kS1BFy& z{9S0$@Z=0v&d;YV32J(APmL7xbnIuf+m2mC)x`l#ama1MPYu~FX<5Ojux;3=46chT zI}j(;0Zr3O5BuF-OR4r;Yb1>`J8QP_AL|#uCfQvzt}9t0ZoebVqj~KoRyP9QniIUg z5f1X4?dEAVEEp|QpR6w)@Jkn4b=s*qy}>SKb-r%h9uM-GOgp=&&SQ!_^`qU?_fN~I zBGEy^CO15W%H_AKFo;x9eIWO;gjH`48Ql|4m_y?eYC;8(Jf)=-j@tQms0&&2hq4IPw zJP4q5xW|LbyW$S0)VEY%$mqAb&*lp8w`NkQBN!iW-dFfA97mTU(E6g^>SD;FQw@qN zb0(ox+xKi)@T0;vYV!!n4d-5=7LFy|`i!EghQIX3I94FcH3+0(HQ?4Q^3aX@+OtcM zbhvrvgZx%v_vk7`${kZ&DrE4*OlCXR6;6M0WUrYV=@s9*wc0qno9OitmpJ$URDe?Y zO{-p562hmQ8RxMKjSf$LPVghgA>0bQ zump3nt+<2x_zw0IF@c*qa_&`CeX*KCD(vX@62?mdgJQnh8Ud3z-bNqKRk_|-hfalm zrWXujXQd+7F6GH_o}XU`onRtJ0;!`2BITYs=cb3SG?=G-)MH`4>%8&zjsMDu78~VO zc2zeW5r;7fA0Xf~V%#dVpTwT8lfsZq->S*jiIYTVzf{1hFhSf>0rrLuXeHsBP2L6` z-FgQxX7}eqk-IsP3oN}08jZU&TOHqwD?DPgdH5L5o{sFnu+B;+BU^U^TnOuKKWxFS z#D*NpJhnw4naN98L;ghP4&@*80vct}&~8BNaeSG9fe7MlCI4zv74;#>C>ocg`B))R z;gAC~g8Cm6#N}J$_Gt5NFtY|i8=AF*qFW_JG50!B5U+;SyrtHyMUUZG_jYPXKLfc$ zh#n6$iespbc|ko1I8)OvlunrFz?=HcG7dqTcc2Jxq*pX7iCwMgJOH^vX%GCf2&5ru z{BFcm!RK?gB4FTCd;rX$7-)-##PJ!@wG}PBv5iKqlOw`enzdW$HhTJ4?duEaelFD( zf7&+|fI?%NctU?4qqVJDoLLoe)*GNPi1gHB+T{A6>}*+*e8et9LuM9$kqJBdvIQW6 z?hu=szbz(~^^P!YWjNp{}J`tA`E z6O>Op-z6Rq6|=@6^B@2H9!J=ulLmQfny|$`_oJve*yCSzJvlHN-rDPHSxwSf<;j1u_dc}aMnUfN^^Khcv=VM#B(w2?043cDY4 z)Owrjt#DFd)**#}GJ`v-a5`LP1rp($(5l`!e^C@xxgsy)3 zQ`)S|*h5gxHqTeth>V*Phb6p-+ z_N})uUyZDZ2>*_kOZTAK|79nuCF<|u6R~dkBBk{p1 zr~LW+nU!eflZa-l4ha+2`$pk=(Q8-Ek4DqF))6sdA(w}(Qe^yU{*&NS_U31;G>L~T z&3!VRvxBqFfKMFI1~XYa8x!D|1s*arlGF6i`+kroQxaIS%(nF=HqWDxY^he1oYtA+ zoWIK%AL1O?csX-38)6<+hsWcZ!-j(4tq?2`YK!!}h)jgm@NtD;-AwquR#tLD{Gq&G zKD_L@;SS_S#kL}ZR)b@A2Z96)wx1^*xPlll z>Kr5b)Tf#}iyl?fomx{l(y!oxKC9057$8CC8Tnn0G=SV{cpC%?jvwmW*~=(lR_N#` zpgW0f$i;LY;kDtnBd@6c!`L}QciKeVKDO*wKNDeJ!o=QXKJ`IM|#9cg@jo|B@b~Qo9$jb z4Sq4Z)$8Unn{H>d#73`Cnzi5wdU3k>ebkPl**WnhZdV!;?>|FY44m8rurGWyWRZ%O|q@xp@u}@LxuYg#onmh<5 z^{nOkw`iOf*$bAG0%-`37a0HAytN-(5q$4iY1MQJYYhk;=9(NP8l%^>Oyg!WSQoz7 zz$~w2g`tu`ilW_8J+HP!+vX`6^WLRN+D%^)&zGxCaJtwXjLiK^$$@Vd( zgX4bWSq7`QQqw~I?Kko%zpsSrn4%{|gaoW95S_*=SGYdKRyJ+J`?W&m-vZ{iBha@r zwk^&24^G(C7&XE%s-0mS276^>HqBGK+ka;YxBoGUek(@W@5vD4u3xbUUUZMl=$~=*taBGlqgRv2mO&*(U9kr{SJ@cbf7HC|wDuk~{SE_T- z%d1`+PFFk0X!MSD1I>UYc&eu#Dn#-pk9q~+OlVO@bRO|2exrapwMm>*5H<{AYb7R)2{>|%L^{kspH5?iT z`E$}Ey{dBLc8mTG+Ny2IdsReO zo^NeJt?T!G+vky}SYGt8Z46DpWFUqOxITDiBwJygUx95GONwD_9lFaqyXbMsO{`iY zC;J%8$|)`y9)Jemg%QFH{>rhJQ@|Rs%S98lUP=Nc&ik>GS#p%q`|6ZZrmy_LfZ~`0 zaXCqboLp%F4ohzpg?O))T{B=fwk`nQW$>49Qr*3;N5{$YYI3(2%-euhQ!hh5N1%T~ zq3@MK<5BlFK%HInnkl;K6N{E)hZ9AO6OW%{-#$31e*gB3P+RhQMD8%g@}}_MoqeWp zZCmJjf^q>;+)NSWZqW33S@dsbeVQlvv zYkV);^ElDtBStA~^1vTlB*s!F1p#!eC9g(XVU6f-*gn-#Q-c6&L169S@s{x${_a95 z%$)R*0}G?a)9>|h9okX>B(g$Q2(84&c?3HrI}}Y%A7xOTFq^iZg$wO<9MgRY$Q*~d zpiR1Qsu#h%;l6wZ#-QLo%d{f{1BFmcm}PnXw}yC8LV(1u_KKod69 zCBu{cQ{kO;PWbmp=3XfXT7zXt!~z3@YX9Y?RC>}vN)SNF*d&g zOjOo?7R`hp+p6f}Zu!aR2fu?1^RZ_Y0?L-Vhi46Hv2>4|Em_o89XmF}TmpPWKsZP6HW=(by=Fguq8r|Yse(iv z@_DgOH0ziC@v&ZH(4X+35TaD&mDWBhX2$10flbhsr6vWo{Jg|}H4n;%`rWbT|#r6C_m?$(4?C_%7eD1*LH zz^r!XE;Ho@?NmK5U8qkQ1W0v*IK}nHAALHBfQ##KqTKSX7pC!B;Ba?2T7Fhj=h0Yf zwM)DsSc5}Xz=CnX`v>r= zy?$~Zk~Yd&R2Uq6fvT42FT5gUIc5CeAeLE@nHYme+2S>8ayFi>%!wnwlC+of92?$e zKe{d9Iq^(+zlD6bmc_L8BV3E^TJ;l_y(BKzTE0+yPFu#6co@zM>|JG$n(vaxCdat) zuhJV8Q+%Qa9&hNaA0IPnPym1ER@&1$ETm6$F><78!sZQ?k1wT~gkXu>Xx^wO@(MkF zMIA-GPXy4IGc9C>x4YO@>x(B#3rutp>)U$&!SdN3bnHbbvd5l@0=Of8>2xV5^7c+m zrVM4T3w5@W;yfhRRi79}=_1Ez376#^`a-#0$iP5YOf%KnY!Ok;D_k2#$+*W=#;E1e zw?AfGs+zjkaPJ|r<>v4sc^H|C@O8wv@|d+!Nxc_q-m?aOKCv7eDApQr3w2gPb9hNa zM!nx#WSQ%6{6>e+-Iu~i>P#prFMJl1EclwtP;mMb%w%K##_cdswX%^qol{(wIHu9^ zK3b*@pNNOw)#txB{0>=X*|iXpI9v9X4vujLjmL!SW*SkVhlwbM2*`)yx#xVq?q-ud ziqn?7Ul_)RZ4CVaK02QQl!lvc{ML>Q-QJDon{jST>+#?R@a~cFop?_KKy(;(T{_~0LWyK07zT2ZL=UdZY^`Qp4}ZN&C%ENPt*FXDAiA z$mzF>z>@eyqXfg%fVI)hd?hnl)=1{y8@?%wV&-yEO6R}#Gd*!RWXf{^Exc~t8+-Z= zl-;!oECF_8uD@m%r2a)j?t&)xL61OoRe0&B8&L7;F9mu0`J->3#Fkn2Cv&sN zQUjUI9(zk}WV?>|QBzxtJJo5~#J|?@AVtsSnlV$w%Gt5URHTJJ`Kt!8!$((t<7?Go z;A7l;;a?!RA;(}sa!~V^*3#O9cs7I@n0C(R_{68#3zYa~CvKPEa~h92nJ$fZcwwPQ z5ybDJ%&R)uVb;9tW9>LK;ZFY3PpjmaaUZ?>ND*b9?=>X%FZ0D)5gT#3B^i>!`%jG! zJ5OD~^||)>B(8hbu$6wg+3&c@6;W6IO&kx}Q_rtsev@F%ZCu+-g zD4s1r>Vr|OIL zbA!sOxQA+(TDKC00<+&*!p0vax6CIiHePUS z`55(kR%u5fCP8|6JA9F58*f%vDD+=(R&gjxZD{OV8qbfEL}-cIawaG zNaCwv_pfgM_95KB*CZ zN!K>aak9kG+lGrZKWyuV4p?8;k(HbBCbCNgnmoss`C2r8gNKY&LXe)hYhN zTb1~|7o5+hs@IQv37xd3rjSXLwN0&o4JXLTG!W?wd|%o`6dfvaBT=#tKngn80*X9~ zH3+U<<9ylSvf0&#zu>uGc}wx7f}yk_c6qFYQi38Us4 z4q&pU;|5c1Fk#(p7+}zOJh!W4x_=deFS;pLeqUzJ5=ev{vH{Ww#ejV&tjJR9CVI`ryfQpNAQl3t1@7OUNo$gb7Mb9arW*~%6ICY zT_q=?FKhZz>#e%+gm-Q}8Mk-(db1|UoB~t~S*$;b@=opzC@BnM>kh)>MIg-zsO!{u zXjpqHR~JaWpfd#)s^fwFoWDLhW%`?VW}{{1`!gJwxa!u#4w@tL#$WfC7r(D;_&u8C z_}7+o+rp#Kc4^56>yK7Kx8CWh*QO9R`6+wwa`N~|^9Tcc=0ep0sqydYtQhHne=Qw) z(zcTweB3@gNC>c`DJb|52p)Dw*KavoqPP+tPq-WrK|eG!m-k5X>@J42?!2f^WN~?* z#;6Nj?><&s6jAHXUVVGt+je`$Cy+pGM!*tab*hh36%Vnl~>njW+ml zRvAmQz&9IVL&rX`>EaE+z!nXfrmLfEthYqo#GobMh`_*y13gqVm$V706GQriQk=l= z=JLm8fQt=+{hf~#qTvqrGq^4gP1oJV&Txiy3BZllw4DbY`ve8@BWYa0LJl#TkGts% z?JvOXZH~a~$~gol%6jg1SM$6L&&Y=KqeP6sNkHs@KsoNDd12wgWt6+|8Du_TjwBdTN z+D+J@BkTQ_OK80W&L%!7SGyZwDjehE31wQ!A~UpdKs5I80J2QF zF>vwHg~PZE%TE7JFPX>ic&@v9jCDE$(^X1PIF{s-%uj!vFyWHpVdEG&YT}7qiQ$(A zhl*##tpWJl7HI8cp{NycxpF|wUky4&iT*wet`)N><1dW zft|g|??LEA3f6#fs8sV~3b|ovuMfk*>V0$W$mPM*CPMHIva{SC|aEdDLCLuAhoBnEmbSj9nHhH+u&7q~la z;`5Aw*J%Qw67GN*X>gv6qm@moOF5(9bjKd>J|%LuT7kNaqJL(cflXh{A~K)f+oTYQ zjyqK$FIUXWanYL~266o!7d#mUo)v1k4-1~vLiywX{V|R$5#|Yf7$SOe0=mn0dkgh* zIeU~KV}$sF8|}l6waEI6fiV+$=2LuSqLV%|Iwh*Io$!N6GiiyUMrQ$D%cv9<n@pvs}PKieg2rp?@-V$>r53=9Nis!ne1cq9?VBNVj%3cUcdgdL(kb6r0b zQ6q`{%Y0!k6v~>14|9ELkIp^uK&oPv)6#w18=}iQKr{QvoH`<@*E4&GFM0a!_wagV zDX6^~<9&M%Ud0TfTLM#l6vW=TOK(>~g;=wl_n6;m8T-F5O`NXqV|3_T#ExkeYG?8|P^jf;Xgx6!7vQQe9RN!Lj5Ka+Q{mVtD?n!~7y!zjy;3%$|d8%<|n0bWGd z3gkSawHJP0F+Tbv&qEbAQM&L>cKT~HxA#R-@hi4e*bezD3y)ojQ`v&WC_|EUSFwE0 zs7L6%ZJOG7(fUcrz3ss=^(}`=m83!Vm_dYG4~dnBaKd_Wk_IR{K`A#k&!Wx9BuMF=ytiZcT>R7P!RLZPjq;8 zd!VppiWmkgWqy!4qzR2829>Q`G>bd`7imE#h~>r9r(@ozjQ@C6lCu*=@rN_pV(RlghERpwAVtjU5 z^4;7llSiLV7m+MzSd=AOrjIBPXPKs0c@`3g>^ks4?3g*eoG@xcfJG5N2JftjR;_r} z{?sh!yVp(S=Z(p$3M8tnZu(Mz8ATbg2`^^sFWNch#7sa$uytm&gNbpmp%RLngIV!{ z#15z~f>BBM>Rc0=&t}^Xv^pFO24{riR!bwPH)9@`vaVo~l6eY)w0?TU58Kx z$Eh{)H$3oQ&9wQZ{a8cStvUlqsvH>*k|1>KcFp=MrCe)}HQ08gRkA48Ee*0Q28fjL zU_kW-WfH4CVtLDrQWgyux6?Psc559dWV>NeD`*Fyoy4Dfb6x-^J$dhcxMIw3*QPVH z_>~c%*(}i*CNjX=ji zL__O_?s}B5O2gd0!9U@i0B8);Wu^J_a)<}C3^>s^bw&A62Cb*)rBRJyqs5f2KU;6B zW!u!|srv?9CicD(b1g8-dnLmd?4(PLRW|5{!X$K>*03trQwF?;c{;g9d@LPlW+U$~ zwRfkZ7A~qmIZ+{FBOK~rUv}T29Rp{R7Iz z^ZNB3&qra~{vPW;p#obCq3YGD8Riui8>T#?>c_Giy+1gx#~b5hSHJzhPcN|4T|7@O zj(@>jtx8vd=|1-k{a*R%bqo3EhHaYt+85zbw-nIcZsRpt>VL75hK%RKgnAt$M3WKq90@3!|ha?O<*f?^t^ z;fKN8Wv{^{c2gz}x!w67BQm#3D^BX%-}CzOe#O%?V_G214alW3$oPWUdB0C$H&jBQ z-#4x-qCo?aVS#OrcRSa7<7z+$-+qj^+VOPVdtrBz`cZ3yLfAEr9^nP2S9u$mT`n?x zd5r;X;cy)Gu48l5Io(nGF?tI5@j>;=T9?cBLB`#m7g!>OwDQ++B4_xIt#1%P@3X$= z7Y)CRmg2rp(q@Ir`;%S%Mca9U$dR&>48w4P1eZK|frO&rdyi76Wb;UeAiy5Bpf??x z`L_Bpv&tYYO_t1w+vk~F$gJo6IN9TnTHLC2jcW^{P6`&dzqo*iq5X^d2%BW2BYq6h zF5bG5yNm=gZR-zc3?OIVvo6Eu=ECg@El_+5I6?o&>G=hZxU5rl9R=7SYQ z^$w1yb(ihe|MJD=4t8alAx@1ZHrI#UL_Rjo{wqqzLYk|&>2Che(U-{>v88l{#m)k} znsK_1P$X=n*Y28MsM0rJ;N7Xu&91wO>{02oE(ZLOWXMJQ8IxcrtqUmXx zhK{x%=V;Qy2)vrvK2G`>D6}QL4u0h!x^wb)Oz~)c0Og&%LeD}?(ZhJkd%s?|r8%Sb z7rZ_MD6z|JQ;oK;KxZVjdq5$z*}(JSlpwl@iN%G=IXsrEvS{DnpHNDI!{Bombj@37RZXmPlSfvy z9QN(`KR-FxNLVI7^$c5Cpyr-4T(h2~QzsosZAd3Kf2YaUZ=gzgcU_5cePABi-`EqT z_+lD_T{&sS(q5D{+#d+&pjFtr`5(}Q5yvmov<_IV9^TA2y0Au2+|zjYd89%p$*E+V zl4f(!G3(oWG~v5Aj5RAwX$ z>oMnUS%*x36Te-9PYmVk;}4_h)5i_W^|72PMDExOmXgWlQ~t$)R3lltw@PZ?8qVp+ zSjyu^8v;$T8;LPX;&^&i2SDJo8Sh)5Jb02y{N%A)%Vn~C4NITxwz(5^o^Q!R#i9$1 zSx}nZjQH$WIU_FO>|J~X{zsr;FsX3xuDSa~VGLv!*u}W&d}gTxHqT zF$VUb2TU`RmjngKVV5uuZXpqVlFefiao%bfE-liWo%dovN;%QXD(YnBeczR{ zy_BV54)OXdYNkE)bp)IbdVh%nfJWN(@>I98+Y{zY^nG9o>K zT&krc{fU=}A2?oeThM$t3~>FX-186Ohg$R3i2mIPpnA!A-GDeuLG|*!@4?aml!{(Q zp5Bulcsj?7(Xs|{lLV#)pOw4-5v?Ebq=e!UmkEt8kB9qk)Psy2gm{{15dXZ@OacE- zdovV}Pti2?P9@qXY$-++nB$<+xpkcs<>X38uJ z3E(W@pUwv?G1DBSbOTF~bn^}moirAHTNEh{Ef^??yTSPY>oEv3pc{7-dD;DPIzj#% zXAS^z+vj7)q!Araq$nDDgd@+BrT=~&)?2kg=_4WJuBvSYWQ1#4znakfwewJ>+Dm@&(O$E zvCHl8J&?dzQz-hKPWK5Al-|h1l>I}Uw{Xdb30_rsYVWFMTF1WMvuiX;f;co?xj7!# zXb+j1>@T;>7gVBxcni`4jh{Fx0nK1LK=YIg(F{L~MYJS50%U@IUO#eORNOBUL9QI7 zI3e&c5G}B>_Ef}AY^$wsL^6t8+Q53cNC8M4bIr>tT}tjSP*lgEjp>vVY#-|!w|d4h zUOq3fMxlQ@SpWWezEr(zAUGB_L>dmt$4N^iX&TRz7zmp8RlzfFr zr-8(1T(`tnY^^K*3Um}wBkX10*MZdmYGPp|R8$|Hijhb}A3xb*gstAfoS>8l0bU94 zB$;Z-c@2bVq=NR>NVF8A7~p%*j*p``*VLI9YAz0ke#DYuIj;p}duVA!2lM+l$7#_3 zH&Slal&x7_Yzlg4DqbE2Qgbe6&{LiajBjb@CMphZ!I|bKHPy2TB9`H|=lJ>|IYJcf>C7 zv!HtHeGwoM$FxyYosZg+lT1559vRD%=A_>b(NIE_%RikPgh1Wek{X#^WgXSc%3Ici zN|g>e|A>VV^+7|xg+u~N$-NFr-qzv*C0adcNQq!<-+_G}0{*1``;~TR$AF@<6E}!o zp%%WJ3cjh8vU@TKD`sCWx)g$^r}#dd2XefG%uNvbT_+yWv>0(9U@6-q+*tBM8wG0O zM+WS+$8^eiJwN#mali%>n4;iEC>*yto^g_}@W-$aO?n5r=;=mnCSwvNgW8+YRK48q zt*8?B_5&+Ir7r@mnfDRM4*%R&{JOaSl~n3!Pz{G6-J1!}x?5xgFy&}Y{sULvp~y5= z7JQ-pe=4< zW`J)@e-6;?7)B~8NH4-LBwlUb%jOyAf}lGoG1LpmRfat)-3KZ65iDhmK}yL_|K_ z$sW8aslT=$=>(xv4QPHSRV^~h-lt`2)%(8figIKD3&{t5^f?I8H8|b`k`-M1MpQmb zB2C^LAQZ60meUJCD%#ik3;x3s17Xmv$+I*JUgY}6h;Ny@yz)QDJdoG_12@dFzJQN0%f!4|{8Gs=iF7HR@%&N^;E zk%(9UpKLioM*+!zb;^`fSN7+;-FN?&7S5_@)o*F$1@;)2uDkRj-cNXs45!0HZ=Zj;>E5>>jrLZXui^Gg6G25KM zT0teNTnT83PYS8elsJlC1oJS%ZLK5=zH#${@+()x!L=ddj>&(I?kh0 zO@^Cb`D~d?!i#U>){MsfaQNCc7%55v><0Tc{4kZL>Ng$QxVFOfI5u@9@$2Cig#z2) z48Ze<7{f*bHB2&cV`|+{w zAfYS8HEg*W`ftEOd2yQRM@V_;Xi)IPtr}L!n&>qDQgheG+)jTLVSnzKnVid4x0Lo7c$k znO+KWqoMC$?DV(L_W@c&XWHkf468nkVLuMSF_C5vI_GS&lyeaa{E|fXFQZ(Dx+Gzm zh$71702$^aP>t{Ggg&=DnyKOQp18_ysSix)-fg*mhpx@wq5Qk+*?$eyYdUwW73ND!mH)T zD|0wt4a-%Vth2AOd&QjBEBEz&GYk^nzPzC9kMq)6&7wmM*qJ?iB&Fm{uJZzA^ps7c&uOZ`T&97^=;B$b0|_^S>OG{{)A8Uf$J4XL#5 zMXoTr&d}ZE6S6&0oa9@(!t?Qt|1t3dZZ%Rm zq+?@Zw=eO9$rj>zt+mgIxKvlKJ;d?5imO?4J*yFck$OQXlgEU%F_`CSJr$lZQh@%e zw!YQ$TvPXQC^GjkX9t%yetB6EI_=X>j8n^58Z+u0@-MmM? zyWCc{buPNk>KIff6l)#K;Tm-7* zHu0lXbRJk#on@0)NTRlFkY0@Vvc_Y%yJ0|Dq%?JO0d0EdSpS+VY_TOLFh`3Rz%g^T zLvl!V<87L2Q{JzfWlWEJo+oMW9d!=#M!YW$y2p-H8f;glE$L;&5s#>0;SWkiQxbLD zFb3DSD)`b_MG~`s8B?OiuxyPx67j_Yord>e1wPvAQ}Bc|1)d4WV#=Q9V6@xUC30b` zQarc)8Wc-1c%VGvv%7E4OQ)nksT{;bw~o+lW4wF4fuE+8Ef@K62G^glPP8RdslJbV#V`-6bitXxuk=`~w4n2i%LtM8d-X4vS-k|y zekTFEr7u`QMw66YAkB!5Cqwxo==~UZ^K1MA z&oe@(uyk)T;t8KXYTVZ=>rk!Vng`&XsfAlN?V1}-Wa3THRuN$O{1+KW&%jAu^VFG{ zS2$6UC?kqtPUqYK0S)CSDli`=4>Vm*IV z3c>Ed_4vF%Y>UM&r#*1{WIU>C7zqpr8dxt;_!LoUIC~*_sak}P>|IjOB_(=h`P8F} zZwUm7Nm~j{H|{;vC0>Ie+U3ljKKZgp8BDM|q9wHV{tnS&S8}N2=pB31yFsJ92yq z8!GY|VBlzO|9aZVi1ToQNU3pR@T}N)h#5ByX5hJ}b6+xTW0C&~#vUv;LxYo}HrwTk zkN%U>?or}J98TYq&6pj%j2KQ8LIrN*F_)ffXh<}IUWBnodt{YhKuz{JM+p`sJ+^va z;2m38hH0DgNHSSABB|KCb{m+|dySV%+5n6@U!K7($4*MhLbhfD=|!y(`5TFt@^> ziUndEXn4v9ZhzFjcE$*{OkOc;VABONraNu!nOKE|J7Rc(x(8ZCcsu_zS?_jw>!=Z^ zJ~b#$kJJo6_HHu_VA2s>UJ;71okva|QF%{ts>jyU9D6HaDTzOjDn&hAz$!8Rdp8k& z1`by@sy8tBmB2d6XUwoKwWe=dH-~3nHF8l(%kCHB@&?Xk5*|qJ5VTtAwIQ_d=0JSq zvC*$xUhSV_14*AovcgzAt7#TFJl2f^DbU{^E8K#r$bD73`@afna(8|j5cBW z*0#I5i=X};O;e6xltne*bP1R0|7 zPdn~%XdDuW)Y2kEcW6)tE3Bx%QyO{8jXC1-)xN{vo?^cqXVJXV`^{a!w<7ViQB>&nvBP`OT9Go9XVsi&OA%Q9aV12? z1{k0rxUarb&-mwmOs$i~txn{=4L`VBK*!x?b_?4tmmO*=(h3~Kd)~Y)m(#;DMu6jB zXtMKjc2hb|J>-@c*Wmw;i;~s*d|MYHhj4v2%|N0TxiJBR&d<47>6i@td+IRTs0wKJ z>UENE^csN`__^qc&vpWF;VC(;2*o`kK5(Ir>bg>0mX?}!qUM><#-g{Uztmp$7>2?7 zQy>rfg1lMYk$23Z3K*Y^mW%tFjQXhaw!Qv+7Eg2C^be|&6LfD!TCu3})xEo#6NK%2 z>>}ju<>$>o`oC6*y7dsExi5j^%}ChU>*Sm&pz`dWC%XJLEgQN;>FG4^ zQupX^>^cOSnDkinu*{vwV!7Z*gl&8Js(i?v8KyxuuUktb-WJqWZO68`hsQZB&~B#b z;c=;GHl)PNYB(Bg{;#i)AfrGderjAET%>lLcOJ|jFC`E;g2;Pr2>~C3(0UwM>Qd+o zW+r{H1FEfc$e12>9p&D;YnwDLz@!yDR;vSg+RoA7edTj(4y+A+Ub(pt__$Bd9|k~! zEE^r)p}IgByC{Lr|1z7NNgGVrb7nl?+Ty?AQ-_(4#p~zKgC$)eFNvB`a*IgDKk;E` z=P3b(A=yaf`-0EcbykX1j_nUR(*7${e6uIb{?UQzN(AIg%nXd812P61WE@Oae2JPh z$|pkwX1VLSGa#hnfC`1FsP(+u1g(P)*|)qWYI~W(lfpa${t%l%az?@G1!@dz2rSGc zqy7?@I4%9R@~Yh*IWsw7yF}z4Dc?(v7w7Btt)=rYUpziGpJ?Q9+tJ_Gi2yw!@SHkw zh1W(8M-=IH&AT_~Cmq7iH)zK-r}R9WIsXq@IZc!Q16>@S1eNSeWDxn2TG~E23 zQV@1*i|w)OJthN_1L-y6A&#EpS^8$NHU*tQ|Kru9>yD zw`Dp#4-*$^vi0LHWb1x+Wbh$hNBzQ4zM6b8v*I>mG-0VRihm>_4QwGS{gM@%K#}5$ zZI6LmXi7mu-hsCC1c3B;_K4>ax3B_f$_EJoPzLUr4?8;Aw5LoAC?@s4_7Z7@J$3Tw ziFK2XI!kIj1LL=}l~vlvd7NDPt5vWPQy+sT&h(W4$BD=o!~{t(0j^KTRHT9rhxy6n zf*1>Q9ke~A@l2Eg zB^|y*DK5g$TO${B)`-9=S|0Fghow8sbt$N)&_%i@J?rj{1b6sOxgMXget@tdDHHm5&eXP-yh&lO+UK zj{Ey{XfZyHhS=3qVc~1t@o>BDys9X32?U+2Mj8S2^b@UjEjS%sV~tY>QdSjwEkOwp zhMCZ%UhaGRRY!V&kebA)`&p|ThHidx)y^h)o3nRlm{r!Q6kd zQZ7V>04A;K3hYDaY0!&%{KL>4pV!s~x*U#&>qEKxyO|QWQM48JnzU&&0(Nq87P|3u zU9K{QUUV6$+yo6_gXvjxV9H6Kc;=Mqj&UdIIFyrAnl;IhpdkQbsCEc?% z&lU6F>Bd4a9}i8@7Lmcaues_EwV9dVJ4Zx8_Ypy?=T(Dr9xBLK0a`w~4>9}UsN}BN zcg0&S1h`s$Xc34IO3bB*fn!Ei``OgJx=s(J@B&Zok^nr65U{xUk+6C>^^@OF1GANm zU4uec%xX==Q!@aAF%8GgUMe^xR#v!vI`US~LB;w{>m88;Jj57r82Luv<53sO~ z7a&2kVs&>$Di>CL2N@+M0-r+5M0U*5nbGN{l8s|EwkXG!S5z78A7cOOxhAskDe)Tx zG|#!8g`Fr*3+LVCIG~)jegxN=J3IPGVZw%-4iSpH$Xd!mI1mGMeaK-V;D!-gn$+-j z->iKr%Blv(=2(Xpmr zBXA!YrDaR3Qyxm?`d|DBwsPR){M2Z{b2Qf&sMw&Xvh7T5;c0MYUnWlo(K26UY;CrD zsZYTgi*GD|562v+*&nJu37JAC5>q;txho8kfR_g>n4Z?0&E7Rn&7s;bzQSC{yQn`l z?z@VTomasd^V3Kt2XV@GCNH`S=r53!Z(W(#Xw;*#0-o|GmEoDd+;q*->!>4CBRv;x z6uGZ{3GJZS2=+pNXbo$vz#Of+i=N5xY#sLlFLRyO6Q1U8lAQ0YiFo7CJM{Y@Fkl1CP3@jrbUlk88f6A#n zK?sS#pIKb{2-`4`mvM?6?*e?*mu2YsU`bUwa+Oi6bT=6WG}YGP8GSbYCpX)Br97tp?Y~%ekh0R#lbX zQ*-V+M&OGxKpXF!9P|DgMUg(v@ZHELPE94N)eDXMxMSD(;j$A2jQMhJR5yZ9>y`3P!Mn?jo+FEz*^LY_G?*h|dQx`vb3~q?a2xCG2{*WJdyc&<;`Jry z8rjO>My_FBx=7hEL7A5`=xC8a1VWnd7({JbQV3E%@tAZ@+%`_{*5j^Oo4RptVqd;Z z7Ws~;nK4?Rs`Ae*Cd0xPl0?N$hhDXlA!tIeNne}M!9=0eupcKDSarckAsSL;&xo@c zSD&HvK&k-12K!BC|5MnY8UNAu^3l%ohAnyT>xDOc{WvD41QY?6@Z3~I$#6T?3r#sbf(IHUZO-?|i27VR`XVS0dbDgQzpIF> zQM1f1Hg>KIw>naLne;qj`n_kGUAok}Q>_34KW0iU%QB@A>(K(Zs$}-+B-LCKzAnj& zN98ROuz}9|W|B12sDCtF79wzM+5w#oBC3Z#03Eo{Z;r4iRFs_$X5<1b06rt>bewrk z+Zj)5o!?Q9>+f0}z{hRQrs)mg^Mq?ck`&k2{({AJ9jaEMGz+En5^8N?8M-nl6&T@A zaR7Cg1(6SZ2-M}l*qNbr);5G zUZTII)!N(W-B2s$qn`hK(nO@Rk-fOVbXL6rdYIl{)z09CA^fS1?CjvmL4#Cnd^nw4 zYACSI(bSap8`H?tOE=2(H-sfH?~YNK| zl0Ux)b`z%J5-Ur7X1!c%$Yw?RY4(Ugz)+;A^8*M;RjH^Kl+Gq-BvU?qX6#^~Q6k>I z#zCnXI{{NuZx8cRssF>+IRuFUYiYP`+q`Ytwr#s_+qP}nwr$(CZS&nXtErmJtWv3y zY*Lk^l5@WQ*W$pM_>rT0Y7uzgv(*OwTO*(Jcycidez4P(`C+=A3%C|<%cFzF>O~d6SiW6r0WQsZh^u30&*Wf}2Fxlqq+sQ;oBKt9MkEayOOGBz8AB4WSNju#< zE?x5P#%E`{c_BZ}X>G4U!gnQonhIS4@dQ%KMW0BrdaMrNDzZUwNLr<-?Wkn@x&))H`eO#^#zQJ#Nk(&^(qLi5rmlsQl@^}6?s!y^KcoXwf>R0Big8P z7R7!6d1_RRxDBQONnpjWM0jI>RH^smbZDb_wlePh`iaP?pzAWajxv3C-C9)Tqp`s( zu*Q7@kn+PP^@@_iyq=oLC&2b8J}=!Aeb5Ve2RpPv?kJa2;ajtVxqgR2`-kuh_Jq*M zgT5Su&>I09g3sO7t-k6?YW+2Ha(O0W;`H3>`4fv0{l4yS*R*Cs4Ad0Ph_a2L3m|gR z}_$8S{pmH9qy65t=`J^$gY!Fk<{F3OLQ{3Q3!KF zkr91h6^-9Gb?=mK*qZN5cg}T!)92ng5-gcWOr?S*-{<%%rmX&{l|dZ%EIIE*?53b4Oa4Rq%Gwjybwr%A;ldTBxVi0I+2+_SD%yEh z_S#n;{^HXKJMZip0Na95kK=qmV7Gn+-nq?FdvKNm?Ksxj0`43181TABaJcQjmx0Gu zgJ{cJy`1`?W7?YIMAvFHLmag8 zS~DD!_Q%NK7A~rd3HlQ8vyW35w=XoA#0$e7@m#xG*5T$H_w9Ki8LZ+*vk-7#ZF94^ch0+^NxH zU!jyxaLC^M{y7@5CUA$lJN~$iXsv4jL<~`_`XS5}=#EGx8hRBhaU+(~N0U?e-cz=& zEMJq6kHEb9e$J76&nlruv3<%dw>z(gU~vt8Ur!>R>9?`<;fsHZ!$=y*Km2M;zi`AA$Z}}>1l%1Qcn{99l4XYy|vh8pwJ}9bU~nH zr$`0Cq;oX)KgTwNOg-?Gy=brk-_5t(hMq*m=LUM;BweA1{OW*bu1YYv#n55I1|(1D zCbI7xy|v|Qz#Y|UT59xHrUq2x7To{NGz8+=)zr z1t~WZC|%22MZ2M>*~&f&_lK-$FKT3t{t@Q=_^_Z3X_}}n3m#*E;TqDP1$!g!0IfyQ zI0=`p&A>d>_fl`D`V~C`8XN53#-<0XnoeSTy?IABm|bcL9cZw|DLQhGS&=4zI%Cb{mm4HHyp)Y%A^$)J%U&#_cq#c@JN8#93 zGvc-KGkT0fVq+5lUv89kA1e2icZL*~bpP5Yvx1a6#ARFrnUmzNpQ3~r^^6qu`n+)^ z?_~lGQ7pikuI)#Yz4Sb>I;!Mi6>EqN-GSI^ionlqTIk$bm>B&7+PjcwGtgy2(^%uASGw z$>Pa)={HZGY#T8$cFex{$A@=s)sk;bA$6|>g!*TMp%hV%F7;w#Zd1UHfo_DMr{dt8 zZA5O$Z+;C*PTP3is8uLh^xm+$+!(L<&VZ-sCWjo8o0hI{FM)I|K?*7atF}=Cuu4~& zAjZ7A(>s!@2m9gen7tK*GxzlEF+lUP!OWmKfa*+rfv#|)RRl$H&p>jD!b>Lcy(e!G zTwt1W(7dBaz>gh?_m)C%9Mprw8driic`s9ciFr2Hki>xYlkE`-BZSRoB|^X;h_{jY zgT&#A;)n?x5w*pXG2QkqlL;VTIGeiu-t~*omR43)R89tV9-OJn*<(tA{m1 zi*5WZp@|@J>wga%^H6?kHQYl})nL~Hvb{gdJbpt*RDWF9-M?kA!Cz+QG5lU{na{7Y zr?jRv?liA2;3uaPuge6g17d~C{St$Y*QI%&x>LdoZ4(W@9Z5OzKpl$Wa^LphT(=Z+C#hr@rdn z;tOc~75((=R%z!w8fFvKGs4)vBDWFc3%Z5CL=|BngLt@dsq=bFv$k2%8JqJ-!R|iF zLlNkWz|ukOAZ8FiXq451L1OOB9j+V0j~iH(yUEbZR5GUFO*fx7xE7v%iIksm;7)R? zR5{trM;4vOAmBH z8kbn^CNfLRYp=x7&f+Y3voHM$JV%bjHUhoox?wDbv_Sc3ms<#3c~o1q!FhFx!nG&< z(8^bq&bKo4ORbdQ0B(980z8{VZpoG|X#XIUmnC~{2SR(j?3DO%n#*$2zP?`QKcxPd zo^X&-15c)^b8G{G&Z=Mk);2cWg_rLOlA%<4iB zxG?NP(NCkx^ls--3uRpv9%I_QS@Kz{?p&I8;ynVUhlEMP8IerU0nZAD6me5B7UX-t zc)K#!#af7yUP^O+VXXl$p)8Y5k`1MkWsrC?0FomczW{plg{Yyf*3Dg)xruPZKY;0h z2FF?3Jq@hN=jv?OK*7RXm^r=RIJa@3aT=(KK%D0o7m$O7BS@fr1)^ysaVhV(ex0)R zCI()#@KoZ!B~kc8_VxOHJ)6L^9P7n>w9Zl(QQCAmNx%YzT z1Jw0s_7`fQ4I=vhn9sX4=}bjl_?VM|y@d28dWkE3ME_INpSu5OA8#OhAmpS-Mi`5K zKW{^y)zs6R7Ved@e=}}>uQBD9XiIB3K1cj`>)LkiPXp(5XhJF3K&P4G}d z&y|jC*5x8a)#<&eh>mO=3ec$dEG0TO1Ds>Ff9`N7;Zy~fSvuUgr_@;#Iz7Y2;az8) zxtZ~Ag}r}DMlb?xMONKlD;XXsD%e7>C}TF$w58&)41iQqnB z;F)P~cXgB@*Rd9h1}X-9tqCWZ1{KD#^BvU^(d0h5(Tl3=wMHQMumI?f;NL&if5Lz! zmBK7%nP}{uqFWTnx3AAo5dWH>gqr$7xtYVV#OB6+hwa0^k2ja6fvGk|Ai*Uaq}eiw zBzI!5@-xs2aCN8x(|A-#S*x#5sM!rYHaoCg7A1RjCk3@}Va`dAA8yL@Jm8ijmMTt+ z4&>N@wy_FqnxYyHX7l|%zy(UX_sGvcn5on!&!j7IPycB)G2gOB9e!3a8ckCjvc;N}yhG`==V)-3!_b3*x9UBl5ZO-S;fI>?%M$I(aZzxQ& zmuFtaqTF0Yx|_7O;2nSMZ)Qo>))6qSz*m`~zvH5SdI(&hHGJ&JH{_k0E^801d=Q(L zr}gA$Bjcc_$IsCyn32NB+&9xYuKMugD7sXd5({eM&Mko|+iEj#RYTA=T$X>1M2GQU zl^&aSEt*W_ivrzHbyY_k{TkCunu4SwS(`k zKSDy4Kt$;dy(WtYHqXLK)mH%o#p!6>3_1lS#-)#b!4*<0>zgp=xJ| zELiFh8?WE8_6;KkbS36JeTYv(t*_Z0?nt<~r*VMpJ^>a2o#m5{YRo~LB1O^SSL=!3 zNIWad%sggqSDmn<*U=rDCuoDbCt*oPHuT8r@BlL2j2NBLgu-lE(>DdUgUEvxDaSInX$QM2T03)96TzdfEg1PKgL8H}>>{;BEkVN{6 zd5{ahaDFkmtpo(QuvMxg^@4IF_?QuT@0Jm^Gu$Tz@A$hk@5Rh*jY65J4M1EB+g7s< zQil|8KEHM^#5jH3|?Qt4TJ6^7Ub-C)ao^Fx18 zHfEZ-BPM=dqa%DlzDK5eKmxt1*Au%pf!Vj6%L9l@l_MbPE%xuyep|yg5&H1W3GrBO z_W&pK2D;awC?1P1K109a!n)9)LUAAz^*BTjd>4fgQ%ta(^oHmP4$F00SO2_@u)oWq zcAEv&U2VU|G6R^nR^S_$lcHN%&0MTj(uM>qi(8=e>rQ_c}%W zhb@|JSIBKv@hq)1)$VFZ4z>e zMQW{$aiPo4A!L%Y!<6-0(BWn+2*Z91q09{?!XzUkq-+ZnPIj~T(oWK)DoKWmqNWpW z@`fyV;yl5{!Pb5-5ytoBfZwg&B9GJPXPcWz>SIirUezTCLG=Z?Ei68^tqc&>F?_j7 zq*H8$Tv_(M)`|ay5=`>0Bqnn;s6_!H+Qtxxgyh2DV?7E( zwyoX@Jh1t^cEGSv{2(Y}E^2;l){;B7niE)WQ42VE?h5HS!>JfuF2(8%Yg3x^&ch_IqCj$|SIpo@qnco$oGfkmmW6_ll92|I^AyQlUK=%qYa=Gm+Fuz&TL4$K$I+g!ZyZ1aJXwzpH&yby3?*In>v3m9vkO zSLwBDZZZGf z^L1_mxy{=EawbU>vLm*}F1bet;tFu9K8Fen)PwL0#hL5nliYBYZ0fa(z-%K`e0~id zwyuJ6KZyJkMvp4`35jms@v(TM{ zYU~SLS(z0_G5J`oCxj{zRi5RnqWY&;DG$yW1je+}vS2Zp80G*N((Yw|w?bq=%0f5O zzL(})v0-f!gP)0P5`J0~?pMt7U+QEAbpK!KM4uv`lp{YiC@zRU3}THOD4;B|2DR(^y;HO~GJt>Ik2P|$bp?K>Al7BtRUynOB zqB~g*BB2py0SNq4>Pyh>UxC|P3Z}ZEX)sQF@ix>?fN7mfea)RxV-9-24i19SV?qCn z5^iv;y&OL|qHKRI<<;bMSr%%*bjHLsBQoknra78aSnq~?!ORy@*=%=AQ9O9lF{*xu z2MTmp-6vt6#b6eNQv9 zJm~7kV$iOZGu6PM8Ft!VB=%-X87pf#^hfcYHDRX zRy5_qJ!(A`w5nn{WvL}~eH9anXIebs-fzw17~!dNGn%gYd#xlSbiG8*zXMw`6T&*M zinN}v=kt5JWauf`b7MM?w$dQH;_u^cvFXJ(1J5v>Y>{U3{=WNtV&qQ}>?-B_OAZh# z9RI9cy~Iw9=qAE|AS8L<+Q1yO_pv4l1gZgbLm-6RV{MBruew%2@#9q+wx)$RfO!Qi z0Y<)pL)r%+_@=?nXm^+brok7ChOn(aFH)TS#teRl@$)*}X8#*iP1X^8`^#Gw-}P^B zKltKs20XWaEmp|6VJdvoc^(X$i>US?f&Iw0(&|nACqirEnrivumF{ods=6>1Bg$QH zYnK&8%ehG+8E)$P>KxDGK8O(^c87AUYY&g!@|??&mD{n_PJ1A%~GHIKLKK%l%x+$lO3FaJRL zxjIQ;stwSkbf4^&h$k)T)4S#f)#Iun5BObo1iIll=mvbYeq+N#w&YKPpNzE`P-=!2!YIzH_1CR2a4XIIAqN>wl;~#Rr?;~iG z8hy@A)VoY3V0xE1bgx0wCI8Z42xrhdLvZi@*)|~I2SUBNLnwVue1l%R&Ee|_oi9JI z!0Dp`q(*IhhcP0GB6DTGcJ1KKa%XkFu)gxETeF_1OG*7#e3_Xu6{9rVn0*0VlmN#m zz$tN}3j&?Su%MEl?DnAnBf^i+CS z)*HNNyH>)!(#)kd^)pwuT=Y8-xD61H(*tuc(%qe*;RX-Ncg_drP7Rvf9LNZ5sa&k( zD+>qZvrIX|bRE^H36;bwWk;Xgax#G5C0?jMnHHY7pS<<{GlBmA=cvF_vjPy{#GCTm z6NXj7IsxiFb{Slr^(GfDD-W08q73K(-#HL;*l36cd%qNBTk4v@{?{17Wp&>&gU^BJUOJ+t|fIwvz8z>en6Yv|zB z7RPl8PA?qnOO`{M8{0JR9LQIbMG7Fk>}fwxJ>n9T;rU=WWJ-m@NUZsY>#Yp={(jD+ zib4NUP&-8fdeus}k;>ISUw>3L1RoOtJ<(S4`;LL2w&ePs(-?(o!XkX4`2EolqB{Q+ z)wnB>ScuWz6;iY@tP!Pav)F2(F-V>W*Jf!o5Kz+=Fq!R- zo}T!l{Zfg7_O+Cy+!rl1R~N^m(8DqXn95A@?RSEwsy$)!$^2>pNVLh;94T2_-VIwi zT7i=Nf>R88Fl(oRshZogwft8-&WKJM)0fwpvYZ&1{yR2!z#oFM>(14RGkemfu*Y&y z*E>) zknKUfcrBDEH|ctN_gS}*;P*%qCT3-`0oiU@`S13n9o?bP@Gy0Yo?{_b2J}iwWn-@` zu*gLs?(}iRpFj4`gAt!K6MPmm2;3dWyhW%c|AeERD>A3GYR_(YEJDfVY84XhI`_+K2!(du>9AI zlX7})Y7+gZ``E(O+ocYnn7SP!B5za%XGc9BHq9eo01{t2F%=9VCAXF^tMV3}K=z#2H0Qcn#bu z{U#Uby&FM=Xv5Rx&_vqNJ9?C)psmdFqNtU6uPNdk`a zR4UbBD_z$~`ggts$TD=z;E%>TA2xvl#L@YChw1~~7(*#~Y(5+|w)cJGBbxnRdEN0hvZWj3bSi!=4k7*8*pJ?$&UH?tnCX$1F9uai5It<(TeP59kOPgo<*;fc$x4w4m-W9@0 zYmeEF3B&cs4eN{rtZ149KR6(a6kV&#V5nmMMpXE6ul@#%o6{EZWEg;10T_o^wJQj( z-t0tx*)vIJen@HyZ>-Rp>4WJDN*1BMMj#5&$*Iahcog(i2;m;TKr zthNcn3FZdm4Q0YeEz;mvFJ%%hIO1fnFL#hoyEM;6SInES8XDtokQ*nO5JNVX4oZ4- zUsVph=h0n>V#O?|e@w`;bYPPq0Z9E$c{Mt+*Re7y#%P9P{uM{Qugkx+!ZkkhRe9kV z@cFFLJ!?m+>Rt_Ft61gRzj#OEEx`I|!Pz?mBlTrie|yu3`Bx}#vw41&%ld@gsl3o> zZvHgk%56-d!2@quHEc`L`#56V+l-HqU`afYoxlrNerN`+h|ixC`^tau_RdqpSy$;$2K!^$Xbyrb ztaNQa$pM8rW1my{&@hYShD^dSTtrBD~k*rPQ;})7GK@B?BKUNfm#CK-|SH$J)$Zb?h= z=#s7L#i!y;PtIwNeVs{ITit(K$^fPngnWDzsgTpEJFaMva&W{l1JZ^}Tk}g`_*HMc znptXb4i4E_8PUG*#;5Ak@`XnU(?FKxG{`NQ;+Qg8E7_GSI^`~hzN1CBXyYs1o%!K{rSTq5LNydb2Njtsr7+pYP)t5XZC17C+{` z0m4+Pm*9)o5arUEkBXA@Hr4`X=D0A5+9Z_0h5cw~l=d(V9Q-sU+Qa6b>OiuQ9rX<_ z&Y_Jlg(S|z7{*2%k!&z1c40CoRN`~X))-sw1y|giR{D+Ziv5 z$3SgG_qsF}V?kzy}>#)Vc!&>csWNzC?ldRDSq|G!< z^H3@#`$sF2;&72;an$aGi#I zS*1HgZmui-v{+i=YH{!kELwfA0A=F`TItiT(}3LQd5nw6T=fLT&O0x59+|s4!UR z*C#KiBf9_xBDl7PStWj!9(KMwoNR}CwO9$)qLLzycb8aci+VBha@$92QHvYaj)h{T zTMIVwbD~A|2;QfU`(j7AtWOktJXLBty$9AvR0FlTAd1v`XYz` zt{A=bNw$BLSXNZumjXqU3;ePx#yer6#1?RH_fQ9(AF-EnxI!N~c6JD3td@F^A+JD6 zlsYiX0JT%Cr1Z>t^K|F;rq;oNBTmzqGL~85V1tTQI9+lH9)TAY#qT9!zJUHID}~Dj zZuZFg=DD;OIk+6MC1W#ud`Gu_x#Kzv;#i5Vg})0mo!TRm(z+t6WCQ=j1WnONqZbdt zESKjZ7eEuL7g-g>L_@xIQ;)vG)-h+!bV6VuBT>dTqB4K6T36VVxmm+ZKZl$F1=lQO z`?!YB;T473EOVjUw7puD^*OsZ?5|?ve8-zBnSV%6q;EBj7_)^as~%)qfMz)qYiT8& z-{avTr|Xl#cT(+8EaOzmmdeQ1OPaaHIf4i#jL;T{T@^-pa5lp0=lwq8 zq$-ZY^}ZD=J*N@&r-xDGI!Coo8!C1}0J%RY!!6fi71Er^9TJIfY0VPYH=&U8DoM7b{psSiIS#5WJU20g> zhlbhFCc&ndPj?B5 z-k!rYW}vApyyB_tmdHWsJ%28ATrfL`$-{mEXORq?nsgP0q$M!GT5L#Y1VHWDM^x*>tIEZA2RAT&>4#? z!|I*>Y^*%(Q=hdId!1=_0#+rF3n?P;xg3m5-jP-QjCQw_+p?9`S8?U+MA{F1)c^M~ zH=Ro6-|yep%ZfI{Z4E_lVu%L#w5{E0vSati&{4G4$UM3pH*q<~bk~|aqnqgrwUXaj z5}x|ZlL;is_2Gh)V&dIkl2_yAi=0?>oG`Qz?ngl~k@>0Dl^2T%G;*-Zu>uylp5Y?> z-C`btWID;&`+6zrqj?}J$T@RI0y9{fl5}7IETZmI7bQ8ubAPadI?w4L|Iz0QPDdrV zyV;ZJ8J~V+|Etm;K!klvPi5d2J*8Ahi%h(4F0gLLjBoo<_PVk_h%H*+JsW(-r!-B= zjJ+pE69JnA`h08ou}RX^$q#&_n77|e+j7xd7F$Zc1|p+I^G?b>PL5i=YF90SVu-H( zSDqDXae5u$jOJz1P-_qQ%&IU8RZ(I_DW!gFoEUm*B zjaNSfW>7ck@|8O<*t(+l5dKvXVU9NyBMeCFvr4U6Sms&-It!`O}MctjoVyr1ttPPK+_v z{}aORRpaWF=k)&4y>2Rg3`Qov-*#fGvy_zyq@ z7IqhNZy>TWmQQ@wN)NSCW+n&<2Z-Io;_0%_H#ic~bT(2E^cJst0Vncz9R7@(j94B1 zYa6!;tWcv)&FrB-CY>X?GWf-FQoX}F)I~fNs3S{n`~1?&a0~H3uJvO%#TCHqDCscV z)gF*$_l!(sXUd*}*hf5k10hl9C7(THTAmg^sYwerVVCKT{9);ae(9D1Ly?7$0N|4b z(uFFSJD4)@L2S|{r7Hv~(Uy<4a}2x&Wc>?hvt}i_FY>x^kQ^L|6mB|nBCt1P;dg`N znIwM6fqF6+zWN@3aamsE2Ql5opt=Pc_5Dd%8}opw@9B}jWkc+8Cm?R{@^a23D5rn zs0k(-HV=p<&i|iRTAe^9IESRF{QKu;o&W_lUJxQhqI#@7`Q@Nn{5gwdNQ(yk+W{KJ z5_;(d7?D-@PTCWfiIiVw621(q3VUh=wkr1iJ&g^ zj4%{(Raf0eA0#cQep0C^fUQf!?Y?T_N>6-HHnBWT7Y}>_jDPK|(MdHWQ9G(U{!V0p zWH~W$CO@HR(-6b-cLH4cAUrs(2L{{0*J>A}t3Bb2(vC6^_z|qLndpif^SYh(DV+^7 zms(O1wKRR$qnz8KYmlZPlMda);|Ih^))}b)2q;zhDsyn;keJQYyYCpXe<=`E@AzD@ zA^Y&8zgXKNN`VAU66=P@bZLXDt8-ilwIbrJ%9q(T9EN0-N5e~ePO8Uj*bOfy$vl{# z9(TKd`kVeD7>wt>hwS{Wm_gjU59)750;)jg=xdmd8RcYi4S|qHnz=)ON=dj0QaF+< z!=BzA-8HDEN011paCwSAl~k(=%O=LC^2>8K2_5G#SlJCF2bsMW5xI-&v9+XY^x z>Tyj{-j91XBly^6w2G_jr*lKyx+4UR(*tH(gW)C}Gg-1(1D(g0 zA+0w3*0l>!_){hQjfjwSrvj%;fTyx<%vfq#>gsIXUI_xzNUW1?)opA(Raj*W9XXnc zfgup)xWladl6WUbk_b>b$RfYE6!R{8p`*K}Cx#Oar5MBfEG0V&k|b%f0prR8^EKG= z6lKeiq<^In?y$D()&%06RrO$N_Nu!bZybkGTRy%_gZh0CL|g&9o|~=4@s&Wb)s5~I zlyo-;L4i28s}nO}#ePOYCCC}5g+%lKA+ZENHgFHH4G=e+P;EOz<%tv$CtZuB{tg|1 zJ33KpkI>#leGs|DkTU>1E@FBo65aR>>S=sqARTP&P~;>bG*SG)QOhV*UVbtJI;T`l z4!}87IU*Czje&~aaW6nM1p^_CXwFOh1)OIMAC(?m2bZL_*w6(;f`ee%+0LK% zAr!n>!KuvH8Wmi;Y{Uah@o0k5jU1VQW`fk$AF+Ca?0;F7M^zNcJ(YiR2d6RGIpA)y zId@g-GfC)1&3p?Oh+oYU7GJ|`H2BV=j3|DaS-r#t^}7c)9Lt(a0MbDEm^fL-lS`2P zZ0{f7fthL)^zMB-VXP39cScqY?nlA@sB>++^O^n6xAJbc<3|-dF*;Ds3>nb7@%W;%8oalv^)K|!tXIh}} zm)5&ldV{Q4J)g?ECV~9f^CSpjITCWRXQot;9r@&oSZ&jEl1JJW==^JH)um{M=xJKP z88Il)qXVzxkhE3R?BE~%x=5iSd__y8g5UC$ILQ)=$5Ty5@(+X04*h779MKj!9eLT2 z$FdN#bRD3IB|Prm?iHAvYYsRUe>xR|neF2}HprqWg#k|8sc1|@(#+C|LrO6g#v+3u z+5~#{s&sNI)ICIc;<>f#f(ceUW$;Uuj{G2HTyu#;lmb8uC`aqz%y>$&qE2_ZLq zTDOf|FzM30f)!~IoRAOBW6xD$mOqT$H^`KgvxY0Mrbj<@GjE%OT0X#<-AnvINDLzI zIm^l|klmvd?G4S6+S4`}9ft`J$-<*=b&M2r?r8}(ng^yoh52^zZXh7?oHIJ`GYBbw8 zZyobhCK^^EC^t7vV^=MYJ74ii%J{PB8nSQLYz=75U74Fp>x<(-vDktYcO(og?u4PH zRo&48o)J%Wu@7UeW@((Y#1AG7O!=t~i}DYn{ivUfX^Xp=D($6HnC~Hy%G+MT^yC+FG zNTsg8-l8In@5zI5fvKji-ucQ3#$4go#{oDNs{)jIEAvau5>F&uhE^ZaNF!lbqkZ?=}wa}1<{BBeLV376yzpPs@0=Ws-WD^sZ@7*5yKHyzYLSxLzJIb z0u~$NJ)}kdn$yh&53Q5J-~)mKB8iKO7rTlJ3WAG(C})&aQdtVj{${!_K&-f~-^!`7 z-bphaXMDJd4q~RA>?sOkk5cN|Y_bE6cbHIFVV|*UI+x;She8v63GjALdhXJKv z=w*yDhsL7pmdb^I7Ev}x-C}7TOnYT!2Z5OfXZk1Vy9Ln0md9@&U zY+VC8rzIkLSmapU&J8Alaq~-aTEH>}kAZ=?KV#cJP0m-8UXl{?b>Jhw#SH-N51_Qg zf|(jkvr9N7Rhe*_E*6$zAY{@bqIYb0`&02-RVW>T91hDiDo| zdwSa^P8p=*52C!c^bbrqI529VSL9Nle?-$4+P_}1(}Sxx4@Mc_1^9oPx$#}%XZ<`) z$??#od@zEK+)2zrI23yl`AD6fV6RtF@DIxucZQ#AhyL;1ux1Xq%2 zxo*LB6ANJHcWz!GQB9sum3vb>Tk_*Y9P?+1jy&aCG*B2ml+~yEAPm`ik58_PN`6jJ zN&x423wcTXp3e){f+bhr--~XeysmC2hu)h|0T)Tjem9kWyX;#`UCK6)uo=q%^PL#q za$7u0n8t0S0@Kg{6FlczjIlgL%CMTwp7L4v3mbuXbZ^PU?xxP7fqDzm8WuJPU^8YE z?RI3HvDz_3h5|L$iX-R;#4*)guL}&bQbs*Hs%BBShSAwH1HI*+rzI;ITeezc95U*K z1@fp%OrlxvLNJ70;ho)A$Py8MJ4|@ z-l{x~(&zEGX;MisfTf$@TZVI3OaNm>LQXZKqj%Eepc%tPMn{&EKE&(_Nq6R}HTuNO zy>;2k5+Qv%lSWWH;NXQJgI{+f_ zQ}FY|7`l_d%bZ*_Xa$po9%XAc2F`n^cg**B1ptqj$|Bh=tfzy0QfQuuGrN%=n-3LM z@qPT9{WS+TBzAl&gBQZK6Gi=YAWtO=*?$T`vQanE-Ea_M+uvr8!w$GUF=k&pSR(d~ zRFMjfUBaCRF#WsP#COG}7sLdLm#fr*+|z9vtlgdg!3`g7Ko;`{!Wo1Zm9Ddfrx}qw zNHCJ=^vb&`wFCs8$zl_H+FA5J7mz2xt2VA9u7M4MQ|#E%%jb+}!et~#@zqSMX)+|) z$xM!d3(WISZ8HCmH#wp=S>RNt+!9>)MP#nHD>!&0nqR)Y218)i%vcz~)E}9k+>e8LI*~@GoMaHFI_%v~X7xaCciUVk`s3m)G zy#>7bcW8rC%PSrOqITEI5ETxu9m}qOw%KpAw(s`=+b|2m)6yD@RV!xPw^5uoYWJU< zbm9^SY;L_KWgy6X7CUW`6<^xw+5;`c(EkYZD5!dL1_0#HNZHyq)N_YVrTFO8=fSgf zT{MQ-31y zvumNTOm=(h70QLd5q|#_%+0bwJRv@NOwl1(S^C>lUmW2TtL*B+J#+d+0=C%1tl)Hy z;G+Sm))L}=KZjk%S)b@RgqpCex26q5YEFihw(FDU+{dvAUl{rgN|%B@oW< z5v<3?q0+OZOOC|WNh7ItTF!a#7c+ZUUnwy?+Wku5r;}Jz096uwWgO8HJZ$xK6U)Z_vsyL_fC-;V7o~ zvC=dtc~oDGXz);6Y+N6dBKPP9VBaQUi+=!UhYr7EjIcEJ`FRA=4DVymdRbSgn~ ze;9km=tzUEZ8RO*wl%SBV`3*0V`AI3ZKq>f6Wf_s6WivO=Xu}to%7@TIDfkPUaNXn z?Opr2s#aI^zS0~Si+_lB73_|Ld-dVb4;vHTW3z3J_Zg>=#<6Iz@DO!~mi6t#%2JV5p{CYC$Y+ZOhs&& zesxWNi+T9%=J#OBtHw+*J#=j0n7XQU@3jcEmeXV9N;6)~)gy6*bubkuJXuoj+rET(11V9(Dy>kx>X2fj{n2v#OKmB|_KK0_3uSK% z^Q|oTEBq$C-cR-=4jZZIJ^pq#uT9c};?{8iAl?ocvh~y7xisRezMSQ6jp3dOl!r;L1Q>KFvsBNjUJ(JCVtx zgq)RD%MNK^LxcU6Ay0cQTtiY_E(^lBCJnoqT?%u2zW3r_p`W za61+REE_9d&gl=rFD%ec@-0K!Uc_sv8^qkNGY~)gt3FBX+H^#B4Xt)lhj=XNYh$iP z{OFm|Nxc>xzE*eJLqo?USacT`LqHF;99|46(7Kd-WS#%^C&0NVnir8xJb6I$aQ*Y<0w(RN=GIPRI$1jO0N(D|*X5H4_5go;{?vAy2*y}E~l3uh3oa@5y>r?5TdAt*S|8!wr+vXKX zkj>Q7sXUYi$tx23J#orX~8x7D4B=`MVajZ=JF_Vd(&URJ=X55Ag-J{uZSpH0viXX_^sxM zev05L0vLvP&UB2_XJT5C&MkjS#kuQFQLjDUC1+*#AYiqlMOE5Z4v`ud+m+_ z-u({vq4pQN^Hl^$z5FT~6RZZzRaXNb4SQxT(GZ0Cy(>4VMu~I3 zcrOIzK&r4Sgucs~BVBx2Ke6K)v^nsSzUzT4&RF^9>N{gR3n2J=yevk3l>!KRt3kJm z0PTtq5>QqZe~#F8%)Cap*odigO#o!VYWc$vZA=KVrmhcUjCXEG2?YssKMe>x1mB!4 zHhf=|A@KxP2;Y%wFxx2nB)GHrjIypV_ykcgx0{XSBFM1O?TJtFQQ#!z5Bk81sTPwqn3wSeGtjb@iiD0bqxqt*$`#ze0v)`-OpCgW{4FU1o@DSV zv5`x$?%3wWF|&=NzDSh)JD7(L^+@l}@@cnZS9WNBl7eW^3#jd!RDttLS%4p`1i{XF z)D-3rq5bSDJ;TB7$%TBSDGHiWY6>SIroxm_lZLOdwZvv*%e_$}|Fmr!iwdB5=T<@< z#68yhzz^|vJYaaH4y#_opdco1s&hO5oFcLN>)wclx{FRm-_9p_49UV-A_-<*Kltt= z3^qkbV~^Nu==VQsulMu}Cu95?D4sKsYEt~g;m-w|F~ajnst0O6Y4i-g z@hPnfAIuGyYhns0hIqihQh*z$M)8Hvi^i5#+Xj(~f?zn-PYy-UW?RJG_hMfW=l9*< z0MVku=o@~zKR=Q{`;70jRMkuGBYNH7LzlsMO`H;=>)ATZ|I<+vnZjxqpW044t_<>_ z5=5do8}qXT{(ypBIBbBvW#&lz%mnY?DvCZM?Gmy=ZoLaS9)qN&2B)f_L}e4fWXYHC z2WF@aTS5JCl~#-8XrGrom+W1=#NsU0FWE&gaALSt2a>EiZXu zL{zq^^?U>!i1+EZRiXMpr0ie%e@8pLEyZaKeA_hsFQ?kq{a;R%c;@AS=i>M=V;8U0 zEAuqtM?QiUmW0w=ipnt2Lt#g`2B)vydvq(cXdNNLVb%_Rp18^#3YSX{t5T0Z-+miN z!T5xoi)cDM)PLr(?&u>T&w~GFD-z4`sKOx~x+9BBslak_me9q(F_b9<(+%5OV)%yJ z$pUY~GU8mS{=V0EeAFYV0zT52E?JUjC(X-Ap3Asw9)FAfGh|W5Bel zoF?an`_x)8pK;^-9cu+k6kW{y`jk_@V>Pw!M{ua(x+#39StWFmK09G>U7n;war?wY zETFchV!+oCk17npRnTPTOG0lYt`hrlTNi}Z)dYrl2O%(0|7nd$)MdDPuk_Wuoq707>zw?+*!#p)K%Hu_Z9L7cC|a8P0E3^*%0p`nmlfx`CIhdYQ(CW= zp0T4G->zDqQL_XIn3Ak^P zn88>4^8-7U+~!$5xKlr0G0SnoXgLBk2qw1|Bo*_0&c}1+tOV!L;Y9H0L_4@oRQ!*F ziz>6CUpm3-V1XDW>jdh{1xxyh&v~Cx&1~Un2uZTN=NKQfir%r0~RQ}tDM`6a#I?NfU- z<+oTH;!P@6V!l|n8uRQd>MUnFOa`$ED$o^S-|(;hUGTvYOdHp)APLbwI&Tr_pfm#m z-r+xnk=)B#U5%kuwz1r)arIFBP3e3Z#yt}4= zq0cUt$ghwvQd&2GSf9I+@c** zS!zNE7=sP{H}+$`u8gnV0bedA!Oe^El?*gw&5B8756jxZXsb{xOR13o_icntI1LY5 z;223*$SL;`P%TLjVGS7J&tdY^LWJ{Q#o2}SDLm((j#L$E{)|&!eL(Jq$ z0u8VI)(<$9B2?FNsGImPLUs5Jp4Phtt$FO;K% zBuvzdTx`&TgJ9oB9h%ap067g=hOp@JEQ9+jgl+5DP89k$!x>FA{R_YO6uA%-F0BBAiy^NIsp5Ai){OjziK5aU zWGjofzqSzc$Y9e1rU6Js?0n^aw61{(>_M3KsC(GgO;LSm0}Uw(TBau9fY$>yrnySM zy}{o;t;XPEL;pbB)QN6igp(bs(ah400=5Kr#hZY94br8D;6H-NfTlO5W5i_km@> zsBzT2u!I1I9X+@!Q-&yu!^Po>+$|dYj7NO%;2`E#*3z3vozne7x=kZWf^1}4ZLrk? z59}#Ap8X>ptesocH$DJpOEX?i;S3!q#jd5#KJch@R8?WdmUduN99at}1dT(_hsm(lX#@yDcf64B_EH}g6mx=C98=u}GEU5Pu}WvEmLA#u|I z*?x_;4`~vw?RIBK$ToBH)D@-cgRaiY;Cy#m_h?CjPgeaqf>iw}4haJG${=x#_=c@v z%C|I*;6BIT{@@rZJ^3hOL0!ZbxVhAD-p(3SX(j|lJlbCg>Y=Q&-*aa1sgufWt;wLuH21hyWky1PcwIrKBFOpEDOWX^} zQN4ITLPsc<^e*>_Mc7J1z)GUmdNPVB2ej$#NxpNU=UhM=tx{~8kZLXLkFO5U)3(n) zb=!$dh*Bn%@_y(|=Zd9#p{6*PrpWgjaHUL>?*8|ec!sqDzrkqwFj3AW=$G!jv-UTg z$tzSv4!&}3hW0{lsC>b(syp?kI4`F5b{#$>ZwTI+yf>M$AI?h}GG-VLziV>-x_q3u zd$?4%jY}0|Tsn&wn18=CYkHBNm79F|AbdEG zOdb4-aSQz5U-=;##0vv0?D&N>HMQA+F7$E>tS5fHlJd^|F_l(K0wFi`6laK!mVnK# zR9u&T??J}`xcaIK0`=Zn>26MIt_ky&FO`tM>n)F;>nDuhYt78@f+_{kkFOKYoM?7V zovZ1c`NSpKE%}xOgy&8$dnw4&6l}r?j@liIA#BA4Efa8uK8)6RO=mMU`^8xA5;UEWa~Y?FUn6Ds+GJ{)6FES$-bp z`L&->VB^l8i|Wlz@DCi&>ewvx3Re{MDT z?~B|;Df^^iriUNnRYm+tPuDjL7lpTysaywxt?e5;BnLp%{?4)hshZlEo1;E2^Vv-2 zI78h)Kv*j*C1Z6`P+=pGT-fJS}oQeRg?yBEyS*%b+t z7a09%S=3guf=f03Q_&{;7R8b3E$I^0uO^n~yEGqCa3`k0Z$YEbvVcqWZ$>gJFMkv)f79c11xt`$+uHlZffiYU!Z4qu>J5QHSZETMi)r7iK3RAj$ng9~|KR zCSBGX?YfP`VuMe@ikrl<;!4PxGQP-x_lOTZfuG$w5W;n>13L=#@$#;&=qnKA|3dR! z(H;c3>A;mRerVzbBXP|ht(OcIrnB_~D64*K0j{0FdHv77kYn<6v3+04y!<_1=EYg6 z-Y>C-fTtC5}x|?~n_j%IF73h!%ssxG{%QwshZ8&xj@lb{JLs#!*`alz?; z00fjSpWrM5{biYyBCKjiNr}?J4bT;O-ktJ3)F1xLTA*Ph4LD?%Uut)x>T9I1u9~9_ zVj3VaXBr=6c2VHct$(WlgA2uWs}4%MeB2$JVj2|2ks>NH4hys*91UK`H1%cqO0(tn zdAIEPnS)uZw&nQgu+>$5bpM$8xa~ByK9s4gjG^KHHx1o<#S{mmNHKxnIBZpD?3jZA((%YUNdohsNI3ag3Wmn3JB7{*X`5;E-mt7H4$hCjQJI<{^xfLyj;L~9! zD9A{@>ujsnsyiC_jkn+0=%w=%U${p^c@xxXFR#_71428Z- z%n(is*0frBNZe5!8O8t7FLAlke{zLLbc#TNue&qlsHd}J%;DD6p zI=pC8&l_zlD_R^K%NF#R??Sd}Nq$G+4s1&$vx}Mc^*u1J74k6~c49WF|3S6h_k*nP z&QNRS4u|}g-=;T6M@QL$qAsvc$xN${qGMMg> zY)2DX{O>#JUU~qMKhwM;s*}T&Jy7t_valAxii<^_n$&ZjMQ}kpXg{SILJ!kDQ-mD+P8~1V(*N>FPbBlxI zQ-khJU7X6;oxFP1*rXr2UXrQbeTJd^@T+pYeDmY>D8ac)MPP;Y`Odei71j&u9bHqj zvJNkG-WT&RAVe+hwes5S9WA+btAD*mGD1B$$QSjP8al+IAlu13f*P*49?3mE0YSjG zZ-k@E`zc}j>xA|6>Unz_=ofPP#E;nr{4+2+(-%Zt3i>r{OhU$%j9G0x*G8^Q9nnP6 zn8dZ;^W=_?@FfD>&fbR z>VxmL+SRjKyHl-GQd~=lCwxy~Mr?l^?p<|FP{1<;^HG`JZ|58hZ%p5EpA2E~Yj@7K zXE?-F*UM!%YyXkFB>2={R6?vS%xaRkfK5r}ca&yJgf1FoLFoiXXA+l5?>*s;WIYG> zB1Bqxa3UI{8$l^MxqwM!|Kxsp|0Gr*Dh8yI9Blb)PkbOWg=%(h;@F>BFATD$i3ucq z)^ZARCTO-m6aeYJ6&B)v-4;U|Vj0r*!5Gj~?(FaLsMd>*Jpy+nLB7ZJqEUGby)a2j z@Fh4Wb&2A@Aei`Sck-~YO#aL= z?^xr8TIf;3AVEBF3#A$;50OK{KkG}!*q4#0U@s(%goee-WfqE5hexI}(Xd=^{Au8r z1y9f>8xKjoh9+;-+o*+(UjP%rB-wW}K&%p?!jB6Bpk(451d0Vhe5&9PK}mI^k_`r9 z-#8-N)>h*O8mLZjhE)(tliM+-xeD9~kUa8~L!;dV!OTt! znvnc;H2V83$e73x89zu`qs*QFKijYp$VmrPgQ#FcoJ3IUNy&!jj8-Z8J>W%jCK2c3 z|AN{;LJy%2+=k}J&9|N5pkn+3U~hzGeho+L1d0qSf7xYHd9i|sL0j6u1PV(Qvc*yG z?ILIQKOjdaAx=w?moVX@{evG+HdAb^2gQMiLkAhX0g*RC(G^B%Q5leh*>jzQw;-NNo4t#Wq8Z$Re&Y!`K-cDr{7@CK z_OepM3*9SsWkRh$v{a3=V3ZF;waCD&4EAjj$fXb7PwhXgTyC+!U6q5I zPYr)h?eOO_v(P06(bFOAb*>OWU#sc0wpH_={_>w=eU0yO2LQCV7x_5mV_oWGlziR- zu7C}9#WrLK=+gQ4AIZjRbwcq%22r*7%MrkKS50(-zk5G*&H9n^qz2z*fGqy1hN`Qc z111@wP7hZCK6wbmSo|yH~VCW*`h;$QUlMV&6BCw={UI5`Xr1LA{P~^dvvY)!H z>t@@gu1Eb7E#ni2^#k0`zMtE~q*(Y=9$O~s$YDVv-2FDe6CkZ*yKu!Ye(Uis+dd1O zkz!~_(&&y|W!PKIMPksMvj);~!L5qvTMsmy(mbt;%%Cgl#XJzy%Ya{GF46uyv;caE z(U<*}HBi)6IoiK8e{e*~R8=|#8eDE-BM8+eTdaP|>C!UXV%urx?lTKiwT&9{1-aB+ zXyYb5rGPJCFUiCI#yx_^HJlS?YQr|8FL>Y-|MHujpc^y91~25yjKs8ai@f^c6=T5; zD}_8{EJ2+Ll8BVEdaIn_t@cecy=3>khdJU(ZEtJ65xGHhRzbMjXsUo+f4sqdIp3Ju z)!-sTA#*np7Ck``Nw0ydyhDb9iP?#O7zl>w9y*hO|t!#B-!Lr9oG> zozY|ug`dAuuLEwnv0VEAGJ7{|NqtED) z;si?)kN#Y{b<8KRCxICZp0tIAN3#%6P%qFIylvJ?)GJ#nS?7nJ@;=rU%;8Z>lv#S} zdn?c(bj5z_E3JQXYAPV=hT9x5_D#RMdfE27?VWi^DsMefNL@C-ZRsO;On_3kdLhpG zym_Wi`bzlvI52#|V5ox_U>lbhAVb~X`mx7E@)*^?l=xhpH_yRHuFd!$x+WGJpbmsw zbuNt_z=T(!m0f-SZ>Ket#_-BApMGS}>iq%cSilk>Bal;WP>yLS*07^&_q%!lB+ars zQ#2<2gWK%NU9xUDw$ECM?JtV!euBc$5pEDYcBv9&gwz%F-glT( z$Md1XqE)Gl|N9vnWds)NFQ2+Ao*e{r?3U8Z4NF8n?49e?O&(?!7Z=v$X$ADi`VM90 zhwhG$q5i+5vy~RKm87lI*Fv>eM!{KUZ%5{xzyQk-XCrmk0_$oKNOW(-ANcip|2y6$ zuVd7XytT$j|3IV*7tJ5R4LWCa>d^k$A?_;B4eYSoir4?Xk5^n6)AlMYxhmA~xp);m zNJ>dT&XIJ0*akvHPo+!Hmp5+Z$U8lA02mPE@bZ^~A*)E?kd767+jlCGy|=UYultm( z&!kzwLb@pn&1>H)`4@%2$~4>I#M1Y3__wpA`7wKV-!8}}3`bsmTLn#~oCgB@7K3z& zj7FghvRaX2o3&H$A80^iMe-iWArOlTuf@brTK~?C4IV|Mgw@FCJCDE-ud*>e)Qv2q z=fGDV{p-A7+O_6u(~u94%Ywiu`G~vaw!0yY7b_eBec$|(>(c!{5MX~{ZCpf&{-2;Y zuP_knl*a=gh}QV;YvSIjsmCB;uPn<-`%7?vZO_3aYqYoNKe!yvr5}^x_ly--`T{wL zb+&?R$&hY`NsZmDM#@B?xa|9cn)^XsN$Bus(Sb~2QEBrkB!2=9@8qkgK&f4*{^iMiiQgnaYs^IAn!-ZjkpGN6jx7h=KPwmJxAvtV`oz$wVkGi*`zn=T;jw zwD{kU5!o?PY6DX*E==|97#|xI;lABr;VUxi%USztZa$4OhC<-Q^p!CkRF-|jJ@PV8 zmY3t>n$-#4W?&E`LQJVzTi_ak^^GVyYWx$$!C{dQ&}M2Lr9NeP)i{&BlC1^p5-gke4pcurz6qHl7>_|0Hdbic5RV#;;=8kXeG!lMj7 zdYku`M&2lEa{wJjpi9zwNy{z&Yq|c7p830Iyq7;;zy|KhUI|5NIi4_Ho?qLR}W&HO$W*5QF^0ycLvR*j>A-~TD=5sK?chJ4*0gDSF z-xr;qCvk!wpWEA=4(Y#wi=J(+oe!XBi;<5(34y4h#p|q!BsVATreoh}s^^JQH96;^ zPZQ*b@jcz)dgbsdUaIFu82M7(Nw9!f?T{!sd*LTvtlKbFe-xcLu~Vc&l`PaQJkh5~tMs%Y^+-V+nFu%~OQxtwM>@X~0$` zOMZSgzhtur_5UD#5jG?c(2xR)qj+s7;X*;3sniVZWf1coF;A)bbRaeugL>YS*r9~_ z%|WRZo-E>TL;u0nuoo(zLp+295>0#NLG>fpQ=;H|v-T34NapSp!AF^?u@pg8t>Tyn z6-O-l`r?eq9rn%is*qxG=w_7-aMpcHDGe;O=n~B$?7;tm^>;D?q$%2Xx5luc$azd| z%AjGp;;KzdHcLT?Oa?W3Ao=AcvcB$$!uE+$>o03Jq)w8DzQcMZ`48mz`d6asnu#A2 zM@vtc4j)#^zkKhz@e1{pXR1pgZc+|b%IbXEBUy}{YlS&Jc=;}8Z}ojP4h9Kw23I<} zfx7tHuNXu8@nSs>CNv7Ksh(~)Eu z%1)!dH^|<8uQQgbmHqqJ_tK2L6gt#h5jyjU2ob3MWf>qQlNYn7CNA^F+(yWhyzu_a z=P4zSlg9(!VzBa%95O!MC8PjPr%@2y7rdf24$2Sp!}Nb4TA3_vjTB$`9g_b4b5LSDj?}KdizkLCQO0Up)j6FFFE;=mc7^UF%m%iA@pX|q0v53DYph*dkPj_I! zYkXS%i_5yNPL^VONGF1NsfD)l&wr?2l+>PvCYd>1G3~qG3LA+55rprR78rd7!!|EV zZ?)~U_%1^*9Yj>i=%%^#Hn5d+ce1VrQjW}o|G1?*^WPl^M{frha$>&486-MkO8e@1 zw`p4Rf|n{O5NQA34Oei<)|_?;B11@dS9Hj&&G`#cEHBhV0>JR^2$+b=dCp_7$3)6riIR62`Jv?=ggor69MnqDf#M zxTM;R$bxK_e8$cpjM|E3H>Vs+y6B!Fw6b)(3paHQC zWnq;oRV)~3?*oTkZQEGen&*=}b5}UiM9tkUg_=~ve7R4POxFg9#%{$!%0VeuPT-e=$I>7zdM*D-KL-^{c)(bV*j z+h+W-%Di^4=i9m$&3~Jo0?ezjrXPvD$w=H_QETY>{aXX0P~+! z;QXsfLpqkc9mTuvokSm*IOk324+!WhsgTFXnXZigtVizEMB890+e|F=u_6#8$=3Gr zUakHEmQ^R+3%#S)m?Ma$W&3`WP&xaOKJP*Y608%)Jj}q{`D$o&Iy#`6S=KOw%cz{)`noEtN4c-?>j8Cy!0spMnu<$3=z_}dG%Bl&p`|`w3Vo!&D+(8;O)pu{{KGd z8A(XD+4UTPKkgc|rswQNLlT*m<|{9ttMxX!fvUI*uGS~YUiGXxuQ*0ic?s}o8KQZN ze;lTT$^cC8R(c|20Kqu+NGTwrhC!=aH#)j;AfI)jK5!|ZvsA^vt5rM3ZhWK5o1l;4 zuCXM7AGy8_#zTGzu2t?O!=FfxNvL;r?Yp}bBUvTUKTqdRRT!h9g$EAQ20XvVZ)Z2I zv^RbjE~BQjxR5n%0DC3-sJy_z6c%72hp3S*PmYd|mJV_0ygLdvNy&7e#=yM3AA6~E z{L60&L$3bg*L^Ng>}>a4rlcA8`52*=VWV9kkTdSdhV7Z6?2aX}2>bnQLC9GTrpTIN z!lt6$t>%QNg{#j{VEcV&a3=Qo#$q}hppS2FRL7pokGY#9Jm)UD|LZ{EpgHA)IPx0fr`_5y6CuZ3dD_9Q~ z@tE9neB!EEwH;G7h(7)`i>S=7)5tF)E1y+7(dDXb+fDeU<9 z{`y7eU{3A!{)UyL2ak^dOD+(h^vn7O{=DnIZE)N&x)<9$HERPi0K&++QO(O#+(aV^ z@z)70qJkHA{~JRst&1B#yRkfH@G5;{K!h-=AR||Ii`g1cbRI%wv!}84Lu&;xb>JWQ z^u+pqOs3(4+OYia0&IZ{op(Qx4!~Rw0T@{)qe)!oOo40iavO@hrcZb~QD9r{IH;8O z?UyU^^2H2?K$qZL>%9Gx6(SFgB*m?lv5kDOi#wkttZ0w61Oy3ptP1R=Ayhs7CRx~T z$@Fd<<9|$v8|64U&Tc`&`gX9c85b>#7@GYzuKWX%tDHp9gp{EjGA02s8pCo_O2veQ z#hPSzp7g?V(nZH&orY z1Oi=^TT&>W$*P49Wt?$kk5B9#Yp z=TN>MJS$=umtllidD6S+ibKVz;AA_+RQ*LzTQ0o`=z3fv7*H$Nl4@+P=V0+?A68L|94bw&d8`CUb>gdb4b|AoDHZiUk?(nxnUgD#uKwoUz|1}mLP|sCc$O1z8 ziPAi%D~d)jbwIBZK?}h?kjX*2Xh|}30tELDuhsIOt6U-u^B*QHE(*iYA(pF^eOLixc+K zlbR4^0FnB$AN@dTj!~$^m&-~BkJHBb;F4eic94pS!a|3ri0+^J@m-NJ?bExPV84a+ ztl$-y2Qdj!K)$_50Zr}-7hC@U>#6=39GMzx^?<$C;bxO;?1r%@tt)8?GHozBRw9vg zr#5^F+_#G(pX}k|j~`^R;(nGZ#Wh8`&@@dRPL% zzd~6t=Vql*<{X1O*^ExDB!6ioHeLQ~(?2Ys&_PXAemCdLxz$l#stB`|nt>)YAE2nF z51(%?3}4WW>>86OE*$X+t6iabOhG1jgsw=dP%P+g6fR@K)=a(9Qmh1FCci99kS}71 z1}-BzU9^iL4@=u#nZMLUUC?YPq-9t5t%QPtheTH~((q@r$JHh*P=a{A4U#Q$-ZOv4 z43<93{3f(xyIC{U+tRiKge!V%DVNLwW_qQuLhajecvZDDC3fw-*`^d?KM5bOV_=bi zw4U_>)vWXfmKW9(fUBvxTRUz*;*ti8)jb7w#g9@%s)}c`ArgLT0mNVGu@y zd1B?Wq^c#iQc1ooJiHl{&UnU|uf{)~h+1IF{!%-*5+2XDr-eNcwO~U!>BgFVg8~Sn7NugaCutR% zyHmTDcI?Bei>}13=6#BUAeiT3RIaKa$M++gsbIIE@5*m3pRZ&7hb-+jgm6C|N(MvJdu!D;T)y4|k z>4acvj$6=F^$8ax?38x`xf!Rc_Ds=JV=7mf+7q+^xG-9(!{}4D2lxv7GXpI|{y+Ph7)q_7nHjFpbmY$ZN1q(|;_$CLxnni}+ zGwt%~Jk4l>x{;U!!MR6iU&f*(_yD^hI)l7j^KX6vw&c2yET=%ogWQN!r$ zsDv)?8m~#_+$R=Y3&W)*Cz2BOlnHD|QJKhMWE#ljzalgE7R@SwrGIh9zcYH=FPZJO z8jHR3Ilh-{F)wsP zRXt;JX2gqV1FIE9jf;{}5!Nt!De+9fSsLtb^wrrEDm_H8tUNzLX`k4#=Q#Q53ti3A z>d{#G`3daVABv)1lSR96lClBOmZHf|@}$qRI1MkyvoJMXKxGm?eNm+vG?JenIL9|F z7Wjts&)u`>ecd7m^H$SGaeX0=3TbVK5|Biu{6J4ZcnfwOOREv4s&jgr7%INcPq2^Q z7u!NNC08^;D9gG*Id{_5%`_>@_9U$rQKN85F1DH;;jNAaGlRaU<=GHHco z@mXZu7!__AFL{S1#6Fm3_&UU4^BSyWfYQ&Rhp!YXOObrzMl!nE(mJ_tZ0F*N)<(?@ zo~2Un$#89FUn8C=##*)mf6$&0eL(qbcM}!%RU=fW2qvwDdV2cg3xoT=RG+{JpZ2IC zL&Sypman$nR+d;?(TulZydtUf=!a>VeuCUhtH4*u@`1&~70Z&jE#9g?nYy7+*I_Qi zDlg95vKyZv4``Jk(V&+fNu`KgFvep!-6J-pvVbQU;`_94WGzs${(|5ZjSX#>Yi?0H z!#^(sac{*~Fb1XgBd&)eoqC+Q-86h#J&X&=EVxsX?hFEw_e!Tz9C23v9?Y=V=zCcS z_wg4?+^vdXfP}SHMo%c_sk2{2L6L+$D%Ud*7BF45i(1$sxWfaIjq*%M3+~?+3Vhwe zT5-hz#`p12`xWE`^YFATuPcZ!aH4bcogoNAuWm$c?@*B_{GAabg|*)fkRPtP_Z{6- zI;--{-tdSmJwZJv42Lh+3%ne!<}IB!)#P4d@rmJUqcz&9imM0als}@ou8SRQQuTS5 z>Af)^Af;$WQ7~(akkV(@bBN9h2`r&NXEHNkz17T4^{I$#4*~qA4>NT|A&F@U16v%y zZzKQ3(6;}=viTr^zjT98HS?|Zhu;Z`sRq?FnzGE?u-9Tz516Ue4=ii|MKYYtPsN^y zmH57*APIq8CL$kY_kHYwtGS%Nbum-{nt$xl&sOet+|)~x<*b9O_3TjC<{_@u1ow)H zQ89yTqG&KvZI!DnBb#p}{*TS-)Rk6pQ0Y_^ft59tL|Ej87rJ48VECPfqQ2ETSwU1w zb3&X4Zn5kw%&Qqw*nvGDj9f99EFDpHPjq>(R@KNB!wI}bUF*D=hBu2up0LmWiD*3E zvs_eZRotsuTuv%kYa-p&p)dKdxcq~A0h8_;xt|Y?QA2E$)hSGkRF%51CLg_wul<3lAv7CM|!6?llBm+tJANU7-rbYHR2DaLVcYbW_i zu&h+{qud|uZ>6J~v*U$sIU>eJkT$v$FE|mO7=aQo2v}m+>k_==(bl_sb3DU-kq7!|_n^C%6^5 z<`ZuB+Ev@_V1IA#7RT~VoM|YiU8N(^zxcb0>q`7bwLZn*Q>ebFAC8+r&f7s;JF$S) z4m{+>np^Qu|4C0e{44Ap@e%>+O2z)Z^v5?yYB9I9tA!yrQ6aBH5-{{#rm5Kid*QVt zc$|FXFuOr}YBZ@g2Y9^i2Lz0oKR^%B1_>Q=!DBEgA5phkA_;Mx0>R(la~cY#eWe@W zz((A)xcL#mFG6OJ9Ji6Fjd?;$Yv2W40>0I5#=}KLkBzFwRColXVYE@)2yn6sG1i5o zpnGZQOhh-U$=HpVmh);Y_CBr}WcrM}2o%KN7v8PRbmo$BQMCy8y{)KU2X<5w#Xr2I zj)kpi3OPQmKfKte(W1N3ex>`~{JJV_h|~DW8ltde<>8Sav(e~^4u$qVkArT;{-#7@ z4nLDBk(VgT6%e+LMbyCNyIJ9&WiG5Wt3Ni;uf!7?gF0okuB;jjA z_U}jpAAbv5sdz1rbx>l~%^IKe6+jUZ|689k1Wbg7&HWOqfn|1ys$aYt@5WZAna4(JLA=K6D#f z(k!Nr)EK@@5bv273xS+YW(V?ZxeSMth3A3GJBS2qgL#J&JJG@}2pg)7}0L-lSOTrfBfn``a5`|oV2^aKfIBOf)dc+`U5(FlFp2jR;1m2(BOsiVkT+rhG z^mXOoP_Au!3^TSFWC=;VjvOY{yvr;`V`8?WMW~@uh`~&z<1-nfGA&XjrA?O8Pzs-- zlpGH{zx!32P=enL>d|Mi`N0WSK zM4OLgdiGg=ymW>nU9sA(u(@Dg{HL*^VMo(lwA1+I{JLkmPB#78GBewF+tGCoR_g2M zf_;jvwaeTy%ndh4nr6+}UtFG~^9-x4HVYYJ>-kET@sy%dPd24vbVvgELf4P8M3m+Q zP_O#TSbx#O$Z}6f)XZrr%ipamuv3xF4Tb)sx*_-G=z;R1dW8p0bcf8vS8bMVy;Mz2 zc%9~CP~1B|zP(GVV{)Uz%Up}ssU+GO4xODeOn#f@vz)=XbjO=5rpaeDSqjNn_dT*1 ztC!FFG;-7Rd30k{OL%&6+x^TxBK(YcZ~k}M;7_ihnT?bepK7zA>F0g?S&HWUKhJcl zPwDsjjaH$KOrL9C={y`Teo#%dnT#uMAmj>bTCUUw=dibAWJzU1;QJ0y(|w!Uijtty zD~|5lS{n4ih{rC?Eeee?YBtb)2myCqsX8T9!$G=tC!>?XHjtTBLmw4ynTtR4c0-x% zD85D&u7^>oSs{9-N}t>D$VVp6z>;ClfYtGsBK04g@fH z5pOmE52Tyz-rVg0PuL1xZZQ}?9VNX&)ij3@f(52k7{1BS0$X|HiUqbhgww?QE6!4w z!^Rg)!_3oeSv; z!6RS1MQi&>XD21=Sm`~SX>fP(&D-z3m><(t7=lG>Q_i$HY zfIqR~X(msr7xefrbc48|4t8C?uAHxhuMBgioX6Bg=kxOqJ!vBpSYh4mjBZ=6aJzA> z?}`cLwbh!`&W=YJb~!|AgF>L_^3t^OS`6;BF|3`6F?b#q8;sOq+mbBp0l`~!Bd>1H zE+y|pGACd%(leNm@X9JOIg@XQ%b#1bJ3;?oTmgFZpl|7@bYp^EAb@D{XD6V1GKE??5h(9=c;? zQH*)IG;i}j(QNEi_A2?LtYpEN;8<3m<*Bkh_M17Yx5PEDv`yab0y3&c{AyHdX6y;= z3C%X{^pwt<@oY`H$+_Y%3*y7kmCG<_o8Ig53|ZS`-`ifS&@JgSfz5m@1}#}bIzu{E z*dLkHeKYg5m_u$&HOqg-OX0`ITnk9taL!fsVzmARe{A22^DZhyv)+FB;*y4(klk)B z*|0;~hQl8l$l)vB==i?MIgS_fH<<}MU$~cxm%kcYdXSC7Bx$$vl$h5A(Mk;1YBF?x zz)F>JZgxCb?U=h6wfjtp68NKwy7TeQFCFcY&q^I!i^CR`1@>iD%Hj;_7cPco>huTR z(JMSz5S?||dE)`oF?@Ik_!u1Bv*Ts!BmdaZXgf3G3&M}yYX+h(7-#6Cv#dB!X;|iH z4WlXklOT*^|9fN}aUSZnTy`_Bm}Qhvur}9!eq?-J71_rRtXLdF##t@ zy-BM6)%^9hQnX%M_1h5c#oVf`W{E2gbEaSxBg~67R_yyJxjPI36TRIyxZ~)g=BH^H zJfzpHye2&W5%@cXy{^pIR&wJBwK1`1-DUn;qfTDJMvIWiS0JGaIt0kaBcqH z5<=2G6}8HCTLZXDU)iH$gZ*&WTK56eDyRqaRiW2j&VFt!pPIOH5eVAl*~oq>Y`w0) zCJOg^HJe?Vf*Co-y*`*|?!6{X?Kc74ErMlN1@m#mnTH9>nkqT+(vh{he?96jjHF`5B}|8}WSSn@z08w3;Kity+)t#e_xuW2J?#U11QSg9zjTF(4P1 zHXEckf}kUb{8>sWbMip-MZo;X$k-UUOemMi0M1ex5a{G343k93r7;nKBof(68vg&S z`N*WP#Srwq+_xMM1XCdmxp555#CLL_3mvT~4UCRHaIK*W(jn@Ee7K;Y zM@v_O*F}>9(P1}QX+{lN%Ar)k6)M$1Ywrf5xmSI=l` zOCm)wB9lp8Dp82gb|Wv5O69=#mB}UK`B7pi@OgxwYiB03uW@p{f%zN N1%!zX4m@u@@oxus=5+u7 literal 0 HcmV?d00001 diff --git a/documentation/Figures/Figure_3.pdf b/documentation/Figures/Figure_3.pdf new file mode 100644 index 0000000000000000000000000000000000000000..ded319a26e8ac683cfa6ca1a29f636877426050a GIT binary patch literal 10334 zcma)?1z1$ux4@;ly9cB}U>Ld^q*LkcmKj>Q8x#Z)B&0#QLAs?|=|*HkT8Z%uc<;OS z{_lI=dvoT@th4soYwf+(-ZS6%eTPX?PT>)d3xvtkw{x=dwfHo5vTp#B55NO(vvkB1 z69aIo+PK<5>;e36l{SD|!ND0~;{pG6wt(2k*;u(*+W;gaFu@QH8w(dqAA~|9jU>7z zoDUPl8CD4lFH?4Z)i{JAJ_Fl-kj9h8i~QOb6SM^IoPK^Q5&K*NR9ENZO@-vumvbhU zLM*SHnX}YcFWDpxi~l;0+dB`tcDZi4FoW&|T_t}$l1$Ax+`Cj5Rv5NgxZHoU>)P9S z=|V~Nj;~-@$zetSV&v#X{qCaeqOI|$=%PuW$*igLc4`uBY~gH0r0`{P}s?=4XXq?zP`N>w^7r0 z%LO3sBBRKa6A>$(8u`NhR zpjJg@9zqK{;q~s#n!gZY9n9VJn@k0qor~G~_!YH7w)nC?QRUFi;^`YpOz1-5_`7v? zUHF#_n6If04%%$6%ZFV#T1>F}7*j3yW<;_{uXnzhnReP6D+Med;ju2EgOMl0T*O^X zKHEZ1ji|!g3tfj>KJeEQ5gM+|$9?k7M7tIZGYL*|66|?VrWZQnn@SWih9bRAt&M@( z;mREBiRdS7$}2Xio$|&7N_c@)+}a>rA_XiUq^3Ag3;tGvaO^!YcI{Ry@@X5P0|IsbKn~{VMfg2m54kIVA~sRJ0VB?G>U9=uOtf@M@Db zfp0otjCyF7kX*P^jf$vTB_?A%Yv_sem;u*UXVkh3JjoKiaLbELMJtt9-PYb0%KR%0 zg*rK>v1+cc={Yn;7TthEig^L(8Cy?bAJ$PNb%MGl=NWD!VIdf93#f6l6Wnl_c#?K^YtR;@1X7oj z=?>|Z1`Ej{W6+Fw_< z3@QO~xH2fQ^bCCTX)jZB(l-st9(v#-6VnsIydNV!b@2bTZmF3)DV)QV zm|sSrhEIW!rrBiQzg41KLoqF4gx(OhfhGrgwK5xc5p?PmeJXE}m9z1F@Y!0iwlZBa z4%Vv~gktURFjZ^O&1k}a%qX#!J&TB6gQ_d*H)j>8Ta3~#9pYzv* zG33lWO#S5=6OHG6Sy7{dXJ2@V=12$|MAg%`TNQmNZM88g*3EvQS4NBdxEh1$K{*Gj z4qj*repUaX<&1<5i?sMWun#}Rul}b$$f_JVb7p_)tuvud!TLVxr>_NSVQl>Q-to*d zIPpvICODCI3nuIuL2UKJIS0*h_nWY*Fz##8!*0H( zeW(?kTxh(RR`(zc;7XgFQeHWxu30!`|9UllGZfJ8!fL^=F=?wqC6;+JaJ#1abT^hIJ(YNKMV}>z3$(xBq}E%MvGZrBztlw;@lP2(y3|g@Yo+e*w@ZM1F91FIt_)P z!TQItE3>vD_M>uWG`Mu&Y*@9oj5(RxZxM#BSvDm7jwyM+TtF(s+Q_+nb2Bgw<*n{k zurnsYN`>mKOGe*LPeTJbC4scV6B-OY$ZYg_$ z6tpTuaN#lrr6FNSlUkbBfh8fgTNzC*T8br2QGQphXuJS97C*+rt8!=tRvbqpO+QI& zr+XVX$}%03=t;b$Xtj!iXFc|Kyi|ii%_yJ}F$x!@FM&x$$&zBM5Ar>HdeTWA!d@tE zq%4Xivl=+t#j_kcDueRoi5011eZ;}76SY(OlTuMTJ&yTTufhp#HL@NlKCVsV9QVR} zrcW5{gge+syu=x}qdiuQcrHX6M?undP+-2*^=JW15~nN@N>=!W+rn{RhPXypXI+T+ z*_Yi^8r$u3G*t!^Eh!*&tZH)A%4%s8dVDu1uy#rG9A8?zT4H%sD~VKrEOf=mmpX^c zc&m$-9TnpsRm}1M%2!(yAy;yVn%6$K=C}{FeV9HdO_C`>1n&g!iywt9;k_Ho~O-=~K$()R*65fb@GF(WFc zzMQ2y;`K%E*Q2%CZ^3?1P@nLuXBLVix^cs7X&i02iw=sINIH~LTs}BtCYVlj{iHv_ zWTZlqy5G{1HugR6kCfbbF2y3hPstSfZs{A+-i~dxhS%wem7O_h!Lk=SAyHjd-;0&K zj|Sd9)7e;mH(eD#J(~t59Q!F`H3q>5*XLYJf z7Cs2?cuNd8_ak?bcsyclt`fVck4xAsEUBmVk;F)k1Zl5KeIqIqWl);2`mHf>oFh>} zl%rm|SsLr1W_@mn9wB*V_BO*#w96OnT&e?oC7=S7=jV)`#~gN^=XbWWTnUtZX$E6T zvG`8%cE<*$gZJ!@##&7X^n4Jd0%F(qKU(UQX180_5vDnw`egf&pf~IzyX5TTdvO<% z>#k&P3qq8vv${KS9-A+R3SzjkD5I4oJ-|UBoPERpJ!zF?lw^rgowVy)m8DSxdI5`S z%~E7f?q@mlhV0b`hduOoe%?!(T0GwLGCUe+CHw?EtBJ4TIT*Za5Rkt_uCl}bl=|oy z!o{6;Y8yt<9nBGYp-)p}!HD_0S=Dth+Wyr~v1ksKcdXry^jmPx^$r2(?8GH4p$=`| zB_)Vbo(u`j?JtVTW5&tKq07I0ey+~MR2}vGwxUl6uluo3l+mOzTQ<9%m_N=!K2sQq zfnmi^o;-q997A|Oxcs2!n)*WoV^2~}G-)Af8N`*-hys(Cv@d0KUAUpSGBM7B;~iyc zP~FXVoj8dl^*F>Wd;(*J=WJ-Q!X#_A7sb+t#+J~Dk+3QRbsuTuus4Lu^wb=Um!{SY zESA_U$J^yyi(#Te)cCj{+mc$7@2*hei(5T}PZaO^U?2Lgek2JIaYdja>lRm!8#n~5 z9q_W7zK@}*_L1w+3F9bG3B>;n@J9#_N&Q9R&Tn^oX%F)#FsJ+;&k`<K!Ho2v>*AmivE}9NYX*r6c{?I0%8b+wa=Or6_$T- zT7RtCtD&P+9Qe?Enyf{%{EA*OF`jeNcL>Yz!R;9`?~4RGdONY(tf+GcUTym6jj^?{ zgX>2Tajt}&mZ9BhZIKmrsIO^GTztJB?I25XQ`8XI^+SPA$?m2VTOPzAP>c`io_jVi zoxU`!*c@#*i}_4CwC=)593hM7HG03UE-tRp>0qagx2JeVYpa1imopl_#F~@CFK5M9 zbuN80T#lx{r;Gb`?;yfHC+mLL{z`0GyAWrftw|g0r{zmt-Ik_#on1+j^6tHF11932 z5K08EcJ=WjN_ff7(%Z^{{GCsp*e5r`%EGTCf3k{-R3t@yk`4s4*Lfqt(CFENuv`LTgiDg^9yR2westX7LjpD_cX^{F54<}Ng`hUb`Fj1{hT$u z*!lfDa3+cJnXgr_(bx8T)>xt#s9^2`I@hdJ>Z8Yq2*WQsg*K=KLQ@Ikz1ofNLw|l< zAue>deZSoh%<{`bbgyUwdqn$W_WO63g@T4Z zvIMt}FM*3HR)}pDtYBRjb(L-@Iy87qg-U}u0GFzpwwlfVias2LJL`DlDcI*4hjlw& zvx}q!68?FYTGLP~MEo*%0cB4!la)LnDwA0=Yij6iu&Yyk*E<&m`8h;4ZO5cMD*R|$ zF&uZ~#*frI+;JuCXpU|dGV#@uC#;bb8(($d*@$E2K)>WLSQqp1I6I>x(OqONeN4-Bm;ga*xZTucZd}#}I zdrit_rnr>&ZtFy8XXHUpQ0Ly>6BD33Te{k&8B2W{-<4aA!^R>PRONX3EZug|7m%j3QmOn63ZwMaJ= zsgWS?D$FiQ-+lo2G$_&bC&@=@Euz8m7KOU8sq2<83%Ua3(incRj{d2~e6aT1*odc< z0YoaA7tlz87(zeOqaOsH@>HcodAy;FhhITW{Sq)d)~(q?4h>HdN{|R`~{YVZEShV=-y=!1}YSbk09yAS94B# zppcEf8=UqNotJVBc@1&T*R=N1>W6KG|MQp2NYA4YpR!zFd~C(FLEDt)r}f>q;aRGi zSRO!_*dJlRw?~}Gd|?BTc=lZGxvx|`jsd_jH0dE_(ggu|7Q$*&rX)&|5D;XE1QgyX z7X#v`y2WuHnSHuY9>FDvBKpBu(pLCuqNM73gQbGR1=WxG%-Gu+4T0WaT@#eN*@YM4 zP>7@snQnV>Ku(jZ(Yffk_oeJqHzcmvW7&YriB+{zMd<0yhb0O3DHAOLt5 zO&e1}0#2LYBLdu6>skQ;g7+qH^v&p1?ia#cmf#^}EWkFu zTND&DRkRE_q&*xgoYi!Hr(DhkY~|tL4sr7Uz(;#m3~qT>IP!CFg$Gu%u+nyOv2guM zqu}5HhRE7mcmP1WaBgVv#|0251mJ$^U=6XqpPk@cv3M}=iu?D2U+8YN@c?-5+xhtg z0RNv8-s5kc1Ox;Dcc&mPJh$-kPX0#>xK|<2U4ecdf7#qgfA{pK1<(B`;GaCdrMofx zCGp<%x^KIaetW*RxF6G9pS#)I&jT+1qoQ{m|6QQJCH#KPt6R9hx9h)3<7{CEFF8EN zccqiL-v%sU_yX|xeZ?!t zEBJdXa5`)Q0sw#iu>7?e?-hT}_79#6{Nu;vpDR)p?&tp?%>3!T?o^(y2Gj6WBxT&q zy|(#RbXE?l^-3*zs?A>=+S0$o2Otv>dgwR4T&!jK)H*RA@bM(YiqPnV&ExmiuPPqa z+8BAcXC<2h&_WKoy71AHEo~ibvAmjWi+5a#9hW}kUnNy`99*tm2L>Kp`_Z`c`h9No z{3>wtx#2o(Uc7U;koYY6lE$>{T%Trj7IMUPa+(8_xH41hO&IHIRTP)>-`>cn5J#5m zP%=`asaNCsY)c89LUWK@lk#_@d2d4l^`(R|Q9^gl>lfx{R`oSRrQXp51~*0+#?7mS zIV{kwBqhXeeh$q+l4Bq_Stsc zIi7*QttC<8m+hj1qBy*xK%cUyX&1q*=s*sR{Ur`2oRe?<-#e$V0 zRKsC?O~~eiP~@*FFXXFX5!NXcK}`DAqG5ij)Q(pcA4wG+PJKtH10TFNdFbOXp2L>k zuj(k$j2ucPCU_*(6j`}g7VR>iJ8$P{pr;xe7OcCz+s)Z%z%2EX7iFOf5%rbT#3?=o z(_7=kB;)eEjD9(KA)KdiBCe=v;9Kq&RP-M2e##4zZHyp`;Eoc67h9J+AGr~(Az%`)d%F}Y)SHVv#DV?ETiJ34Vc#gxnG&smNN;vWQ`vY2Z z;!_py0@u9l^iPPyi}RvxIa|(`5nN6aV0NVluuwbNDp-GFFZaXqc>W)sy%Tpct5TI2 zhOMUru{6jk$`~_s)s%iFPcCyG$yx`vKt&Bjh1vsKl(^<&I2npv^}&Wn2h*aEGF|X! z$7`k)y&vzqt?EwgUAO{|k?gw-yHC(xktr;0MMyCas)m|RXOBsvD6S?;pBdN~lOs#h zuZ@M^(ePvXvT78FxQeyc=0t8PJyI-TJ2McC+mAywxygwX6*6>yd5oQyDIHKlCoHek&Av(r_)7P-xNC@ z-+YcML*Ol4Q%(ig8#KiIqy=Xw#%a5Xq9BvphR|_y2K7Xztboe4w2$kcs<*Q9t`lq@f&bCL5coOqAFRG_7pB03ZEYo9Lm6ua>)L!N1nU7v(aKEMg*mJr! zI?b1vawSZo`KDBnT}Ey?&EXS$=w0P6cb4S>=ufDFRbW&FTP`V(YI zQteA8sfY6JmX{Rtm1zrd3acD5ZG~nFB6;l3b1fBAecrItSEn##W?A4B9tR#z+h_la zXWky(G2ZqtwbM}O+{>sg@3SeRRjRy8LbLRa%lM-Imp)HcYM~Ih}u{qs-%=`S=YR+q!;@VG++l0}^l)s>K zd2JVX4X4pw(uSMN(k})tXrj#AbiC`dywZ2yr{_LpKr43+H!+#z?A-}v$&fwG^WjWI zKq`)k%QTI#q%Op;99N{`-9^1xuH+f`OFAAb72 zS;}mT0*e#JVI<4G^)BrjnfAcUn1!3uEi6;l>W8r1Vrx5)u#DUDtREc?9Uk-IF}o|J zG4_DiC`%aUcRQ1x47v@kjxG_TQ=uHFFSW#QLLIyXI_J?K!gA?4eG!59_+D*^UDk)R zZ(w_AYO0$USK7XP6!P!JbLYy@Om8z3P}tD;pCDNR_g%^mcnZ?v&$_l}&RnRXp=X8; zK7bHrv>w|W(jT5&X^1_Me7H!K3r3G@qlWXm%c8n5%C8E@nav6XYY(=N!`Qxke?%=U}u-+?8d5v5j)MV;2ZCA zhJmxMWx0Fbqm4}qq%uLFDKv=Fy}JwEGXBrs4q;>7 zXr!#Yoo^WLA`vM)HDH%V_3c%SxyCg2)2KtXdh6j~q7Q)K*FH`x5bN*F5mEZSele6F z%DE>INJ85Iy@Tc_Y|0H+$}`z>Pb>=(R}JJbd;_kt^?r#9ysM#gZk2_3+RV&1#MxN- z>)g6wht^#+MOJ-5u7agU&UM~cM5w`N!j@Y^3f!7bP>GXp7@e865Pw?UI)i?K*%{eO z(=(%u`ur3aASZo7l;jt9sMLXIuGkjRoLr;Tzf@uQuNReA=;-xFVlB1bJ|E@Hd!wno zd}bU?7MrWtW5+F}b5YwEY|p|b_q>bcklHC?IO)jlhV|v-B)9sf+0^|5jFtyIsB@%` zET_Jxv9muebZ@3&ZYyQ%glX8;R8#a>1+j>Kni^X+`gKCK zb_tmQ3hSWedPgPbto~WFK{5ZZa~Cra&UtT^M7mixCQ?~4n``_MxOc}6EmMQ;yyj(U zNXN^>TRDm{GM{Y7?8bZOZcQPOh0Hi5b>}vsw0d(ZAL=XO%maXr3<*&A>_*LyM+l(@3@=9Co&7J>GP3+f!$9I+79+23b6w zGoi$q+{R<84O7O^$1%#ON`fo<^PYUv zY9S~17@@#5O0!h0j0%})%E&Ab^Sy0SMPl}jUjGJ@Qjb+W9r%>Okqf&#JJ$K8 zwNG`P@D0T}?^<(H&*##p?461Ig4X%lyAKqLSjzL^%RS%7VJ1XUUpr}RU9-AZs)UQQ{>$ZJ0P8;+ldI!_Gvf~0UJwl)Y2 z6AQF`2$18xaWv&!Z9w10%d0DT&@K1ZSP)BPSiUd1qE&o~Rxf(9ON`}^6R7wMtHVRW z^oJTV>N5m0u?^+! z!g>=bgd1+ z|EZ_Bt#zbg>ruIoRf4EvjOoDj$38Az$eK=J-%*UZqb=hX$P1MV!PzF*kK1{ELs%zN zo35W6>z$1TA%zBNk5+89{c>6`*0Z+pB-DB?HZq3JHWgz_&Xv; zQ4dYOmSDtFOtAjM|JiSnKdvt@G0dyCr?V4E)1bUC-lc=qcV;06Ww5&cRX>n5h3GG?2}4m+2z8g17!sx7)^7NIWt&I z-H=J^P{PY*E`5tCAl=W2Dqoqv9@noI2U2PSGENG>n&Yqe6!F1wRGPkNTh6~a088cW zqT?9@&aTC1LW5C*A2f%;&;p{lGd$IL`)7k=UQBGyWu*nlLI?B3T@o`G$hnR~F`oS* zM|;JgkVRhRaX@3+wra`yxj~nVa@suELv?2cAmOr@T+jR-y!&+k#cBK-)dT4_gC!BO zUfJW(l(1+G5qDPfgED!OqUb7lxS>mJC8Z1~Bj_N?D31P%np zvxyyGglW(L3!S?%$FX-yS946>DtIrm)XmF5W{)H7_89?^0;kS0#Wz5sPfuz|htQ&( z#x$m4F7(>-j%V5YZZ|caB98t-GOl?0KR~|wo94S4X^;>v&!5Z<_$T^fg(De&h7Ld< zeuvKm1ab)gv^*_5AbtQie!FLSJ`lG5?(`?AW0e!(xUJJ!?-Z`14=)G2v)X7XH{5#KFx~?hXV3?|k0zLO1KbU;o7cd^~Jy;b;UXh{^Nc zFMt3)KZqY-3;07PEGPhHBX=)=>z_I}(u5<0|Ii8Z!NdJi$HQ|6Wd5n+gS-EiPCy6_ zhW=^C&m#y2ga6d=3Bf_hzjXX?8uy=e!f>edPaQuG@4x)<^9jRi^&fVEcR=c&I$?o- z&rSFqX8nhqATJzL{i%a^Sitd%$NfWlIu3sDdcdiSwwoIq_}uYBcwrv9+Pc9(<8N6G zjvB>;ga!Het*wF9aD*cO5)!lpT7!gztgLtiZFwyDKsFMX|F_9+umy&|m)d=Sg@r(Z Mm`qIa8VZ>I1!BVywEzGB literal 0 HcmV?d00001 diff --git a/documentation/Figures/Figure_crossval.pdf b/documentation/Figures/Figure_crossval.pdf new file mode 100644 index 0000000000000000000000000000000000000000..0eb037eea90ac5292a5ac3b36dd098cc3f6affba GIT binary patch literal 226778 zcmeFa2cX;3)i@r?P6?E~;gLWfaq=Wtwk$uAm&kj_+m>vHkjS=d%a&y=+p-y@j4}!> zP-ZEcus+HTgc0^=S!I@)0AZGfvPYr7|4M$(?#Cc z4v4xuvyp!5lmk}1@#klzOh)?PzIv`QWzHNZ#HvhzQJFq7cov5u&Zt}$Sy|;+1-x~E zf06J4yZ&w=6p;(8+=swM$+*KS*Bhd;VBz2(0P`wCrNFN!Q(~1q)F_s0i!9^>74Y@a z;NTQiDCiaIl?^q3WQCGi?z7ks%myVIIaLQphe*hP9B$s=prXnwQ=2k*&OA+I@>N#t z%dsU+m^<}@JMNy^#}(#IrL7@2Bs$qL=j+I9q7zQ$JJr0sFm>MG{kpsB(3oPshvT>J4@7)Tw$!y}vG9g?z6b zu_5zDErmS9@@$P2R0Tr%5vYe8z|JY;2a0vM#;AjgDDqsM(QARkLU9f>@@k|ay}Zh) zJZn(dtK1-$;MFys>iG5c@|@0w0iF>`bEj&v3v7{T@aoh-4_9i)?4rC}SCl5h&w;vy z*F@5Nx+ZR;ZEG~6TWS=ehLIQz81?*z7znyakAs5JZ*-FWe7y!~j0m^~Lt}9r0D1j2 zK-`ds#{?`vT&=Vw^8ws|6ZC7fE+^}Cez4o~{5;D zHpnQ^^j@(pMr8*J5-|^0EdvM+eh$F!C?wsIYvBmh3tX}NV{nWrxi*d= zyYi#3j4rzto@BXE%Lxp}E5icq_PHPIaC%n~8ChX$3N=CmVTo1wFkylTY^KrYd8$GapG{x}f}#Q|w< zf-$J~5ju4-P^kA8^AIh+7qG?WB&vWs@UG-{tzE8*Fh)25wSX^qzcW@RK~X2Dz(tf| zPVfwH1RxSZKv4F=6f1n-;ILoDMIRIEEC16SoQ$dH^wm?z0 zfe?u#;cS}r@C=P;g*0!cv*xnM)Kn!$Tbmg)jueD~g-wgLq7N|@(TKa8VSJpw7UV4L zaHVc?R;>w&7uifLYao~=Yv?nEf%_N3zBvcHtoN?CW?Kv>WDTAq+EZb^il9xA})o9<4)6?c`&Od{2$ zxr~i;I?!k$%m&;gt&pm=N(RY+O4j4$3e|!qh2m1A(`uJQ10igRcFKW7RShLm)@YnB zWN1pvr9B9nM&f+7R;V+yDCfLLBWM00@(qM07ayQ$-pXZbVk0kPv0_zmno?Rly&#%}}R=t7xFj?EU^R3l)qxET*!b2W1+nMm{Rx9yK>(wON-Sq=;0UzH*wYwB00}=0a4=u9;$KUb2)tYFIK!3A)`iuq`tlZdjG9zpCbn zn1&TpEN89+@rqN>yd4P!}QpFgMx2}09 zz6!ORDYyjLvI+_r2nlDA)2PVUGBku+j1+}V2Z*j%BRgTMs%FCRMh^5%0WAnQ6P?U4 zg<{g&Db@{yjaVBK+KswDkSjPs*{q+oCR|y9t_L%csT>X?P6Q#7aypd@Ln)PPdm|Rr z>VTOD6~n^zAke#buS*#SK_fao9L@=Cl$7lvW-hlGyBy`)?PA*JF4&`4Z%2W7Pqto6 zM7;@Xm2q=nhHO)`qYz_4lHCiVDKeQ-BWl4w7+0)OO0k*sn#H){t?;QxC1(Ovr)%C4 zgIFUx2)GIiPspKERrQeptQ$FmTw1K1ZFF=7@r%+F!HI{`dcs-rwX{*sf z95!bWG$~8PRDiUH6DmXnLO7>r?v&M@_C!43@P{EK?~(FURu}_(2$7V=NNW);#tVT8TuJ6KF|6RjfZysOg!yF1 zmPmMNRZ`IkXr`(p=|)h+Ty>hq9Cf=~H&t6T6gIb$uuKyTTyPMHSe=OrY)MvAwv1H4 zhs}o3LSRLJm98aCsS@77aI<1YWRXJiC|e8Hk&cPCI6@?q^utxk#uOXYD2m7VeBPzG zAQ#Ty1%yJYD4;r0>tJ1k);tG$yl}d0b>+-H-t0jdB*QR4vnA%F8JtgIqCb#nqMXxJ zrHEiVPuD|KBHnC=Od?~p+p`*z&6({LDcm(*vPr-?KE@r7WC4dQvT1ZJXF;I9e@IO|qfVD(W}YTWCW_dz)#CNrHz$k!n3bdl9w;H!@m{ zruaJSq5M&;0W<|yaK2a#TTL);Yd~s|#7vYu1w-*{AyR7CNGh5Z5Hb}=Q%N?iWFrR2 zVW}wwlbY19Vg;UJH4_~T7Heo63d7+Rf=XenZsn0kFq=bD*<3qB%U+MoSGQCQeOxOVrDyt!m9pvKdwq}#;?ycvqO;Z6qDDEGRaeN9JSHW1q5S>Qmh zf|JT-vQC+R{r(i}j|7!G>}ty*(y7xz+HFUqTqj8@p{guUg#?2a$29 z2oXLVy)78hBN;RiHPMw6Xmulq2>@9aywdh$3XaFc_g=~4j83*aYcdZs7Z{8fqbH!Y_oz#a^rcXmY}*)E;NEck0%LxgQ9Ki zJ~Fm*APEzWGX_F|F&Bh7(iV6z zlX55GC@aR=jw}hQnoEMM)p&|a;qfLOElGA)vJT=cNu8Q6k=?FL|XWJfc`x1?j=tqyNX&31DL_M5= z>}m~$Y;u(~5C+Al6-9EmW{cu2dk}9jQ7IV5D63+DD4S}rczL*m6%w@F9-u4!nn`I@ z9YxBTr{zQmSjH?Y)X;Vd4~4KH1IyH$7NMqQ0!1q3$L)%bVZwBvp5R&y+7#EQbhPG* zmDv^@#bRoOMFSSIT?wQ@m8w?D zH6<#+1<@B}<4h%FSAE`!n%9znP?nCmkwVAo$yOQ$4}moynxQmAxGJhOgKJ@6Ql&;6 zO{UFaTT6Sid@GRC@NBBYILwul*3>}e$*G~3sU?DF84CKW8OCF!kq}lf5N49ecG^Xw z2pwyi1U%u4m^nwL&Q+_<4qbz6fQvO?WO@;?;se$w5MwmRmJ5pzn)c&Vwh|WYrB}*jDR-)noohg@N3$iaM)7@_4rfUf&Qm&L;HQM4MVGv-7SemT`>jDyu`b?&9 z2(tRpK8PYcX;!paAXF0t$d6edOavO!E7Wp!gLXuNkOZ*c63a&IIFkk4s3KP&i3h$U zh2uq=1@1uA0-z%W!e&emDp1i|E8=<~BDe<1ZaAk`PI!h<;zY0Xk3zX-AwwucU|o6$ zXQUA|Np!GbPj)n@SxH7s@pVXPgF-j~P)Z)Cg-RK`n<8j28AS;oPA^t&vT>`4OLI-W z8SyZA$yd?jq$fogbP~R?SvQ)$Mhn+sG8ZN38d?(=3iDtv7<==b0vZzPc*W}~q*JP< zr4%Bmxz$K5C<0YkV>n_UT1vALYiVJB68DiA zo6REWtyv={=t)%&8RGp-vI#=DTBB&HQ#h6EtX)ipGFs?KyQ@UiDf%*nq}>!$LbwFg zR4a>jn5L(0s+kc>IPRu2QYtiq)r2bAXc$HETAB}dEr~>eFx8}dBj(77P0m0luN5tH zLx#913A#e13c6Y@iKL;1hywb3ImQ+C+9r3`Qgo@q;mJ zBSdAukgnFvA10V`9mm6(wE}73g1K6!X*(E%i&YC9_f#v^Rw@>%NN6w^cRLk6mqEigzTxh%{6DBYS^cUL^TtlO^C@wb12uRtK z`9_wE#gc7>0pnB2Mt34wv;Y#b7O4ZWCp{q=2*FPGxogt(HAdmuRv|3rL2wYKRoU98;&3vV zh|?{&TnM?;d@YX(AnDhnEdtiaG}AH?^}%*M^0I0O6pwbmaLypvmkNjRI##wbjcACM zS=v--dxNYeAd)GHkEsD~lkf^&8Fqm61+q6BKui`O3#%jua@rw-@wusPHr22|j+6|9 z)o>YfDm#-ztZ1lI2nWYMEN-j&dh&mjms?U>_Mh}Vr|0*CIpDILQ z8yzLVsNB=>WX)0sb*j+_){MM~Y#4_s&2|(7?@1T1>xpa*!V!=dfPBSj z5t1^%17JxK49^0xK0uB@eh9=xAz;*TLN9EzkcfssBOnd6f}klPmVt2>Ln>rqK>XfC zkLVEg01u2qXaqeGtof3_kBlyCAZ&w&_K^k=2Kp9JFvTHL4}Hs311aR9#fDeF06f(K z<{hrl5H!*jOh<1ZG*#RBNOGh>Er)@ga07^ztCQAq4m$dlYlP+z^doI)xxxm*9=$E6 z(I6tIb7=&Eh>kRfa2e={HCc)i)*+S}2>l=lF~X&h293~*6C>zx!a(100G5Km5@4xl zii;Mq63dcYH}_Sg8D}m9=9)OZk_lDnW-;xc_zdN6I3#C?N=kM`PM8#{Er@fpMJ1)M zC0BFCz$%qUJR#RxQ82St2eS!{GS&@6#9GXJBWA59gy~5b>mf zkz@``gGt{9jw1dhfa+2yBDG|k5>5+AJzNx7JS z+9*;?s)4ennKRQBG~CR@;)u!Nm#HcjXOKvXAT%miYzI^eNWTlsU@9MuxR`>c%R?q* zLP$Dp5=<#gqrAnM%PJtbSQ!kOK;oK!;dIF6v_xxOj798OHv#3%O&0{Lp^8SyGUP`J zJe}rLN88gS86{9pvDF*O0qr8yG-8Hf#oX>_olXMHsXm7%r$s{`RZpsTkgz#`<~oZO zMFj$t%pfb&a`;oIy_yL+@tXcbyso3D*kF9;Un(wRFK&aFHV`~2~6&nag6Zw6$ z8x<#Ai7>4eD1~a~QVG(X4P-b)3VX4pBM67Ok%Lkp-0rA1&PkymQD-A~FqVi$C>qS> z@+532$D*8-vZa7g4nv)a>X9w5FBQnN-4JPFtkqmQo=XZm+Z~!QUM9(76#`5cW^9^6 zYB-Q^kfK=7Wr;{!YevC*9NI)=yQ7#Y;(>NCrCB+9vYhI)S=m%+CLs$X!S-mAlVO8o z8E-T@SzKb0Rwsz}fH$+}NtvpMyu{nwe1+{)L%iV0oo->$_CQSOk2(78WgV6^ZDA_WUrgwXMpyjC#(l96~sv{vy3Dk|kHCT7t95{x8r$+9cz z3D`4TN6*y*zOqFrrl?@0O36tOg=EG^Sf?s@4Z`!B1z2}IQ~>!|5Gr_RxkEQYaJ0sm zVXSKp0Soh(%U?373`RE4BrJNZHj)7~6ex?_Vd_!M#mT9#CuIk5R1-`Uo3i#q*b*)P z$hx1aidm1`KpPNU?wT(@RkORHhBYiHf))&N6}1_snjLes1N=xR7y}kY4K+QLI^(P6 z3ay||1@iPkZC|5q6L6szOjQe!AXf0W8Lz>^rWU6vIjCF($#n@4+8t{i0n1QmHK^FZ zbhO5rJ+_>d_K6{eVxkC@;|gUEVI~0aq#P$XQ1I*ZnWS+*;yg8Z5 z)%XVAEI4u;&VdZ4Dd*4Tus9Zn(^WQ_0k##hi7FB(UA}OohD&U2I!HJSnDm zPQeL}>NliZwIpyZQ7>2B*&Jud$dn6oi&hhFK;c5C9+6FHdmhQ=SQv(=DA`FDYn)xp z+BisP$f8{HdQqX7@u(R(fpzoPSdA~m-Jvq3m0&P*w43Mzn23wlLQFf5Lt)bIX=DPK z0HJVt>d%dVj4c>!%TkD93t$QxM1KKOyvUb@sJ}b8kmgE4i-sB=!c+p|yx{;-B&{&W z%jZ%}Qz!t@AcT;6wtxu6*>usg?tsA{dDJk&7&TB;F!POPE42zuhwQ1mqr|YlU$bE5 z8wA9z3{fD)NFsOTW+3bdubYvq*g7%07laIGQ*LOg)rP??nMqfxiEz{zaKxbm@3(4r z8L?Esq7}5Qny4lZCKSenFa10?kfqbmf>V#OqW)3$RK`|gz z7$2zGN}-*2+6CfhGHzomteMT%yCX;H z5Ko!Fys6N(guOK+O3Q6C@H<+Cwq~?u6ZD`sSS4jAJFc{kaKWZ9gV$0yFm+M@aiYN6 znOb8=Q^+`?7LrQI(vTA%7gMh#K#!`Fl}yCbWKgP=&4IB)phdg+M8u~R8K>mL6-cP$ zv0AQ@3dnw^CV=R%fvTOZPtj;<`HK8bkCm4X(8+6*aTx%Ek(-g%4f0xN=#c+Fi9<1x zdRYR~B1%4q*OQSLA@d0*74V}LFki{1OAcLVC7*BHX}#^p~`->$+o(QAk>}7J4=~BP$ttwnUlPY zVxU;XumoOd6r3T zLWqUwB!Z}B#g^B&l!prtr1kXu{=; z;ZY8(#SDYtnL)Cz=4v;s3@pS7Igkp5Yi)&W<7EhLSk)XG^wM;N@<~yzq?jOpn>5yd z`HCS`$fC6do37^?&WNQPvbT~x17VPBsBxwl1FKrWvJVIkv2+t;ezQfpA5TN!h(3v~ zSs5^p2?K?2tocyShz^w`T*;yA956pFA1{Nr7WBbH)B|;ZV{UE`Vxxt6l{$8S<6lN> zAOszIjb{HVhz*22CjA=_54G_787;Z+3fQN?_(+$N)8cWAmn6|!a!Pftmcm z4cOVd4eCy|HX~-_qslJHMn)MYwC~R-gJd!R)=0Wkh4IPns)Q1+!4on&G101dAFQ<_gGDWDDM0 zTVy(PUO~`^+UPp^wkv}MQFkK7A&od02-D$)KN^-CWllCrAg2(jRZvqk4YL)dlLbrM znqg6uK!VkY`ch?ghs@c+P?1blK`NvxWiYMUbVu75!r9;?2q{exm?m=*u&oVQi$yRw z?Mi?Jf@p{WlByydm(P_&n>LdTtabpSom7@}Ga)vft0X{hX^?Cx%T80dX^VLA5>5F< z#Oeo2Cdgc(Ae4s_u7#HVCHxnS~)Hc%JKbY?}5RP8{ z>`B#e#FWl7Lu@%6sdUmHZR{!#WFX*Ha#cAE#=0G_GC9~X`-8yRN*UTC__B1knbj1V zX6}yY!NNMc;z5I&l*iJzV|eIY_VUQL4q(yAC!m?~J&Pqu>=wHDA@o8 zBuawC^WuIH3s@-nm$iS3`E~P*QKmc>z6h+0Pk|P!b zDMMnd`6M3ft|3V&r1DV*+or>v3>c+&NN+XI7gLo`H)tnhztJ%B&>9H4xIyO}ZUzXR)+lc@ z;qf1?vu(i+{2o2mIyFM%n!UghbDK^s#HdN9YE5o@&u5GI}!~&SN zshOJoKsk##RMAe+ShKBEh1?H(H3|HL!KBpl0Gp z4H6S!j>J5+G=>(UiL|92APWI7ecp-MS`ll^B(|M$%2y?E#8ymzO>YqsQnphSHS8}~ ztc9+{X5%h48qEi!RwkVHc%9}}DOjz_uz1><=loksvRDfs9}R3v~>V*Iu2!meU&7PXply1O#T}=guA3 z4A$N0wf0`H@$8b+cLc7xgYMtCS27g({!NcyGJUKKlZqN=M|Q-Hxm{8*HUJOr+XKa? zjg83N1Y2RhZ{Ovbh}=!E4|ZgKt-eJSa48fTh{zn+Pt5SHdcL9WmG!#@8x5{7U z)oCYiCyuxr2!h*Ci_2lfJua8q;vj5>yvBwf5#3N7qi};t`wIX)Y{tRfVz8*n2GXlI zKyNmKs_ZagN1V7D?e0Vb=tqIBgVrx7DkJ3C;U>eV9V-^h>}-qOZU)9<6yfsr|$=L@{FPkigLXUHdX3dgS#wS>-{?LE>`B6Y{4Vf zYsR+QAKs5S$LJUX+*$81pF5u`t&+xC3=tHU|7y)yV4=N*B#q??+G!OKp@? zM(wE`>Y+YP0o#t-qh9E&(>K#5SZU3t!!N+@?s09lRaBs|1594;Sc3`!I*88TQO`!2 z465k<0paNdM)eC_c$}_3$h!Kow(!;hT|fR-nH7fiO{23B3}h7sto8v^-$rfho9?#4 zD7AhhO1-GI7?~wXz>55sE!|zLYl5vGeZCB~(X)j?Xqaom57q`5+fe|14)4kTzm(b! zTD^4yzBYL}A*1B6?rwMNKS*j_S+1#q!}`3I%KqEDJ2!F+!PpLVRDtfv2&3%7oKY_a z5-KBu$#!tGND-tC2OW&U<@@4Z#~kQ;N)5^T-$o8F7|G}l9MPacA~>O8jh@y$Rzp!; zTy1PF44(_p4KqM7R#1Rt17~=QiN_=SsBpzo*Q1m%FaR>V-`|jR&zJyo4}^_VSq2fK z*Nl2FQibjT^cOyml;#vJ$FoV95ftFGSs~vZ^f0`__Mq2O==-omnk<-g0}BM#i)y6A zx_Cm2rc;pMI_!^hH^4doX$-UmQ5c-tVf^VPv-@nMg03CWpMsMg%$BuEmPhsJk&+F8 zQwO7UK#MYr(s(q2wa2JY?H+|{nAf_P$2!@-Kv5&K7hyaKekAhM5{W zNXQ(+hmv}u*LXhC@NQjtbt6SQOpW8)UEtB6L(hK*IL{8o*;0dNYH|qxmJx$lagbKP_X^`sv0tflPAe`=!wPuO+V*)3?h;@Yn$EghU|1S8* zQ$}pik$) z#OMl%b}d&2=Pr$ONu#r_-5tlY2J6E9D05(FZc=U-=kkoMd0Z+D4Eiwa|F$NNLHGF7 zxU1Z2TKJy3Slb~CJBla|j&#z6GnThlGcN2}@F8z8=xj5>51Es}5b&(v=&>IxmtlFn z-ul5}4j!D)Hg>7*(={91BYsRGhdGdFF>1ctJ#=nOzwz%Kp6UVCKuJH_&d>!{_pq|Q zZuNae{YHaF7aB`pM(`LtyL;-^5YT%2x&h>@^K}q;tsNMQc;@vD$JZ<|&QM_l*l2`e zu-jk(T?YPdh~`m`#~^ww9JP7@xPCp(H&7Zse;7*Dy?!(v0Vf0{h9HecKMW~@VX@h2 z9RkvS{V+^PX7w?D532k7hv9O3101o|12cZE7iw%>=y3~t*^uC_2d}G$cVLugh7@q^ z$LnpM-hdGi{Vz*wSTn{WuVI*RNoyErV#x|{yDzTiz%~wPjdc0{hvhZw2mg~rHX`W% z5GC{KmVRSVvte5`9wqyalUO%)-8hu&e^Fo~a-Mje%mKop|70B-7W24l;zSl$Z|Jvi zsM!cB$731)v!pf`v7>$7xv0I*G1oFY+8Gu7Ps}hMG~}GhmOM@pX7R6nQ)S`AV6|< zc;k|sr90m@KFQfP$Xrff$>}iR~dR&=kk~4J9qQ@!NMiZxOkj7ayC`#!uWkSjg z*8N;>E_cE!+y==F9=0dr(zhN{CYsz(i|*tMONk&GO%ekw4ey5Xw|N3R*0n7QW-a&^e?sAqgy*W=1WlN<;uy>l&wz3fF_6JP0u&BJ(Hon<(7 z9-riTT$yN+1J?qB6qr6~fDGNcx-rc64EyBqNX|U0spFGek1G>RatN$vFD+JGbiL`s z39odZ)fCrbn+4aCCob13{&(QohVj1=Y6JK_{xtsCm-G)t&kFaIJ$U*PB(JaFR3Dq@YHS zVjdpzOnlL8(4v&yMECeSU5_mjO?HUg4y+|&)8~4?B^et_E(J7u1N07%IRrI6>Gk+B z;iPBP*YP1Bl?kNRo4cIwsyEWn#^de)nHwa%9$zM$^bjkM9#BBXTzq)MH1TEE%axBu zc0F|+m*VxfGSMW5>uP5tF|mzi<^Ufy?&Fc$hNUojOqpnM)7LZrdui2YSrK^Hg-m>% z>n&0kkL&=M8)Pqge3@|4!}K&JVyr2`hvV*vFFb5m4C4~shOH^;v1P)^&RA1qEGgP} zX6!a>Nl{N($K~sKT$yl^Ggk5$3ut>Qv?spO^@6_fDBXswpY3sFqDjuKo6D}R+h|;! zeM5}p20FT7rc5-s8Ey_W=27K?jqpzpQEzg z^Efu-7>@4A86zjgfNFL#y zJmH5n!wnsezZr%ZSC1bC`j`6qzuniw=K^a5mPF|(yp3l8X|JW@ky;OETw?1%O*FX~ zJ8{7W*eEec!v0A|9=t=H1=$gKx7F1huf zCYs#33lQ~BeX?WY$(Q$47s|^vMomVMgyLlnJkRpus~SG7xwgSS>xRh5Fx9My0*aH4{ipx z_Tl|z*aoA0W;@bvu~_=R4#R%)Lde0hY(XyuLYqGQpK&K;pK;&hLQt=ug8R3WKCp)p z)CrM{qK4`PuE?>4gIojp)wZw&wj*Y%1>AuRTMmTb17|=Xw!ks##TnJF?Ns}8>f%t8 zW5Mmk2vHK6|$; zXoYcAeIM9XqqjLJbG7wS*AvPpndrP5k_otWQDtSwqhFflV)Nh{Du`r-l3E7DAlTsG zP!E{wJMkKNVRbL>&klce5%L@Jm!4Y9_2H*3 zy71}?mM=f^(sy^V@Ab<2kA41W@_F_7Pxt=$VekEV(S=*IK7RbF^TM|z#DBhW*LlBQ zbpGaF{QV8}&J|l6D16;Kebsr(mmdH3)XfKTPrb9ljW4exz0d`zQ=>xtw`hh{q*50zIsM*e?CBcNGP9J z-HoOH*hPNp^y`ieeD}NmIjiPdutht2$;;o)+54L-cW55To}(^$Z1&G@Sb6qOE;($A z6mk6XrylyGDHq&y(!P^kIQya(KYRO3WZP#BdF*u|*x-`r8>5RooH+y}P=?m`qsrk#5kIa`~amrnuYqtEu0VmGc zP5X4os+&*JxaMyy=2kv_PEzjJ*-mfliw2+TBIq*jR;G`#}cb3d}`rvoiWo{$pI9`aW5G?pEiWa65I*uE%b=&6CgVgRGdlU3JIb?)v0*pRCvnK4$x$ zJ$sMirq8C7XFq^Erqax|-(LFV1+#Z~pzrbNQ$K(B)Q%Ist@ZSokDj{v5cZ-S*;A)L zXS};$w|gHb+@IU8`06nq{qE$=9=c$wneEysSA1Yv{=qMok+*O2$%7WAy_w_unZVIr5#@rnMusctRr1EZzTyUtaO?%uUWcm-w1_M7ib7 z_h!G;ChkCXIC##zOK;v}@dI4x;NPH6zteeX_f79!vi&!kJ$gfXyBDf^owmdLn>X9z z$s4Z_pV)N&;~$vIU;nssuaC^Lt1F)R#Wg2iwcXi;pZc$w_P&1!yytu7`yPLJ)dl69 zeJ3)(g91wqeB<)yu73=jfAJ3Xe_o#Za;E3Z&+7m9#WBghg!XuGvqQC)sW%3^XWX%( zL(W+m+timf-?!@2=A9q>;>H&*I_s`SrOU5;_K1@f{BqAf9klhYV|~|b^X~R$^R~ZO zY=6)Et+H^)mN7V>&;yz-!_JH8p3blfLzO!pR+NR<MSZ<-Uhk ztvvaQKR>+Fq+5>N^wX7B+ z=t0LQ=x0w3o^t(1Uldkfdc>`Ne(T}LcKoL8EAG75dEHfy+#Bj!b^bP&?32Ixm__z? zk6f|kyoU~Z{eb^DX2#rik9h9m!AB1M`}L>3anC;QV4uGAw}kDR+4oG!zqZ+C>w0Cw z2@F|t2d64gR(9%F@d~ zYM&YJIRm>5qPYTa3#e_xDc}dw6+CoEipfno#5xsbW>y08Jqz4kc-kTJ2J*Bo=_nm| z!1Q#y1Pv@+(68nT?6kzf^6YX7DlWjL+w0-U^OgB#SDjQV#oU4#obmCbB^^Jo|IpZC za_*dv>EQY98oeLsw#BLggYNwqiacN@asXA9#6<_l?tXcpWAgOH@cuLAOUWO`v_&@F}M zA8_D-kwxJqcGIL1(yux5en2a3|GuJc4aNM*1{-#KHj%i^$6{tC3|C|a> z_Se&#l07()NiBeE)8sfcgReuAL8%#HKwz0 zVY+)x|A8}#?zjx`rkV7t8PcJynG9#0(`b+Z^BEBqOlf|RkeV4eXfnTG ze=IDRvWvnJyil=~m4%DbX++54)9n`Kkg+<99+wTt-*3dHeTWg(LHebj2a!yhmHUtx z-S{}-^g<~G1j&8KP&n7?MmkKl+ff|b0)0;5O2SAl8&!)Fgym{o9*R?kejP-BD4p$F zBWlI^;Tce(kyG{19K_$Px?CLuf5Ua^7GbF64n|@1xE1mcsbtb&8h!b--j+NV1%Rto zjca%Nz}j^^@^lLzVgwh5L;eD=Hk{g??d#R12c9sLtfvG{4=X`@Z-5x_sE%Z$5xO?5 zrxD#Ngx9UU8~u-~`fhwbM)i6Sy`JiaE`cARlja0MP`F;j9!^$NXPJ@vEEY(oYB=Fq zm;1o>O`S*j5XC5gpx6j=hOTw)_6dXShIv&Mn867ZI&<~^S;1a`;eW%=*8MMr+4}T< z>%RH%PxM;4rANM*%{rH1F!VC_;b51}$QxAu1%o%Btw#I6chK5VpX;j`KrS2+{BVZ{ z!<+BzeLZ%spZ&Of9rkwzM?Lm~62poxe5v-j+y{Id)jsp6u0iMu0EWCU0(>eX4tYo$ zf(>;}wQn|R!}NhvN$Eq)Mr$1UsBAU{mbU2cfYJaC=?E4YZ@ZU(A7u2g8Qmw~dTeta zSn;X%8@*HL_G3(a)L$mR;2hlZ42A1*jp2>*bk}d&U>NeN4A12Wp~SO&FqBZ)8U+Ti z*a*oZJrzn1QDa5yBf>G7F{BsYGfK2tVargIfb>}q8@k4z@z^uBPA8w=`KUjiYx`iE zZ7x}T(7-1vx4HAg9j>OPq=H*ryOc}CYbR&7ckQzMW;^d}+kflqF(>?N=LgSpXI>G# z+sCF|vg*FKA36D`>a!Owdp1(t@|=~#;O~z7=AZIA2fuTH^7n85y!@R_esa|8{U>et z?HdPvy656~vlk!utKH7oYzyz^4;D7N;^fWe?>p)1WA6QF-u>Hpc<-Z}J06t_l*#lN z&poqh1YIqg@@#*0UuIq8y_Ba3dMU0S;CyxC1xJiHdTl(ix zIGX(9(`Pe}p0jAHzU_W>;syIwKR@>6NnHO~pP$p-54rBH!yj91so(PI9krxpICYCQ-6B#!KH_7ck2bqlNI9G@`}0puQ+h|*V>WqeRkem z-+c95^PYQ%3)|lbAD(*g-Cz9Ul`npJH*>%DwI5+e#Zwp(${|V^?UoC{+Io)3uVs!-REz7HD%9dY_%s|_{qz+eDK1#=bm}~P1Tlg z=#lqcu>6&~zS(l}cKZw*{^q+kyx~4Dyvv0%?F&0^ueRfhniv0b)sjbdrmsEpjzcq> zKWANP6IR|nrS-Q@e|gwvQ~GWVmbUz?=uI7Ed*IT{^hc&Y`nmG=SG4}$Ex6}F#eazT z><1UVv+|MJTW_?zhd#LI%?m%NpD?ZTp8qFPmP|66E=g{G^@~@3a`oghGs_*zQ_G#- z1im>`+$DM6LCiI<|D0Lm&X;ff=y8`i&W)PhJ#N?g_PjW>dV0lu{tJut+JD=fk8mxL zF59io^DEN>Q&u4#E&1j1c;ygl_LT55G#W-@J6_~}mVfrmDw}<}`OHB1{G~#cc-i~) zRn3zz-=3@bm0OkPeSLqrtpD`$-`u}(cE`WZ>1SJfAD=dL$!0TR+1UpK|F&cnccGe| zc~;;u^Ixw{&RB8g1@9iN9(nugx6faAeSgxnVAuC|erxHK*Htf=4!yWP+CJ}a@~+F7 z%TK%9d3kBN^61HbfwGHkz2)ZHZe4oLf?2jxR@^}D{zuD=Gj81U_glX6=LhBBGS@@1 zk9+j>tCzJtzE=ME%2Oh5{LhzXZ&tW}*;Rh$kvm=aA-%~PyIeIhvGgk9{Ck$MS1#Ck8}XA5-aKn28#rv>wiGP1cDwcB^IvhO z+n>DPqUR5J=y7X(>DHl{&n$lE@jqMcv%Hk7R=BOppVi)(e#-&rW#{gDqwTAs{Zk(G zUx@xS-&Sik&B`A7;H=0b(=OGkD!1KNy5aV>?~dGb?pvqq`th!_-q=0!P^DkHZ{@P5 zUVOKFv#p7~w8tI0)lLpvx-`b@Kdt`e$>wQuZvAKE$z?Y#JP^CM^+Bm_Q{_;b^Wp%UeMmZn9iRhDb6FEog+F&G{4#7sILxr^p9IS|J7}uJ#+5! zcdxwe$i>T#XKrTBxc6cBf!AugmEWzun}2eT&K|$t=F0kC_WUgJ*>67EZq}urzV#LQ zRs4wUZ|Z-y^|zmXcIl`0e|G<;`*i+r=%w_$N3Q?$s(I{FhtD|dgqL?(u=9eQcHcJ~ z`12p1zvYQrZhutSXW46?zhXV%ttDrl9GmpF`k&r;^&>x7zaH3+M+)$Hm%e#_*);pN z1htZSox0NmMJw|VQa@WCHWJK~`k_rKh_<-Pj@dq4FC_9yJXZ?8kQw4b__>9$F};}5)k za(wX={`jA~uzB;;2QE5tyT84Dz@0}gy?$$I+KnH)_tO_PIqbCyKip&Gd~EeG!RWSM zGh1xtocY+XlehZCuf*N2y?^Irlb?UBwAFEyE03LtPhy_jh7&ifT(rx5ukXIw>sy|1 zR0iJjlD-|@o-Rc~*uHS@?h$*)0?aqiEe`fl)=hDY4 z)iyopqa9bDa>SE6?sIScPQU-=U!Km*Uh?EXV2S0c)Bf_z7BBh!dh?0cC;Oa1Ea*G? zmZ!0o!UvZRWaGQAiEZD%WW^c5_QzZOgMZ|TpShB~w*2eQ_P%_Yn%rl` zZ!XEJzdz~S&Cb6pH{d=%{axU%+nm2d`EdR)f ze|2YS<#gL8_e_J{upj!wCv!fUyz-=5-#+usDXGMi=bjGT?!NV}+pbtL@bqtg@%PwV zYjoO*E4KXf)P0`HcO3JcNqqj&g}*)Rckk}|?8&!&h^@T$j`Z=JJ-0mW{QC}l{UR}m z&-ne$-(7s$otNG*^G5vJx1adniC4b<`!>suJN?-Cll?~>JN3#dPx$muhj+ev*Ua+) z`wd><_TVu!x@pPzqI>ANFK-=6!)H;;XNc;LmS zZ#nsto8IEv3+{dB<;~73n_k*~M*jhqUAEI%Z^(}DBQxx?OK)ED``>;d-@Bsm#UU5m z@xeaJj_-eUuKb%7JJPRhdfl8C0=L{4x@89T+~qIM#8wm+-+0F9PdCrmTkyVcTJwy( zYY)G0L-Y50*AIN*#OCSe^H;oZRr7b}3(EW39Q@1^lRw}5;rCa+cGUU#cV22g^|f_g z=iyymayM`I=Gkvoe0%@5&m6hSUfXQD`SHi(PuqH*rNPzjeE!orp6$PB(MxYNk6Xyy zedGVEe!jW%n}@Ewq5A&7jA>Gwdc@zps_&!I`%a9AQJ?4eQ zofG$nPpgoj+&5RvuwMH1vqxv+rb?)GieSmWp~xxzpn1OKUWj5STM>IR4~VsD$&m5 zXD~;ZE@5X%J)9wB%0Zbotnr>OgsZKsz_=*kD6}oxxQOj2d0g~*=HpgEr_|wAj9o-b zMq^X?i?a&|LBm6<hn*DUAcsT2 z$3-Mm%R<%=OPo|?$xp0=NFl&b#79}ohb$HfT~6F|RF553=pbD?4&5%6iHA@rz*G*S z9uLKoN3s;KafiH^ziGw*8w#WU$s1U3%K#m8Ko2ZBNRBS!*N=`arDaZKQ*_-NJ$m*C*sX5uhwhfVTm-$B^H$7VM7>w`*4hoqw1c)Cz;1_l#e=^z(DKI2jZ3~s zs!H^7Cyw0cQkNzjgzbU3G-H)_-Ty<(l7bcEKHTbyllVlRJtw(r)) zU0%L-v>m0>9Ud+#xJcuuku6KOL_!VXD-#5BMu(th&W9p9qK6`O&WD8z4jLrXo2ye( z}@R`(IC4D;b!w!PB|4Q3$wEm?EzSsY= ziJ)=AWuR@K?!vmBR2}ONDOM1|z`K66Ee?wLM|sKS#Fu_hW_9T}>5hWiVvY;ij=*WK z+#oPSVAn-AIgpB2^YDJ!`ux6Fgm0%|NjS30)(&jj(sf{jBY8TSHp~|iHH6~|)PV9+ zA!d1Ll{SkI4CGfy=&uh*-d(a+VZ8;iH_6^cxn~OAm9jU=-V8f{)@v&7j@hfU-iq48 zicjj?^R>6v-oWW=Y;S1YIoF$NZ;RdGR_2$fKgLh2W3D${-*~)ZvbVNB)P3Wg>p%O3 zOkY7-`&HM$whX|pf_3V#p8FZtVafK1vjdmx!Da_J*zs&WJIuFm=)t)ze&&=@T@;%i z)EVG;^Jw~DSw~$L&b$onzDf=YKv_rB6dr$tV%Zxt@7A=#w22XW`+qv{4-a#_()N}q zxn$NBE)lWv4img843E5q$2K6~AQ5Tuu3~UL^m(g6Im@VFetq}6a72WMn;i{gABo3j z;a9-_OxVU^#0buR0n5n}Hzi45EZ~%;deSu2F_o-R9SF~FE38jk%(|2<i%Z_>cRWFRN$k`6{ukz4q*Wt z;b0N+F~AdykQiejAvPVo_VkRX*;kVz|bO}tkxu=3lra*9c zx#6mirF%iwT(1D(kToO@MH;Mh+@moV=W3$jdQIX85P z7$9p>?msKfRSo#I?vPvUtSx`RS3RLu7e{i77>r@BLGyH(;}e zE>FOwQJ6Y`tb(sN2go+BbT1J!>Z%OH8NTxk+%sJ24FC6An0D;h2iS^i2stDWRacx-@ z;3Erh^CBz!ZGCViNqzGck9KTlT95P_+9AE;g0@z|Eh)sL;U0!T>y*2Kr5a>#Rn#eE zrd384*uM>2)HT#^0aycRfp(yB>mOH0w>jk5d4izxXNvA4s_#E`b}W>e^A+%4bpdf^t(s04Fu$KV)Iq$#{|0gqxO)5efGx zw(C=?ll)TjD$G*~->aZm1X2pe#)rAUFbuj{r9R}lV%sa`PtWy=MD-ASA9XK!=7Nx` zAvFhhZg=e67Y)q~nL5|p@}oe`G~xt_@&+N<3_{o+4So7wV94i@LZqS7ND60^3-h!?vW)6>ebr1=mPAYQ9@Iqjq zj*~coGIz-WlE;oEJT!c1vh-WfSEP7qP^;8dSXkME4vhuS8$Dol`3IxAVbq5u(tqNL(XpD?_vB7m`q1f{$p|3w|m% z1c^@IUm+gv4`{I=RCTg*J!zX5d;|0HYj_7+Ium4wv&`G_(qS&=4gcbt@r_m4I!f9c zBTR55z^XyHi2}(M^Ad?or(~7*E!CYvJFw>`d+EVCSEjQ)JoL(eJILZJ>6}K=9q4#P zBj~_Idvy5|*1V!JpX@9F4zA?EnWSCAMShNuZ)E{Y{ZZyU&}|-P^-9#3Ey7wkl)4G* zt2Z&bnhnH3HOM_$1T3QnudJsUDFkLgta8LT=SxVf`SZ4%+jwzmz_LZd#{#Zl3Be$o zaWl5Ps*oW(UFtS52%W3wJpA$3QKGc43qy(`C{I{*+idHV%(J6c0#6$6z%JLB72x(V zJe>1tyddtjmp|{`a`+%!Z0hYhS08j`Nd+)4ksaY~zKHtUbTfkTI^I=!&c9V{Uex^& z)ZOVPak>QA8RgDz`*qUPMRWMq8L%7OOd{`l{9`BV8KLQC5!^Ye6k}dl4X|q)L2f)@ zYi+UIblI>oYN*%%VI~1S>{DccIlj>gHvNI)Zg3`)@y!Zn7)LROR`nmA9qbk$jjBBE zoN{^sTdv`C%txSXaw8gTXAYG=LI#wlTk89}n2|G9XyOF-dN?xg*(1LFeSC$@k)MhS zHq)rdY1nsXQCIHq0q9r{b%)Q9We9(e+s}S+02J7A`85V4_78}qOz!pswYw=PuT}0d z_OaiCUHeHpEDh4R+#Zj%6^O)+pz&Cly~J1Z#~7KwV9)Y$Pb9C`+TA86-w?jvKhm26Dt0CS0*kY?~@e=M$*F}rV6>Ww;|JVX)G@SNm z!DdPn@(;g*u0lcH1(McqDBUs|$+Qgvks|e)r2PAL4&68|UWSFVTvLZH>85Q$rn!qV zNScB_@EB5aZG(cw(UxMEnl{U&E8wfkB1#>5C>jQ;$ucjRjnk*|XGg#~Z75BzhH*Dx z?A=biZYx3S?ija^<*eBT`1ONhhyOjYz#@k%40)R`?5egoRuw_mQnA|KELCUlt=Fj4H@ zC$}M5bSUU87IN3MiJlFlJvD8d%TPyFMO~~x3Awm`DYqU7%A0q9pvYJ*QFCEugxLR@ zO1JPws)NXA%*mUyhMb-rW#r}^rL6)+t!Ujm{s37R%JwkpD{B(tdn`{T3j*ipT#JSH-DZ=iI`&d59~DW|1Q2A1_u2=hn4M;Ur2^(_>} z{~ZYl2c)ics>Bhx`jpI5YZNSH?51=Zh&GSp4{YfdZ|N2?_`@F`=`Ghj2)SLU_U!U3 zl-$MVbM&2_s4~m+ksZ8%TI&I{lyng!sh&`>eY+K#g`+T0n%65u|Jhs zo`^;$I6jydUzERk9(Fle+96atr!^v=nfvEpQ|f9VgpG$wrv$kU6|8<%1(Qv+5Y8Bw zJpQ7Em@sCN_h(+$M@bf_l~vLoM*z=@3!vkam-lChYB>LbfZx;f*|(&g=xA9h#Fngf zQT>OTZOKSq)<`usJBOFO?_~ZT{7YL)di^>~BC`}#7Uoy56qJJ>mgeM>(8w&xY}}Zx zYc#XauS{5)$G#nX1}h*dyMduQtxs(@)SL1V65cY>qVA&rr$+{%KQRN&3oQ1-E=5I^4y&d&@56#DzMLw)ddu0x zLP7-izIA!X62nlSsl;jXkCFqA3@AWdPIxwEHNPRom2>KG{OV`#^2X{uHB>ian@x1(Hn0Zi^o10tqsfqOMStN7_fxXpv;N1|!Lx@s8|0g4aaeyX@px80P2`#EGQ{ryKX^y((L97K zwsQ|7To9+g&&^USrP1dRkSupyGy!mTqS;nqOmKyuvi%;dUOTRwsz1gGyT47Aeb5f44e3wFVNP&$)I1@t`yzUSamhMi6(Hn$v3Wl^ zUSZrrY;NZrP=#Jrq(iM;`GUJqii2S5BMxDdgMe#;?tIE`mhK|c57v)f_t)v=F4S|z zTE$NDUk2aTbKk%=>3&$~SG)M5j-p3(UgeEoH+AcE_j0tdn{rned4|M(C~?chRnCc}q9SaK*^-ypYDS$u;V+ue$Ty=Y~&kI5^EjTqj^R_X&-0 z8ZIQ|(t#b}nUlR!x3Ln)c2%h76c~EVUNc>$uVJV(OhP*!j7n*i~6 zndlvgRHJIVa@5ztq-XO!*GVpwGWr?RmqLl(%^QSPF7KQf;o-tl>Wp_L-&J1^_qm!BpXO(g4amr2HE z@&*WI##^kr+2rG7N8G8+hqz}$;2w1a%$fP{?MH*fEV#SS!402UY{I2- zrt^F$=Lk(5nQhAHq#a#*G4J37AJ+`}Y|BP1+S_~Rnf#bvkMRNbE9^5{k$QAl5y3L} zkUvCI=*bit@g}WY5f_SM%9#p7$8zzAc#l`DqAu18+!mQgm8q)PbHr*Bx||iAQa4jw za2?jE^^Em3#4Uu>rOFM|~l8~28K@)Nhh!Mk<_jJ`c0lx(p} zJ*tP9_aZI&s=fDqfj^6}8CFMM%p3stT>jwM>lA@|m1BKG4Mc5W3s{)4T@UJ3u6;#J zK6U#=+hPtd1iqzQya=-y{t@w9v@C#8{pqk4(Up&Mxf;_^oli&DBhk{Hmk$6r3v#zU zJH2>;*i#~Sf!U>V4OYB{9~HxC73lk>uXVtEwk`0?CRxh1eQy}K(MSAa-VJgjw(w@g zPqPj$a`{Jrf^mLKb9HL$47oa9xOTrMUw3qOOJphf^GIpx*0)`FZc@9FDH6dg&A|-4 zIrV`uY!oxiBGo}=kI$tvj`ZA<$RSQIpQ94-ny6VBr?ezA%9(OK(p{K~Nm}IuvAYSi zAP@cCw^^c)W7V_RX$M4GF3w>FXQG^iS)eUSXzOBt^(LyxgUa;DW*B5E%DKD8`qDp# z0n5%fFPH2k%C&P=&m8m5BP%*i%BPbFQHwv?5k~hAkup_lhs~{(0x;9zL#66+5C?yS z<|Y&e?mgn!&#nQ6TQ-)2-l$%^0Pev(&}i=1CMd*Xx!CD zU=(^ra5K-@eMTKWx}CD#5GVFI8>8rzBcp09@+ntxDOUl#SXT%SCu$otDuuS-=()yo zzJR=LcD~Txr)M?bN8{gtZHLDGB+qN^y?NhwAG~ntduIKIo8NTvJe;Al`!cp&b&*ER z;@y|e``m5m=DCY4d@qWPZL;%gRz8F81gZeDJhF=fSVmo52OU1DIN!YRu_zEYFW?aL zC)kUiVQxSWypconv34FF`pXh|$;W;fp$eo{XYHJp@1)5Qn{cAtr+T!3J+Mxb*Fth^+4@YO)+@BVg4!Lm@=v2p&?ySCfI~r-EF8p#& zxz2!u)uc|MvR;kz6F)7vi^TTa;-&AL7u{krNp?Gi2q(8 zrT8URs;Buqix1u3<>wZBWG^)rPE~LkOqU-y-cdn}z@z+j>(FbhepZ0^>7E&)hYOxH zuPtoDYN5AgecmY^yVTv6ax?`xLew;{tP<*n;_6avJgsmV;@&y`sfZ1gjG9sw_u=P` z=x@qTH4{PyU(eB`%RgXE3F*EfrRi0p)EcE7NP@XKBTY~gX@*gQAdP_ztapD9XMhYC zJnAJX1057ax2`k84n7_~ajiab9?_>T8`d_>?Bw!Do^+d*KeCE5?{KNK>87AsC-13ml;mk#4%CWg^GMuK zVpCJL_f!@2D&Ht)tEzppv_-pW;6A2E-gl#UhBqc(bCNRq-`OJDJxevRxa|IDw+6Ok zOn=y=q%5aB7u%qpLZici8|XRm&dligH8C~bE2SOQSyKV4viGM0P`wg({s&lY?;+s99oELe`@6ov3#n`(13HIrf zU0dCwYgrwGxn=%XA2(jL)C141ah>M%1976LPJ2I8zm{wKXv*8lD)|C;4EWC9Ve0Yt z2EM#hoNwvM<>8!k0J)21Lec6{{m^(3aZK6qRk zSZmUyItZ)Jez8z&&b#hXDCLku$!8x0Qw$FxIIuqh$y&2%4uK>xJdW^}9IAvIq zw;lGS%9P5p@#4OA`Z6ib*u-_R>R`=mOYtf^2Orw`hT{Ak zXnmOLj&fHo@8rTtQ>bcG6Vt&|EGJvrxiC5e_SP}l^~3Iuo%r_;m@)K_N-XBktq)>{ zy?h? zP|Ai@^}5)qQ3rK@j(#SudaJ=#vKJY9uER1RX%P5v1XV*mK2_y_`Q0Xk;fv1L_#@k# z%C7GbMmO0YBTquFYxQNSdS7MrNwc@0=_qW|J{mi3W87v@$6mqjz!6GK|Od zYJAkFT5RqrZRIK=vA8zEMY*fjBbO%t)jV&gCr)!FhvUZ1CU&>}GIxVo>5tXX<(EMj z91`m@#Ws=40B#p}spcn(YH6s`L`{~l;BB?CG3EUEsgy{oFj(k|6yJ*3f%9|e1&gCI zy?m&dDwNr_@@-D5kzKH-TW{4)h8F~D=Q;z2Wt&-2>uQ(IhjcrHsqpuu-^oe&wkJO3 z-j|!wa-WJ3iW$vFgeBL$c?jH2#wY(2$7T1R<@@aFxu*ue+3JP0fbT(rXUO~XH#QIU z`NXU%p{um^sdq1Wf#&R0q>J<7V%w}Gm(`4~*$Zcv&`YLePw~vciq59@dyCLmrxWUy zxZ2#Dk(Hs(PLj>qo`-dp?#+ZMR*?f`>wzJJO3>))NP{lU>iPZO=dwjwp|T!;bM?i` zgZj%zc1Ofc!G|nFrnJ#~vQQuTj#;pzX#8cX`N_&9oEN9JXoh&?+m%UFX;(dL7iwbL^*X z!`$5;+ikfI9E_$`u6sYUrDAW@o1L7SjG7bB^(vFuMJs@AAd8IT;3>)KjZZgGuoB@T z_fp%!!f@vo$X6-DH)G^nwMe&aezCor1&aG#?AGs^i&VFC@Dl9mMeAZISR#R zAIzo@nU5DL`IPC_o9u(4h0$bPp$&B?KTXa?!8+FOX+K%hO+{D|K4oDTDbNX%{;>JK zS{@QQEPik?-(Pu|&r)ji`}L@NoS|2OtDt$nR1-0bXiedu9bfH))kNO%T*)ZrW`>CR z3>Ckh{`qLt^QC#FcO_g*7lHrwBZ5A!v-ZUI)ybIze;EmUMDGohu>LNLZW_N_ESKOm=`e2Pdj#RfM`|LV+>(Z|E;k_vBk*NE$`#+%^VD|)-_Wdg1rPjRM z3I%$%YGy5FzK|ZC^SMKOvz53Hr+W7#DrZH!V;u$8EW{&me^@M6H6_)zj_;qkT)c=8+V=YKQsq)aCRmR|-k7`!vP}$qC*2szdJe zf3O|g90<#T^GsMx#er`4=1~`Z5Lk_%Mh~5qZ`XMtrNga$7`=ivchTq@Mf#AqL=faL2r9A3gMTz-%C!IO>MsAQfRa{%~-IcG+!rED!=h# z@=7)`e=aJ3s5X-e$dfpOUUft@F>6RA9RvV5;Cel?vEzLSl%5V9!0iopZb5yOuI{z< zJj3Uy^`8>thRQJIAz*_v*@;|rCLStor16aU#u|yBz!82Oc0vxn-8Mum_gJ&~XuN5@ zDnA~hj}>~$De;oaAsF)w@s6|0dHAo-h4T^Rh=tbYZ<>ndU5vLW+ zIv#!QJZMasHQF8e{PH6y+P4z_9suVR?*@f9a?<4+zL^-+UB4PIo7HE_lbLjbtkbz8 z>jvlC(^>BA$(Zzj8=UP>>^>Sx6Jj`NfGe#-MjJdimU`3g@P=}NFG9>_Ll|a8Tc{(9 zJr29ksbP+oyV`el(NpjRchca*K7Gg-J0+e&no|Rh36!Jgxzfd_7;(aK52WVpqL-x$ z(9g%L)pHX-S-bs=y@BPM?Dd@3u{)zxJF2Upcx}Bo#NLKK zE1`Qk_2JvZee_5?@CDZ`t?@Q9is*K#k9z&&1O@Atuz&y5_MYe)qrvKhdqR{w8W;;I z8RrukK$wdE<^)~IBrozj#CfL-`r;YI|Bio`nmbim`bHbY!Hf|tS}QwhJlt1TMRrMWAvB49^h z_$_VDpef@p9+F&0EWX6ETgwZIyaU$bTHR~8q6mO0G5V)H%U8B|-QGL7fcMS>*$h+UgGMKf5+{cg6f zZH(oBqD`HuPm4LIqLo6XYLCg~MHw|0VurR3%kg)ya%oYQt@mZgPk3v)42g>lO< zGmC~4VwGx{Rt?GBs{2%@yU`PO882#8)=4ulW@hDuqD%~w5gwh?xoY8xW&I)zOw1h@ zmgcH@MGD@VCsji8B6*b@>EfNJl|?53j@YrWkxb=?WI^$WW`bsxbQ|&Snw9U7^IY&L z&u#)y7v}54i8?_}(2el6QRN;L^jlJvH@v!8GK(j^E^?n2!Hv0jt4D%9GsA1y-fc1P zAKu8hsOzxABFDYbUVT>u$ILhzJhnV$FUEyz zo077914%4vl;^RxkwQi`OB4bvnE2)MYp4NY{A}*HKNkvc-*Lu)DPAUX0NhA4SE528 zv+5mKxipcd5b>ahJ$o^B8!|U<92{pWwbB4_-%nbVDrJCRjUe|>J`VN|GJbzWch?~5 z_<7etYchxqC4l{q>H0*{RyoYCHxNo@XvT&2RB82?8KaCr2G?bXshb5u{Ih&*aS;Ce z4Kaml1w?wieN~;RPUW;I;LmRNe+YN%96f*EpuztTA#Z1RFf53H6lE*JkmxWUMJMK^nJ5Q0 zvN!_A1Z9&=rTi(_4w$i=Bx6i5Iq5fe!%?wfVvAgxdrn=wlJ*VY**}`xAm<@xGXQ3- zNOLoxG}}B%DEW6Ale8>gk4`A_o~p?717DZ z;-sr`papAIqev=S@42Vchz@|j8_L!a9IiGj zflGWxmCc`dJm>RPN#}Pkapli`ZUcEIm3o@Zc*lyVMe8fIGat-OtsDHnHlpDW z?nN*guA2$sfq5=Et~-7n?*kYf? zk7el457W4QlbEKdZS)-VSr{g%|K6;n5xD(#k)JRAq^2_V)9f z6swW$Gw=S@J<{OLL_} zNmt+<+%NRgB+wGV2GgU=AunfOubK7w@!Nnm^7aG4mu(P@=+DwGIae#O_BenuX_Qqu zyIT%UL69L10$d2(?^$P~^8=A@!Ij=R{*T@0utQ(r;b+d)399pR&IJ|_d&=DzpU4Ro^WGYp7CJWJQ7aM$cw7yHd5V? z>ogJ){1#MLGFPB5swY|d6fS=a?2{pv(mc`!!C~%t*)|wdRm`a`YRS2c5czebkzibE z$K~Oy>s{EZH22RhE>zU9L$#)ZpzSuyKQ3ir)xv#&92DKgarcLB@|Wex?>*}EwGng- zsBNjkXohj^2!BOTZ>)!25pr(3A!{?&EUkmaurS9vfAX-^?`n41-THYz1e2kNOww^j z)s6-t2lOjtZ^&^3k!nz>yLvYjHUjF$G)hbFRmyYw-C3k25bMh97vd_LA~%h0{_u@b zN!$gHObWR?V+*$lF`y!2p=&tG~i=K?f##SYXU7hE@ zXFBb$0-!2=sOQ1Ql6{a}S67Fy7LCl94E>Oh+^83`(fh^jZ6vvWd2T{*AL8jbae6qZ zrp3l|o@tRdW@w$meTnKd8H5DFssj}=j>6ngrM(T4$=m>eDgH~nFpwI%@6sH9fFfi2 zW7yDznkkNkDY+_&?=HO6%>Jd+%$|+=`Mdi>k+n`v^<<6FX+WAFJwpiji0r1Dhng;r zX=c+~#3j9vN}2s-bxU$?c0$sgmgY3bqKUPmRpce}A{V;U%9_S$u%?E?$--_iWBTV@ z>BG}75Zhav_8RV~Bb+tEIuJ{Gl_N=_mNS`(o8YlzrM5&0)d4ZN+DSL(3rCx2z4F(5 zM(b+JH4pnxNJ4|RCAmCzIqc*8SHrdsVd(MT&|-!!-1%$#HAdUT+CwGxGg;D$w8{8FZt5T zY%_9ArDWI1NNHR?4n)PWW#v4s&~d2~qX(l-bH$tmAa=P3j5!kMne6F>)~UWhYeW09 z@|YVHYf15~_c<4@WLQO|;ksMrceC!du61w6SsYsHGDeH=P#POs@s92VbYPCTS)H|E z3aoGrO5kQtGanCauJ-F=+YgW*0vk~s|4cpje~vW!*XaKTIsYHwP0#w@3U5Z1|5xG7 z%JNru|JCCE5#IEy|AX-U2kZYg!dpi9U&;O7<8J2v26wZw|NpSv{~W;oXuBEdSy=yT z0?c3A&CbA1|9>Zzh(`pcK&c~(A^KOjnpzqlfFdh6yP2YyB0-o%lb7KVymHgIk#o!p zp(6;x|AV__loRvKen5zd44~x$Qxg6L5fOn~M%ZQpjw z(|iA@?5rxS>^jY>u;u?@A1u6&Z~iCP4V)7un=#HKT3T?>Q1Fm(Xb~7_9`^p_dug7#K)-w+=-m0ULP0&|id{tklR-jSoLi=`pYokuu>=6$zPvkrAWP zOv6Tl`yf4Ukef7k`S597b-P!f7=J|aHSok`Vd0Xo{mj*W2L2J|xZj?V4hy^vp%Dn@ z6~%kaqXvZliN+;xz~4Q%`bv7+m>V3NV2$cUO3z?l{1XUYLo4{bHEv$)JdOm&U$rWw zrV1@~QxzoF0(AWq=u!XA`mddg`kq!UjXL>t!>_i6Fl@T`#aZ3s`H==IHZrp`0FSm; z=hMaYZdsisk)&o$SXs5-<+ZQwjr(`OcNfSm))|v|{S96iG|n?w-^(Z8FLYkRqw)o# zFYaeLyssy_fWuL6pT`#nB)+esr8!a`-nS@<0VN?p1I_iv+i;8orXo|3vFX^DEG9SI zKYu`>kWgv9?yE?o(nx$iXWAsD)czP9yG>A3R4w+(>3t4mwp=o<+Ko>K%4D@!&&*Ej zwEBqs72dNtT^)lwB3@B1DOY^`ETb+i#UnD`<2&wE>%* z?^J47wF5C(V23nHM7Oe6Rrz#YDkQIiip`Y7Bg7-Pvq4yY4f8`s$zR|-d2FB7p4Lso zr+Y?Q9?~>ubO7pbByIbuH|&gDZec95@Sq zkXI7-6nm$;zDJ{%m1n7-?oH#1>NjOSMLxwlMHJOyqIn5kGpD7s$-SvrP1DL3^J%mJ zDQ}LFM-|B~M;jh>is~d0t%cbZQ+42b&~+~m*j2Atj*yEG4{}&aKm#ft&L|EOt<~Hq zxKj!wLwJ~4<3Ss^E|omoU?>mXR$*A^E?$j{HLUg9>8|8wBGlmt2~2XRt7DYm_F~Bu ztSt{$JE$d@IT@4fdCqn=M%yl@40s#-&g0s4F`GTq#ZfA)*;LnG;>}>YhS6q_vpx8v z5Umydf;~Dz<5vPoV>tysO4HA{$T+HKXJG+h`{XwxV=2|_(6np9@}4Y#B{Ky|5ccHqO*2E*`$O)n>}r^a&S-TOyn1w|_5@&R=ET-i)Dg8Y zP|diNm14>WWjb3;KV-D!7Fc>*=c2e&wFN2zl~uIf-t0ln|6nFFAtUtzvj`K7B_)Gy z_sLe0$ z#s|6=`oit7J}Wo#HrsZC2?iw$8T4_eA}goSy1}{?x(&Jky6r9V8MJ25iEb&)s4-U+ zKe<^*yF`aVM#;3bpOUBWS1cQjRTnp^Ka`h`D~#bOB3GG*t1pyMx;GIqQ;#aS(Sl9} zw1E@0)m-Zm1BUUb6`DocPVTkHvF$^pXDif_(Scj$q#8@Yc}HbQ-yKQ!Dh{p+0Lw|q zrcm;-KGDyvX3tnwN#+JStee0zoAUl?R<*fq`GDsr{=)wCJCI`?Orky;%Cv1BL>xsfTKx1bL{m0l6a6QeTuH@zRpgQPiylJYrQAWi~DV+0CZif)0_oq0f(}nOIhlpEckK$18-(*UVu}$ z#5p}y9s{T3FZP~1|Cv*)^hlIb3dt#y;+#6W;89r!r7VMXj;K?L*&AYayyaf?0~iuA z0LfhdUR)m1HLxci5xYF~qCB@&5k#lx(mBXBF(BGGN_tsb#yJZxuhS{^at`z<45!h; zN6N&q#CHzCy3f)b%XUkOiLIS1D|xDCK|6;}7ex%)xAbt60cbN5m(m;rG}Z^~fTj|c zhld|wr$+ln;yUIg$cKz4Bn^{D-2;RL_=Wp9mnh2o#la>xPO(wd^>1n#0T0T4=kK4M zxnrnJ4z2Ap22z`ft<5oQCN>;eyQJ&FS;kcB#t})s6$K%u95@Kbj+3)fnH*JTCpZ)-DH16y5^<+u zX7WQD2p$Pp3P+cNGe^PXnJi^#%1K%ZSC>OK6}c?saLS2}<;gCjb;_w+iU7+&o{Lh; zQJzY9>(mw07>N`biXxSgEEB0wjuNy}C>@k5C85j36U-r{i_Dp_9n3+di`1DiPUf^T zMR69qH2EXCAL(QG0y=7J%Q7y)JBn>9I4*L>6(1J?p5=@xy?^y?6&WR!Vf7Ef{hu%l z{Pg+({shV@{QUu8g7WB*{0ih?4)WS6A&BydDoPvjkdi{&$pMY>u#-Z-#G=)#6os+I zDmp9vk(H#%fym+^%;I5_@jw}hQkGK&9E4)Wnc8Vsj!CQnsLBDA@-U4BoXh^1@=%sT zO7da8MKgbOw|~Jc0d!E`kUcsOkpXgaD8nOHbcn;>%i%wB5B^R(Xb$_z?`e*EUIOA2 z4?CmBDJXJ|j$MM_lqfr6&M9bej-6cs?G#Qshtw&ta?Y`xm+3slTD0jDay!R8Uhwhc zhcn=o?k7}FzCTAm9b)&CmaAv~hj>Rqvg?odmoVhAjG=GTn;4$Nhv*2anKWn*mqMhE z=R!Fc&<0AV10^*Oq8%GzkBxNvOgmE4&OGdZPCItg&P8HRNNNWra}u#*4^iTXS?XXk zvnMq(Adx(d@B;MXaD;I=m;nZLdR{`j4fKM$9NYi{ zJZ~g`k)95?zUjZjdpk|cdNk~UusqXttKcq* z-ivvw=q{?>J9{D64p6s4x$MyZ0)Lmn&R1q$BC2C44U)Heaoi~+3VR@K|FC$txP1oh z0AL*R5&aeE<0p=ZeECVF#P?~xe*Z$dc9Wp~YZ&1CluUFLGupnnl z*Z~7}?!ux4_P_68g#QD)i~j-Mp?`t*@4vSqzLAo@zgYef+y1|R z_k}wy-Jwf&j7NGLXadki_%T#gA?a-LVwy}h1>T#yqVV%XX`%$nIq8sbMkT4%e}K1R z$veUm8*>bE#%O7Tg=J>ONok0Mg=WTTX^e%{X2x@A(7CyzG}+RIGlPx{+Y*oGIYE`l z%=b%?5Y6Ui2j0@sBZH3&-$Q7%(|$CR4uRTqinED!ppE$tsiU^q+R~GQj}G73UJu2Xw*_8ZY^BjfJ7%ofAF@3nU2cs`H`*R2|V0gP&u=f*&OMbj3;$DeAVn9d4)F z1s}9c$lU)5Lh*}l4O?>qR8KF4?RHGECq*|+v>d|Thn3@`)DVAv?% z%6Ia;{2)Kdf8;0mS=PfQ_zgD0@2~~7!Zz3rJ76d5g59tOj=^y_0Vm-UoQ5-S7S6%> zDC^Hf+3tur*hweqBwax#M+tuw`{HX+>f2&FY#(L5H}=7oqaL)xR@gd9?ytB3H%95* zira8|)P(nO01k{g@ixAL@9H$2t}E+|s2d;PQ2a3J#s3(u_V6gGD}L@{cEgf{+Gw7)_|}(SKxE(6^APQ&pR-29=)a{mSr=LH=wTr0 zT}q}B+J&fk8#R-SW}{^TRiG$n-^NnSRvL|XTj1$H-+K^uzeYn@iupNW@U`Ltj9NrOW)zB%qhQ`x$#Pf^TDl=$qF}Ip80$+#4yXJN3Pie>$=23@vS^3EP zD|s;DSzz!K+uH9Sd9lhW^!yQWfSqEFWafPHYe?WiCeT5W%BX|2b2nzMr*kZYtq?xU zvfDJwx6o@C%|TwV6EX5QHif&C8nevoprKe}DQ4Y42VhT!ppzr?F^gBa%ooirN~Ii{ zhW)hCQPwV^*H=d;LSqWFltmN3SxCP@K64DQ_#1qo60hXJ%RXv;NJA)>sv+$jjQkt> z3XuU~1M!Xwn3E|HdU?juHocA9APq6fOm;USkA?hs@c_kP#axs+WIh|{Im~_%QP3eo zIGtj*+$XQuZi${Y6LBJ$^h4xgZy@7HL5A=kdjgT~C)~&9;~w#irIaeD;2z8Cq^ zX4;2rW)RC~~q9-SJ^ehafJ9S-HO3bH2wg81UK$3*tKQZ7x}+MvKRrI8YhZGNGya@&Ejd4gW`-# zlby&K@=&%bFW?5+r@X0j+2ZX_#8KS)-|W7gef?yVqU)pEqX(j`<{3)D8KyxC!>I_; zM^Kt@-rIq=U(g50^ipsF*{qmNhi2xoCbpO@g(jawmiSUk_Wj7)I*?IZfy@brAT60k zA@-ZhXQJH8>-l0t4O@9D{}caO*m1)Q5J@6iOc8TLy?9706WfI$-p9>;R(vVGK{2I6 z4woZjrgY0Ga;{t=pO@$4Ii&{P=QEqb_I=wr=OAM^WdATOZ25b5 z{a?{dKXw|?hF=_{Eqts@g>O6xJkO;%QO1E(zL%}%D_JWasVub>@9nU~t)*<<{QEuIcA;uEmu+hUA#i}&bb zaf;dHPv|ewflT%i-y>!L1xIAD5+s+{Mf=5KwvrBVKat~F+$P|72748Lp^D|Pe+iQW zp8*t&7oX4?TEIWTP4ft?rysC7IiI%BShj-B(aW%kEaiT9z$Es2-Y9iGn6(m@uV8l* z*hnUnA@n4hBX-)Z@DsFzI;De7il0IHPQG81$u6aWHNXN^(mGmfuBK&5P#$OV5d_># z8S*r|+X|5!p84`7duL= zwkqC6^OZyfuR|o?i&oHV^JUs$&Zqm$t>l3}Xf{`1#=Z0zJw-kGea{!#&R{8Y0cAfb#mcWqmw%>8nrLn^{|I#74iCG7YUw-lDRy}o zD@+ybG&VYex0nI32>U%n<>nr9ICD^gc^}QB*Xbp@LJ_+gXKb+J*za8zUrz;-igI`6%`gt$R9uMjUV@8kisVT`rlZFf)G|)L9F(JOcqhFlerbxjV<@mKgST!=khRoEaPW4!IErN!~O$}i~ zMN^<}A43htx~YA8deQTH|JBpm-P7CKlR4EQD)Qv0eoZwxN;I{N%`Oju-dv)ERO3>N zE{oAm$LIvmE*A!<{*;Ci)nH-OZv-B0(EZ^OOxM!i;nRHe4o?oXIQoO^56Vc^7PYYC zViqHKvcI5(Q(OXsGSajXzmckySP~c_!ylAZ@ZSz#Z#C zzSuH`&1cwS%czakZfK+0lGCnlYI9O;*d1S|)kSK8hKPi$H3qt|Zi$in=%*>)Rx$Y? zU$FURZo1I@DUGUC)%9l8_;GpgX0FS6heDVGV|hj(tOv04CMdDAQpIX~Z7684wOCTM zc4Ff`#x(EP3_C^kb}P0eaX=3dpKvo#-^+_pvF;XCTG6XnW=W(?10W1_o(f5V z8upZLz3THxpO=qr_=Olo8Fe_3Mx&oEtUC*=c5A$$WH>cdze+%WcIjf@mPk*FEyH=0 zEYiYBFVw)lK^tzjk)3Tp#O}kHLdN1)eVixf;Wn;mi<~MxP#?{LZX=C4`mGY1w}gVp?JE8aRJJj-p*Df z7;nf7{B1E%*R|Q>fXY}4Qv-%GJhl5Ba=2Xo=b$#T%NiB?d^@a1OryZvw_ez%-bcK6 zT|i)5m8Dg)b=}d22dH%~IIZUc#8Xw!rTPr2hGk~p-)6SwTTdw6@Iqxis{`=Y-PBX< z(=ok=4&i5^(~}c`qto?(rUvw|9%(aI)oQ9!`w!byAKb)o#dr6<^l^8(lVw|y#rcG6 z*^&%4ma#2R(Gh|ZLLrpcV38=mK+K2R0pcdj7li=91W56efrNxfAf;(aO2AYQ*`~!| zJTTDlFex26nKmWUF$`gS?=pFT9zSsopN7CK*#2F zhN+_m%`r2YTfgf)W=JL{AcD>EnnO^p3kdmDzgi9r2FkssGyV4r4&6mM+Yhve4v+o~ zZ-%9&Hwsf8hni>&F#G|S`hfl5TkeQ5oEjcd zvT-Gj60}va%19Qg&e)`y=;Uajix(>D>l;oE&RbX;t7irW*X;<-@hp83>|TM&<1W_^ zc8?l5V@PUUJG+7GBKs`tZ&++aJVzKShed)f*brc9*!+RI8iaLtHk11@ttg}ggd2wH zaDe0!MQCM7GPO4ikHf*YAVm~uD@o9LMb3~MbsU{brgL#vhwlu+dF;J7j$cFW$XsP8 zwJs7-Zb$M5bmDVHU}=fs7*=6TIE7LXe?aAVVKS^MO75noUuu5y@6|tMU!L|#>Bo;; zSWNdc4)u!wYt!(#Zk~c$Ys?O3kP0)4#ii(nM^1z_zbQ05`VRfkF zzMU@(yR(3_XfCRwb03GP!F<|oCoLfS!!UR8|5=Mf^7g1T)0j~|m7B`^&qrtrUqk3s=B%>q{|pykzU ziiPJd_`EKk&uj5{8B8o*A0uf>h8+6s<0@7&*nNVo0GZq2z(lll6kmefHULZ9M_xrb zQgEXoswWcg@wSF+fH>fQmKdOJ0o1!UvOa26%vBk@FbBsHWuDYDRX$`d2< zdSxK*yQmQkOdFKKsb`bP@Pr;qfF5Q0gS7+XTN;`67dVE>`PY15HweQ})z2M^KH;%L(K6Pl@(n;Vc3v$=k zBJh+5PL2U*_qYwZ|85_`)Kw!QbZ{tOlN_Q$v)Mw0nvc~&J}x8$B+>1`$f+yT`E?;k zQKZ9z)saE^r$6M3B@z&pS->xQRypg8DFcyOdQ$uVvX6gd{vUEsBM#yO$h79@qVttKHbT{>6eWTD3q=+M>=rJG7m#_% zO8YV8mUv6LC0kjMl~|d9&jgNT0UZl32qMT9UKD@?z>MKAGovnuF1SS)hUyBbj?r1s z1y5NujBV-0vE6WrI(kN6=Fej=&+x zOqYm7+E*OHMS*M(HVQ=8?YR7BlN;7~;Do;${LkxAvRUL##J$%QR7*WQHs{Zf9iA)06Uz<;b!2r}1wGGoqUfxTB zAO4}EZN+Q57H<4>=jd+yy;mC_o87eO-O<0`A3YtMv1m&3o}HsdxZY&XGf#gItvI!D zMfZ|P%zU+|ZO*JUp}PkJv9Y~r{)>~KI6#l(uCqRN8mdGMWP(v;m8@Zp!8e(vx)v&x7MHpsRpGiA8>^bdK3cWFl8m%jRz;o{JH_+j zH_|r|wV_VNtWsT8S6u6Nxfh4lgh8^)Y=W5x8{rqdaV%iZIv%TDtbc~Z(Jc=BJet2H)?>k8jHdv|tc z_BFGwnb}=?mwh^3^IETg5QE173Jvv|fS?Jnd8E*Q3E(xfH43CygaAs_I!O^t)fPh# zX-Fkp>>@x!wJJ)LsuljxQ~@P{Du$-5Xsrra4aB(T+}#D!8hhs4Vdl=<@0|Oc?-Sj; z*qyxCbzbaF{1`k!nY($hb6F38w&xOhAe$Q3Nh;$YaCCe+~IeiSXwONcdVX5by`JMA{A#qPkEFs3UcNIfo1TNYdw>;b*?b(*` zk%9tRe5{z|Y(-G6WwRqqsAGV}ijBNkcq9?%8 zQ1{RCf4l!L>i_sd>ZV_QE}z-|jqiuQyHr9P=&8j`L{qmqqCQK?hfD;+Igx*<(S za#W&(+8Fp5(eg3{XCpFMw56jSH1QR~%% zgM)+YA6Ks23$XOPYv^S5!C^LE^JizRe8K3S24>IUK58J}P&&_;Svtp4C4ZF)XnBt{ zYCUSbZe^`-7`0lW)=ukQ>x7koE&)%OLL0|t;_fa`-;h5_=nxqNq(RCLlN;bxD=1)R zGpi5rylaD+egfWf{&)Cjot1B8fa z*sTfryYs{aT#D1%&y@q|+{8y_i^G*qu@N>R{YASOvwmnDiwT-NmXP#tOtM%K)e$ie zfseFNF#-BV9!}BTR9{L+XIGZFaCxeZq^WWu$3?1sT%^i9Aud!EaG|Ob7pig! zS1YYvttd$_NbROmPxXdrm`@jeFkP5W7e>RW;&fq#(}iW64zAwE?g5b#Ck|J7Lm1}^ z5}`hkqQivtl0G6tNfT*>TEJ&Y*-&^l;{Jnho+m+`6P%@-mOG{&Cnlv-@CHDPWa=F4 z9+-k@$rkQR&PyZgd}Y#=hs^*6xnW215l$Eje!F4OJw`_g`= z8m3-XAWXqoWwSkHih%qExaQZmc~cWAs+PD|iXedKz_HxPj&C1{zWn>2of=5A&F}o- z;4>S()-#u-4;R)x|ICHcXU8+bPhVU+_wb4FBf^>P?qxrIef(;9bly zpYU_#obs9Fuf9>sm``LV${L|yb}95n%CLSzpU_#%?sxlx-iQ?{BaNu%!zcxVYlOoWd@=)5tsjsUeBk)EK3R8cnIaF?ZdtP99hN?FdQoRfZqN7*;ni(h zo8S1u_(ja(evqD*A&V;cz!h|+$i zYXpc4aYFON$(<-49B}Wsgu1AUwpZ$2vvC;&VC+9We{<7wYvw=sqm>$e{GU;R{`Pi)FYWZ2m zhV+J-or#^vy~#J_pE%#BIZ}6c#tHdd=i8YRH3RA2rh_#VwvAVUL?uX80)7vo6t4t{ zN|3AsRp%x?HNDl3ueN7WPML*b=>T&~s|tbIHseMef*&=Sj8 z;=GyPsx<6drVkU$BGVkv5Dg^_)2HWi`1o{WZ$mE~al0EqtPvxIPZ}|N%HRsx;M&Om z5r4*(tc6E^6?uHPme%51@QGTqK{yQ$@CgY1eik394e?h^0VTICHl6`(tvL)?_4E%(5_vDpklOSp}G< zbfEb9+H6lx51G`XP&2jrW^-|g)*>@a0IxB7R*7_MCBE@%z&~0w*b8n(n$CC*y|lZ# zA@%0vw_2O$)V{uA&-<&@e&>$OyE}rx>ETy?ePq?<%X_X|rSl?Nx;8GHm(WwWul5uc z@2ZJrm%Q|XzPxSu>_nu>CnxKhcekxR`t@JnK21*iTd1|ZMKto!c_Kp%CjLuy)c{9z zRpE2*`@MJf?R&dP_AjN)4+()q(z*%p;X5h!5-)oRL65G_n~%HW`=48*}oMs#9lO5Kg;yetvv&V28j`}W{f8UEY+Nrs{TB>xs!Z2 z^XSsC8#f*~dbB82bNA~%a3+0yA78wc8B6oqw&uP&V{Fpru$asKqE_SV&Bq~0_ZMWR zysRi%XVYrak>a{k5gTb1MT4v;8o*>8Ml(S=S{08`$xQn7IObR4ScD7^^QjeCAm*p< z*l-Pw`87C3>D{lvF`rb$s0LePkHHx0jj`Cwq|bS&{3dTC`HJM;xQYDnu*0$4VHpshD(7;?U*s^AxlT2yxw=sD0EIbi~&yvVm#?eYcku1GBirtqI(yEyH**)S7!1%w$~E+kWFH;od~!>x z7t>6Trp|N;nlLrSwUHElT5ammS?AJO3=OJwwA9j`dW}Iv*p-yut*|SQO4XV4;F#%- zpkxIpiLQ&g%j=*9ACjoGz}pH$@qw+2-nyD`bx?*6J2)C@M74CGUQUClaxR<8+ssz6 zge~Dum`{jjU^QFKpEaKmt7RAK;+vG0jLqh^#P?yRctsw7eexaXF%HW!@SeN~=jC;{ zB0q%zITp7g;}DfKP%Rr|Gk8*HUL;zlVW`v{*8RN;+z)LXB!!esZj|8XP_hNRi}<$? zw2J?hYg#aXZmYeNLfatDrp~6Iwz1K7WvSO74b!X=vRDWS3g<{niW$R&NTe*L$vM*v zDHLE@ZIA^kOwaT1_R7UER(jOK>l)Wk^F$f)}ZN4HBGm+E@{WY@Sji8dr4sT5n8y`9)Wwym6{i;#pj6r~yaX@2Q1u2$U>PhCHr ze@d;+ZG3Eb%hP=G(EZcK==di_hr|9@h>jAQ1$31Qo$D5E!uIQ=U7MnqXbi{vsIVi< zu1L5#Ma8UyJKx@+?l5L!&UQDP;XdNv`jp1m9}Ya{d2Hlr=j z8u}jFDR%~X__5%x0>2Ku?_5;Qi{Dy*aQb870U7f;&|piUEYe zty31Ws)7n$4S?huo(q5#Cb)H0j^?3R$y;E28V|=m~DpS_+ zie|KBQ+TaUAF~5PE<_JHea=AtU$evhqbGSVTX13adFLe1@@>1zJlPd;P7Xa$7$GN< zF*E34HhDp7cPKu>4UoM9Bivv`%vBK7eyiMdD5J>|msOOz!n@186$foTT}S(5+b|5$ zF$#zV)GC!x%w`+&yDq;m?yj*_M=s=FVOuU;oRI$;uVML5rrvvh`qO+ccaBYO%V%+4 zH5elwVvK~?LC=aD<7Z4BVV{r0>hQdr^8_kv5}tW%o$#ikGMd+jTE}IsY+_UR6thV* zI}2C~Z!zbKSvE9=79C(g8QV&QBtORNZqqb0{b&5E z0ALX5r$3DfYj21_$O}CZ>I~foX(8%2lKu*<0=bT{gTR_$IShgVasL9Au$@)q&r`+F+N>hQp4ZuXw5e(?YVcCKl>#6`*y|Dx3A7ETq9niT#!)r^X=LR(4omI z)^rBk;hc9tyQ+Ye(I=`DXJHYnQ`@0kd4Xkk!uZMK@l*oYW_(62@o_wtOX0I0!@WP3 z&15pTaig**T~x_hSDyQQ@8$Qkmi;WAzeckGX!e3xPrE<*nw|N#S!x3P_FWk@hU9y% zJv#5^!Q5jGm_cj`{GNIsj7j;KFxi2d2X8*-42^T!&zh$fUU7FAhxi3psCGaJqRAKm ztF^h%%DP}a-Z$0~lo8;m2jH9d?S5>33FX_=7r*}s;?IZ-VlE|(DD6f9A`^mzoV3QVZ7Qgcp3N7hGR}gY{EHa zp`3zv2)`*pc|W3yorcZq^x!`HA0=$S`Mc;n;(>ykhU2`5|2Ja4k=WjVdJ@;6qqGs_ zh#GzXF#h1@C~I;5^M>|~I1P`}o`?5@>o2V7vlv?AL$?FxdjQ;=aYuIg6JjF9^-OFtT<09E8(yV0Vup{7!JN7q z_9_GL1^n+heFyHN9qoM|;$x`g*Wq(|6}*7)^#G2)9q)V2)R(MV2zYu|Ii^#qKe_Dk=~fBtvxvma}(yA%eBD5PW-!b@G4@27}Sy zeXs#kgDb&xU<7*$`?}U%u^F{ZYaiH#w;LTIo3+{W85-<;rhR68xR&lS%zsg;Lk!b3 z)nC+Rk!5?dw)&LXOvKi{tF7ICsOMCh>STP+w8^z9gY`jdD`NFKWLAHucgkf6yc#>M zRhw1$B38Yqty!Jm6CqE`IBTKx5!e;^dT8sl5l6b{KGgUZqI3ChqoHIA;_3Y?bHG>3ycvxzMyG zJg+JEz>~xtugRHj|99ay5-sU(%8JZyJ?%diI0w8YVrElt%xet-&hxbTM6xYW2!=*X z|1UrdxFmIHVpXa-@k+8>vVD;g;9gTAS9&G#4b#H?TV zHO6U-)HtVcCK?~-jQPu)M(kMQ@Ls73{rbWXWyp9q^nKzm_gxtTerd4T-x+Li`v+V6 zBL4pgc)@1Q{cvYay(Q=f^XbSam!|urPn1W!u`)M|XB%z2IWEuIJX&Gp>*a5i1ztP% zP7Jj2t_yt-eIj?YnT5_*%L>ks=Pt${=?61ZC-yEx25Mf=oanAZ&zg(sq}F|pdO_!o zm3}r~6iX$t@3DR4RAue+DrJM;CPk*4Slc4A^{(_BDv#cM>LKZy$|X*;${6!=#^g$G z#;vnDD3Q(9E_7}+1r@qT-XTeB_Ik$Xdh6|+66qi6W24oDolh;IHmtf}O+Qy|vh_rp zJnxlDB|fx1StIMIeFeYR!Wu6yuUuteUcSxOE9F-FYYDMw2{A{k{Z|F;ZWHHun79ty z8g$eo1HBq_SZ&Wf$)scKV)Y-lQ7%>+@mCUuwVqfh%gm)R*{_y5`szI5B>OI>?{WOM z5Z_(O{2^i77WQ6Bzs@bzT1IOG^_OIc4Df4g9UxW)ty9?F{Xo{cWwHc2{#I%wdRQo< zFlj9sF92iGu@9o(_SF(%do4sgowK&iS)^+x@OQlGqY7 zqu0_HrewCwxWuDiv>7KagU9%P8T>1-HQlCm8z=99g{=JsyhGmw3g;RbuS{P9SOwmR zzGXu9Ia7Zoyg@!Xja6>qv!GLH{N_RXjWj0WeR_RA&AG<$nMO5eU{&+inuidqs9WpZ$ksWl} z!_#uL!W1(e#M`Moa<#&LlW%W!ZJW*Aph_-rSF23e;P9?({{|VZa0-w$U+3U+ptHT7 z7y)#wo!?ikRjBVOoSnSaKyGFg$K*YT=XcXj%EbU)F(#P0|BO3Xf)3SSIQfNzG& zBF^;LxZlS6qF8dKF)`mLJlmT8Pr!HH2D`yq|LeUHf~|sV;2)w6DW;BWr9Qb;YDG>F zOFq3EY$6U#hyO?)*}G#T=*$0p^!)&SPNe-L|L>>2HI2YAgJfM;SLV_8%W!TgT<_-e z{Py39d~yP8P0w#{1b6fQUx0kx{ulTScopN1G4FBs*Xi%4X40MqUZdScdk(mT|4+iX z@MT~C=+FFmh1Mfo-l1PQpZWdqMVXrA4&)pHH^Yy{-wtdf9j5NvmihMiyf;q7+-FB7OnGpMn({oYqqUaR`q|cxA=~$xtz+3&Bqw6z>816n z*3MeL!n*!q-?Q?RBiAe|SC}_4V{77sG=OX{DCBC!eC!Ml_7Qusu6L(L-dub1bPewT{imhE@Y&SXW%Wn5HN1j7YEebI+hO_lYxFW<w$Qc|Jm~tEEVhED4$w@w&829nej?yE?b0?ReeM<94hriP~{= z`5w2usGiA}{7%IDuBXtqh1qqw_K#$U`*Ekgg>7^+ITOTz5n&G9K)j&-4+aBrRPZ!? z^HZNnQR*crqP+`{H#`0g&(?47^NBhU=cC{h?Vr-lHhb;ZTSCn4&Yt6TtM$3957C*8 zgHNjbayhsP^atC)+~}_L4awdI9kQ;zb4^un((D7V8n9a)C-;GuXlK#RA{OWP{fOHo zvYG#j;NEa=;`=mkC$aoSZ+CFY|FIoY#en_S?3kzFV`I4A14o1k`H@n?qJ^vX#mxXy}=xpXWc$BiFFFh z5y=U;&}*05G++6nC0lbIeIwx!mXF97GeahUV%D3exyEh6M&4&G`NzqT*WBynHS?m} z&wAT>H%ddV-O`YnEv2aiQtvlPy}MRw>06t8Le~11%3@t3%Bz|aqyH3BiR56L^XJme z5BZwt%<-DQ$~Qy4LtfsHxoB&iUC}W$muEA;&KRvpI)>KZ@_CI&vC=-=$gZ z3UmCt&YWK%Gmx`bb!v4xL#Da&dG~2f*Znua2ju%^5eRi0mnGT@y_`B*Efm!z{I3L4 z^qwt52B=+GTS}wc`@r7URJ}8=FFu^5_aD5f`muPJ@s8w~e*kPqQGd0TNAs8EMvh(KHd6WE`K{0aO$-Ktk=xNBp(+G~5a#?19zV!Z_oZwaX ze&-$bnjl$Le-9wj3Yl(ZQ4fjaqengWKr@1Vwa@8*`v;HEF0f}0+3KoOy`$(y`Lkiq`sb5-%bzkG|%DC4osdW#_1?CF5!|f-t z6^YVdU!o1BQdc;~=syTQMf*SOmkn%{)fva1_q(^)@=?0A4HOJrVN^t6Xh4{7Wu+8^ zvf2tY%G6T8iF3l-f<_Q=g@Kt^MX2IHfk0awi43KXG@F8yZHNn*cbPv{RId~BK1mE2%I1H@-a9QjnPT6GJC@9CVbGTC$S^2p`?WBtJSPmw*+#>lJle@Tx~kXJJi02+4}pK~w>s=g&o*YS>S~b}*}*STpPZ5`V!sehnB7%H>$x zHnvZWEl^{|-jwazUWYvt%6|o%mg9-B+4nZW4gt05`&OxOcgeZOYTE0^2FPy|?RK@} zTj1MhKM1z8o!BoV{yVU5faBmjH7`!*s`cP+evA8R_X~8%u7%I|4iRE?f3Hqj`!Sj> zeD3>6vFc&r5C2R%gunCQ`^M8KHw`*u6Gd4!un%|UiTZ1tO2j6DK7m#cdf_BF_5sRv zPSITZA)0LMfi9i`e~U5f7w9hToBcLx4r?{t4oWzN!EbUboCcp;ow{4-mp-V|-#&x+ zZlor>*;YBT$v}J8yB_&x5!biSkDSM7Y04sMazDddTc`^0YLGjZ#yTsgD0thtizwn; z16`nO$_BdMyAI`bG}t~(10vPXbw{ZLYj$%mcA&LvkNTsW_iVp9f8cTfm@ejw`9g=; zb^-JlG?R$ecVkT|#e8OP{IqwHZ7nBq&LehDrD0wK+G`}Oie%Ad_j7!Q3!Pd(L*ipX z2UvBK@6D$hoodQ=%CJWT(9M6rI^RL5frW2x^6n?ksqkB&-L}{ZgkJ1t*Hf0z4v1ZG z8}v~}8=U2|7H8u6u&xPoR9sUyVvoy$G2-6?%keY*{mLfj4YBShFSawOz{$kff$r#F z)ttOc+JU-j0zKW%`6=wthV*AwmhUjmNJd-_2YRxjt$|$- z*_9SSNb(U$I5#aSgEU@ z4%vH@%@6c-Pd2WG`q{M$o zaZd3nV;Mw@y)KM@LBMafPH;D2T#zzC;x$Wz{_h5?0eQH=DgA_XITm&cR0iXnSF8!} zeI{7$>X!MB~pcQ1&~IT&B{d!_q$rTcQVzPr1*CxSb93Ix_=I-NK6M{q&H{t0z6 z6fV|vAE*b16*Ua*N)GPrKdpHf$z1xz<0D#HtPm^B4rExvXH7lwsj7_LoeVPR$2GbB#s%@ zP0&`*AFLO|T_DP^Prypjur4Lmj)ePNKr8JstP@~OB=+ebVgT1aDB9;Jzc`G?vc3yH z{zn>Qorf>aWqzqxE8*XbC{>z!s1lmE z68*_~EuxLYrAp&hVysFlivCc~#7oJ7qOdYm+Qsirqg@je2>LV5$-cyIL7hl@9p`UU zm|8`JZU$KGH#(F2M&m4vw=1YG_B0KQ!CoIx?+4aV?*pus{|fSl%{OT-W1Xd9L9O3t z4F$?NuhT+j0*!Fmpbw7Y9Gs-_&gb-!b1MyVOAyBzh|kh3fZuji_G14s&Rwb5;vX?~ zU@i%`vnexjfTmy%3HO5nYt{o;qfEpj!kH$6)myz(WO#R2>aGc$>rJMoaE}Xt^hHu@ z^+(%OzI#Z|6ft%i4U{^L-%v5Eme2R06uu!9ZDy%EJPYS(3!g2e1<}-RFn`DITK{G< z$8R)CC|9+;OTJ6}C&2Td82!GCcg#4(xahBE67r4A)y~^b(oOalFahZa9rM`FQHrF! zb)TbeGWM;g$5ha8tCri!z3wUR&ZMD?nTIiQI>|4?yY5lE4Y_S@&v|n<4PnH28`?3C zZ~7J!|L&ghX*gRTIB)SY-PQLm_E{qrBCa&Kb$$!-Z-I62uUi?Ld>_Bh27FVLeIxw*WsVUl{#B#jR@S9f7W_Z^GH6BB zKfjZTxIOE9_`Rv@`g_iRpOh|rmPP3AZT4q~ztUd~v~r~XGLK0gWS&5sfQ#T0 z8il*CU&1jbwo}BWOVUpYUkE?VX@0w?_fv1agYXxVdeTcuTh@o{zQFdR3sswX)uv

KRkG}5Are5)P7tv^5f9JG#uN2{T)*$UVpJN`!NwH7ZqcUisb7X|y z1$GOS^4>ZVsUOEKtkXeoEWyr|h&avbcm}#G6>)dE7y~{I{b%BwUR3ks_enO+>6-Z4 zFL=uZZw;bb>{n>3H6L2&1}akVet*LIb}Pf@%xR`={AOc|vfrX!k&GK6h8zG#!3W^) z;P>D-QQIG|r?Yuo;_soK5%;;*Iga%@NRgE3lX*lM~%oC zB>%=3c`9vDx-mzkZKUU`w2Sl)RNAAvji*r4up`{3aZ;rX8ekTyv`Oh^l}cMEU!u}B z($A{2i*$oZV?O2~+W9Z)t2U;s>kOZBF2yD(vGEch#rR$@I1M+!)JX>kDYn55X{`tX zPKFr^IN$~+6eDaBb<&a>X^|GS4OJ&)TPBUDKc;R~mCN5p~!9B?<6;k|N_k zhCE9qM5F_yN%-8x5l;$5BQilUhFc*$h#f`!3`vVp0-S*Q1ndZuLHJ43<=Ujs#DR=x zZv>iWz?0-SVkz?UR~QR#bzHP));ow&5+&ZdLVDrFMak@W98s@mK@n|_im@tW7^Nv> zGh(z{-S{)b*VNRaL`M_K{?vFX^Xx=I=}1jZq$cB;WNN%o366~^J;|e^nY7ZANGB#w zBt{zd1`kG~?P_o`86Vpp{j!oEC7D*@N@g-Xl6WRQd0a_7{e}H0$#Erv+`;i=CNZM) zX5yIyDvytNQW{fe}etO88hYN*xnytGBCHd^ICPI6}*n|!w5 zc1gjB;1yPZO#zpIC7_55N-o6hu%`hHxC|@-*MVXjL@tq4fD|wTtn!RhEjbNEwga4z%(!e6bl`Xq=3`F67Y%01f&Y%r5zZ1h4GxA?6EPQ zD8|j=z_&y(`;C~%`wy5LdeW5bHf4|PG{cSUCU4nhvZLOoab8#IyBaK)%JGop82AJ% zWxpmiN{LJ^Nt=icFsZl@2}q7?oyRw`Boz@VF^OU!<@{BN8l`2v;5wFPYs5ih_7C>4 znPDGiH84y#g6h|rLm(HrCQQPc1X2G{bO=Ysx<{d>qyjVkd%UbTzsX(~{5$p=!Eb|i_Ci~K|ESJ^s; zoDY_jnHk7cdA+1I28K)fywR1C1<_6)S<#ARh_-DS6pS0>|Wlrvn>M;l{K3 z33xCw%8Z8vJQse1A~&A%FTvx+^WEp+apU>+8F<`y#!kTF#xrsZ9ygx;L3rGFx}xx4 za_lF+tlJ_tcO9on(8f+;mQG@pPGXi$k|K7J-{f`?AKQo#ellCLDm+ic7Ou38tnNRoC!;?*MPhz1t3ytP4Q+I=h|$8 z-z+!o_N9XR*fJ_EV;Ppo`#=#EXc^mR8I3HX0UN9z7zC~YYd{_-hPoC5pBB~z>jnJ4 zAaEL31B%6P)&NFQg&|%R1M?OJ-Nj368Fwx28dejiwma>reV;V#q&64ra^+pDnUt5~ zM0S)}%W|}I?z7T=eO5|Jf+g%cnyg)bbT66Mk=ilUyoH+*f@6JW}FG{Y68uFhJ zd38>H%XvbLQpan%p=bbI`Yb!!}28oM?e2UYY{2gbfeB3D#2{UmxjZ(lS z_jvl{eP}P_JR%3uXmd{XI}giyOx5GO&YawYA*iO?fWdBcicZ}w(cr=6932g8vs|$B zS-LD=xA-jEEHxI{Qf;ZSY_vM8cIyV~!`5|HtF_o#WMx)j-I&X-22_Hj+gNPpR9wVu zk?`$|TmC`K4?SvS%FMU2jn% zIZM7rZ&o9^rTd$Gvy`5XA*!?QIlx{o{g>R3eoey_B>1yo$kvM@@NBm@gV zgA5Sd-66O;1P?m6yGtNIaCi40!QB$vCAho0JG|MDoP773`|khWx7O=kRQK+xF6-WV zriZB-+5sj>uFPaF-lJobY{j{{VF51Kv;C@J6u(wH7Du6VUmi1VA1o`;^?Z98D=g`J zN?E(X;gNJsYny}=G7{Vq9tCw7JZt`lE!`oTg#lx=!~r?t_Z0LSuU3xYA|3TNx4vYl z;*;@|%6zv7oF#lOLG+$7J7hr6S5_$D7!jAnT5^#>sBb1R0f|HSIH}FRP()!*Uqm5Q z`fiGB@Ov)(6vjL37evzwxOU8sUT^d#q7@96Td(fv^V~kM z%xobrGdk_vuPTHtv4fXP1#!1&Fx5razCORudGH*0&G^o6*7xGe6%nu&gERITkW?Bu z6S~zIJOf|su5t_4kS!N;uz!@1LAYJJltixbyn97o5tI1{wUvvAM%a!&?X@6x8BRaz zz+9!f8Og1qQ2V~SLGG{PM8;RmALX^8Ub?Nab%-I?HL2>nG9KlNJWeF3b~@;k+3Qmj zkiVn&0d-VLYW?5jXr%p}tWbrP8OWQc29N;B3u)>8ud*1@vHUY@p=wCKVKepXwmsKZ zSW~4SlxfEZgwir%*u!I^L~}epVe*k`^K`NaOpddqkYVpElPfYo8u^em0=y zUaKR(Z038O+B)k{O!bpB{5$EL?trwAcf5lb^Kb)9TJ8r|ODi$@=2abDe-+%hPCS;m z=GCiT#@vju0gcQll2Yz68pTW8g{%!5kGOS>6;yU>>Gxu)*&0@TrF84nn`1OA0wzHQ zbLly+D4&hMM88?zX>_fYG0}6Sr`T;rs`d9d;-=U%R~?bnE&L9CMFmsotBbd2eSya^ z`liF74vWJ3g&2k8^-F3fRwB#K|BW*N7yi!t$fIcm7BDllrV`+mmy_cmlXWoBGBc*) z73Pz5u(Af52%GAffoNF(p96z(W`e?e;+p1E!a876YXfTsDn11e4K*YkCBTFaY^7~! zU~X+@38JIEpCW6cW$j=N2Brc8a*#gl-xQTpkYug&D)e+LYRrr(474@m{fb|R@X*?Z>xgpyCOhP4VV{UE?Hi0Mwf+VQ?!{lCz-%S3M z+LMO*-aN21h>qsLE=_YGuz{YwHHZmf2w()jhJu!b?suY3`g`kmc+BioC?E+i?@05 z0F3{EW~Yk}~yKFI4(}?x1^{ z{*OFqY3cu_4y9vcqW!0cX$2Q!*)e3Uv-+!9t2b*?Z5EuE@7jeirz|krg%kFe+dL3> zgr?~~3^U^NLF3^dM14lXFp2z#r7f4+BIl+5CHECS@(J3c)ECl7TmGRoNUj2U`5|w} zoQTw1UU`AAo1~qhvVfc7#;l9YwWHdzX{%k9wFWyE@c>_$b>gpb#r0!q7n?m!t!UM+ ztzrAIsPE|aPbu-DUe|H5(lMgza9z=a?xS2QyW8TkUm?~pGkT_3yvW!?ST*8qY45BP zZ$FH!S01Cgh$IgXToR~d5Z6oY4WhI16Ky=L7v@T9KBn#c#Tl0+JjuI6FM?0cM>PmT z|DiS~`I1`;MLO)yMUN?5#Njs{&7{|M98nz;(AIxdMGf6yxP(>9RL7r_+_!ed z>^^%;%PEQT>#<7_Ix_2VB1XQv22^!kY#vMA#Ar@zSSA5J2Zelm zSVD%h&R74(_-p;K`YIM;lbqK0K9RwhMf%dwK^_}MFoXxk-atsm<@)}FfI$eFfDcIz4TBW`x6r;--aD^W@0%}fpc&{Wz zU?i|mzI_a%PYa94(4*4IC<68CySs?|Djv0#!NfMCB+Dy8xAx2L7!4$7H9V3ZkxMUF z8<`bp_O>5#)BA3dJ~^}{7g$*mE8j-+L9MT$Q2xf3GkJ`Omhsoz$V%ai{vf(x9Ao0} z20sf?Wom`nm1$wKntsXh8v0PlP{}Jlu`iRyze+Y~)eC;cBrIE$q3UOKmj*J%i_;M3 zWvy&^W@aj(Gpe*_QPyV9F4RY(7{kTAg1ywT@}!dcg;o@$3q7+U;Q9U6k`0TMbxBxM zT%xq9G0E@>=_KrBT<-OC!t~~5TTho|DZkKYhFM2%-{NPGx&OD^ritCt%|ML6-mhv~ zDmSI}qH)>eb^QI1;Ekf}+HNJn*yB`U)rF6@`lV51}(iS=z0MFUzfureD2ZNcD%fpkHOA&yCZz&@Y5hqEH`#z8a;!f(`n$tC!%CYH7$(zUP8`#mp?86?HY@2*KJRr! zuCA#QTdVl{cZqPQ&1}ca%^@0^m>HkhL_V#lust?4+nSXzEJfZ~pJ^x{8y=a}gqQnb zdyc`2b#gmy^{Vb@li{HC*t=0SOLqr#Ip^|bVl8;LAVHBcyE+S%_Ti;p2|F{+!$$XZ*FjyFm)N6&F-h+tE+3VjX|lp}F0#vT<2$jq(Z zgg<3aY$r+z-g4(j`S2_$b;?;-h+>qQ$9^=5LxIYws8ev`wgJoKp7(xb2-hrr5iM#y}rCM zcx)6f^oUlL1U4Lt*4IW)dr5ZvM9cayzHA7hrIwCpKwgh$ZP}!%oG`M!yd2yNJ%Yi8 z{)X|+GDU%msLPYWy!_Q9dQ?gA@D7`mu;V;+)n(M#8{cFHh0E+!@tEFUTps0(r9PR> zm5HtG(a16M8U>bcjFKtE^=vVBm0f-`5eCA-<3`O;0VD*E5Hz43+05$v=UXFM;EgZv z)<}g8IGX(9r1F3DK8%)*=AZA9R6~A>v``~>?>YFf>|#fi&G_?>tosdk<|(?k)5ngw zCwdt;u1~QAf}cUZiMhUGx<+>~NLD_4dHfD~O7rv2aP5TVCY03n!EjPC^VzKW?#e_l zIpulNL?j6cSnd&qbvwkh7BWn1)%Am%V=^`!NqkIBsu@J<%9is$B$>~T6b%Z`3+m^8vyJ|*e&T?JhKc4M=M*N$x$d7boaJHUBIQwTPg&L) z&khj~BANQ&6*}#6QqKAK=F@aZ{m|#Ncaf#`g@v;MI(=Ei^ux1QB6YuAj9y9;!m5vx ztAXPXbypRO#STMzXt4y_+i&#L^U>qWv#ds|&$g{jC$6UYai0EwZuH?h3uT!Jo0Nz- zM@hz%%=Jee7P5%-c1z2t_|$##DwK0J>gi zH2$H3s6XTtEdR1!O5B%Wi-yTF)A67wW&xemKJKhs;EZ@vQ#^CV05n9eBpL8=Z4j>Y z4za)p22bwwIP_|3a&&D=-Fo%WwSQhd+u_2c!FHR3v#^>_J9dq~#&oKbNQ)Hlw60{M z541h<4$bpC5`;tquWagww?{3S=mj)uF$&aBg&LmK(WJdQ&Udsy3vl@70*H>2r{;K)Eknf6N@-bBA%?!~l|@%@G7XO^m2{hF6j8_GhHC9`VktPh(TD zbj5jTQ0NZWbBnRsNkU4>ODAoP>{baB2jJAuWM4uOCcvV`M-;{yCN(oVy9bYd>d#kL z8b&cma7wwzy1-@CpmKm@GEO5faC0mgP&I3SQEvWIgzzbZl%QlV^DP8YBCS-WYtBO<^DNZ4CHvEL5 zZDzSaFNoR<_o=4+o0S}mIa5d!$fB&X$GfVpZZc3OsandC&lv_876{T>g``P8`ipBt zW8x}w;FBt4<{4~eux8(Is~FlS&73jSD%99jzw4>jeX;$)4h*Gh;ffG>LY zN`2`wk(;8cTUYkid@$op=*K}yRuNe1$O68t0F)bkLZd{2Brun}U!)eY5m)OGorMJC zR}K&=GYHecR2KoNRIt^Ou7r&Wk4Ob<Y|U(r`7$C~t+v=Q~o9FQ@r zHZCZmtVpy+xSD^*G~H_2T<>Ew))p(*m!#+en{ZZ+>AAE$D2Z-?bo*2KMLMx#fW=uR zIfg*F!bqXYxMZ(zGw3 z(4w^g;a@FtdZL$>#VS(8C`0@wO39XO9Yh$rL=Q`h7jmBE1#Pm(fB&SQB3EEIkTk5j zKb?X#x>^2wr@?j(k6bhAg(y?ET=&QBXL+rY-Ek%^gN~DqLmx#D-*$J{u+#Dpk7)=N ztCcAr4>v)FX3Y0TwOe3XR*{-&rC3|3UbCMC6nMUn-(jbsFzA{;1DD}+TE9g`!L25< z8k!Ve;}5^gLvyF<5KcApPxyv~Dn0&lM!%XFbSleg$nS?nHYy@TXTndncBPu1WtZ0u=a(TpB3gI^WkE#|wWl!c@OeddeG6-4| zHDsDpiN-ku*2XWJE-zA+1{}G(WLGnLJf`$)Oq?plROVwU zni#9fR-r8Y36L-H?5O!=*B&z}v~aqHeh#*82q@Gi8C#fFuROYgwZq-Ch~&wkBe38o z)3+*HnY1nV$d-{<_P(SNRU20C_*tK>Sw#vIY?a@X&eFIS9ySNM8BSZ0{|25UHsA9v zsS!pMFlPtH$>g!UGNcnuM%791mL{reoHW=z=21_dmGVE!pKG)9E>3pqo{nev?5_`> z{MK?Ts1@G066XXFoKF=D(O*NDa-PT|fHxw$LB1RD^RcDM+#?P`hc)&PaDMg~s5CEOf^4-dLsN-f|L0 z*qd6rtvCc6)GPbwb}d%B5<$U@#tk%dL~Im{H<-hzF10@@9^JZ{IJ?x<8-MiA$^f;n zZ7WI4_*!6)wsGnRefFuSJ^yji;W0D-NsS!M?!9Xa9&+o9ZA%Eh^P$_p)thuhbc$+Ealw?{~w(C>58(q0Owa-cFhqE3OvM4qK%HE|eS$(U( zmJmz+y{( zADlvJC1tCHRLXgoShoKa&vIXTxsV8$smW0jZLKKaB!E) zF=N+Jd~`eQdBJ+ZN`9Z#NcZ^HW=rc)!l>mHj506zO>9y2j~r!%9lQGp%-NgX(Ht|M zR5?aEQ(xvWQagSc-Ys&o`n1C>{Yl~4c`sPLRP=3A`q$cgsb`o{?Wn(sMEJ?^5y2MR z;s}F;hJvsoL9w9&V%cH*$~c4bdGJG{PZMl$Z;O5DW-5lHhiH2P2ztk@2}dk)@e(Vf z!x0v?_NH%aYmJBc%GS;L>(?6kSkCNr>(!$Q=PpA^qG~+l0r@6JY@A<~YM<=(A9*~Q4Ru0dh&K*Q+H(A$ zs*}|6&HGf5MNSH#t6$F#ZDm|`{JbouKUuAciJWSG*RmQHfm1nf+%%Vpgy)7c#YFwBS*d91x0Oc(DixxZ6?n?rU9bmz zsxQUhzEz(W!pJcBybX~des9O$F`|fmQ($M$erF*zPL1^ZOF`oSG43rxPX(=<40UmX z4v))cn{dxp+ww=txs%=+12m}xkD;Zg6&Gw2p1$*pZ~CYbKDKlC{A$JOuzLRcN?!Y9WVpI#nlE}Is@9(RVR&Q|3&*gcT~@fhm15AQDvwX&#QURJqjMi3 z5AJTtj$c)#UMsY7a=(TxzF>N@Qc7oiGg>OK6z)oYTjxbboc`ma$U47l(x%aRM3E#i zb=%P^nWZ&JPSTLl^?e;Bc6DS2ezHJvs7m1etC3L?`LXW{UpHF9Z}J*2nSrto5(e3_maHS4Ij5oYf#t#9!evyk9Spqb zMzo(MnR9r-!cWA6mV~yWqMA%|&}J)6)`!}P?#e|I2};-qJ2=c@&J3_`Y#gmph8$(W zx9MGXhCzNT>!!RPL#Eq4yLfPKE=TR1Re*R??P>mXaB;L?f5X8B)^&&wQg3yt!%9-Z zT0$m#kC-ewQ{OB(a&l-R=g2Y+mJ9tVp4IcqEGYKJ)JfQdS(d1Qkbgig`}KwIGi83P zlt0vZH}m$RD{t*EiX&zYby9}o4lRR_TPm#n6kG(EW${Vf*T15RP#(2=i2pEB#=_#A+Pc&-)Z!Rr z^<}9ePIkWym=*Vt-sN%PI71F=9~)E{_~d&iUC>t&AVHggAJLv7*?uWFuG_($KbKaa zh)=wxy&I{|1-0RmU%u0euoBNMaNfn)&;@SEM!szRfsyh=G5CD{Tq__x$dRZkTtng2 zvd%nBBr&v$$blR@cVFA(O2yp!Yi}HjWR1q6jiUvTyPMLNI}<``#7 zdR7dLx=wJze1qT^wgv@HqR=3ykU-DyGZC|y^%$%#NU*V2^)6(eOc)ZV1 zQ&5WZ!BY)tLA7XFbLi)tQWrnNh(ISr2jz1m+&+Cm0^B z)6iRN19Q0NullH&VsUz4cS`0rl`A+lJv+X@vFSBTqR!< zH8x#Eu_7dVmR$)mtFFlvEBo@0fr5v@*i#X8+E2KTt*17afD>jSE4(XYzux}>B^(oV z6=My5&5J^T=v-NUO$fJ*i=YaQvQ38^#o~gE^()KPar68JwS3;#Hw+xSkx9-D{QW{4 z*7Nj5PYIF~y`C4nO`kYDi;2Q?P@B=hDl`lBayfik5fTwCu)?f{afOE*^Vu+j70R)z zharW9%4Ox-Hn+&#JADDbIBb5?j)LVj-LWz~ch<@d-=jAstI?9qj;$1vD5 zy2(3Pm37cXBYQLbO|Kw~g+bIegL5eSt}nBNg$QfAxIJ!47+DhAW0isQhopAqj9L^I z9MkYn{qWVK9)d{B(LI?l0S639w0h^$Uxq<+p?0VqkLGIvxt=inXcy6VHV5m>>3{V| zkA47sC6D3F+L}Bo>_s9PSGav#a*HH>Y;&$2NFIb5*cNfmfbV2<>oNMR1 z{wI=AFPDNBw$DA8eW1Vn?AucMKqKYFLOHS4;r^y#7hlk9Yb^g!dJl%wZ1MABq*2L$ zol)eQ&o&sY{eE-bLf4hrF5cFPvPd{nwe3n%1XoP1O$ZO7ZuvWvNhCbU*yFu5Nhj>N zQfW|Nfsce_c4|R7s!wYWW*dHI{i1>`GMWEmQ#p5)PI|_l_LzC7+9k|VsH{+$E3JN$ zJYvp^o&Q@6x6_IGA)1lYx~agFVm8CT*1THiCFzaORwmRQ@)d4>CFGwGf_-|iCf02r z^YiD4a)Jw1PdPuK97fC|1-ndPfbRkbj=i#eaP2l4Y4%Ur9Mz^IPKPh&D_QxAH{}n%6;hF`tH=)>E(_?RlG{ zzSf-cUg)+}_BzxoZ@+x)60HrlSe{ylxQEn`?L1nWKqcTs`x<9d5T}B>?yl&&CCn*y zrfmX&Xs@OtubnK-cR^Qr&SyPed4|=WD|>iKzepq_C4gTY?{{>7QS(5i4JELk%rV0~ zlNgj)!DJaOu;-f2R9MDiO_B4o!>^)yJK1kj9->Q%FPG_zx10PV&J)GYb)%}?Y{;-2 zdkKFy|5UnED>dN}<`Wzm2^d+=3iQ2vJ(^%xhevH01BUfaR`9mi&yb9qwKD03UFa18 zMBR%Ro>yELf9`FcAAy8>RiLi$IZcdKB~}C`>m~1pueCA{t_7F9wYY@p2<$q*s1A2@ z$LSb5fD4w&v!1T;t@`*rmA3eMg~-ki!w>Q*8%`mmxO^tOqsc`` zzvV5!8sL^f%PZGMjwB&|CJ3_>Oq#Bdj%EDqWtoVpF_+$+>0w=`DBnSHLu`LS?bT^} zwUb@{#qQ%aSGcQ~S(u1px)w_EyTZ?0KTYq{IawtYPA;Cp>T0{Ps8H$=Z_sKvPGsMe z?kIGv&nqwP6PHSN_JnH@uq#8pNrav>%j?2$^JZn6x|%IUd`hJAcv;qN|6OEd5Ypis z>2Zl8=aL zluT_B*^1&_Vvf4b7SddBJ*~hPyHfvAtREFoqmd-It)RDk?}?-wB~pY2(+;i@A&!_7 z&x|%Wv3utTB~3)2R3hAy)Olj48WS5IKk^u}tNWsnyCJnKI!~u6%>;SW*0)L7OzxM{ zG9Q6#r(0yjjXi;x8r3hGUgKX46^%EXuE|7=@Gb=7V(gCay{ZJ6!trjp;cJXaYudsJ zCU5k#G(;pl@s4~)HxoU;#H$eK9O^Qm9(}$Cov9p27R-loK1Emo%Ht1L~W;yjbyj*1}@b$ zuD#_Z9<}LJk{wiS{>8Ix+HLO1!fbU|6xab;9JaW_Gmo2r!&fT@A7;(aVeX)=jk(*( z0y6GIVzM1G{GHZA%b)GyB#$gEA@Aeou^cct_?-8Qy7gllAAVnGbdwyNBVbjkgwt<` zj;O1ZthB>4yGTlAhWl|luRG+I6_6h!(5>8Ca5<=yS81oj5nB@XOKDX0W<7IK>4fZ* z)2ZJH-R*nS(Lvti<;s!JCu8yGPOy2MXB820nFF%ht@!qaxGRTmMV(scITJ^lF}~di z;VNgm<0NK_X*RpN>c?fPxZr|BE#tL>)66J%CPCMr1lAGh_#b2a*6;6dHqL9pdRl!% zC9AKj)(#)DuyRSd4VLsDC8Zt6eCI>jcjD1giyMB#5$W`++DAoVGpO$Hd1m~b3ClN8 zXBOe?JGQ-g#r_D(S@y41c2(vQ{cyVROxF%4obUTBt{kjZ_Mfvr6FS5@3V9<6dh;gM z+QBZwV(Nb%x{fjmJ)CAG$-ZW0M{LKGMOx#OjlSeizHG#>oJ5fd`n*%I!ygovbZTWe zm&;js8NyK7FxOYf48qsM#Dsn~pL=T7ixpN~soPQK*xy^H2S+>llSjEIWF?77Vb3YT zNp@G9d>6+w#A8CdaV=w-gL)KKv7V%;87<}JcH?-_^FmU4*(`)LJzY9lwsE7; zH$zmtQRX8tWOn+yUcL=y182HPSK3a3S1XilN`iMP4A6W8%RdQYQ6wTfhG)_o&|F2P zl8Y+1#2U$-d_D3!FKn4WTtM#OZFuD~g=s}^(+=I_v=dn@g%l7fJOBFj3Pm-6rDYs` zyrD9qKkOt{R|zLS+_255#6FOmY!a{AvQAREd{|ID{8Holv=aNrC@VJ=35Rd1WXTFj zSB!T7wkk-lA^ykp=uSDM^0$fMaX&7ZysI3&9YAiM=BN~YPRbqLs_3w+WO5k1Yh%F@ z`0+?zs4u&kh3Q>ujS^u{9p1!d7yY4TM3jc4#m-8^osUeMBwe}17T_n0Z1lXbw7 z;Uc6MYC%UG}Y`_H&@ zz_7i;UWj!njNRx`QLF7{8%Rc9W`@=s@OC!l^tzh=3};O_#I(D#Mx$^z?R#U&9(`)! zM4B|UxN5Aj<9zevG`6nfvTxeNY4Kuv`h2j0W|U_2)8uvNAv4pSXYrf~k%rsqYWO*p zNh35HH6|A?rrC(y6*u&z)0AV9+dHGI3ZfZhPK5rcE{?%tPsH6jek=>_3QNfZes=Ov z)kIPMoDoGMZPS9|&Tjd!ar-KT-BEkgMRD`2*DnUm1Elk7xV5Y5CEuLwxEwMZzf}H7 z8^K-@epnk|!F9E-zqlGmE4KCm60c8Pv8pzL8JlS7p;g{S7@tRE$Vtp8YS>hKZv8<7 zz0s|Vce81uW$2vJNzR&OMQJ@qUC0Klvu;}CoByY^y8tmlb@_8gw@O%4v~Y^>^t#>~ zLBlkY;W=X7l1y5@HGhe4gZzmNSJT3B-{SfiyRrJx_gO3P<_#z4ZpH0dS5vC_lfq-m z{7PP2;5aU&N^Q>wX99K)s}a2BG`!>zBiZebs{Yw6}XN{qQJ6350v{xBs=eZGJ zHwu>><-)M)h4}m}d1qd|PI#L^W)|GqsI%N?C(nWac`DCRm(1i5xZ3UU;uGzB?*8p? z(E^x^g290M`2;Gz&Gkekq% zke#zpi^qOA+BM|O#5%!_){IM|k4=>dt8LYPzkOAOZMbxI!ezyKJzc|vJ$Gy8GTk7r zjjTt}`qgl1PydVLbnJ~{^3mu8W!?sxO7<2wcBo)x%IlU~=j8QKqUhnVc|H-_6v?Uh0{O z*sV9nHW3b?F|Md+z1O+r3EKT^4%&I{#}^#awjK(XXV<#>!YqBxWI38Ui-w7KP6X#! zvRN>Vh!V%nT(_Q!a)Z=QA7 z9o0PPr9?Dfw)^JNPT2cpro_`h3Z^WtF^sWtTv4DC50z!^q{#4>lfa&447mNk-N< z#j(cbIeGz>B%kd0Co?MOr|wPcaI3<*o`gPRTS{_G&yO6fzdNY(bFT_peUPRY8M)+( zj#U`Y_>^3h%#=|I=<@>@*+z6UXpyWrC zHB+e)u}L{Kir|Z=$CGf1*aQ*9Xl2%R0>bVXuXZ9>-wN=<49R4b;RPu}K0GlxI&#|G z^Y+&A32J7xT_rr4u-dI(<8(c<*sV5up6uleYqKkB_CBb7_J_A9XeoaFGdeeg86jov$T0q&&k(hzxAe}0C5XT z=AauTzyu}|clCm^9cDA=#o+5XOXc9060arrAk<+c{mievFk1|fG0|0KNQ-Sp^pX~c zwphDYuiNVuPMnk5uYcy<8=f)Xv_N z-C{W+(}y?$vc5A z<^IBJ>d2$JCVwnzm-pSBy1wI}Zj0QLpURcpI99d!{&EZcvS>!iuZzMsuCXt_1f`oR z&rE2r{fcgZiO^ZL4Di^ntzG_@l6i+*)7$tp;e%JhQsY3UR_8 z&A&UpCOkoxxE%dOS669G-f`*#_G*B=U@1mF+JBZiV6*p>?gzdjT%(t51|Fw%knZ_hb|^Spxhmn)Z{itiijtt6g^LL==_3%(Lto)h32; z&TiIbnlX7xabV%JXE>gH3L8M*2BU)YilRw1&vL4~=&qjc`kaw$UYMUZAC24fe|F2c zIpZkgXj#KwI6{zY&ibQU)1EV@r)<&`=TfC1ynb{`K1{ zP&Jed3TQ7msb7XO+~r*|?>U(gOheFdGW|aHB9;(HeZLL&RtT=Ii4eZQ%F%XzCc`;< ze-hb^pKIV^C#`QsP41^2f^G3ut0-&3b|6i#E4@p76#`@X<>8>^1>7h|g4beh7?gDZ zwd7|`?zS>BBGP=(2PY=AhrD7}6a`jTbZ$60Pg=HFJW&?CS&;4e?tm&Jax{5a8QN=y zy1D`0pW?Li@Ttjmz@{QrHyEtXg+FJm-+N5@ec=qN5zBQEd++FU%cYzDcorkj%<0Y9 zJcb*Q3;*01^q_6CwUk1;G3X$w-t_I;i^!l zq*oERcl6I*t>WL2KO0UW&VIi2*d_4ic?EUHT;Xlz+R?WO4QjO4&pj8~v;*mY&d-PI z|M$lG&WJp1v37%2Jgc4L!{;VBaag{eos0a3_~LRrT+M~=Z)+uQO0Y91Gsq8bIgJ7b zYBD@VIh4=1%|;!eE=3BUH$E95kyEJSRvOf2+xQE7btr5pE<%;i<+H4FA;oIk7UL0hJB6>K+!sA1~ zVxz3HXyV1PbGH?(O4X88>)uZpju9y%#jbqK%H1gTwy!faCJ#3@##WCuHH|~Q(@_$s z3@@-vPwb^^&B??<}oFEol}YjG@pfC#KYizTwBU{_9GlDb{PC(1*Ep(#>ccIN=Vv(bK}yJ|^yiWW^f|!`jSpDIDCQm!{avTi$HdCx zf!;jD+?Gu23KXuAP^dxyu1pPJruu9vXS9*;&YE1iuF<*jgm$SPUo>hKy<&%!fa1zL zsC`oPfyYQtiS6YCrQK@Npn1NKX?Em?4jk!@5@NqmrnP26(~4!@CyA4aik#e5?kO&o zC^k<#beYm71>R66$G&sRi))I#NP9!{`pO3FnDw;|R*f@8W0c6);|ld?9JGa1oZc^& zd5-XFhJ=nHoT{5WKgsh!qJ%nr-m-F>kCh%(BUqv>Gl7wi^DIVJc{TNrFXLYweY2zv z5ikK)-{W{iPGQF;X>3l%1lq<$l5<|#?(xK7!brM>qAnuysqN#uX zd~~_VGm-bOmR879qx{uJ-n3NSk{4tu84d4~sK{*@TP{19Iq8B7zG?-a=(1#Dh^!1q zB!bhHGwlv04YtJz;gTw6v`Alf^{Xt;TJ{%B*j0pN z^Zeyv$$_F#zv;~DI{e;8D}7l%_t9gkx;K*|Y7R$7#|2qO}{7D!lJK_Lp!y&$6qHoAx-nlZKb#rAe_jJ&_KtF>0&*uy^D z_5;$QJM-f;Y-GI_SL`p$6s!iM%UeQB+_pRt?%Q4R4R2cBi|bQ$}sq~C=rKDVZ_q#DaRlt zB`xxlwl#R$z_nvaCKG;WmhhB=>s^>Zom}lc$J~;YYw{7>+4Pc=OXC|hW6TCv9Pd5f zH&-y%4KZM=eJ-18qvFiUs&gLW`3-#jncWdtsftvS8C!#^Y26*kSm9~{PSmq;VJ}zR zE6KDI)0w-vZ727Gs`Gl{iF8ZQECuI^(yioE`SB!MMv$wX;0eg+G>U|&HBPbAJ3XrZ zm5RJz3+hY3T(}`U@7^3Gh9zu^cT6E{kLT16Xu62$p4r0da2qXV?F8hWH(E$sLO##q zS4vgJ274I3&Ri=xW6N!Afn|h$8BqMX;6vU3!!<|+X^$7@0}c<4wCGDxUeT)fw;%4S zFR}Z5MUYO}1`8oMAlz5HL(qNYTfbQ4UjEwQeqRwnAKh16yeE*#>-DVZv8G3nZ_x)u z5IF)0BFYOGFMhtK_tney#Y06zM1WL0F$BUFNM6ETFPolfey09P%^d?0!(#{CS3dg> z_tkfQ;Dm%XPT%9cA`U*juXt(CAeA7>Fi7|M9Y`FgJaHfHs~5coq_SmyN^3mlS#0amv@OV6=KyML|5$-D}de z;fg!oiC@%H1y;3{nz9?Uk|u-HHG?~&C$KLB^962k^TOPId=GEzPg@r4kqkQM5EZMb zrbu@=z@2`)nwreL$77dbqyLUJ=M>?Rt&B>yz(OyX#%!8qG|*&eyk?M=FWG3;roDW3 z(iTg_u3WV#AlMhXCU|kQi8Iym*$UDNc*F=A$dbK2?3?Fg^KV3_(LQlA;(U4N!`*{Ey{v0#8crlY)z7t&G3{`8?jXoZ4J5RqIhIO77 zaJD}dV{Le>)sAXDJ4rQuXycVwx$=};2l|?o)t8U+SYn^t>FJqG4&)ar>M9aE1E&rH zf^19O8}_GLo9OGcLu>`HkQ_@oOC?OPqUXBQyV`%;d37CUcgx^V)g zs%Q`Nt~`EKv|)Ritl{F>;61xk$p5Zx?iI!yx=|YezGe^lC++F;Vj9EOHPF-8c7<17 zwNpE`wbK%n=5%Ko+Ku2ZXcapt-RZq6!Dq?Q_ca;K+=xbbc7G%-d&AfZ9-r7&rF8k{e*wZ@fx(0@{&nGr>F6A9@^KPl* zWQS@>xZ*_fj9^w*wzJleIKC}st&c=?o3g^BQQ2@;vcYs>HepMn*;-LGDSmj@H2qR{ zlX_b64eRT%9IQ3ypeh;@->qFuSHB~>GpU5|t*XhSSdme&a4qM69qFE=U=ActtS5|0 zM^_|WMu+)9i%NyUNbxBi8GJ&DGB4WqSTTewMY0H!z0X;3OMP%lBf5Vkw{_U|%zyKY z`6=uB@+P@m3$JBMc4cK|IE^XtEDI&I?()38(r08-ekh+J+Q#P_=I!-J4`4s$t8rYPI=Z)rVZF6+w0qG8e4w7`pf3-nkZ2xe2yd(PBG`rh#)z$1X z7CFTbw*i9_XF(gvY{zCnT0WVedTAPGj#EtLtneaEvgrG3j(44Yg4mhqL6+63!~86A zI^+ePVGK^19C}))Lr9Z*Qg@EI&qFgrI!tl7dRxyC&FcqQHteo&Nj}XWn3&PcI?$gOp`I=1-u>K=GdxF z72Hyj8a0&fE0-UYK*Q%n{z8rpx25WQf$(`0dP}Q5A?Ug6_(;hjcVp2{ar`gSm8y=E( zh#F8&W_?%w^Q+-BK&Zf<@7)W_f^;>Ft-w?~;#3l5mL{5z0BCLy4J9>|q||SWq?9;_ zhDw$jWNm2!rjixcv@(K_nt~s`-_CDuEhuXZ396;i*1Vr*X8thm@7LRD{t>7yrfFp@ zZl+_PYXH_E=3}L$reUI{r)Hs{g+v%IQ&7_rQBxC=0dM-9wNzx3CnS!0)NRI1PyYAr$-H5wsxshw$frN6>-jA3~P@9YGJGzYl4l z`ga5ai2fn+;@=UBAo_>+ihoBif#`v+`^)?XD`pV=LpTC2Brsajz!Yrx5o~E?U}g%U zp`qfn1ZzTq%l|dPNF`xo!eeZvZ3JSbk}hWwH^Eh_^(K%i-At7&Cr;0Qs}Fw!y8LB@Ch>mecXkQjAV5F-mD zM4graM8`l2=>Uof8OVUG{*8u`hM9>0Af%^cVxfZ&(@@gWLpB#=1|>5!HNch6Oxwl; z5)3b8X{HUfvf?!}HnX&11@Ss)nu5eN^&l8ckP_I~*vt;ZW2~ud1Pk#9gE|oR4l&+D z(;A{O;0kVG8d`N88v|n<$a-mkA#P!0rUi!S)bCl!TS0h1*aGZCpJtsy>BgE;V>t)-c{iKe9yWG*8RuMY_*qGO~1LGmEo zqvgOR=0FVmy|?I@sVMNym8!QjrfIJz%#*mf$*L+C0 z{=F0K?FH^x2pa%C5Xfm->Vd5x%WGzA1Gs<{1X;WX6vW$Nnhucr=QlSNbxCuushruz zdmSlgArCko2|Qr`ao+OwzwSqiMd z5PR-D0og&k;(z&2Q&Wn|LZtGW>hPMG0DII5_CKHU_m95ckILV-Ju?mCKO*e@f4Xsi zEi9)G+3Tj72EbB6BC=Q*LCg?+c_4W!Oo8VzuuL?xAR(|lh{wSiYz0dI$)Z6`M+ZPg zMgX#~0FamW&nO+F0DS;UM+ac(=pL{F0>JEtS&WPT6(gho5TIgY1gIDp1qA-^WMKhl zSXclW7DxeRv#p00AmGI)Dn0{09eE1oQzKz#;$wcK`9j!(6~7 zU<9}VECL|F3DElwXTTz$57-T~02N>pAQPZ^&=0T-=mVS{>=J+!KqJ7H039p=&^~zj z!IuxddYB1d06PHqp!`6JTmjZStUmxBGzUh2D}V~H4}cG=2UeOfHc6GKf4Xk9Jm6g9(Dv^AD{~` z2H5vUFQ5nXALKsx4bU9W;=yu29`N^|7tjJ!f4D!)f4~EyfOWv^hdUFn?_oV3tOno% z4PfEJ{srv%;|+i_ECDbJunn*YfB^o%PY>LHQD8>^G=N2acE`ht0ap()0V-g{00>Y4 z76I_V*AE&2G=Dt_$o}h%Ke_^xK=~sV=s&CxFE0&{PY6ng;Q-}t%Wz+qAR((j`P(wx7iP$7Cs2U)K{oU6!p;4F`P*{e7apF6 z@xLw4eSsz5<9opTZTapCKmWt{-zNQ@`K__CWrLii>lw0zX`$zz-`Ium^a+!3yjHKL8~&2r0nm zUvz=EfiVaNE7v^-u)UY_ckX|t8_;>JNw7!kpb@}tfSMIN zD-Pag0dLF&Jny{G!;Tfpyo&VNcF3Up79 zk0OAd|MUI7tM7l5@Sk#nE%-|_Zg)<3!f;2_vT7A^=kB!8g6zaZr|4IurucaWY6NQ2-Ls2)gvyRSnQ zaAyEG0h<7=z#b5DNPR=BfJE-^_JLvvUN2>rV0Ga{r|1Q%Yn?N%DHClkk{Li}h zJJJE&e;@hZ9RE9RNF@H1G$5kD^~awPf@J7FKL$q)9P$4xCqNHyLox{1`OhUlGA0hJ z)kGn`K?MS$1u_Q2Ok9);GzY;Z(0xJ2;7S0b0Z4-!1K0%K5NhBI0rWM1>wX?U@$a)3 z7()=dfZq_i{=WUw@_$9~@5b+=_IH{8j^nR3fVo9kf7jBVHveY`0=WM(%6~@pf8pi; z-CzP$D5zrrQUBxI39ddMZ!Dk%9JnulyB?4^cF-KKh14;?{kx(?nL#-MpY_3g72pPF zA@KyT1epWYGeFjXdC+PP+-1PJf6HYBt(idb!8%w$2K}k)@0!591+WmT1GEwX@%>(P zhyr|n>V+TRy=9=@{ihY6 zLV%zaWDzKKe^>!pSpnm~3(}Dx5di#$?6H6=2E+y4f@2S&y|)0;pFyLb7o?8 z2r_^;0p|d4egAAJ?Q5Miy09>Kqeh2JB z&b$zhfPDV7Yk(s8m(|Vv-2bIJ02#ZN^WSX$88;y3&zu1<1;0Qj05AZ#E`Y=k;Qn3z zAiuzv_+6`i#}4Fr59m_As~dz3$jSo}kH2CR(&+#+0qeE<=z)&F_=H3d(1b+!M;jt1>^`k558Ul@BNJz&;?itY=I62_yY76(9vId zANcy}_Z1|V1A^Z_u>YriR?yujutlIbRR$#k+cOZ~P@S5pw z76Dw4+=H?P;s)veEd#I>%n2TaSbks6;BNE}v0(+H6JiNO7NjEq;s7~dzkgR51PkDv z0M_=Wg@20}XjO4<8xrMj>%eh>APMLLkQ_t2zxV%tS_g{SUppB%zL1`DA3s1MV9M`K z1B&W>Ho;f}TlrVp{=g5Y|9~kWTM!)>IiTMV+aP@nVkIyFLGf?YKqB@R%K-d>yBqjg z9iRm=2B`pm8-xVVc?O6USm$qKF>^qo1dIZj{@mVI=$|A1Nb&EE0q*~f6W{{40i;7} z64Iw3RSb9tIhO;+fOmkWz!u;G`3PR!gEA%t906+-h?U?Z0MY*A4UF6$-|qua0!0ln zBMNN)%o{`wBpd&FA94=;|55#``Tq+yU^y$ezx}RxU>)^`hyVZm|ME=qTf_gB8;C5( zrr&oVff~E-b$?U`xc`9T5AKTqHRP_@Z~s8YkQK(CJrz>hpm}g-1|tZvX8ae@0n~tX zgXtj_0e6-FUH4}Q$f^@kL4RL8Lb&fc2Y?9(73AL3pB_QhpTHfZKYBL+IFJ^|%H!{y z65J=j9RZB!f0IG5-+$T(s%U`s|KHmom2$sk0;2SZU`09*nuaKynq8>9)e&i&oh!871FuoTGZ4PrS^`G3Uo_Z{Zn z83b{GHG`rE8ToUy$qM?*Fhm;!JAiC9P?rGc|3KdF-uipZ_?K%2NIwT`{_o!Z+ba3H zmVd|n+f&fF91?p779p5~WChYwfpNfR$o;K<-Nyi`zrO!3oe7BAUuFI0`+!%FRS&QQ z`aK9woRIzxj6m+Xaf(5_2QYYlz5_4{=mEHa^8-K)jM#V?w^Rj%E8RZ{?{)89ah`6Uf{*@hH3Tx{?Zo?Hf^5r z0XD2e&E$aC7r6Q_of)4y^eE=Xl@pa2%)b<6MdefQE%Lc|PZCqu@!*g0@aJdUZkV(p zoLogR?G@y_8O`ivF!fs0-LhA1ryt7M)naix+tKD~Er8BFVx5f)sB&AtbaEms`esDi zH0u2;$yCd#pb9awQOtSyct=~1@6%1;mNar$-7E^jvgQ!ga)w+gsYS2*E3KeyrYENQ z@{4th+AmS7cYK|6j$#qV6DNV|)N-9u-v`FZp_YBdpBFJISC|WiLECSSYRZ>) z6$WY=sp-viPDzj!{1VjgU)`wGV=L%UPIgzFP1>COo!#?%{N| zSl8)lfw@&)&a;!G?$t>0C%Sr}`W|#iwhNuk^dfb=)$OhPdPXDHLJtyvMaB|Sw*E({4z;D)_m07}6oVs)*qC}QHaU!cnAGo}+S;sbE zz!7V$@7|W|fa*STGS=gh%hMMqh;efpcvn-|WG_B@_9g*0(hz5-!bBH|(#EDt_(Ij) zpVmfuiihci;7Ji>oNP36l#N)m{(k1UL{STYd&+TVKJ=1zCsDHmni5TuwQGIJYiWG! z#O*CA4$|Q|{+H+4ueo4pmI5Cvq;RC3cwo@?Adtp6Hm%MfkvT77UFWtStk`ogD?iI> z6!VVAx7qe}m$VyN`Ihq~&$74XI#Vrgzd!q8hk`s}V+v0*jy7u7|HzBlnNTrDI5GZI zcVxth2lgyye94TH@-V1nlh7zZyNGD6anH9K3Hs5AUt{t%g8j$&IPP^fg~SL7dVF_T z-7^V8*-C2GcV9mfyozC_c~@O-7K8O6_ASYtMBYUTMy5_)5E=_;*n}wj8)Eg zmSdPnXLJTyJgkT;rl#vf)pL8V1kYn zu0Qy?7{s{UwvpY4sMh#fl6?q^NYG1ecAo7PJ8j1G!03o2wn%6Fa5t-zDKyTA_x?wv zJ}z|*qBu9z!iA&+gMI#>KKkmz%b3t7*wQ&lF9+gV*PHN$!-It>`uFPQHs20c=nN@~ z#^qEL6xbIHI}c@I6vgQH!bfdGkL3Gi@?t+CGxYju>QcU5>stdmao0w~n;#a8$&hu1nhU>1HvsxO3 zv9x8qtt-OIk){WpXKkckP*Vz(W0r1|9tn-4&7R8e9gP@vzm;8ZEfo}4qi!|K;?KDe z)Xc6#`(g#7sS+NsE||UjZac*=WkP0|3W4h_S2a3e6vh08wt0lYJ zbt}!oR{}P>InCwH_0ENrLsbg73JK4DXt%drqwqGJ4Dw+S1Ur<@=LvqH*BDQKt3(j_ zJ#p6pJ-vp{t9`U}jqfXR)Sd-<36ZM?7q!7A8V15Gak*6+(^a7n<{KxT=hEH^E0*p0 zN0SO?c6$#4)*`=zupQ{L9z2C#CgD!Gf)*=p|I|we-zT+S_~m=_Ynn|U&Ei4o#V^z521`xO`d29L zI=H@)2>EMHvM`K{XIbT)1t{IURZ6cZ;XVyj%Hqx$9}~FDnqUqg0yLlpXvJWNkPz@zP2RwgA5&{%0 zu|=Q|dmB03163iiY>kqH`5@QKj`%2=g0e;i;!}sdMnAf&vi{a*y;hiNs+ZER z>DKnLbu9d2LXvBV%>@3Ps?2XNMOJ0Rb8j4*h5fF;lzQhdjH&QYb&{k;I}MB85+M zjyD=A42F-E;p;9~R0g!6*+iiU^Y@SRa249Xl^(p_RE^h+rC#{)_3_xQ3j^T5OzYMR2kKnw&JuU!nsa zX_6R6muoM`YW5&-^;htyM}FZmV^!IMB_q^?kijQ3&z4pf(?o=!i5Pz7oX|nZZBbl? znDFnsw}wB$6*G>f>~hG}&A*kUYQKnOb6vaP{oY9|!{`>6g9S$*0f&k!MCCsQr}#Le z!nX0D2udQ_tEaP(di?%QDXLp~oy(p6*``O?F?VyP=_^EyA7IZuQ&*BXe^7PtN~Id5 z9hP}#@cHwaPTf!^l~tTLVGfeT$ImeE?dfd%8lsEh5c+He~Kp`ED(<_R+am{C~L;$)35zI zho|9F&0i&9O8b~Or9)DK)2VV~pN^H6P`{ZEO?61`OOrJmQMB5%6rYMj7U88YNr|nr z|52dfb)NrH*qkUA=KBeWg#uQ0Qrk=y2}Q$0CB~^u0c^Fir?8&oS%MaiY=S;X%PyZK zhClCNc>9v!t?~2&w~ST}auf#asMO#j>=dpy-%9uVJqly0(B!U1LI1aAZdcMv@rFgC zF4ZwUPE#f~F)n6>BQE?6&-RGRzR{yVD4Y6p*H;cCqf>sYhnNM47&8`wV^p!jdA)nx z#c$1V2IwcuDQeBq#25JILBshP6V=0?R75o2nWImpn?z>YF<2l<;?37QXjEVu%r`e4 zN1%R_Kw?@KYS!U}aln~qAr;1_x*nOpo>Wn-+(X2YHvFiL?~AKwrOhni);qPE;U&gH zl6Y@7y=1(w30Cawl&}ro!pRXMj4?!WSSOpzhsE8LW}d`s+9Ft%Bagl!9zq`x_H-jV zsCM8@Dz4K`n>@Tm!jVDBtD)N|F9|OlmQ*zjkS+A~m+#$tK)RfUAHeB(6*P)T+PNuI zyjDy46E=b~p7Yr1$AYb<&6*xFt#FKf3yBJjG-Y}M>hOKyEKVWnC@A6L6~H~!Mb zG(+;$Vx!?3nGeLt_3{NFMi8%aaKOJ%LAD;UghdwiaP#8wyRK2UHkT*V;^Uge1;5_2rh%Z|mZk04N+ zn8qE86H!Y%XtuacuYVh>#Ph9R!2|i@<}9B`EUg}M-YS|eg(J>*!^1qHd|pLW=z3ff z9Ipqx(DbkeD@S&_d_UAWc}<{*eFbo}DZ5|}zhaBO#_`hsNrRKoBK^&P25MY`rvCk> zd{`S{dxf;lX|Sf4;cpZ zpf>A)VNi>Vf{h%K^DlF`U+p)GTOw9b4Yzv>qbEK|4`*0LpEvC}D0@x(WKC{-l>xvKbP$GgX5nb#y@2m^!)|P zi?G$1^LWUm(hUAanU9-X3SGdBQhmJ`hK_hT3cDiKK2%h)`Pq(`E|dMcs>RC*?_ZS@ zj2XI4C8+pe59BFv{Z0^e*a)5(2NLu@oq(gko`A`ofm_7ds@XZeBTCBr_+iKk%3!Gn z`Y@VHWO)F8sc^4?_s2T^@frp#&e8RIWjN&qi-|{a`dDS1OAKdAwK${d zp2}&&=~$9f>>J{0<3V3oI*kXUP2BYwP=;MK^2X=MAH#&^?cY6VR(mkmrI+HGK3t58 z!{e*PV-g*BLC0pE<1E8(-!^VOXB=$*DsG2S*^3Bsy7aQdEJ$-+@>Obq_=u9mDBbpe zn2hR+F9|lLU*8PIiebc6*ITT__Sf^f(jEI%CGxM9JBe6&uAXzEre)UmHR=?~5_m-F zN?0jX57a-llxmH`7vq@p2!1LJBkc|OB!pe1Z; zQT{@vVaa_`i;06MH0$tq>zJ-^X4!s1D^b8I!^LyX!QrRc%Y>P!C@!be<>N%^sWGS< zlHpqW5UE#hN^qw7ZpQ*WPrmC)W!Y9O)9(JdJp6TW$n^Gt^LBT${pM+)_T4q3)mPK& z!>RF!Tf>^hBxNR5!LpGmf)Zma*I@yJgGV;$M?b~*GZudaWo~YJ#4IJTjD|9*M+X!T z@md&UGgF1FOZcYK#0Hjkz>)-KcEV^+j`+@}yk7~$Yr)CgP33K&aq#u)RGUyEZ{<+X zW3v`eFvS+G6pf6Gr4#FAak#i6I3Xb(#I?y%hjaAT2sfUgna?oUa`VnKHC-~@tQ-Bz zE9R)TW0qp6)ykOhE^Y?XQB23bGN117&DW&1VfM!Qx+%rmNyP32ek<>SvW%wj`Q?He z0dyle?}w6obTUsAR@@5Jo9&CFER0gR=mSWF5si^2M04ILEGd6yKX~R*`E_pg%LVyJ z5n4a3uQoX<1}inP3Kk)Mi{V6dEe#zLUY^mFnp8@LQq_owY0x|B%z9%@37%WEV?cQT6j)ESuR<`i-rS2p4pU2N28alXsg?rlnXqsxvtj zd!t8ah9yh2pyp~L=({Kq)P=mmQd6WiG40joSd`T5z^`! z>7%D;708Wn6Ef*~9C^oB`L$QF0^OiL8z-x-B>QWK3_hU3yjWiuf|CBOJ?nvTghoJZ z^l_~n`5d2Ql)_uk#X(Lj?8K)%BErv2_q$(|)=naqnPEpc>jUPPd@S@SP2L}vTGVfP z8++@v6JESKjPR^AeJp^#{oRSt@{NfH`NAtp&d+Ski-u6n_jG*f6?uP0fbsxaB#OexD`ACwulr(h7w`WP=`d?&;rZnciw z^nmA*$jim7HTx2GKPo%6gUT=ZVG&UsuXdi#*C*cO�+NOn5wA1;0lz(mpX@qqdH zf~!dS|A<7PgZ>mt;b>SQ;2kMm zrMS&&<%`@dY|OUeBMEpW_%p$}!2|OP;?0eQG)X7XRqAAyEqsa);o8xM_8cbiaAa_3 zjN)NrLqE9tAI-)X`nh_vsnmbCecCS*@ZeXg`^-V>ZncF<0gtu5jjO%UHQEKLph-wY zIrKS!)%&FV*Sf7Pw{PckZ?9F`done0ai!v0e*V?(8zHLpjD_otgX9bTA^Je5mZ4PX*4vC4aGri}Z zPd6;QREvsQwmNLTv*cO3`r>jv8YMTQ#?|<%M`LFB>suF>+tbDUlZOk3EEll9rj6g8 z`&%9L9h{h66FQr~O+FRGxqF7~on5b#Y(JQ}gCogQ5{C2X>`Yv>`M`H@&V7!WCKc`L2dL1gNt6USMxH!fP#%T4OH|bM-?1t z%yNE%4x7O+%}cId=WWn@e^#A{?5=K-nfds>eM+SA-f_V2LCv*w|Uy#i`mpB=whX@>bIOP!UFY;!Ep; zuvt#t(8`8I-z`q`LW3oOP**i9Uf^@2@e_~Xrk9sv;+8>^5=J&^i5Hjwn%SD#chKX- z)u>j`!df&%#^&AQxKa&HuaI$injXe}YL~1gkc_X=Dr{~1iuBGrP~)z4vrvIL*-Ro!kYSqfdro{;=F_UZfQlXB=+*hK~mvjM-humySaA)@Ci|C z`_~TLL^TDXDDq;U3$dLjPn*0trx#Bi6NWkNs7loC)%7y!JsWs>#zMPVTs?7<4pUJG z-MzP{S|B_B>gzLAHlfgmJ|+@OCMk_R86OswQiRiTv-C%OJ?oof(69FGsOxT`ack5uj z4g2}44~>Ti=GeB3dgpYieSbgYDtuA=_rjcK*gWdvY>yv}l95O;ZBG)uE`g4Qx3KR|p6-4A zvDzkARo6_Kgm2t?XlH09uQ!t+*KHqpst4h5+gv+PxNTstgO?4lw% zl)pmtz|AhqYkfnEEQ(200~ee@{P^kToGcRC8ms5Y7V&2S7b!)$w!uN(C*i9Ka>znr zaoZ0Z9G71FHw55SRc%kTGpIyvem{1HEwZ7r6|DyjS>=O|iJpS*qyq3Nq{NnEqT6Y!K}R z>{y+)P(x}yH|#+?Zh%Ybh)@i|-r|U*Dm3#BJ6j+%woQOH$7j(|OcyvY@s5BA&O1hD z$mI74s|B{i1lt=(4}mY*a@<*AFdrd48HxS^+dm_Mh^sRbyx zxX95reYy;!GoDDT+skF7Gm+#+UW_NrqOZ5Mu6%Q&Uzy7&`9>zX&sahbo^2I4wq)CU;}2Y&;jL3&QoZ;3GMx>j1jh9FYy@0!t?OG1B>nnG zZodcov2Cict5ADd%C+@P4wzTj#ge$NNNPQaq^H8T;w4WN4awP6$;jaAe=4e-gj*m} z(3_41^P$#oUbJ7{h|)sds1Bja~{}CkvH* zV*e=k2*=_DR3QJg7(RBPM6Ju@OD_dh63SlPg)xOEIKjlLvg;fhl|fR04dxf*Wiq`V zp(w=oQgq-l@mRefI;*Ur`_@!DhaNh zhCoY}x?aX{?KB?qA-6b_G3G6LDp zk5b_uYaAPkR16Rm4S$B^1QwtN9 zOO+iX4uz|*W`g+opl#W%{<(ZF+|aB}@URXdtj-kuIStHv23*%2H~0l7PeJz7d3x3d zFXLw;s-9gJKbwD_UNyP-GFGN;|HE z)uC0{@>^S^j-=^&cA(KkR?0@HEHRzQ)m;T~^!yv5N&+6gX07)DwHlZX}!Fw6L_~b$sH#B9jra{Xk6nc1+(u zgv35CrYrtc!7}axm+-_RNrEgnUXN@aRKD)6Pj2s1)XecQlSJEBpBtLo>GOzQS>Wl= zzJozyYZJ1+5H+Svm@8Rc`+lA&rEC~upVF)WhuvA`chS2MS`!gU_Y+k`Mydd>sAj3I z36*a_v1Hi5$?;=&K_NG7-WXLs!K{n3?kLf%SoJI5yNcb^ph@X58bwR0jai}TPiAyUzFk_g1qM}OU_x< z_T6Co5nuEwLM`@*3FSt zTT%}tFdWRh&Tvg{lwVlz8jdseJoCR;XgcvawJ7^F$u2By+29I8K-D7{`l@ckH;xsa zxYF>1IsbE|L6v8Wb-$yw%qo)PwD$Grq;h&GhR)}OY+0cpj&5soz2~FSl+DMdMWLOA zM#8h~geT}f)`H0OV4-u-M)7P$jOJWve${$h1p2Y4q3m_j|E%gRV0s|El97Ne)h9j~ zs4y7W;;zt}a$@rImJ#jC!Div-1-*vJ;w029FX1F#Qbg=Ag>gQs@*RbD1Y4l*qlcRu zFZF%bhtr=Wt|{Q5sX@cJi8n_(YWbr$2BUt5p@Mg&Ap^A$VW{A>V%@UTiw%O%HXgYT zVpZo7CNQf+nWtL(T$QkPZ$N!i^Z0XEy81dsylk6dB@v~6wSX1fGnn$U3z9_2g`f2B zPk%sZ4-8^eI$^(w#WenMP(xv7O8fkIgL_Ylfv^&XY=Xjmj)Xv)BYFv18&n7b(+q2E z$Ns0e55#IES(2PsK3?omittwqhrtc()`KevW%W)kp|m-YvsV(e6{eQjP^(ueb-LHw z6FbJ&#IZw>I|3;64B?+_xpW@xU!vmprN-<0A;#9tGoBB$Z8p$_w<>hvj zd`_;{9?Bg{(?^={f@uu&b76|pM=XKHgg${#A)E+ zy01Mqhk=dw<&7sUvW#{Tx6lt>@^CAoK4Oe{D)%f6oYrUGiWB--@`OoRWylK_f51>; z`KZ!P9p=`&NH4w_@!NRd)=pDK7&#OZF>U>cHl!gB{hPy2z1Y3HbUNiV`-EC)Q>^bC zvz!wZNEG8xaK!D5bi0-0!BU7OIljsoX%WFBJ3mh=?G)n~Hl7PVoKLDqkXH(eMwN-; z>+ezY9oB;JSEXmMY;F_!p&=?I@cfck-tgb5 zb6Cw8lq*k+_mV6Vw7pu6R}bDm`*sd_dbo z_n@2is_dIy6xn3S>GMykQ`KZyFK`I!YYvRi_;rPD>#x0|_?agOh{mxdeiYEK?%0Vb zHP}kCm|kZ4dak^I-+nYE{st=Dx?B4$nd9eM{Whd_cwzC-VoInPb|0yO;aGZ!2Tv6B z2rdT~H#uHz7Upw_1m_SYlec*(X`W3Z)#Fb*sqVv^CY76}k{g#yzQxh&C|!K49Vq~_ zqsSI+fgTQjLa6So;s%#*BUEF=U z^9-|=;OTeJW8U#zqNsK&rhVitIb$5}D>U5aX9(OMe@3iHgf0$05De4q2zoYsY-33O z10N(S#=f%?fyElE*KayKQi$e8v@~Q)=)Bwod%Ydqkn3*gc$w&+x7c1f%rs9t7F}oz zaXWk#NdAdwT>milMN>~qaccRzG;`pOvem5{dib&9Q}|!U94IWnUYGxj_1-jols-ch;V4Dp<8?yKYUJWVk|s}4fL)#iK?hOixEK* zjzU%o@|K_FZYNR`=|~%V8!>o0sz&yyVIw)sJaDpm> zgYH;`gL-NW)rTtorHK(^PQJBNdM!iqgrHo(rJnh^g*f<`Qatw<5~x2{j14->4=duF6-pW~+o8VR5JBN$ z&Rks#`+YYnGVBzadEgm$m&hk8)M_VfH2d+c*0Tn^#T=?up#5fah7Mya@+lI#@4*^d z22$NQf@2!3UMJtdxKzX3&QC%zEcB{X+61|j)-@&W34^mUFWq&jNVa4>JE(fD1PTGw zOPJ!t557*lmg7PNJp!%eMbkkVruz-X#+lm&&y3{x=iQ>R3X_v2{tGW1Ex3N3Nh199 zDQ#^5I9T~q_koV*_-S7f<<(Q3i!L6Zo`+AC<22m~Ob!3|Y0Z52=I6>=UE?Z-F4n0b z)$5XKjLSZK%MYg zB#$Oj*(f>XgPtdjH!a}|xs+DYgMRF<*wOE;DRkpUU{ zi-;R?aVV41DxvduUqT;phC`NB=yEN!a`g=8XG+NegXxzJsknnoj2rbG2QC|;F0$%g zNJ+BnZfe-6l#RrFSI>PrUhnQ-6y)SZPYRL;%H9mQr+nK{F?!)jXM>=qUt?1$uBR$r z4%G_%11g%HP4B!1oBHGqq3{X)HHxVN8|aUwuCw({7K?s-7q=fdt%cRoES`94#lr>g zb;Wq3V8*OoigTme_K8{qDYSF%P}#~7h$L-a z#2`FUnR1~hiTacyK9Y}e)~H^wK%5gi?^x>C?9s!eTq_#C;amJB{y7aRF2eQ8w@AON z&H0@>N>InpDYDPDU93O!vex&uoLYR>k=%byf5)pfvHEb*bbEvUDA+8x>#Ugqp^>)> zDQ|KNs|dwIaNYgd(=MHGA-4VD&$X!u%IPDwU#r(kQKL6!A4Xq$U;Mn=_+rz3_wzEU z@fYIN4!)P`ko#fPa@+0k&?e|J5jSU3=gV);@9wUde*M}Xl8d;#+84yT6uf;ubhGLn z@PN(~y{hys$-gp;-Y3W@HHPvXhFVR;3uN~gHp4*SBqQwnu zKg4x}OeaUS?T?EiJD|Ru@m~l?jgpmt!Xx%3fRVcNmu1EW92d+Q6t4_55KEk1_&3LRd+QT$n0JxrJj2-|W<;fI-8T z``Dt$jd5j>*Ged;HBVkKUJm(1doA?LCrhSl#haZUNM+oQ%`hYU!svf0Cz`KV&qR=g zR#;HXI(eY^e=kg3J%pltA?8zdC|f(Hb@GfD>b;7O%HWq-<9A2DSoUX|6GY^~WVa&7 ziuAdZQlX~DCGCRS#G2oY7kp4Rfyr*S3uGI+-YLLmYVC%fG>n%jGiAGht(diNOsYkU zMf9oY!~a<(=flt8R#3z?f<3mj|FN1ze9q|W(5GkB@$>q23+}U|4V|5a5eGIrFSJgQ z9hkM7D?<#q>r0C*?WKoS_Zd;^U0=Qj*t0kWS;u> z=VwTD*%x`X1e)x;a$|iGE%#ABt&Hu*!RI`6_fwv0I>MvDg&<-3%G?oW~T&)wdq6uLK5QVA9`=1`+M^dj(a6y7J7+y z&euzgNCN7%`akGnU~EO|pE)dBJXQ= z7Fg!#%~_g+r56iIE8T-<{zhCnUK{x)z%-dm3`E25od(8TIg|NfYR{V4R8}tlvbLs0`=U9FY{|*RG_2jlr{B!J@Qu zNv~oqqH))OkkU^UTqb%uu-cmB?b7kKwUgb7NhYPhl)J z+~XxgOYSPlHngLP-D*oU7I((@5wk9?MDM0Z8>*8t0|Ro-Tae2m&3=kl=H%+_il5m* zZz)C^m~ot@N51#BzO*_x{EkN`t(f^(xzLn;|1!Q6Huk5oFL>@rY~TCPB}aebN-PjiPkLhBl?x&Ku%-+jYpUIcbedh%vF~dG6XQ z71=%>X%kCYk+G>Hs$nwtAt+1GX4>X$h)U@9XVlhKs0-@j%VBD;a{J~meAeoE zHw+!qe8itjeB>~gO}%Bp!w&Uzkydt33P^8Qm+5u@m9YqgTU5?@;1PSHvA{F#>6q@Q-^j7W$WFMbL@*9>&+J~75m6p-8S6XXEXPB;7 z*r~Fs<x*63{~OvZAi9AE<#OEYLb#lE>eh4jed=yt}XKqdU_m#hap17;g7F4$&uio zdeO5E2A~uaeZ3YH#@eB-ISv!o&flniw)UHO}Yh|J?>vb2`pndyWU1gUFX zVqs4j=VRyUvNZczjFz7d$W0L?T8irLno+41j%>KvX+JwqI=7^I%ORh(bxRw&DItv+ zNHBt8vg)Wbbr&v!&aLWc;ODuQiY5ki&JIQ7CAP4rF@o9NwS{Abxy>hc=5lgd#p_|F z-q?uQ@~x|D)+GT;rEcdE20AfMas!3m_Z#LYRc-Y6LiPm)HEMDY5r&>&tT8fYTl5IM zZbZKW|KN%>v}F!2CX3;|H}r7lR+Ulr{AXu}AkI}G(WrH+cZRCeEfigI99Q(7VMOSB zxp|i#-Cn(~H52=_D&EOcynF@g+Q{(kB|@fxM<)Kjajurw$2ozw)i&=m_=cUH+jo&z zs0%3^9xv<{ET6uIf?+7~>4*1OA0{-064%Ftk$;8%ndk(r=Z1QBW5Pm1QFOK4KB$7^ z`!&m?V*W!v1cMPqF{ejJ^NnU@4{i^2mczbY6X9oYAbHWP?S18AV>J+P4n>!%egrM7 zbFm>6u%tfCdM-k*_KsMI&#LYyL4DtCO0tx8eA%*Mmsks?lsR46g}SooY0kWA#O&>) zIK?)}d|Af_0ZNL;E(gJj`pmDngsuOxV+7;A1HPXJd{bS~^zhIG1*i?FS$ z+{dd~uVaiMXyB-$E(nJk2<`kmvhk&W)G(2Y(W`m=q3_#N25EeheFEvPpp8j14EUZC z+nIVhBkA|OL4K6r$ll*|R=CdaU|Jh))0>G1vAt$aa?U8kL1lB?1d?QDgGf%{B+ zb`Op+8n2)WmgKuHyp9LPB+=;a$YZK+$XPNIoBJq8w_-o*x<=`4CX3K=QuNSn*HlJr zy$Y&`)iiri?1X!F&XUzUZ2R7h`?Tswe(kE&*+zN4ktM3uylrlLPx?b~gV)-)8iOwi zFDCkvllq~M1D$Pdb+@oaaL{0`lUVa$vzEx%Ka>tsMuhw*p?y=Q^wb^h(R>`?t0r{2 zj|6hqJ4y!6XiO4gp1^mf8{?e~!qE;Jk{@guHCbAfr^}l<1i~6-dFYH4L`qj2CvQ2g zz-)>o4;Hg%m9qy5edAl+s_!I?T_x?P{WelX?i0@I{@G`G)e$(JZ(*TKSouR#fdDhdbgD z^WoGSv#FY?Uy^Q?RI%nr_1Ar&GxD-&ZuJuK*UC6PxlHxG#S3`ug8gPz( zt%R@qaf?DWxr;`Jy4)2hh-e+F(CVUOSk0)#QeV5&8%lCu&!Gf$z+Mygv5zBvinyxs zQl4sPPDo%ZZbH^!7oFi(il_byD8A9nV^5T}_RTn92Ru+*zx2Vc+#Wly{5-(M&}_e3 zVEUQ+>m>8$V*l{<>tB}_-(8mPHoB9Tvb=9rHx}Nu-<*Eglp}8QygCqjyvFeBx>@k; z#a(ccOI6lecemS5L&WXZcSBj;p0`(*?QI{3mv45C?+&kK)FMx&4zK)wMd5svxkz;! zbu#Opl%yjsd)nM)t1+P>EShkB`>;YPYB=iZ@K%l_onmvE1d-KJ;TL9e$)%VRmC=I` zbqZ-y6n3?bX}WtC66ayIF}up2O@sw74|SluBoq_ySzeGkbXz^ z>e?a{hgU6>L+aO3RF)8vo$O`{tRSN+a3IiP4^iHowRz*Ws5N8r(FKtZ^DzfOqgNMR z@_h93p)5x3aw>#Wi5H&VMfMluZ91-yttVi~-vmWN5j1Ywpeu*0BYKKxL+Nqn6CVFa z$C$Igyn;=a?}Cwg^x`bChgY^TLnem3jI)kI(Wl7AhSG8MSo96Kb@8Lbe4Gx9>g?6| z*;UrvpWSI!^&;@)(buT+jO(HMFJA|1!zC`ug^9595&upK6+YOIMku z1>Lj`6Uq&LVu-6YD;MjrJ%t`Lo4o1Dop~}(#$(uY^%!-X!T1F>3`c!P`_w8Y`jrs< zQxa^E7Wb+PagSbG9@S1egXg?u6#O5hs6?%)uMHVixpoyPYn<>~sKyre@#T!v|?Z>pNh zEBp%YHcHBbDzQZ8HkEdF!l*)zEK8Y{F&e)Xw{p%kbw0$%q+I+Beop$(8Hh#0J(v{huZ@{CBW{GkhtC?S^aKRP>B564kRARO8_VT+HW5uiGctVQsWjraVA z);HK7Q=B{+`#E!sHk&7Y)2W3#5kc8{C>K)i<0mL!9`LGg)E64Md{SEVJF6>uzjig^ z{!E#Y)=a`c$c;k0^1OyIa6R9K*(|M59Rs~+^{gd$i6IDoYGab(y~v`{NOE$D5I+*5 zfh?a%rWb8SlZl$1x`cb=>63ZOeWHl;pFKv*C#MDepQPOVB-G(05(0Ey`7~eo^)!V; zpPFv&Adme&0DM4$zu=0V7wHq95aSJxt1Jwkz$orv$y{IT@t=juC)!HfDXQR9bH0fxF}h z1e)UB<=J@SQ8^pit0GTSQqIviYFr&HVH(Ai2;5o3sYiehp%C_Ipw85Nonvm}rNKw& zIsu3_-!O>W0`o_dwXYaS;w0!-+=U{~8F%WeDZ(R`f5G}ZARDmXB2-@6XXmoq6 zoB#G{{2(?pUXP11iyms;TTtz*5SA!jvp7zOc*V01UyY{tUNbylHLyr=AKlkkr2HL& zE{dxvbgh~EHhRpR_R>+YgSpdZQT_}`j=!9y9(W{2msIKA26l^WOHr-ISwYmFmr%wE0WO1jEE2D=XUZ zkIJcTm0aaF;(^`GQFPXn_&w`^i{cwykkvU1JKsUTU~3puNxL~Ao)f#E>SCMGlT!r? z-Cd+I!QrL}!7|ili})^;A&slL*SoM361+Z+Y$B|1tu%K>c!$#+Mq zX-HU*_q|}(6)(Z85zCwq3%IjmXhU(s6MYP|C&<-SB^f1EV?YHy^by;Pi$TrVj74$0#xmwojJbfq3vjyF#;acWm`BY+?;?8BPn7s26F%JLQ^kl z)ZqiwOwU-D>Q0P8m5$Z3$~XC=YmH>MHE?a!aGdv*2k{cJfx4PG*?O|8}@aB3Dxx_-+#3#zJ(cRz)kCp z=y_N!uIRA6sJ1nRyuK*}>0g|Oay21kH9aZfnIoPmsp2-%yw(iH0`oGhtW_MpcB0o< zf<0>?T-`Go=R`kAqpLL^nu7sPh>cACxmod#7M6yRN&F3Hq2KCQquxB$Gvm*=%WD2y z7n&)j?@Z^ItD>qkM+jUZlhG5SDwnxSz12#<&s4{yXv4g5##hU_N;U(GKoVRTx3}?K zIaI_Qi*m;yyF0hSM(MpXLuAQnQ!u_K;xj_;45_02zMeq-Yh(oSnVG(0(HULlB`2o? zR@8ne@m7x{Ab;BIVo@t3DT*$tR8GoFFs2DaqGjF!`SR)HyNPf1Ofnr z$bc}bq<7Atq>0yg6(Uy&9ZCJBgvF*3M#f4Hoq~yqS zF&Fh+Q$Lp(0;xiR(jO`ds1NQWb%t*4KV+9Xu4cIngtyYMgMr?Uc)SGzlNydEbl}~) zz9MzHF@pvgzv@al5=9oPikfHe4*af&&=XCxYIJmyhE!H0^|?BG6uh4*nl5J0+JpWkhEew0`Rv zvo^=6@vcnahb@G+_SkfKmG&D~>G?S$*FH?IVp%|Q7(Scx=&y?P>Dh{u!5kSiU+!;X~AyLb6vR?NQY-ZK(=`OlMl9VCZCGf?!rx zC1~|D%_mME<~)$y`5~l89|uzM-V(;Y`3-(9Tv=`Y05kyN!w4C#0@%)x5m`!IDJw)X zLb$C0yJ!@Z#O>neT5eE!+_HrBu9Y_3y|BZt%-@~vAPOq(njDL*{7F!_D{dg-<;PJW z7(k%-hcsX;ylFfYXy`A6@ua*@csWnJGwF(LC;a5hLO4ps|9fRSF-SW=uIQfWoMp;vQ zmB)4q7rSP{G<6}W=4%&1YULWT`MY= zc3{825GpyGRa*12X3Xq@i}Y}B*CuG1Y9 zG?x|N?g~K90cdweLpu1y60;hb6krpRLiH)OEORF5Deldtbo85WmzN_&*@a91Y0gVc zuk-LWJIvMZ`E)kB(vX=WJe`ZMq)54_L48<(5c6d;RcF(P_&|fTiYHhKFh&3?SU>e!HWVztASw3g+kl@EpjApre)s#@m~jIbaFfF$g{@`< zwM&6Ig?mhJ=#i)BpSzN?MvsQALJP%%8KQ7h;Q~P9l^I6tM(MQ)qH z9GlsLyp4RH!~q4<$+KVr-HI&^#M+SvQZ`%c$J@-+@&#oqNOLY}Q^L9m;c`hET>`PI z~EkS11+tk!b>_!csV>~kdd%HJ ziV6Jq{i2Ko>{X(jx-9{q4jMX9tCL~rbHk+eGV zH%E1#D$y%gxaUv|i6P7Q8qu?%&vo#PJl7MEfoj7}#85^)REY`(BD$vpy=mMw_bQ<> z2IBFTHP{Scv&Edcujedy=ak4?#;CWv$i)YOp}uyDHmvxV%eUU9bsxNFQzw`(3*MpV z>o7k&R)LQb>QRqW-~z>b({%iu8l@!cT&V)aq{$R_(HgXe3U+$@M3S(BBA>95N=D;# zdHhs(j9c^Horq4D6ba%)s}RcVDA1TbTG7s`!|94od>ni$eT2hW~TPxV`u6aY(b84H)AucA?~51gVM*4$050@mhotG?7{-^}a;lAA_L!z*uTc-OXtkvooPQRzo$}Rj ziTuJyijUQCt+w2V#FFH$zpO>&H z5Lix3q9Pd*MSBgm^c~LiEn2(AP8JpdLILbxXwSGhp#Tf5*Tzi0P3c*2h02?*XH<#J zt83tUdGam}E_1$X>C6f^k5hXbsKg|{k`)7*gxKI#!$?Rpa92QDRS1S+z}^PnV&j<6 zo>F|0p+%ZlLsZ^bz_}K50!W57LUR5moz?ciOK>d8$pqAAxP!k*kKa?1{NrEz_g^;o z@lXA)ch-waj*&A}B&ll9KW#ggl2}|Q!qIbxDEAublYji1RT__&`QwlOS=60i2Z@-2 zGWhd>Xi9YeS8f| z!gPeQg-xs?V_P~J2F@Y;)e0peaM4{1aAsr--pl}EK){m}#;{ky+C^=*&~A(^u{HM5 z44m`bYmkm?U2Z5p`#@c!Rg|zalzU9SkjT4P>OLDusoys7Im~aU_YUvO)~&4uiAnraIPHvrK8)lO2id`#vP3#D!mV~TrX(5 zgVaB%fbI=1sa1Azcf}m}gNs$$KDg+mJY9B?2Wp9}2f-mrVS!d(8MM&(0@@>8zz)p< z+EfUz@n~801{Ce)BwydEL30pzMhfMQh!U{F<+Pw)fc{*ONYLchPzfiVvTj%D!Wa>^N7^$)?IKAJyYbM z(nL^7-m+2&X^jcBqp0-q3#C|`7`Lb}!JNVVM{!ML5ivMUW3fhOY{FtJQ2~mt zBWwt1Jus5nu)_9$MjcQEyn2NEd#W0%IK|{G0~Hr4FXZ>4bvU;g8o})r`jqNPVsv>O z)UXtxs%W8F1!;l89jH7MBQ4K9sNRC>0p1?FgcUdyu`T!4c=zgYpkh6T7Z2aU3KK~$ zjP<%!;~LN9H7ylAM+#*R!)R*)LfM8f3(bG1 zA;wZJF?1@c*63UV;(OA~R>dsEGgWakN#_QCKVoL9}N-Q~Nm;aigQ?FdI)+99sl!O9CkLKJaST}9DOjYAy$weaJK)u3AR3=UdabFG4$P?A@a)rL*~GTV z`jASsi8WSn4zICN#Gg63nb)DQG*q*64-p~S_7UfLiA(5Qb#EVKg9LaRO10BXT2>ya zt=iDygN8I}9B%m+f)*=!1~ruwXdH5uC_2v58ehcc`x?<^Rt(jSj1ny{FHLi+rGEK4r1iJ%v+hj1jOHq!l1O6~n9!|#9k^7WU`?_WRv{@br# z{`K~QLf?F+G`1r9_3hjDfB*XB^Kbun`{w7Le|mra%GR@xO!M1%Z0j?j>>>l9Ir{8F?Cb zWf7>P0V(X}SqPIoP2Q^(PTuxv%yQ%+~H|R>Dy^oY9M+42YVUA3nL7XHK zI5TH9gi@rh!q&mUP((KE&zfg7LBETtkaxy4FejTcy1>=L|=&S_0=y^rk9&5n&k zxY7RvYHe=jnOaQcU2_%>c4t}gDVQhQDM>VT2lxY?NdXh)`+)+?!NNTFUM-=2V#I20 zwE@u)DM9XD+0(Cwcn+dy8gkEAMkhfZRKiQ)L z>QPVN{>C_)0}ayb6ZF!NKV4@@$`&+*AyrMA7lpWGx<-Lyq3u?->!@d1) zfi`Oqc(0!698cP<#19c_e+;OJgte!4<10U*0uvllz+7^ttrnhU)N+9C7-X;Htj?&s zYFKhNGu@9#C_By46w!~#2}|Z@iblGi$`_MzekAphUN;DLYEr3}W>m!r{R5w&q%Bun`%VV|=WkRs=dCKh~1!WPfA~SyqL6l`_ePJ*9wqt4P6GNkjZ`jjw{a8E2&x73e;avNoYo0(dj@ zK)DJ52R2Az7bkHjxo3Zxg=~obq ztu(Q?OhBcu3|hjc1gRUyX^1Y}>Gf4T-bEEL0Kuu0KBlt2})^uaQ~VzQz?q*+el@u6+c=fd^!MEke8?t zH?$<2chz42ojq}x$evB@%C0#F0Od8OdQEe zK867YZVg95hII@NjQX6G6{y#d^ile%N#zGbZVYkb1~V1yk*CTBBvmU?_PQH$!+J`J z=+4g;KuRD%lTR=jFA4ve=oeDd%AAO6*bygH5#yaB68J}li$nk>m~kX;j>HKlwp`gC zR+mb=edMLm%(eHaK7r$$#w;H()naPHs@DfkUIB=2uQTfv9Eq8# zv1dJbN>|^X@!>MbDAYe(F%MslCIs6MQ4K9gMSGBu$^ioJW`zch0EeKc~z`NxI8= zTp7oQ=+m-wQgqpls{XL_m5{)d26!wYP#sl7D%X*IsjX`ca$z&2R*9g6Qq?C_%1-ah zw(d%{A+`!zKW0RY=i|c{e2Ruki0+^7$rRi1c$o*c%6NB{kT4ReGL}~3HZR_)Bwvlt zO#?bLsu_;FM-wD1TZJ?r%n57?npj;Y)CzPdxE8vFwhjC&36gNwhZdTUrK=hfPeo}% zy7?{Hzp{c9oO;t(<1Hi~Do#O{M!W=FEWu%Ut*eNFqbaVIY7Tf3Y1RK=TVKj^kWj6! zBHFc6F5v=wqx3Ds&NS&prs?$6YuDA7^$b&(0__Plf4ZB>vsA`f`a5m**3i-t^0!Qy z5-m~rHm!Z~ahl7Xeol^p&lV^x5;)pdT2#M7vXK`WXaI*g5_ixHCSK_v0jI`3S2CgimL!^_jk(Hd%C^QdUPDu>05696D!ScJMk==zH*kA*jYt`0lG&9^Jeyp2?e z-iVMmfKPVSa)H@WA2W{S-)&>gl#NzVY~vVMVuef6jm0)o4M;WK_wOpaCDo?>uvbH6 zQ@+fB&jTn@6_a%_sIMcr9#v4L<5!H9YOzN58n!i&z^bXXT4x(wbUTJDXS~#Gaf}n= zzTCDx#+?(}-vnINF`a#Syaev-gG^<7rL|h%nZlZfv=30S1Drudt!{TP?wlkIw*rqbG~3YOW!u>TaEalW?E%X^85{`DMj zGu+uo9{k!))rbH&p@F745%h>FKpnnLECki6O^arY?L(;5N)u?Ca&DuT9h_o)`J39% zgBn{fiG{4s7~g%w6%FH~1h-W!6GYLSvHh)4i|SPWB0Vf0WOX+Ua{P;^DA`g7jnAYM zSW+kzBU_pZLTNzXTTj1SzwY4&E`bnzUG?#`n2I%hOl*PS3$-*D(xuvDKWtAvrnP*qfR=Afz(LF= zGKmA95fHbASPG3hq>xkO{`9|M0hSa>b$G1OX9>ad^cq$B9>b8jMbhWrtd~ivokbXg z|H@rPH}*U%oscX95yb2+A&C$WZ_s4nzqg)x`#UF2yC8Veb-MfO?surFO&H5z<#JT0 zy6(z7dfHZFu@qWPSpBhj#yij!`CGerYAFRCES4|Fmi6}Blo-&%^e2UyqI1G{%O+*t zHHv7jS>6I}HKqh%*#yzm8bBWPXi1k+EX&C~PoUEQAUx5E5dBNyeoFmJ*Q9i@rqV)| z&kb3tTdf)g(0F9Udy?BS4eB0k>5&HoH&1siA(w=up|ff{(4?a2jU?+O$cEqZ9M_tK zQUF7niKpNmw(Vy;|hq2~6@=rZPv%)ijGmcMV}Mf-tiH<6J#Q`iEhqH)>cf zhTdelnm-s_UgJ!&y5?w{kYQ|5Q>59VyDKR3*sXQk;iS=^02M5;(QRy5lR{uz*r4?= zSJl##sn>Y5`xo9?6WE5X%H8-a;T9_pjW$(MZ3H0>!pn; zg60mL-_4wRp>&jVjapeH?&bTaYd2Nwh8-$e-b6Qd- z);QClNbVYIJoXwz9p4C+rZXs~?Z4{vS_`|#tSu1&Bto_cYh!g{RAqIt}QQ_civ7YFLjPQjIe6(`AVg zD~s8pgWiBs;2URh1Lb5Ib`WAz(9|?+Y&hLsr~3$;(n12&9x$E&614`TcMObD(;gTsCQ`vbQIiF)1s-WFK}SV7yO{=F+f{=kf_TD`28u4Zw1k4qTl9YWXZ{ zJD2-Y1Jn|4?}`NIFUeu8;sfQVi#Ef^=)`#`s{hm|Uw=aV^Z8GoXruqxCqI1g z)zj0j56`}Q{=>`n@8A6X+vD>;9)EoE?#;{hZ(cuYLG1G1^S*!i_P58cpWglX`1H%; zx3Ay6|L*sv5AXi=-Tmt7$Z&Ij-HjsLIgD7&dwim9fvmC^lP>%hR0}B_`U*FiRs2pmt#1L z0cu+W(tUb#$2jWwiS>RP;srmV`~AJp&+iicE^>+Mm3maCeP`we3KP zVKWyT zzOw}o2S)V0DO^5OjBD7J?C2>BIcjQxbRf!O4;u(dQcnX}BopY$N zL(-r+L=@2!&3m2|5y&Vl0OT})9NoGvtp0g~Jn#qLC?jbHVqqW1An(LTGbF?2t zcYA?KfI{(w7Ehb-cPExU0OH^K4fTvta_Dn5O_di=Iut~x^7;O>Mia7PuE-Xr4f-O_ z8QN3MLmf^FJcne9m1GM^0;=8$(>Ps$o$J>YSy`?1eE;?_#CpuvX^aV&sHQP=q$rti4Wdkr2ETNRKf+)5Cnd zPC}U>LWQ<@< zEupk&981(ZNtE-2%xj-?6Gm?FCxp#C-z={tV@3?h{SwW1Pn5s zv;Z>aley~WKi9HW;e^=F9)=&eo}7g(qMjViGsm;baIc7Gm9IV%=*cvpwP)#WW1sy` z#CFuR9IvH4zEHcHkNBdb%oPqsjJh-U;$n$xCEO|Fp3m@% z2!Y#98=g6)kdtn0sKg;DqjFw1akax6F*})|%bvqv7e0X>_~F=#99jDbKQ}-`_ei1B znO7oNCM08&3UyLI4+T;TV`!1Zu~-7w)Qv=*^%SE0!^NZ4yq4nuou(|$&Z#V>+0vP( z?1<5GJ3ehJ&U4cVG{`-G%jqTnk9n6JRtgXV+=b+s>oXjiP63_Dg%DN>kjTikTnrEp z|0-qLtrP?(#wuld4W;uuSVlMfhOGD_+e;EBS?tSkS=AA%S(mkEqB>FWtY&iMMRcSg z2;j*d>jt7R$i4NF5J)qqSm=AV+7eOB5jT{RTV$iD3@~G^9cFu_um4`%{zI(5A8UgU08Hh3&3Kp0%dghP3U7&>z ztapE=wgN3|?;BVHsRk2<_~Sx-03>OOc#)d|OBOiYENt;At?zpzQI)WhP%I}P=@bee zlK}uw5&JWoA_34f)9x~FWEc6ytt@);6K`a_t~f#jT+Lu&UnT@@uc1492*hf<0`!ZL zmTC`RY%acA!US1X?)@iXQ1QHmF9@!jLjs1~16b_T zj9Dt zbtVr|`Ps$lSVQGf%K{y@GqlDZ~>(tSwYu%RB5m-V<4qPDukAW~p_k0=vkyv@`ld2d_TMA;soBiYz5k zL4e@~(YS~D8PfU(Hn96~cSr!41fk@hj)62Tvkv=F+PUvA-( zJ$EMfCjmqko;)0^SdmxNCwq{*k5~QC7?L#=xW9T3s5y@}vB1Og5jK=WqD|PiSt0?q z^;9yA8WNm8JU`31WB`7WcL16{1lS%`4W=2%S`u5;M@tR9VpYmHG>i5-ivd7ST9tJN zg;#t&6h5VsaO`mkqupdGU{ZIu&GGE*BTX}+Ln8^VNGXO!wCEDyRh^phDlE5Co}9%? zH3ZVk2GYG9h*VB%KIW0)+?JV!{)jcLDGml2CpFgVu#OkkzWw<~+Z+kB)kQ_cXE%XJ zmKt3*g$wi)0`4$rzpD<~Apx*jvhxBE_HpW+C|?lQ?Wt#>_mKA}x#l27X~=cnv{u*0 zfAP3WZNy5ao%){~*=fLgXX1sik%3^&yWqJ1t%nWw&@H$UQ;Q zz61BtnLvYcV0#c->)hr=wl`vI&O)N@ZG&p=cfZ5`saC64c?z45C zm%uF5ds%qg*7db0r6RD8!njJxEO#u;;oY2qqvqhZx3}maRhDL^F5> z-5@}FiN>+dP6H)TTqU$jFGnKnKM%B%7de-&a0%1H5xUQ8j;y>SV{lNjW5iLMCr5JG z*>4@KWNg^okY@!GRY3$53H>Cn?%YnSI9e0j9HNP2p)qNh@<>D%1yVjg!@2LW5&_Q)+jPa&?N`vJkea|*L)7xIDL zr3cZXcnq9$wt!lG8ra$amG>1g(dA3%Qzhi}W&7msqz;S`z&{<@FN-{>>x@ z?h;G4s=-GWr0sL%o$&!PZAT9%EdY7nfk54F0WWF@5fH8`Y)|wUtznJ6miKiEltU(4 z=&LA2()D4&`{)}%gB@sh2cNUx}M)@QeJwF;t2 zdsVG$gd?2}OmFEtzXwwF*sKPpM6w)L-I6CDvj+o=eJ{CqcTX*y4WzpryKJ$I5lKk|3-{$6(J4(EPzT13dy)D?^lsCczO9k(Ow8;( zvH9C}=AAU4icJg*N+`vvuVdb9Vy006uqWs#q*+B$4L6w)zBR=kJ_kJBTtb)5Ze5Dv zLEzaLY>Plvk>PcpXB6Xzn-GAxHJL#>)jEK5&(*SvtUNu|&+z&zw}wHWDVh;6U4qrM z`pAF02fl{_wO%C+cZ?&OUJ90-q5qRzCOcvkSrGk|T0*OVoQGxw_7^llVrzMUyZ|K2 zEckok#LawF-3Vd3qB8U4aEBAQ>q*<@B?S>mU3rcRd+MbPf|r+5v7fit=RiBu=m{9p z9K)LLA?Ijl9s+URi3xzQ+D{uY4)_C&$3}rUP#(X-%s#N3+$-&hmoyEktOul(M5`Lz z_SFd$RD+R1)f;6;ZsK#Qa^s+iGx|}C7fbI`sm{;1+3wvaXg5t}>c#vkSuT<2adfEs zfa>Og(sGV*Ii*k(RMpDE`>5`;R_!pQOzPA#4#ic(YhC!xQ!k0f!7FZ1JFgVpMFgd_ z8Z8mCRrjkB7*&IPUdL_f6rY6Y^lp!!C`p)!n0H0e!q<3ud&UjILV3+^eTXZ>z1DCC zZ-$lV7Cc(R<-96dd~jd)MUJZHb{iAPtnPhHV}ROW8!XumpT)f8QecscLvX1?Q5V~x z_~N^nc0Usb?Mz}GXIRfOh7}4KO5}l+aw1@XjV_5w4w}}5Q<(pCeF)ksHSYh zS-OX*ot02pjlJ%Xb}U7qiHXn(K%-))lxAmL4=zD2)riTlcjK|eFnX7FCsdo`MAoXr z2UV*JvDDx{-fy0F_vNf|(<24cqRJM{n5nC>vXjrKOx(SPQs2xh)7LLm2S?Dn8cS`~ zM9DdnIoI(uV+5z>hVgRsQ4L{7Sv=P(d^L~F)ogA55ID8VEQWf<9q(pkQ4ZMFAf80P zL-hM>HZTgcyACS(T`f?OcR@S%>e|Jfh)5SitS(R}#$lYR1NQAw`SoVosiYu#nGpo5 zL3jp?{I+~t#mCeO_bm#_>Kr-735PlnE-=oUJ6=0T<58l3s8Zq0UdPGNxp`-`-nH3< zijzGaSJrZWDpqmCN~}?Oq;R;*-&_C!JviUCekax%_n(rD<)O`t6C9jPN;Dadxiw3G zUTp>ZBJ)tGwkd_8@>Wn-q`a>0dsOArpgn3SA$UZ811f1hHe4u)l#iZ8PLTfIA-rf|h8(ezB$4$8yN}RSf66U6EN*P=Fkio3NkE)Tvub=tjPa^5%z5WCi1WW4$%vE-jm&AXvq`JPLe=Icy-MfmX zx|nY3mk-R+&n-s2{PNfFX>y;WxtL2g7*L0r-1tGW9A+)MZVm{m;so`e3kbT(b*Lib zVl`7{{I>B0C5Rq3-qul~ChSV_?owSnAmq-c>aRkJX&uA>cw4ELbaxsV#wk2wJH#fn zY)D+n^!}kW(=1~qfg8A{z9W#NLhV_5)}ny+=zwH9kG0&=fK|F+{zSz zy@i)+rc(Uge$ILE7*v@gmjkp$5WDOVDN)y|avrmG+ zDU?(vi38DFfr)sAi=jBkq+_~9g`v0f9+SR91xM?SJpDr+(26UD zhq#PYGUYiVYPHz*F%PQzp$Lf12VK)q=CzC}r)|gjWu|!Xx<>4wP(ir`(+tyYK~G`L z5Vt{19IQa7z6fn^TB))1Etjj?cB9-J8=598+T+PHMzYKlOX2l}=x5J^@=n__M6< zmV!C0IgN%uP_rAQr=tCWs(=_}b}n^e75(OjVLi^x&@SVYEbyQ%RqR z`l)}cLJ6Mvjr&2(q`XvTpp|`;wtK77I{cFACi#zleYg7O#dfIeGW%d+#yP{{_auW`xQ=-*1Ew)V+mJ(aoz$e%v zrH*`+hkWJooWQ$5zD6-`tteH@4vo$_2Z8}eEj(5 zZ~y({%Lm4O{qk>({9gZ?d*5FqX{q>lV*eemD|OYqtR8SvimI-KG92nqBmJD2ZQM8` zu?~kNDv*_tg5VTcG1K6TqCi>?GoC>E+kHJQ(uv}inR~}?XD6FF6&dhs>^Vm8u>Zs_tTWTpuNZq4x8(%`e1E49cBZyD3$w+(1Ae z9StR|_@v#79>gs>4k>5IB^veOkV@!5#aKnfjeDbxxeil9(t3*9$$KGLPG?xOGvzTW zA*>Rez0uhpT4n#JHR4=w>0Cvz36SFUhHx7r0b-U>laJb_=i3$Roa1bP3X*{k?R^pe zQ7`nm+#%qqCAY`r4b<(ba!U9XN;WKbqQNL!*WD>?uty~_10459#g7(NDkGxDjEQi>6l>lLbyPmbr`+i@D&YD1{YSlUK zx$V6!KC%N;QCQPUE5Y6f&6I5C<;qjr?+t@HMb(7O~xduCNIrHMILDd~&7=15f3|F0ym^WvSXLLHb z=B+j2jpP)D$0y!{QVZdW{}>cM4#%BabyY zOFOFd2&-F*?&~q{idSG^KZMHO50BcD9fH_b6Ln^Z6-9dcK4fScy}#maa;O+p9IT*- z*=^PH-Bw(_G%)x-vry+CP@ELhQIK-#)u(QcxIzhR+ZLhnz|#iMHWwqlCx@#kB%PwL zAqlRN`1H`u-~df**`RNL;8D* zTgSz@>V&v9mZuQ@dw1I@|x*v1L}Cd6Sx2iednu9!IDN& zJr`8i`4tmFjN9)bf=C=9dB|goO!a6th0ub$VVK$^Gq}nIv2yB46QP(<+M=|$i4YMJE$4Na={MtC4EBHK=&JmuJgQMgAEvu z&NMWxak9;mrLf~FY*i)COBYI+&rB|Vv_KnsYzWgbkcfaD;v!G9(0t6ZD@~X!zjk)! zG>}Ah0JCA62oU>lHz&#!O&4kvR-V=O^L$iSmQ|Aljf=i*m>%}gL}lXJkV)kpcgbG7 z!yu1g{pg$4&w~iJFCe;+*s-3WFq+IPa!+e3}+~Sb7S?*aEA`{$5x`?LzoVVmYi7Q=XW*+YOG^Un{ zD$sFfrZI;Ex!f!=POKEVvbQ94EA=3aM-pP1U?QD*O*~;&sIrTPl@{MuDaVRs%$V4( z$SR7HkEAqYcxxenHforib&8+P)?-Cd)Zj%5h_|E(SyBaUhwO3IJC!cK>*=Gxz2eDo zpb?QkNe?a&>j-;I?sWPZvS7@--m-?7F<4jVqViLG>MU4WjQ~_YtG^L-+;Ue>h}Dbk z&WoZ$QFO8?yCSUhu$_+BX+O^ts{J2yVHvQj8HVEC$Yg?`lQeHV;S-S7;&e(wR(k4DDeN|cd#0et&?#BTYHy@xu9P>boH(V^(gx08at@?S^+O<`78xbGCuSPSkz|FSN8uA8$~s1%QbrCH{XS!uHXUT-QjdOFjub-d zw{(geF9O*gl9cU_;;$sDv!Q9Gu4LR90?(afhl@*M<&vbt)e|UOzoyeJl=Z*|xq|*&3 zdl#P_+AAj9sawQQ$)t!6`we)#EgxY?xkl}IU5-xHsN<~?-`+urY!MT8*nNQ^P7HI2 zZybJ$iL=s6Ah*-l`-t_Xhy3R)qM(_saYjr-d|iroW{wC)>jYYknlf#^)Cz?zT;u4~ zg@n0T;hyec6PlwG7E4p&H?rIF#DkWk*0OJ3*aH>3hUmU|P>M*x^FYEis?Mi=d5qh5 zv%dUny*>ZVyNrInhfyEax~4+N(>trj)9Dy1`R;Lf<;)a17EK3QdmJ|uREVgt1cFF# z_fO8a9#rBxb5u=7^b7CY1k&gV?Nu8PX5kRi(Ie%z~hB_PT53 zvE@Nxve@Zx2BeBjR*Q1E)Em@&Dzqb;F7|jw^SyrGtHrc>H?lsTHr*;z)?>t77B&vD zOOQiKF~nlUM4l$h&W0(m1UiT~S+7m%wT|x7*}7NV!8{7A=Ud38+?)=pC8hG}hDAkS zAzd13LLVx_SCCIQ;)?6p4Y~`0O$pMYRas zC#acqvv<5rp)qn+`kWJ@`d0#{GFwN=7g>iRN+tGvz`EF1qIh8rN66v!U#>poz(UO6 zX4HM>Mu~|&I5%kPE(8l}CLtWEf%V}1Tr#O4CQ2$REqh<79YP^&e@K0 z=XA(kAL;5dW%4RZT17))QD?k~96##E-h(_a8JXy=4BV|K9%$ z;f-UtSCji0+oo3F%n0YgnL@H6x{_nml%DDL{a>=nBukPMh@n@B3v@rg7}s@_TG#!z ztuMnpvR~~olz@W`lB_c^`uCj)LY3F|H0W7Hm37Y+5y(@1@VAP&-A9z2^r!NWJ4-XR z)E4l~q7FCp50@dCGo6P^)e4d+-`Pr{RRC!+B-(3_?>0LDG@GV6myQHz zyMcb5-#v-8m;9g4W}xf3+OnmTS7ew`N%tM84dz{5rd6}jT39mPugU8a!l$m?s1iVf zoNG;E;jg_QA|@{Gx~pYVfNi3Hiu*ATcX|{kyIT`PdwZlc^f}}~fa)Mu6n#Ip^&}98 z!!*&E6Me~@IyN4G)rxkdM>CGdc)O`RwAq|}g z%t$sKGK{U~hZe%B``H>KAWzA(=XZNs&25v}rspbA>G?>ub;`CV94?|ba*kD zlq-ox2Lhb?wTjWd+w26%Y95Y&T3BUrh_(#JkWI6!M|UTzz4MaH2fLgEWsg`Tav27uzRK@_jS z?p-CSC!^44^kL5Fw%;Rr-ES0qN4--F6GtuOE)yk(jFAx8h~g{Ixbb|jrt1cEmw^;a zHi+Mh0`OFR*Ecr!hH9|yn#=I4KXxfK?R%~huYgKwbSaStX+0SAl5%qtFQvGT9NxP6 zDc{!eOZuNh=b5AMSeq7Af=gqAkW7vKpEY~nG+wPHf>U>2H3`(4r&aDz(BZWcIql8{hKSf@i&)^a1 z?`NFHU1@(+90!7W@UZhsUVxjr6qsw~rpENMD{KJPE(398RA8qu6I2=ngulfp%&h<( zc==Yue)x54%4d-(`H5Mt_A6yWmAWXsHC&JCy{yNn*g`ebV_*6hZjonfBws0#tYlGX zN~)TsQhZNNOvFe9G*Q3v_K5XSwK<+7qQ+P1&zX6}rKEiX?A0#7q|mV`Gjk>id$-MO z$(DR3V7SXUT*_!*x&KvIa=y>DH83q?6v5J+24ebz(voe~E~^^s$Ez%60Ahpv`O6IczDB&*a3cC!B2q&kCANPOEOa3l z|CD5&fyV=2dO+jNlmg0m{KHU~FqD8$Ilv?tQ8F29v*nDEUh5hNSsZ;$Q{sUs_?qWC zhANtTkTym41srD0l&+WuR8*TgA>?1-_CC_>RqW8XM5t{Mc*EG)_${lq?ymCgI&>GHI>Kjro&}ITF9T&a-??b;%9n|m2EBnL z9Evheg;$xyToYeFVu8`Q&eZM2Y$n00AFZ~ttoqMp&Q)NmjIj@1yR|24nqH^Dc_i=x z0P$!|#d+2{OyK)`Yd}AvXZIO63c7$suN!z2sGnO_ zYhH>`HR5hmN@*l%X9|ToHwxre`g;#3^0)d!QPir1Xe)t9Xz|Fbtaq8KKil-4>1}5Z zGm0K|{53a0l!pcg)ybR*EV9%FS1TTH_PO#hPk2yrS^$PD&od~kUUOSNDqjQJzXPRX z*A>q8ls*;i(qA*}MBtJDrr4N?g<^JuX2bm^ohkbeV#;Kgmm+T{q8||ZR9xut2e97h zTP?m=@r>D0x=$|*zSIW}YyL2d)dL#ZbuwHcFh+#xDwNrfeeNWqXXB(pNgrD^Hso+x z(!S)XmcSy+0xI{q+oqd{@*%MREzkCt!!EeegU8NqA%SIPo~z8}r_;BEJePDInhz?c zDDR%V2qN{>d6gn9QuWb2EaYM_W~@q@<7)Q9i~>*i9hfD?2u7HcahQ#tBI^IkIAfU8 zEO7Oan^q*SCmf|?*L4v--``r7(HIS(QDyZIcsoXH&0TfbFVoBXYS$GeXq?z{g?bg~D1XZW@sqWi7vPw8=A6Z>Wa6<%GHR+jSyE+We zG)he{X=u}T{*W<_+95H_4KzxEz80bc;xs|8X!_`YU3+yJyy5Rm~@k0j*i z*+Wz2L@!<9KmN?Irh)HYz7ETG{*?>4<+rLR)t z^_yzBW=yxI;+Ne@O(=zc$6%VGjVnxkb=RaKSyh!vg_D6@HK63|J(p^j#ipm+^fez`qLZwvdBvL0Y+ z(#MuK<)czerfAFsIQ5#+#HASsuZj*+l}dVxLGedxQGb1qq?UWj=PZ)t()o>AtMWsYzJ1oMKZLz7_fSoTnQ1&^2RuT zFs%uY+UGuL&ZT=Lh;;ner<|{y2z1ZyEfwTym(t@pCxtezU+#pfx!J8qM^nDTSNq@gvjrOOB?o3{cW z!T=2-P~99^_T0wcT8_bu$pu(MgzA!!S=Fq_g7B;SL%YE;?-yr!d;*&Wr&5Ea1}YTg zz_;)CVrA}AB0_QgFfThZW5tR%o@Og}4rNJcnzTKg+mz1tfaIJRGe(LrgIEQCqXy`= zZUHO$D^PUz(lh0lR;Bc8rBCwjayTM->$;(UzBO_H?mVYEZS2!We7R(maSlhj!LOA} z7}$_kPuO;>m9Xfn9?H%i`%0RAz&?ZaL;#7JO%c5e6jWP(6dLF=uk{#~NP}L#?HFf; z0_ii=gOpoABkYediv%XeDQ$Ha7m-)zSuPiSz58&SQUzRSxqBZc01Kc)Ui(Nn_X8WV zsoJlm37r^F$V#sRX(a-8mCMuT!md(S7cVrgoLQ#Jc` zx+Bg4po&`nEyvfl(cb5EKN%?d0E`g}Jsb9wV#6_>E{r`wJ~u@VK~dQtUWp7q1PWzK zeAH152ct9&>RS=g5ET&hkr{|JS;&}sJ~NvrU^ILrYtR>IYZUKV{L{W+zI2p0@0dM-P-YKMSkHM{!up>HCD ziqUp5j1l~-A(8G$+*r2_g5ra$(c6clgIL^0DMv+w>W;!_jZRthcKVx;=>P(Ptb?p| znFq?H6@utm9%k}`L>80N-rEiral2dUnBmY=Ev-1KU2pM(ReI~#M`cqxk178{1xR5d z>o74}t#wKsq|$)wp2cp})7emWHjr!;V;$6%Sk^}i#QR{zWml&gZLOE-Qu9{Ap-Y>W zhef0Hu!A(T5Tr?NpP9|>PiQyEjQAs{t{GeY-Tyzy0Qq%MiziNZP6i2|PCrmq8Ew-C z30=I|UB zLFngmyayb%l+n_JQKM%``4#4>X<}2hX;*x6TTxEY?DaAow95;?+pQdAxtyx+5hleI z{Q&GY#WXjC3+hJp*j$Y`D|hi4qJLHOW<|Ez+KF%NG(3UsE&y;7K;L3O(%lU_=3Zbm zO#!joI!#5 z*T1;_I>JHDTeP^0?SqMniStOXWw1165VoLj!`x|0|a_a3@{A5429DP~F~FQF^cS5QFhni87kL`J-D*6MvQMX&xz|o1 zsv|h^`e-NzPFkQx4YHT*o`5Ay;d9EGcB?~f_I{)EsR!8A@VR4`K7iiXfGxU!{ywWu zWKCGL&IqupwzC%Pf0%tc3Cw}L{fDZ_{M7tyuELV+KlKUE8=4db(aKLm}4WvGQT5n)X2EzmB-w^ z!k~~z(Mt^L681pKilyv>Kb~wj?+IKm8P8`yQwu7Dt$+BTx8s!l{a^n1lVx5%>0erV znR-9iq!vI5UJ4mk2%{SFL>I$P0_NRUX2o&N$VQD+g!Z zia%D*RfrRMUdJ@X_#>=VN{N~7Ev7q*%G<^$mA8~pB$yxk#Y%bOy2g!%q7T;+wjU>L z>8SY@Oo^P5s}{b`D6m?t0lPV;dl;xeJz8O;2QczIpTQmz+ddY*cG|TNxt6n|H5_E# zWG5LFQR6$xO!3^Q5e`9cf*WsF@|k#4yhMZo+j>O&tYa_tU>C0jw&TmU;(?wJ)-0M~ z(1AW9H!Fn;*HhIx>7XX7?#&Nui#3iia+x#Ps>ag+5L)N08-UZTNjAH-^90q+Sxq(q z=tPDEBsWkR2$y|4r?luiFIBH_Qacu-rLdR_^T^Z4;T-MOq|oJtRa6lvz}TYzbY5#< zy>OQ*jlwe?6F5@~$uE0)lroe*Hm=n3UGEU-<53-rNQX8Wf#XwZKsJ^+bAOj^fY zHew8SD0&nsuIVzDB#ARf2?Xq@xVLa~b=9cofpJ%{bm|yyt?VX1*JKMiOQ;3A36v~O zgNh%MQOn{h?_*OfVE1wW+_tB|1_T)p58PJ71+Rlu1ehxpww3iXk!f>FgLbCg)4O!~ ze57rh6r2ka?n<}e)N6JmnYcr?(Enu2DDftwq6K|seh(yo=suupN5sHo~Go-*1b#UUb|j9fJTd2I@)L}_~^r17pbo%dL?Za-E}Op zCz@~EoAAfBgRI z=f7Ux3;O2UN{s8f{_FMKf4+SF^!xu_-~9OF4l-8KrS7oWVGGGq8RWB>8%pBniu{j*d3BYlL5?3XlCtBceA z6CkUBnLG7+sfz-@rDGdVBhMO{3@-#No8Ov*8jb;Id|QBuDyCs^0VI^cCzt-yA{r?# zq#I#1&r~Xc9Zq2Lj-&@z}#x_kR-?Jqudz2^X}K8;um&%Eta?CPg_d3tmkv6%ZbDbI!sj@yt-10jo>N<2M_oTw9Bm36-wnAbZ-F`}` zto!3_e(^F>FR1R~cwB30VIyJw^qwszqTX*}X$osbW!rg28LwfWoLI2<#ca`QnrAj< zl4FBDB31yVkSUvO#Cq4H3wMgUslLo z_6?Lm8{f<`dd!?77C0Ts7qAYwh>7u`{S|qu@AgLq7m-7=XO%S_g;c3AabHKASkxyz zBz&>POoFdap&W#_Dq5Xqg;{q%eSnvg?YbL@_=X`}mP~nwa>sUBjM_Ql$N7MYbLbBg zzlOaGH?KOh9E)+Z8-j;*_#IQIo~Q-t&J|Lk0e9F#BNZcsq{}1aO!SE}p!_JOkyWmd zbz6SR6$?Uyh}~ieX<1dl<$h+(lq1cyD{_AHr&JbpKE7Gm+1}7vy}&J;m+eoR4B7RK zV0FFau3;$VPTK{VOQOf!!)EMEKy|bgQg#}c@^nq;a2Z^}LyKW?86#aY-wtvTQr?pg zY^onXJl1#sy?HxEioMnkaNxzK`#&gF-ziN6yO41*QR4}_PFs8bL1HHEj?VeUwU??? zEp5|yKZuqoFP(nq<-urM;+$7N^_*+7WMS&nGZR$vXpNj(r>Iy?%Pc)k4eMoY;%4?E zEWn#SFj`(nq$H4-Hu{b?bkunB=E$c|fh><(s?~TLdv?Y+>EcX3rklj6v&_^b`j4Q7 zEFiM_hRuoTMD-Od^gExwm$p5wM`LNtJ7Z=v7R?8RdFD$?pf()><>Hrzt*-oJ#IcRQ z(yb^x!o-_+AZveaLB1fNVal8c0YF)thl=~!O4m=cY|uC_!(Qja!iZ%Z>}p?n_1f$W zzEHyRFMAfD73)x23wzsez786#hM-drb|b%&CH1d{qMHP;J=+dU+wZ<>v9Va+?rJ=D z1v=Xer#7RgOTLnj2#p|^e31Rpp}#k7`Z*V#5Z90WTbxrOUv>=P+2WWzXa<*}voEXE z-CU#&J{%1zgmPN?g-1LeszXVIPUzcRxi!BgSEd8o__=Rm&6b5GG}dg`zk>Z6$+(Om z@_;xxelz`4LY)dgT-+etS1ZIcX{7YLAZ@9@WUSdkjaP6=(|etlIeJT@?3DZT*-YQK zKc9+sCDyf0z9SW?-M3Hvkc@F_*FS;Ic$ImoZJ6f+$OWThX#Bt>;um;nP>NqCb0z-8 z(EqKO!Pi|PthlI&3*DEivf@&&YM&SGC!Y9P_)#;nsYcX{mI8HfMoIrGl(OQWRF9Kv zl~J!QvXlhBmcY#xa8{m-mjR{i<5ffm3Wr@dL-e^edl zOuUx>yDkmCzd8&Kad*`T-k5{Q9W@dnG$B*EnAA*ZYJ#=8UTdX>vYQ)Aft^}&*D?bF zFuVRuckB15#6k}^->ln9erXUD1l*bDTE(BayT{2d87QYMcE(jRMtZt=!Eb~2#a_K- z8FBME?7a4k`cGA>cMLIir~}q1!Ieq`#Y1yF)ntf%=JBV@z0$?y00K#{h(3e6)c*R8 z$HJ3@g_MejXMS~(8Ae8l&PH2Z(npDiCpQ_V>fAHj3pn(j&c3L>O7sxn0YDfy_nQd> zj4yzR!Y_l`aSXgsBLYT&Ukh7LLhjd32WD{{<9Yk6pRu9=xzx{CjT?2u9kwlFg%}=Q zRaJA3m}U{K5Up26OcU5fVqDB3rL~x)!3Q9=NE%QzzFD^Q4g+{!rd^8@_O2Rex5tOQ zFQ(1?UUA28_K1z8=-sjtg|Z3I)2$VxKUY?HNBMNgOVcccyk3#YY|f0;)QC?^9kFn( zfYXDf?Nkx1@ng08&B{6BVUfRp&bXK-Zz?n4$Mav6BlF;$3Jq{`roNsJ(AGV~{(vEgwtWNLeJ_yiGjF>M;_N2o~ zQz9vy0<~MEuEjF1oQZL+0?yWHDptd}b6|{lcpo5^DrLk+`g(#Sk8XJui)1aoqC%%7MAJ;wd@SpU>%(lA zATo$HVA%njjVS5nh9P_9!2~YHS%Iy4R2v&+5@4IAJYrV}P~K{y@o`6Wp;rhJX9+P4 zbdihVDYJ$})#>)6mG?wUsMkg%6?ss*q5@fyGJ+b;-oXUN2`WJ(>$uLRfsI@VXmR!$ zHYul#N;L=^=)%biN7o(|)d}{A-}QN5U4DyCN8jv_SksQSB%2=0Th$|1!RI+KiT*Li zSxt~j`x9h#Yf-WAM6$)vpStM3WAyMo-HA6fNxz#pimIp~2zE&^OF@+-1QvHP^_&qT zy2R8MY3A0M872)A#-w6zpZ<5sOS{k?!l>({rw74Fu3XggA96*WaY^?6`dIH&A`rDF zf0d1~eNvtxu1csVZ-pK<)DBraR&PaFOePFlKQP)9)9tYZ0SgYUXNF@EQMoj=vuFgj zWJ{|i(1v=p@EQOMQ#e~{7{E;XEAZHw07AL~u0@UST%|pLog=OY6a`OOhQltAAKj6VD?dvCk=)Rx0%r)Qb8}z%PMLNjo@W}1qur>yOH@q$C)+f^v z17-t6g#@&PNfl75Gz-Awd;jc7HLbud0?&$3qpWxj*RFusbD9B9Q%N}Y0!kQlor(v; zd$jkYaTXc#Zpb1OUEt`@r0!OJ^!zf=V~>kibuewnlWQ)8_7EJ{lEA47`!DNN*BjSy zLw|w(!+j~>6mUJ?GkmmFw{^Qo4WmH}6vaZd*RcvqYsg9s|NERXL(W~VR&pMKAV~Iz zm&4(ZhlezZoHO`M&c^T3#|(d4a{{b6kB3DAbgR}FG6CsFNzWp`;+W~xNQuFg77$y5 zG((+L!FUWDiGA>~S^1`cH?Lz}Hj)|3fzysKXFP66yx2A~$sE?V{e1hx6jXLZQK{u!m2XR+16yn;mt0tz=l zp;6uRyn0TYIs{w48bk@6j9A}ngo_paMj++VPe+;YE9f!RmyC$(53#O384+8*8*xAZ zkc>tokYgE5&6Xo$5G*{ER)R4`px54^pJr*q12zXb3Q)-K-JhCS3=|C1VMYZL=oe%1 zDfJ?Vlpq?fr!j;y!fodno#1SVfWj<--p+`U1# zGLQl}a#{d69P6F)-%(5b@yFlE(LH|r^5ofm|6zIb^u^1I+uPmE_4dW5?e`a#*W2^` z$1mIcyY2J0m$!et+5htKD}S;)`fhps(*vHJ42F5~YIpI~0d%;(+5YSD!*2Vx-Q~~k zZ-?g-v6$)p;}#M9;Js|f**g!|NIZo=Or!QFaQ3J zTi(+4)!F0NK)~QI*Z*?`pmK(CB~)y4grQxj#WsiEp2Ehr*FBhjo>6XBOc(4(rRFgH zhZ||e|I{cHJXoJ1L?ICmQZ5|{84U9JLW79(3^I2ZZZlYF?g1yPhXV{GE`ZR60R#5y zD|F?@En~n?cA~ZkM63=3v_bS zcVxhB-PP*mw3E&74(fEZCHsR*!+WCSb$-CDq#iWDKpE3P2dTD<0~-f$2Loi}xHVwB zM%Fko79k5SBajg_hEY%$d(4ETG&`<_qMjp##L0LyO`v<|7|nihRnr7GP)3jJH@yh7 zW6kqPP!I!jVMGiELkcOJ$Nc~oOjrY(fd>w1G6y(yI`F6)gKJP*2zxQG7;IJM$)O7nI#YENS^UDFd>Pzs7+rpH5< z*&SvD9mTZ%n}`;!-ejbJfbQ2Cv6)N~)z;XqgUX1vRHpB(jheclBBi(sEf& zMsPkE$cwdkUqg+7gqjX8Ru-;R#uPO*v(5)FTq<8l)i@~1$Lk?_ED_7e<1CJH(2|LQ z`%2;94aPz-QdGtj27&mR3@l!&3RPn%%40$dTm06DGn%Goc~=T{je)N=8Zy?roD6J@ z_~<~37y{EKNk!vq%v!{+wX9e&557vc?;f+qvgO`kqRt``4VtBlt;(vtRA)@>Vw~`i z6XTr9J}?qstz9V`Q_@tUR;{PFEPBmqt}##e$ccGxe@e;hLD*isH_l=8?x7c!0fN)x z&>d1jQZTg^55&m1I;c9`IS6$oVi${|QS?F~$SuyuGkO=N0}0I{Xvrd|zIfxwV&Ksg z>|NyG54~!x6poY|TDes;iV#J?lysck6B=!;@M5iY4U8A7M($N7BRHRr>U^^TlNnm& z0$C^5jykWS&qt$_34-wSxLTrUXjEm@9B@0d=l6ak;8@IWsoucsmy?055yL|>9hTNI zyyw8^jM}08lKMtd8I4yj27)&g#E$#s%uGehR0$YPLp87kb9xll$^ypuj7(M*5GnK4 zE!eG{iN=2Gds1PxNo+PO)2GFdCubd6}(d6fq7g&EkzxSH3LS3Lfg-Z1e0;h;RdsF0gi} z$gI~~;=GxgZ{nfU)rkx7xW52K%b9Pk&d~a_8=*mnEq0jMhR{~SGv?1UC90tIY`RB(+F|8E>O{57<)J&GgB;J&1 z7Mnd$OjGpPqu{(&3~7Dh6p{&zQsxt9OKy}DAFh!Ky0^oc+15#2NhWx7g>@v#)J$D; z*+>-EbWTZ_6Rml>hI7%tsz}cx%?L%rlrj|LI&1ZYeY-7yF_5e}i{4gmp9ESDvB{q}eYBVPi z_m~{lvf0;?>>44MiZRtCQ_ZnT(n@hTH5FL>ya5&p(NWSl8AtZdRC^eG<19a=gRC1u za3;pe%Dgqmyjt{Y1g%;koYIBNrX+_{TU_o@DXEw$pOYM3Wzt3VrhV?C`5CQi!5rAi zNpOZ$WLo0Ur-LHXFSnY_9oRd!x|r*N^QXYHx-DVyV6!ZiJn5OMi9J{~iBb+7%!%vC zCwA81YGRk2Clv_?i7~fR4#`1}1P-yg)#=y7Ku+1yq%iBCG;4?Ojq?>tvxe4v!iNL! zWcF557uL(?c;ZR!zUuwN5oY*ZCjH8HwPV+{>#(V~enpmkl&IRRXOY_Fo&N(xK-;lT z(j~ACH${;kkYHJ2lhfNTNA@vsg}P!u-B`U|Ksz0>57GSL{g<&HQ38+t@OE5F7;SE>GM^ zISAvrT$cc+ae2B3^ha&K3NdZhe0jtndr(#nUU~li*^hE|AG+ zQgfIcre||rpY&%IUu=%c1s0t6?s7sBAcpq%Lr-m7@XrX`X%@roP186PI#%aq=vAu* zFO<~e9^UaPAFqQj`o`1FWblRNf!g{cJQ;nV49>&>n;GG<^T`4%RiLFv_!*al+7_+t z{KL?S4tV5LPCS9O17PWg34vj!qXTS8uJkl|KjZR)3(|GSC1E-^t$+W|v=cl#^krOLaANa4av&u0C*je{(E3a^0XWN&Bx*JYg8Bs(*`f%r zuRi7;h>tD*CLw=j@QmKJ$q)lu<<5G+V-coU+Oc6O&)Q057vRnJxUhG{-HJOYA_DBv zb&!@9{4)bp4YN?hPo+R4d=l>Sde@Oz1jx4zfm%Dkw#(Hli(VA)5kPsCR58Phc8>np zxc@Bsro6?8F1EVg&sGDO>?!bDY!; zOtK1&KCa||Q)j9DUSz=3Vyebq&MR9rz_zMD1b$1f-j#((-2_YDRIbMzyfZ+#wqmA^ zIRX5-ofw@L-~Y{(XE1wriGfT%iB{VrXLmm%6i10b$iBV$@%zh=+OA-)D#te=%K5Dz zwI*5NH6sVDZpomLDltH=?a&Tvn?NC#byNqrnGtdw8hP<~mSDnD&PiH6rTr8f9sj@r zB~))a_N(v+zAHe#0qEEcxOH~rX8D=H`+c29#@8w(7SD5yXPG&c09(DZ7czjLrx(Rr zxXt@SEhHJwZUv~G+4YmbDg`y?#mxp07*7bxy~;=nYK+5qldxt{QNgP`Q9|1!#lAD;>kznLkH;o0T` zmZg;m%3=V>GHR=Z8QBz%fLGDhYilaRYK>>R%|_5mp?Bz`_ZzpxJLU~`N-lr{vYwJu ziNW?#a)m=0q>W>OZ0ea^%BpR(iJSe+Em1DrUY}mpHAPROp6@2;B~{!^vSI)zOoAHu zuu3#{$e{SVVgF*mO7q+6d0%V`PrY>Y3q$Ek2TQJvTJKW@_=%!U00^tj1aBzLZ#lxJi+X06m?;4izB}QZdgrYSlaT zU2kHwwyI7@?SiOh@g=wkO-fr7rcS@#pOjg+E)VuCq>4|%6SH5|*iF*}tlyh+Lc>qE*m*(>hw4wa*|z`H!##vM-j z*nQ;#O44-${C@c*l2%yNfXlqgDGL~2ubcrXyZ~8$RCW5gamUixxp*zeKR`_qiMS1dcjV;ofO;_0~@pLI=Ub5miEB1<@C5}8La!~&D89$*o;o4NvUU81bh zqY1X9m2D$+nOhJjC5FdTWdLyAs*Kxgs<4nc!?-UOR|mktr4PALvIQNSHF8?PGox}0 zJjAusx0Mu^0DTW?Z?PsoIX)0woK%3$?gGzXPMKJcVfIYN?`mTRD8rf|>b_v-rUfa+ zz}&d>ae#{{v0j|ncI&!XTUM3rST_Lf&kNhAIxB02>(ru~by^M7Yc9V5&>o(!)_s7x zv*1UTCupm&UcTBBK)WO2)~B|Ok27~Fx&SYoAFZeWaCB0OJNe*5EsVO`RuLyX4Z3Da z{sru*$0ER14OY>fD!VJK>Cf^)*1r{CPSc1D)xb!d2;lb>hA$RzUqN?jYwgSA-}czj zm3{0@xPQ^iSm=VWfUXiL`0-nUjb14he?COL>kF4`ORNN{E`u|bdKXZydUNBd2(U?- z9QwRJ-^QQA_$_|E>>)~6o7f~N#;q_5znOj?g~x*2 zt%=p}PlC3bR6Rli-vIP7ptQ`uV>9tZE0UUjFHMn>c@WX$*(v)n1+1Md>erHKo)P<$OAwRLC{_AwNL~S6MP)e(Ka;9x`8&#% zBo|=SVs=$47-kEMZg^*aR*lOJ7FTDFpXDQ_>{vN~$+NW&N{%_x zxy&Gl4A7&8c{9LTG^nsqolO6gFVj;6fADDGARWtQ{FYQiB(Rk1L&&zYt^v0@p5A#| z@adHF-P3e~QpNK-OrMg)9VtlLAQ>SlEiCk^C=O163T<&pXbfEa}GHy7x|u8XhrJ#be&yRo#2AD?6-9-wh{HHnZ;$tKwC#f*@nP# z@Az+bAwa9P|Lg`%Yi@Aebq_<#+2n5;ix}@*W49!%fMJ?6H{5Ih&T$r>Ox21BINDgh zn?+lR(+3$bqLMk_v~5j-i%SUF-pwlj>>%6z`KthfU1h)9WVv@5=@f)6Wd__#FV?8y zCw2^t^G)uHpjCny6RQ93p+)e`7{6tWF4cEa(D|t~8ma>HA?JzQ>a58$Ej4XOjm8dd ztH)ijf6*tyn=GE~ex*MnY4(uE(gR$%M!>5AJkccB%2AKBJSVi`GbgqyK%-CI(ZG{u z_a0n#-~bgs+gm#e3uHkDry&Vb(38IyzgeRW~Q^Ut&!GwW!)gNK3o|%+Ys>Op71Kzl`TY;RpDY6 zmo@DpJGRuSfla>mV}%6a<7Lin2EeD*-UO$2w&A|;u#KbKZ<+v{?Jl+RnS%hZT_Xrf zL|NK~?(8~yQdJPOkCd8`_9johQGK9?JIVmDGz{wPg8A0j?QBD?U%;9jVyjgR!KdsF zl%S8xv*X@KZBRVG$c1;D1l48X#)CwrF< z2ntE|-keK5`P9d>7NL=59~HNqL3jWZ$c$`1ZY>EXF0+~vjsci==Xrk-_zy_o%vm^f_IaR4Ui*Yyt+TVB%Fl-=hf#X% zj0QbFOuq=h+36WjimIhWktv7#j&cn{D|eU|-f=dDr50D0SQYM;-Ttr(-0IqByaPJm zUg)VB(&+b)@TD-&HX18C-70*EtRJ}5@)22YE1z>5+sLN~=Os4I>?}{w_jL>I(6*o2 z+G{7%dh>0RQwY_OS`CRBjMrW`H&6Y_)VsD344!v|(9<%qo!DKN1Qr zPP%))y`P(EzA{Oy_DBW+bV}ZF+JIt-P#~iJf}X-Uy(t2;;F9Z)WDYJB7vqPL*Uf{e zdiphYUUvGj@f=$^`)e`9r}Tr4CtdQrsrq}A!qDt*$=8;dXxB*uf4EjI8u_wC3M}1Q z5>i^0?;m1wM|OspoOQOQ>!6%S41vePHt{(&aczLa0}9w zFlF*;7_E~d$&$h}s*{8393~vWf)%OEc-1)ra$8NyBxeBvzQ*~lxwu=qSAUtW%1bt8iI40L95REa+7vqoHqSombV{VDR+daa zQmTQ-1&FQnu308q|LlVqtkBI5#7Fok6~-dI9U+8c)$4<|m}8ZL2zn?F6HP4IW5ngdlzy+Yng# zq5bMZIK$$7dOA7yq?5{;siEj-cd|A~eEzP@jI#C|>KWNMW}sKhiyf*<#%r#B2Afp< zgv#OAU8n^jGSer599W;&ol1alORgj4$Ubh=;x3)F4&Hx@EN`5-&t7At zV*=Qu+rd<6MlIXcsBnn*mlt~9W(vQ(gYQs(bX=*T)7}YJ_2%t@aa4FP|KsCdjUE!t zu|2Q0lrU%y>!-a5VdRHl@WXkeHVJyD_D}z8)g1k%oHYROVIQa9Uuo|IiCex1RY zV|Pwxeu;tRS1Ixrb%(Dl9ogP~tzXyRkO!Rkfo1@B)D|lKUj!7G|K9`@*cmwfFZ~1` zb=f$*4p^SRo4E^s2Lh!Oike(gd*>j)#)}VoWt3>IEns3Wn6;-fMHK(25xaN8nhWNY zx%i#F@AIm^<=TT^iD&qMZwJEgWbsj_fUCrnyzp$8**kS(t6Gp7Hs5z|)Ur0Y#C!kN zOCo9gF4v3A#2jRBA>l3#*0*HM1{dA(w&I^;&0n^24U~^myZ(M-VQgPq=D67KRxNvP z^fLoU1xI=f=jcM&7~hvr0h8T(C=>I%cxFD9AE3h2dTO(s zj4qnmkr{oo*Z=j-_0nU{Bb>Y#R5L<)leU2gBb=^8RI{FGnptJr1+_g>1vmQiA>t0s zr_VUjG@f}nvrUz+ZF(qTPzB4{YGT_qx6MzgcTHI%m$!aNtj~W0LorR=&Vm-adGkam zRb`Hk&^H42>lOIclM-*||YP-?ndkr4R?d z)Rq{c>n@Gz2#*Co*WF_quPE@L^k<(K=y%4~+fQ8$X2noEVvUapkhQy+O>6Fr-1FRb& z%8U*x!U0C#bXov%f>jN37>pU+WQ^i#c^^}Br^dPsGbk}S=m1ATXx$k85^^Js>uOuQZ^ z=c$KMIu+eNmL+*s5ZEe7&wDKc9AVv+%4=y5&~YK_{DQm+=XLgbaGBtrsnvDV^_$hI z(=zM>p=bm5X{rS{*mIdSZA|Uj86Q4NB}>R6d_*g8<0`A0@}AdLi_4uqU(RcenzwrJ zc0QCe#V^W9Tn8HC6C8#%mPlzc0G7sB-9EX-fw=V|!Q6j|+n-Dxvl@{mmA2zs5YNT6 zjR#p)3oO$dN2c9+WHp#rXip=-o{{kMu4EU8c}Rl|uNtKSP7|i4Kd6tBJF1Rt@@`6q zDlz8xS0R#uBbBXYC}U5m_E+F!TFnhKXXlkkIW1|IR|xr6XY!H^W_t5}oi{3gehN+W zS(H1U0sI0Q&!r|N)^s%>bVkCTm0p;;CQ~)Ksdm{z8C(9k<9(yJtGi|m$b|~7TbfA^ zfLp5@k6RyjohmWznAEvo_N8FU4wcaXoI}>K4XdFLe7ySaKIOwA2qPo*NIXm~LzV^O)z+gJAt z-ar-s8-!PARtC#ltyES8KR=|r6iCjDED3`}`LGQ#(#+;vtcLK*>#n52fTO^ig7v~7 z-jnaD6d*)?GKP3pnR4NklaY{NO+w(w2V*G-Rv8!UD=HGP@PdAfs@xVhGh#McFck%AiH*1i3H zy0(6QH-CR+bk=a8-v>?AO(o)V*Z7LYqsMBy7`I1u!6ww>ltcq^HFmXHRhYCPt2W@w zAH_!dzXTbvX9|l&v+m0os5Q2dI1Pd|QPjm&jEb5XY}PEJXzW?4T57ZkCqXvXy`j63 zU=Lg?zG@q}Ltrp0R_r!Y{*A&mVK{HhnkTv#)~)-2sKJ2e)GKGB{X(=FuGJe)1`QEH zkR&4`$j_#@7obL^1UHhxW8c2{3XuF4YMrcI3sfJl_omi$l#Dyz0lrooby<{->nVYN zS!7n1+;BZ zMN6%IC9w*!sZNtdHlc*X8_fhxj$;Na(q#ma%|fhq!vXD0Rh3+J4_Au( zARxQIq~_i>-VDyP3r0Cfuj~*95Z}EB1ZOSLd2;^Q7ED-nu>|Le0DX$}=6$Uh#dgG^ zU%h98*{G%0aI0(6aEz$5_tVk5gZVmYu-@LcFPNMA0LE3xsGH$xV8fPKvcj3Cj3EntpQcH#sivFHDn_u{-|>I#dP$0~-%pFYwd zCH$J@#_xZ`reSh#V=2Ppy7hq$>QW!l119DmrQ#P@M%FTze=DhHR7*o9bk7MSVc}0;GHfIe3?$Pfvk+07X}1IvvTLO4SH zCiNLjJKlh&m||mBz4`pN&tPyDTO3hWKLrM+!B5w{l=cAONYo5u*n&JHzTIY~0RFRe z2s%8L0CBgxD?&E-KQ9mYFX6_t%v^E3C!xe#UsVRzrfZ<#WzK+P-qvI}yMLg)At!-v zRNfip+U~2Hpa8dTqFVzX#cu;!cIVx5NA$N{qb}ml=1KUz1sCRD_3kAeKNVySm3t*T1_UaI$eQw{;eX-%(a zM>Qa=l!TL(|7}^}6av%*=Hr<#;w81XgHB}OKqIn9*UXJQL2XEn;{KEc zYVJI)!kq9LFWjRM`>)UtH zejNPjH|uKa9}z8BbE>H&dYg1gemrvz!;xyF9eb3u=C(v2afqX|nn`dzj(IMD2v6iQ z3uswYC4jetmh24w@Zu5$5HrC-ks-rjgV5cv5pbH^#S41^dkD;oDC`L7G=1|r?_gqB zqzB1>b`1mwv0(%nioj0Ttg5>@z_bNu)v#C_ifoXt@0YGM*inUr6O70e5ac!ItS1}e znY$iZ?AizIdHY$ zt4LL6*WDzz{ad?P^>0SpKqy#Dk_~|?qM*M(5h@;K5xLh4yddVZD0Jx=@v#|&fpsru z{z2&6FbubNf?@J6X^*7Cu}gPP2ZRFx;TA%js!a@;gvAbCtRB@BQ^7~cdG}6_WMA3k zN;n`=bS|MN}c^Lx!fcib14WO*l=# zB~=ZxIEq)`JWK}h1x;rT=KNi;7#TVnqd1A6kd7r0;%ND}ms`k?fap0k2NVT%Z?6qf z3PFJ}a?-hSkctzRQK7R8eX$@=Dm9CB>dQhMQ2Mz`m}w*8@1TA$ydVh&^s2oVof;1QDG@1i5bBD ze&}{UU0|qVEN;YGv)~A9YqUMn)q<25HV7fw`6-kcD?4azY&$+o$$<{TJc;NrQ3kouBLG}zeZbpS9WZ)qHtcJ(1> z?MF-d_Lu7CV-sBzDO`w7P?H3=$T&-A1wcJxK6c?>GOMG5JI{N-wewVWJwH@a-Tm96 z%5=ej!I2eB@wH`L&qD{KuA5b;w2RtqsU07ygwLKdX3(JR`%=-QSL?qD#<8u*Y3 z^AKHU)gXZcP+*LdIG+}5EKi;7kjBf-b2|a5T~*m zM-VTWEB_;~Li*51%`8|nqW(*Nu7sIA=aYxN6Fy#UUu@maJb3RT8?J8*bycNftV>e; z1s^!R&y0Tw& z1&RaV6|4!vK(pX=hr;0zUw*3*z;SvDZ#b*j9SY4#sSrK0(OAuW0fX}l`E5dH0@KOG zz@KzM_#X5wR5(WrI`tX|xEKcLS;@iH-3i8<=j!hO;|YjwnC%xI0Wr{84wF1hrIrOPKjpuLTcaRQ&bv z1f0QPg+P}cH$o|i(Q;%~JwBM0;A;~mk3-P3Iuyk(iYX5fO4g$fI>}Ke06?U2{n~d zx$dln?hB2EK59Go!{v23N7bR!09Pfx4Z9$o#t7aOL7AV6i&r&{EP-(ZSee)Ak8LG9 z!vfBrsU?Te4K_=Lp_vuB5vha8syfYX_5$SSt>{`#)vuF$RM3fhQ#h)O1q7=*$FLR+ z&p&9}8Xz((SO~Sp3ou2&JwT~v*B>ck6lhbUv7XG)V4-)q6P02`Q|-%T!34#inkg2`xhv_g8`$S?&=kPhsUF?#_ZV{b zLq<68h64t_!Y4C{EWdg$BkmSbK!-Yxlt2+a5KTlLq6LH^_zvp7Ph&mGFHq6x2y zBdBKT$x)p^$rMzY^e`MT$T1sYQk?E^zGth;y1A8i<(9nd5V$89~d1Vz?qa-|wMS~XF4iqhl@S@Rmnf?i_4qNEHiU0!;xKF;$r9I((g zY0OGZZ=#t1kF@oAEKc)ey!q$GiPtrlHfzcwtCv3UW0nB&v9IG{bpg{s+vDT*WT-H* zgY+@A>1T2=e81lcvV5Cex$Ix|4-Dia?;n>i4X3u7DO0ZL^UN?!n_>ZKVH3B| z4cdE}6Pdr(q$KhK?%B?LM@h$31xj*BOjS`cU;1%iPp_?IubA38FYc;c?q5$vYVe6{ zro5QNK;9ZyjjMW(nW!pBM%gM@s}u9#!s-}X2=cn5#D{xJkWFzpdE#Badk+HQf*%&3 zZzST~KQRMW<~PwU@8e+t&+X;{7eKyQfca+q<(RjYU_Spf)VBqD#NUHy2P_X~1jf4? zV*<4sG`TtH*Sn{km>IjPZ||*tUU**I9l}hk&V6pi>Xqs(Wdv&uM78B_ehTiLHnT4I z2KSiH^$1zCVT!}g7WP1%En8%n@wSe)#fNQmC563Oc5H|CY$i9_sSoQq)flm0k*$1c zJKKxwCmVcLsQd}$stH$rnQpNwOg3Sd+P{CvmP{n?_~O;}bNHC?QBE=!<*V8M2{w7y zU6F*cPHJ*Oflqo6%+ZW*f`+%v)d^$99d>7-Xe|1?^2$-OHnPv|+mMYoU)DB{U_TwQ z`5Wtv^Z`5Kr|w8eutgOTWz6^_IagYpUPx4zQ#EjV`hOU}N^$nYdnJ zHwkV~;r;eQQscFjQIh&|=WD~2D{vk0u@B=+VAIlU{-WUo)mwK^G}ZC(|C*V+we0Eh zsKbb_NB=nm3jf1%^suq8PdZjU`;~Ayn3Bh}w+6IqUbW~h1O~wq5h>5_V{IX2Jm{I{ zWggUHDP`XIV0LUONtyBQ%%xlz11N@MJDIIqS&q*2@Ki82XQ>eMxhzfY7B_R509hA{Fjhnl^x$di|{{Jt1ZyM_9x zmA^+lJvdle#nm-5{$S(aPSA6ulPs*5|A`FDdoe}wQ%c&F41iB*7>@@>Gd=cIY3@Dj zHu95z!mk!qdknDKOX&pQ@-ManLF#!n_RJ3-lf-4Am;@w$RQb?dcpUM;fZX30evre{ zV;2`*j%T;YyuR&B5B%H2?IjEW8>GxGO&9`9a(Q4JJ zYLew>fMGo0An0Q8#7xJ|I3lTqADrNHOI!IQFR?-pzWu%dFts?57@0+iH#fdk8fxTB zqUFYgG08@$7Z`d2bg4Nr0m&1f(BCK8JL7@T(;BowIx?9x_vy6!7YWrc_%T`;W@FBv zgWUw(Vv0Ig;~A`aDjW6f#@B`;SLib7YZt+p#IB{`(eDK%hW&b+ZDeoC|FY+3B9^9) z{XOD5;!xHT5yj8-tmr#=(pEYl?PpT*54jCrX-JRFb+7@na#pSUCIkk-0|7bTpWN13 z7EnaKhkan1rIdZkllh@>Sf$@2N6J5_Tv6K&-$Q*pM~<^&DX|#b)k!HlZ4u6BLI~!W z48tffRi{8mO&wY(YKk&Fhtt+Tvktg8`ZFZT=Tj}Q4%pgSoY)XrGUi050}}P`g(PPx z{?l5eZAIJHziycCDJPc~y&LucWob)WYJ7Jc)&a#wSpUHtmoMY(f2+NQP_TgQ8Kx-wr=tS#DR=W+4>4>wNP z$n0wfTq%1x_`PQnf=9If+kJNjIbkYmLY}X#qkbp*boE6?r2e%wqLXNSD%-G+{j#{@ zf#d^u4E%3T#3`}nM0osu;#7Q++Dq^aeE7K2<0bvfX6Z8(_05$Me^`eao@-&Rtx?vn z;E;1q2z!iD8H^`cBiPP|xXwmJ=3RI|tdTQUCmsS3x904QukscT#f_+nOQsYx2W%u` zzPBWuz_y-*i!Cq@Idiu%e{L+@=&caaP|qaO-Z10vCHH^%{zP4KPz}>27ZV)XvkzY< zowh`vIy&(L*%5bry{>?ZsgS7;-DE3t74>3zGB#++KRpp2r$?|8@~>?Jjqj_M$(@J$ zP9I+SpLtNG>f;W8^{;1-jXJ%gFC!(Tu|3YW3)h!8`! zha6DlNeP&y%t>hL5sTwR{B4zIGqjK}#j%yp(DF*%v14Jp*PSPTcLN_5Z=D07d3!<= zmzk}`I3?X7izOjPJpXE-G1DNe)AcRdVmBTZhaX!-@Sx{f3fepEf#9XudprOzzz-zT z$Ny6EWBGrp`7yI{aPaZ{x8ORIMC7IV)_-n!{C;nF?9nU&%xueL+y2z;dl;jP%R6o^ zHn{`JDxqmdEh&}YzMR36ZY1WE?J;zfk*uP3MI2;?;hVpHx#(??>qrR6-~XJMO2u>6 z#dB>%s>w`qY46M+vX89R5qS|NtC-1b%x?Wagztmk+VSjYZgcn~& z82&90u(ITboy04-;%8#bGV@e_(V!eN#}L4A8E&%G8e^}5;N4Kz{`dvVTJ3bycoT#yrueF{Bszn0+UUZ*bRg>uZF76N>;>N9xq^mMmH^Zd4z7`e5w~luTS3Ov!0$*J^)q!;!orEorx3&B zqY}z6qmQVNKg}WFVC_RUgTzbC%Mh0i^y8feAMDF09IjO%p^M?@OSfCsuz-kPCD$C-x-a! zjgG)L*{#w*1<$vgMdXoUQRaHkSaNlB;NiPhg=EbJ-b8^2z`%C}9iu7%xFPzFHN8pN zYSM0_+`;r@fL?N|)^`n1WIJ5pcQp|QS)A`=T$SKq2MP&$1*C8PRO48ebRT-F>I26^ zMD>3f_8|AR_5lJ@V+Ro%2hBx59vcOnFDXSmjvr*Ia#=-j2WJ+kz*PULW<_WGJv5jh zDfcR%z?29bhKcEWooF~fz0G!tXn2F{|7Hf@)&=*5Nb{KcWPX6;X?N#66`*Ltzdr~t zS2}~BH@z9?pL0*cz#WS8SJq#w6?GY=5r+0n-JpA&ygH>2mFdvp?tkVD_{MaRZ%i?| zm|n_%sdx$iqWi6%fQx6;7Wvy zzz6hxPM02_pJg~kHf{-4i3XA2f7!{WdV$M%Ca=OjId(HuxCW*Fc{4CP=8}qyIqdH& ztsXS>NA@HB(uW5uJv$I_8L8QY^g0<=_2%c|m^RKNsax}J^qyQoL6d4_Dup&r)u^YH z*g*8YAX}o8o$$mWdVGvf`g}dC?-n#ZHEv}MA@GDUZ@ym|$uer;%TB(%kX-Gjj$$`%LqYrbjYmc*beItsD=iU1df zh$c?-BUZm*O=fSE?K2wB4H3MV!DPt+OaEIzWa3b4pmmBE1(`ETUn8 z-WX`REUn^yMj@St&7nL!=`FU#JY-d3{-sCao7u`O-ezW~rPP4vB*tbWY_Dquf zC5=0p(w_J~Tf=JO7K#sO*(OJx>Br`P2v+DBr@V2qeH4=z*%Stn@X4A09^tJ4PG%E` zRNAiNVd(%n4BW6_g(|^|D}?}xsmjSOh1;DMqb(sYevmaZ^d_3}M=8_b6nYD-u&*{RW({ z!2#j;Io$a_%pB)(y)pFBqhJk^c>B#Qo42OCBJFJA?Gl95h<%AP&OC+pL27^dv;TdT z_P2ZW`L`uWAMvb2~10MZ#n>;P0)3jT8M(9K!!k99pfahC44ToVcb| zVhT(aSJVN{;qTwp7|d;`288-gY~m-nAZJn1`!-g^$3Zs_A{vXPcQhQn`=5(_noOEO zS;MGMBAy4LegUw7l0R_XA55(L!hn4M2_Ds}Cz@I0u}M*Rs7CabLqeG+drBjn!&C}& z0jU?yRQUEPU!s_S_rx-07jnpOuZ?KbvWYp&UaRuxPVDi&)*w#H1^9G(*>1~qoW&9* zjw`wTXu7CzFpx&y>IZBmF{5b{M(up|{jT;+u;oBR+(5$0@}4gt#w;(!ly9*k%>YLl z>n_KShdR~k7B<7g?@GxmovbYZ<8k^Qj$||cA4gg@e5(3axekn&ROV0$mendHL9JED zX#3?JWInTvi86~~`lvMD7uy5!3hlduinHfU!DE=DT|J*OnEs!M%lOa4xt*#<(o+l3;#k;{_7zCks%DTnUCSo8qPQetjuk+E9tKv zQ~;keDn9TdDQN~ZKzf$|tep!y;7GJ+B60$A1b%%YS39y2iz;Ot z=57{>#q%e~AwWYSw$(01CXJCKOwLAjTEsw)z(JDO)dC9#V$(E%%O)(QDCXQJ8--M_ zp_X>(cmxR6ym`6#Id;(w@K4sb8Dd-OGl(?ZayX^<>qbG-d#Vhgnb%w4OIJ9emecuO zK-Br}hq}QQd(bV=avHm9CcV)|9tscPWC~S@Zg5phv5iIIIFsXfp+tGjU~B&8oCA2` zNW}Qa2%pk+sEkr3BW&9I@tht$4!H(O=ClxMrWnw-huEscw2U@U-(riB! zqziO>CE$bmpr^*&e%^!0Zb#6BsQoO6b{-S6zpEnx@l*L&qE$c=d(V)rYz7$=5{4lZ*S0p=T zP{!P7^?>e4IXh1BoaqL#2=9(ck5L;W{OzH?VB!BZX^C&Pg;E}r#aKhu63(l+BhZHq zR54^MC`-u;mzJaCfkDf6sdqrL^SV+lgVNST3QP`K(u2-;_8n*$IE|eH4Ul#jPqi;x zir%jz7Qz}d1WOD@rL(5zcC3io0^Hz)$0gV3WfaexfyU8z*(pg$aW(nY=xHzSaA8M_7=U0m=Y@<)0W?~xX3h}Vcq zhk3`{S|mb;pc?6OhSuet7!h!0adVEc=K2N<{v(!L3F5I-+S51C@mKALFW!YMTsV4O zJ1}=vCTMqybT&cVp{#TO93hu4$ER!p@K8O#*(*l#{u?(87_UPSXgAiz{cUwQU%wzhUfto%B91$}hcitoM#E*$kUp~TbTo>Y?ivvIwAg`W zk1WTRY!)RGywPFLEzx=A>7R;lW_d)cM{sirifWnfp6n8=2mQqElmy!-m=iEsI83!q zdGSo5&4UgSY7@@m09q7YP8WI}l1tAHw3r@pAPRVuZWTd+X3_FskV7Tc=^erSgLfFa@V=N4Xh+&sK}-n)e;1u?1{5PR-hB633+5RF@5 z{R}wjOX)1s)!xmX4yX_EUs@bsEg3Td4zLgR2h~Bv7HhG^w3gc2wp$TWu0~mYIkV&! z!8X~VjaQfKpT71lGy?!($C1GQC6{FVf6FBqIT+a)|7S9}q;74$v4;2s`U(Gu)DNfj z=*!=kPh)Ca;@Sw!y^TcyC7gyK9x8$vwK@FLYkr(WL^%=JxWz&V6P-Tf9nS1L!^2T^ zeP1je?b(u(2K-(z8hy|4L;1nUuN7~9a&&X>Cj3^I#)3U|@nq%pQ7;ECC#PO@XZ)Rh z9XIju&!>}$+KcWXS$(HLAM?V9dpYT2WQXKidIaJK!!w!2e@ubS-WpOw##9~=sck>8jq0 z+EJlj%_Kbh!_z=5>qcL+`>I4y-QAV+elFtw0sC?8PczU3eZx6{OsE_YT+U-}#5*u3MryDG%>9k78CtV+0@h{#_J&@aT0m$m^M^ zZ8T>$cPG_tZSAdj^0y*Be`QH$yt(}=EDU(PGh~&Y zdAjaG|E3PcqrA?C9^K~Zq#V3mFfx3H@baSGIq_wuq$l6u0OZz~E%v3xOQx>3T&Byv zOf7e|K&G@$82P#6=>PN##f4nt3&!pZdG%C#O?${4dMFw{fbf@`B8Ld56e0)(ASwX~ z3_?RElI6c{cs|i`dfi6y)aB z2;>Ic-K4gka^!liPL}NAQ4OZRBnsQ?meOfy&bR$tIJ`wt0;{mM@ zUrR;Bx%g?vnm2QMl^AX;=8gb)7UKHA-8}^sv`qp53hJygZVjk+lKavTpP*0gg?;rM zJ9;uS5r`EIZiy1af}}8H`1}cFNfc$E-RpMHd>U4#2lHIp*>F?10OFz`-VA;Uw;l;z zoQBY~3hR5U8LmdVYL&!-a~8A#+H-MyNSRa0fnj0eREvKlP(N;4@bvq78{n_z(LF(| zyK2z)zMA{{0xEl_@VSCMpVjkT-D*beZMyI&`5vdQ{?x4T8~Cc_S_`KlO+|5ZZEL;G zTu}-VW(0P`#;nR_lG=sTiOJ}&n!lJzJKau?D9Q(`2&$Rgs2=G5;(S#~+pc$PVCcF+ ze3c&9O!HSZi*4(Y%Lv9{ff|DYHid?+G+lw$qg`-+KtzItV->+Wu>LASUl7=-(Y`+^ zvAw>a72a+NmC7V5EGoT)$w=_sx{Ozu2|Fj~*lzkK!RjyP@9MyZB`|EP7Czf=Z4~D% zb#9bC+h09ZRLS;64^on{D2`!S7L|vl1%e$3aia3_F37#s+dJ}#fg9Z`I!i}8GeK+t z;+A^4eUrnChNsFH?E7~od1}U~C%=63`uP3D67y{^Dte-VbV!jJDqsptI8|9dSDHUP zg(?K~-DRP!kHDK;HLTvHpu%s%xb%Bfjf#t=W@mchC4iIv;SRh8@gVb`HmBF<{w|L5$!wVTry)!tz4 z=-p9oyV=YoLlm$h&kj_kDKT1XXnUlO=LqjW_D2kxS=DG--#6+!hbbKYHZ{>sxy4z?1aC&gnxKwo?=683(bkHA?-%h-D30p?DQG)@(UZCjcy)w3JWACi z8_aDI(B4@Vn9QYQ?*@lA+1l}eGXl2l=Mn98#JetV7FP7^8Bcl$Ht*^s&pCI{i4bI< zlR$x`*@}Ra2TveK2$}|!LB+^mUBv{A>=GtGun8g6Bt!D}aC&~9GlF$V^xr{=0x*z4 z78%|qATpg5&eFnKgghm|dzJ~-G+js=yBVHtaQ8%T4R=oknV*sDMwXlR;O#uA_+Av2neQC5He#nM1)Y0WUX zxS?T`8)wlmHYEyZqMtV}GAT`?>MQS4mH>(Bde3^22RZ0!ywAlprW0&MqbV;NO}@u& zMR3d(m!POJG4)k|OGp_9OFP9uK?KFz8&vd^3WXrlpGB0PWFeIr{}7w9T?fjO0IpfB zvEPahs{qlGvyo&8m7ok@D4S5$TVdlZhl+bFZXN6i?(%ANEg8Y0V{)8TOZp_q1&O0@ z7p-x^D@Ma zW945zU_{CR3yO^Dt*~NYIG=3+R9-~wc`n!qG9e5;Qx#DNMk65V_K9nTBgItOvhQUx zXH@}Vj5eoIIiKi}04_9RAW=LhZ^c@!9xd$5KS>fRNN7jmAT0R^SlKVP2Y8BCYSxD$ z#gi{sahn$AfFSb~{$*urg{@iC*Z*V4C$v107j8zfU_xZb8Q`ywbIbDpP5KA%q(iB^n2EU&yU-UBg|ihGbs76)>7ter0` zXAG4ANh7}<=Ln&HN@OKmo`STao6%)`UqtvE3eLb&4$190?gNh7s{Pi5n=nM#!~&Sf z&j6+)A_ZX_pw33BFyWN2vP5Ay5G5&W9KS7!Q~&tzCX{8Xao$NSFBVC#3ZOcJK;B6biW8g@ zCbDPax(qYIZE|r`$ ziUbv0iUqxf`)2qVAo=3TB)ArmshEBVahizkQP@pAZ7Dzl*AjO#KeRK#8@m9@8F&Iq zbKjZNG*p?(QW%qnXd~&>VO$teX({T)PShwxx~P=B*n|w(X;h-;Fo7ad3LnJ;k7X4BayZy%F3a;!nwY&K0wo-6!g&(9l=$WvkDL;47-;lSuBT66 z%^K)GjaUsU83TuqR`TCF(fdR=)d%TUT(R-Fq!j8kw+`(?~5zX%EY& zsUT@dB#7zk{vZUFNwFv-44x2&g4bhVl!aIr2(}hb`CcKuHLUOn8HAFT8r5f$W57vt zfbGeFI9MPo11ZJ%)qA%00Gv2)11J+fb;8Ie@X4K*%)l2J<0={mWq~>HGaHt`LL(k(7d&oKG z2_zP$-)ityd_@jbiNF)GX;MJM$upi=hxSR9nZ6^NsWtn0d9VxH1QSj397TmqUW#uP=9K zg{8xL7+1~;e_XQ;F%05%V~lR(8FGPgivyj=6%J40!>a%(N9rtmMpH1_g}2EDJj_@wbN=!A zE4Q5YX&UjThCoS@29&WsR-*-YOf&T7qkQksge6Z_J%A`5p27-PNP>12aWI!ts8X*< zxdj`-5I?y);~}Jx2Wdsl$+%JQ% z@w4#BO-7&S=SY`tXs7A>#D&533KuTgkE-*?#))*Br1(%-E2_yUBkcp;ANl)0G3f*| z>E@LRTZMUNC=J(e*kc{-WWAdTL|WB^9Z%ak`3?V!L#UoF002gS}$$K;J(+wn|X+y`u}6> z9KwX*fpptn+qP}nwr$(CZQHhO+qP}negE0r#Vlr>Rh}#=m3q&KsIRFR3oW$UGMlIp zp)pAc>Iz;m$+lws=D~zWn=tq>MIG)6e|zkd12O^=+fOwE{yJ|QYwRh z4j{zerympr8D8gAQtazHiT%R>C?6&Z;RViT4eW1LtPXejtd4K(_p4Lh63Z1JVd_yW(IsA^vKTmtcZ9MT28&(6Pfueju7!$R`c&B2W9P8@S{Ys9r{rQb^})#A2m@I4aJ%sHyN&=+;v zhwFC55rL>V#F6&4D>UIOOr$v*MTg80tSmNRc#yVx16q@_1N|7T)jM1&^1Y#&Y}7Lv<2 zs_>&$_Ra1(y9 z5piLn5iN2@iGkY2<*4~Mx2Mc<1Nevm^k}dCtke*w-|`Uy?ZQ`=V{DZFqr>}^97E4l zWA8_Yxofs$r!}^kQJgn7d4kQHo*Z=I%ZCS3)$8}kKH)B)erKPQy7be+V$Rj9sHEv& za7{P_Q_&(ylsXC0B9$nXRt5DZ4a%W6HtTdmPtjMceP2obXMA_S`=ZVu3raPYDYNL- zvt(-nqsFtxb@l$p7~&V#7mH+X!PY}PsZ33BN^^KrR(zl*(1up$$pyKqaF2@Yefsa{ zP049!e(nz49ISwSzfTdp%vuX%6aqzxVoP##0PoMJPt)sAHSzrS-)~TfifWKE!H@58 zB%E}6lp`B4(fU|SAvi`UP?7s}!dO!9*Hv3(=a$iUkb-!sF$#Rp*e!4EScTHc$RRA} zLkQ<@Uo@=rP9leh65Du**opCGASy$$>0L|R#)2K={ zDM?4hxFx!hNB5`cJG)$uTt>cs9JipVeCvLPa(-21Up8W{G!L<(TxD~ao{NK*8a@q8 zNOo~R$b-ezf@>g+K8~#oEk$W#^ z#7LfEqT4UJo@eBS-FlAR?6k2%%mPe9JxI*&<_3ZiwM71E(>hAw^H-S6GdZ=OFis?qZB+u#@ z)-B10wIM{_6~!@6(5Gvk!3XA*(M@rNSg=9atq`mI0dQ_1!0H#DDVpk)6-{HB&@G0K z7}h9df*aYMFmbmzx1X&2!@LMu>lK+yp))R;7f4UG1UMfIo>A||?{ML6j_x7+tzpR7 z55-TEvn6TLq{aBlhqIfY@a-{F!0*nS+`aglEUWq*;<^6E&;E z1+$321`IdN2FXKXJ(=f>xvTcWhl<>G5pmEJK@5WXlL>WABf}A*-7^sn*!wk7qDIBb zcobBElt45n2Mq9Fngx-(fY(p70sm_lM)!{2gYcAb6)CGCOlA=kf(=B+x+y~qhP)og z83ByYnR2QI1uHJh0qoa0(Y*1gaounmeYbB?;f93=}FrkTW4DQsF=8B7O7o1p8{ zF4w&EQwI!BHceL^Q!nA!t%}0XU=9#r9B9S1gc^n~S0i=jiXV}+M)O4%uwViCtM_paZPq5FQ!)Bgj`Jcz z6SReT^LxurlTm}m7Z@T9O?#rlBVL3(lc8qSt z$o}UlXP#ED#MetTv9!MdfZ%!UF}K&(gwB5q>;!aDg~v0l{Bn6O^wD4zj?FW>inUUx zWq^`CQB;2mAg{ZpjC#gs{U_l8&+W!>Q2(0mnS%clidt!y)|!C}$^|l7=LT08QS37O z!>gD-85s#nZ(>aMF3?RMn-H4io(3#LVDY(bW$mL)St+|ERTLc&1g>xtYCZ-Dg!5Fq zO=^a`&*CF$_B>d<> ze|7eV$TyZQKX~k@<|=9pJxqp$23B?IR@MJy^2IjWAS#JXt zFnNHgKnQd}|IScrx901wt*?3{4`xc+ou8l>0{v)w^iaaM(;@`B-Tk^s!1Ol}n#62^ zAE3rg9L#7Hxi$UXA>aJJL`ax3Tu0ZRv{N2zUS`USS(pKHiwX=2c6@oFP-BH({`o=! z#x18O!a&VR1ME{9x(@tJ=3w(!!a%fXO+cji(h8``U%T~_2P6=M=V5=zG7gyb(!YkU}|xT3vS>%4Fq6v){ctmC`L#fu`y8?p-7pXDd;bKYfVkvyCC~*B1cH} zx(s%5f!ZUFA=4yVU1DJ@E~*)P)+&@{5}{Uy>}_ft^NiS@+CQmo{m4-eWbgOsGQ2Wo z6yzXm#5w)*R??iXMjAG{$Nm0u_~37pDI$-(>RZ#7k<}&;-iLn>HH5GSGEmy6g zG_V7gj>=B8Ev=%URt;pbw3B8Ju)W;6&Uw@@m8aVI5y0U@;p^vnW3Ipft2zM_tx&t& zjgM}L>=7|CwWp?1!Sp`sm|u)tw=Wy=gP0?gH5L|aZd?68;$E$&hq3<4d;XTu{o$89I*T~*DUEGihYZkiLp~ec; z_wyCkhx=ln<0wO5(ECC#c8DEIh3_6p0tyykhs98n^GLH3?9CB6f6!uTT->n6!JJ-p z$f>Erc5T67Gr!bu9(S2-f{hlOcpUHn8ZZ4Zr25mMQ68GBC>0NcNQowOn#0d9KWrYK zRp}uypnEF@Prf=!_iiBDmL{hCF~*xMJAvb)T07_mlzXtMSvs?oW*7=>!VoIHk+@sS z1Vz?QtsZV4t=1_$Fbh0dAFV;__|?Oo6SCD69;if;DXTr-`SWEN99D4YmFzxeKTD`un*scej zw1LLVoWFBT>h%Ba73@ieY=D0pl^aE2s z8d1CFlf7gE3d+IcT}S>Wy{fI&hbCYvwjdB)RC3xv-8X<*fjOZ z!t;8?rVgA?fW}l{HyChl+$!c&?wRfd%8%$&f&4g4;D~OZy&@2@;rxlXiu{83mC#iP zlKP}b&@f23`?8q-HapodV#C;AQMWP!-W&o#?VThme|%xDEG((QZ#HDB@jY&9Ns|_e zaWL3nT?KK#I2%HM23F2ZmGSW&r?-trudk_c)1l}`~rtUv4IsNvqdr5}t z50R2j=0a2l#!W^AYh}2W5{%`iC`y^ZHyK}R)q>+do5m$ zViMiJiQ+p3siz;<25kIoN00J(p)bqQAkn@prE0$5jkDi@V26m>*eu+3f={l(C_{_D zs)7y$$C9$H9Hvg<7|sSOAoV~ntTixl=5bRD>{BMubzy>7&0dDE^~l)T*aE;bX$;}& z!-`C?9Dc6d7fp#GY7$p3d&nHT;UZbUVl{0n^(DfFT-o{@(BrdxoK$xWriRo)BAv#L zP&SRT!HwXUL=fr;Q_q;aFZT5}N0SkVQ}(^6zUjF7A;-HUPIod+>Ik2CbtYK}+<6+7C>+a2YhRU~1=|k;PbeU5Z=1nC&rv9`t!>x$N zSxa9ums8qmIOO=#bA)30GqR0(GOOt6h5amH-O8V3+FD(UK+*gb7X}0rc7Yc_Ujk;{ zC5V^+Gw-I6ma2M@;!x)xh%Wu}2Bs50uXWI#J)xxGU#^_Wd!nJ+IJ6pQlVbo&f=VoI zpdS80`(ZgIBwXm26hhnUsPu-FY+Q*%9AJGUwikW@4A2PH4c{&R`426oK?`0u*(flR z@vJw@5EAWJg;TMEoL~ERq|-~ux$M1alos=^&J>m^Tm3-L>iLLlm7(P{y4yqB`qjOT zYTJ+_p!bx~WQ`?{vRs)iZM%Xg-WsUeZF1symTDy*)Vu0g$|b3B>lr2y#C4dgagA0E zy@gRhS!<&;&G(2&h@~8p_(`o4mbb41=(tw$%WOR38l~@oW{0hvDcR2{S=PPQ6YkxbCr~ zYm|4>eJ+(7-vRN=_u)Cpik-4$E|$N=t)=AB@0q*|K~6-2mTL|7HK3`)xn~V(#dPlY zZx51Bzah=VU1_~)R7t}Bb^4tg^EtrU9E_#YdhR*g9~&5(>M2Jr^%cLS3Mqk(M#x&4X9Tp7HtfA^Z@V zQBGk4pP~jemp27$=ebMUn}$52SM<#!*vLV+iGH9_5hU86(~udS8Ll(Ss4wfy{k?^Z z7Jrir|HFZn(n%9L?IEvMzX3xa(nJm2$jIj-PE8M3a;+u zTV;TB<*RDk+ynE7bXdd*!#;c1fumTu%~# zm{hV-p$kr+Q65@2V)B0;{P(HyStWX;zfIp)!#=-S@1x1o@=x}b-rV;vA`uj!<=@I& ze;Xk~%xY!%6>09DIH;AI7*j1vfw0abSQ6@StH3kc!6QX^q)B5%uVglJR|Ot~(To>~ zY2;zL;RT~7Qao8fm>|HLhZfqYhSNG|0B zy*ycDa>^nD`ZUHg`rK0}t)_xbm4Lhb@nYE?*wnvIfz|WeAw{eLK3*EX?%BV0EKXRi z)Fz;E4zWiT3-SK*7s%i4+w)YiL-D~Oi#r5RlK85eorm6hxg`zw{0>!XbIXJCfY6iZ z_9JfAc8EX~W*&b-A*WA)Lka&{`Do?P6Cr2K_B zk|Bwic?{#Ry*>r3FQ^+LWm0;wPq5DS*_FUxZQ=NkR{e{zSv*`nUI_0_x{k*-WKQXv zZfUlhox(L`k_tg6YJ;R2VF?hbyq4aAKF9{M38L)@nx^Fq|Wu+6`c zLF&MCPtqoz%N*RpsH85z?03gU%ePQl^H+gDdZIBFmjZbfRm75NEL0g@+50TlE|G|N?0`aP-MBKt~y!@MPUr zOaw|bn*Dz=r2Pdn*3WJ@yYpjIyPoS!(?=WCk3VP681-p(bvPoH12Hg0wu{1Et|I1V zIygyqFo%{`dlcR_8QKUi(UuI`ZCE)|(Z)W=4k{{dyqLj=cO&?NiiJiVGl!i2_OU;jOB*Mr81F1|?=C5U$U^@h38 zz`@ZOT~CeHmE)cHS%3Yy8h3W7=;NvUEwM=YRXf7njUQ3GIZ%8W$h4wLvN!O?xZOYd z<-+1qxozdm=<6Aa+XCWdj5r&}68pKu`EF}(H@Yl6gbnF+7sG*f%{8CL;WmspdUL33OkQPA(^%nX2|`}YfE^?6eI zlN~@%_Pk)EQg5V7wS8`apSrjY*n*~ZEx@)s19;6t(*u7M--ybQbiX*m zkPHo1L{)HASe+ptqme2WP@Xu_F=&Kg0J9ZcBsK{(&LmTDSbsE!HyxvW2$?d;O}Dzr zw0v#TS};Ik=UsTJ7T`ei<{m^YI2YdEQa*+~r7NV^KZJmb6v0MvPD**47Ug~z)9s&V z?EQ}8Jssr7>?eVI4InSd9#U)3-diizNk$>Fr2_q1yH2VYJcd~}GENbvznPZMbsaI^ zx2)FXxk(3_!kjP}ZnTNsoj}3!G;dN)du{7lA zKPg(ydU4f1`Hpu=%GP=Aqs|Md+-n%&Z4OOpiV3INIabFQo3ypSy&=;G2xpggXtU#g zOsuMv{M?vgVIJe=z=cz@Z^2KoFo>lIE8majpw0!05RuCYw<5fG#2bHWk}v1v%m2gW zt(YNV4U}c=?5@Y@Vl}Qzhi1%rTMje`9J3H+k9Hz(Oaa$njy1Vi2WV!X&9M+ImoOv% z3B&I#Fr2)3yEx4B*wF{J0|`uXtS+i}KWrchm#P)wVi(gM!%oo%VQ-FolD6=Hn0y7T@#o{RjiC71>e5OJZu}W0Z zFdAV^;YLmKo&=zR>I-qgchN$gaEPR%E;FMLl4BYnC7asgL7s>j;@6Xi#!&T-FW137 z*Tn(vP(mRu7F%db*Gc{gx11j-DRR!zjSb1{CO)yC|0{qFt2Il&U7500y>$|_;pK&> zn>#9$hZ5s|1}XhI1u!GEDPa-MqeDKZ?vYs9y{x=8!C^O^@$b1gwou8y=MC5_2s_4} zAdQ7zwkAsU4Yv+oNG*K~8|ucDLC&&3E=XHHIs* zJM6M@v+Y&Pp<_Ws6!|jwd9Yvfyr%qk2wr+5C`v%|+yXzzy2>YiATtAYyq$<~*cAu# zsra*g9HJ;kUAd_2RUr7WAe=&)#iq=SH;hkId!hVPnZ=8uXv3i8RDA1QkI)a*Lu{rR z3@e?Yp>9C9%)GGe^ZKf53$5C#Wcp`?9G5h4e#a%6*l}b_NfQf&sVe1n#&Yd&+^D83 z!E>u4*Sks>M5Tj{Z zPDyu?8lx{E>Crdepyu7RXRsncrip)g*3PKw!!84K9#|dLPS3?v3rHSEktVNk*Q46; zNDnocM>VN@y6YeBS7mDxToRo1<P>4M~Xp#4Ox9arC(C{1t zo{-A#1;5e(I-r3DpCE?U^B5(9V6zN!Wlt=@;HckzqMboaVw-=Ag8jETrA5sL0U_wG zMoMY4_KBwcLCNr&jB4XG5P6wNndgM6`H@IH&1N`QJQRol$w!QG5(@I9%fj^WPuhF5 z-c7;bD&~bcaO=P}TF|GTJaQ@o*7}6CGM%d&;R`(7-B|^C_kh9uU$sPJLq2%nPhbA0 z*+(F`odbE&KlY<(lKVBLcg)#hzm!n&vW1#vbpBQz=Lu~Bet1w($XjRMHo73d-e~kY zUF~(qlnZLO&B^cI+W~mXm~Yh+p@Ni{arg{gb16gH&Bd(jDd4JCITpISV%?kKMRSvx zvgto-3o>e*fuCgKlqLjo`u-az_dtm$bJWP701~=I+WAipPCZ#A=|&y-knu|mA*X&C zd_)*<)~bm*g#SV}kSE9i1xg?DZ@mkr5}H-ueLT zvR8s+;s=yhdQrEQ4gyf={CcP^5lai!^y7A2gmkwWLMyPl{RBXQ)SJ^_?e@~fW&A{F<6qfC;OqZXr9uzM+z%cL>wN43(0m1|j$)1vQV=w4N`v9c)UqrM zV~|DOe9}Q8uuv$UFa;Dj6i7z-I)@3}(u}!XVb0*$&eh z3T_Xxa#P3lw7!b zR95H!z(67fYOjGUbrW;BCi<+BaltqV&D>~)sQ+SGR^Xe~sR+my?M0?s=&Ju5tlg>^_}5d-3o`I)odnLLMA!K5)Ax*_xtg_7lGe+fzeU8Rikh zJCzM9QnIV*0OCs4&{V)OYJn;SDT*k9<7p4yk#ij)Qknck3Z-}E@eLzc2&!6W=vqp3 z*!>j*-TOuMSvmfKa+JD-rFV9dX%<$A{u-7bc_;f+q~9BqI^F6x*7;oRgqPB~K!1Du zgn%cw=BYcaf6d-9X$xKMASp4rtRw-8)Z^|;JB8-FhD}gR++I(L7EbRc+(6PznQvr- zss0NWN$>oJ30v{x`AbDomy^${zjKr}?(h&x64t!OA4tiJY0&ZhU3hQj>yr)aJY8sm zu1zfnPo0glYon6DfZC85Wlkdv_GSX2e3^1nDilNIHRrA=Qn$ZXnNLw5{&TyuhbdqOmGt4MX` z;ME*gO==o}%SjFteZ$y)0z}tBNpe6NmOeipdqbNQ43t%+g zvp2x@;z}0JdI5Nt9L!#PJa*(8lsqn9H$w(HC7Q-*K5(Bga=dsoJrg70oQ!~&~>50I~MlfQfL<+_S^+W9ts9t@JTKf1pl zRbs>;7+q0{4SEby89(Ut{OA*ONf$3odN;SF$eP&>-fM&EPBlB!tL$FR+l^`R@w@q9 z!^}ePn+MpTxmS+R1#0=5w`tv>^nLs9dPXDL;u*<=!G|jK#WxYPwOnF?m`1WKvG^=IU1cP1Uyw_$0Z_klPMBGvg3Qi8VmwPe%r%Mzmu#%0k;};z7 zg~41RLVDsNSFB9VW`4>f!SOr6u;MyL9SFf@ORM9A!19M29gFpD8+mO%KbJ{bUH>}) z?u?I^qnHc~l(_5Zen&$%jA$_K5A;AVg%n6vR|}Qibtqb?P}0aGAkAy@9fq7x-wj}D z-L0zJZ%@L#Lt|_P=ZoojjPtOt-ATI$qmKOibW_7p$pl)I$BBN3P*zx)=f7t)FsXnF z<3J!~>c)XA6{1TSKGdN`C?@YAPq5}2z|*uqW5g$lfaW|yaz2%7yYHgq?f5JMp`%3r z%F`MQ{i!>c;m>7FG^c_qbb7w&`jI23A@Hq5Um>J&ZJ0PoDC1`pT57b>B$9j^;EfTEgeTIbCLJcyCWkY8wBfI5ry$ z++RoRE4X$)Zjr6y@j($Kpmk!=U9aiZqaxY@l1|#D0#V|FHRBN4-rQIK=GwlmD~g#! z{&tg#F?a(rg8??!8A3m8HJ;On3%i`kv>%_tFROzfu)Wy;`xIXEC}-uNNd6^L*Z3B* zFy!SaSr(h#)O+~(GhSyZKu#?;3*L<5Npg9erqW88gkGZ8b|2#P{Bj&o2-yQTr!(G$ z;pWCOSCpn^4C5ZvE1;~_ z{QH>=iC&o~U<(}xFRB(64iZ{7&b_Y33c62<8*r`|vdb0BJ!P%ouKeL%dEdSce`^S@ z_5#5}i4EDmTYyUFE&u2gG?J}3`#l~I5xgKL2iNJ3Kcl>3bGVTUVmp*q-7ty#I~G$% zybDRN_}$?=+;5Wfio0FiN{C2qPS*kO zmx3A1fc*E%8nZpJ|a9=JHrpFq9m?*N@=x!PF%FZ{GwD2$Z ze?ss%j|yc^;$d4O_;Mz6Y6EgM1M??kIJbwl>Ix0?+(jf@jlBPsc>ahX5oz-Lc|ipd zGgNT?KCN!rn4#4=uyOUme5X0m5clL|ag~rPV;qgrzx3sSEKa|zAZMRUns_8J!JPhi<9CkRa3KrRN8SxQZsDIZ3idBQAJLhs4^p0euKMHYYb~|#2C!Er4^F2&E zg>q%=am|Ph6|W~e7UY49q>wm!BUo%QACvj?MH>6^RxG6E)N9bvNIURFDd{Yy)xpLN zo{7Bor}Fa>wbn`0`wZlD32XiL|0D3`B^a7wW0BZcnFCjA1gB$y`i-DKYox6$s-;+o zrbKTwy^qv0<13oH-l(IrVnN8X5PgIO0Q*Q@;U@Y>pqkz41ENc2a{)75QenSK=I zD$~jT5%oy7As;8udxPu>6&*$*_WPg#FOTB1thlDxw(MZOWPh-%@fui&knCkJJ&gr< z5Xecvg^U**=YbKU{43 zW}A)r)Pc}-i^fKTk?fJOj|?9^yh)>G-I^3J??UU(*hQ?;{41_}(!H_mJ9!)*(X9Wi zfzU-joBYz!0>&!t<$3iqPpDXY_mbwiH#Aej|050hDC`J4 zvr7s9OUK6iFS!oYaQs=H*_E{CgHqdaZR7?i<$z^< z9CAj2uKt_q&*eN{_eMSnLcWf4om0PkM=Sg-*1eDXbe9d3SGwmt0x8m`5*O7rdeO*% zJ8M_+VRGw7>+-RL zUCe5W;~~|PFaoPqL0m|}ekbX%v?T6~8n$y02y9%B8W{07XfEeWyd=rMR^Z~b7{Z*C zMn_G3J(Aa0m6J1M597#|0&BX}z;ept0)#FAB?1NC)HI2(P;!+!B3k5iTf!!OF&>xGU#(jU2Oc5Fn0&^rIXrX?z9^qe{@KOe$L5ac87 zF`PNidFAFJ$29@#=_+GL4XHWXau~LYq+E2q9{xv^uFGoaD*wVM^#SM(nzbPi0Pu(b z%zWxdwx}oZbG@~WiQx?>V5-%c${C^rX=iO|qg8&+DJdtPV`$i;LZK+c(O%_Cdr=Ac z($}u${EETt`7k&~IF^=Px=sH{+IsQAE5brJHj)DyQf4v0CpdQ5-eyjeUt!VQ^+|ds z@BVtX{$J9GsKDW|>Zm2ml)leX7G&;q-qahA;`G<2;pKV;h8&o=^VLg3q&ZCV`$(U( zr%fG_Vzqp>sCI9?#S{!=&?`!W--wnwGyD``egOH__<($>wUtxEZIy`Ps+LCCn#7a* zEtQ9Wx|=os`wVXS8xGd>b8Z)~fQ$VekVfupVXq&8-~9U-I)(D30Rku3TP~IJ-klj6 zceeqq6;=cPM$5s=e8fXWJji4ab#tBKgiEwzBdiekzz2{couNf)t3mNC=0W#Z7m3tU6h-4jPP^ z`~lF$*ryNaw+Ns>;{^g!8V4*G;zt7XRz5w6h5DDp5mSw02DW_CD9{|Jmlu)6{QO0> zCTtswbSGH;_VHRbcQ4eX92E^uj=Mzgj?&zeWHje+7f-1Gahmj!2u8A3(5Rh>i#&~> zIdZ2UzA#ORc}pFu^;D_mJ}IbejQY=r|4B!})0qzX+SOc#eL|nA{2BJKP7#0Z7=D&0j~Is z_pt1W+haX=@roDp3k#T~I$waI$Gp1gCb;ejK8S@~Q>T<>+gba7`-)x425`FyLZes2o4aokyF!fW&|wP15g_3)riS-t1w z1j*EG&9CtV%rbWf+IUnN(y_ORI${MqD)stS-MPU+v}u`oQsfN{3kADIwcN2wpBBnV)R4;!Id@6{m$= zD+XgNLd{%*u?H1%=jvzn5t4FLRBQ}1uX8ocGDWpGvGSc0yuAA6Ag`Hi%~*A-C}@+P ze`G;1Nav%wwp+RG&t85s>`E8$(tzem-fvK37Z@0qkE(g`QLm5zpLj@ue9vdwve9%> zjpoar1zZfYs5rUvU9N8+r+rnB!Ao4Q<;ouzwd>qeaV&H$hlrzs0zCHz z2#}B5?tbLztF~#lspFF@(4jPohz}Yc6y|*{thf6zpm9rx(~b0=VZs|+(rdqLk+lI` z#RuKx-@S~rHy7pDr66ic0aPVis+wc7nA0J~9Xk9vX1L_e59Eh%%cFBo%8G=3Htqde{U1&$&0 zQ~RSiTV>(G%6k5;zB!A|9quj5kxB@Hsz-D;PxOS*T3F-G%xC-j{E~7sCI+decTz$_Y2O`q ze5TA2LapMP*p)BIGQtbbc=^G*@WD@KLMcl;b&ZU4oqaC)!gKI~Jlx`J3}hsFLC^tC z;2t3V7l#h(|Iwkt#K1=X|2uT5)h;v-CES{Ru8?tV-zrc6@1g?FN*MCtTc%2PA*`RgRL5mh9fy1*AXlD+t z%~1EYnel0k^zTC*HVcwr9ljd-HNs0X)99i=;YP-#hw`y4Xna&Sqr0Ww+#HiEMB%0N%cHY_ zQD~*Qgu8(S#@9;VFtMq1D}qn^=IEYOr8qCFDH2ZgB9yg}yJ@N825Yx&d{e2QJ!woq z8R|mWR_tMnfWHc=6+NmP*5Z2Fa1Q8C^O>lq^^rhEFqaN?g)79wIdE#|v5e~?j?ps{!CW+DX3Ti=>qz}sU2_~!x4_%|!MjRVk$ z%HDsLIGm9Gw2^=TFhW&TZ~@)>PDudzzi}n>rV#j|WkP~qq0WKfYWQ7kY-MjWX*4yc z9u~b~!r@-mab;dcdE!s6sUG~uR4hTFK9}AGCIl-08{V-U(u^6vvKy(~l1{K6mT$x7 zFwKW)z$h1N25W;17$vJhF=>Huu9gF@#q)vra0uOAYqMFZft4QY@lY}sld*dO82XC1 z=Er&#_{}AQ*_cV6<}fQ)?^?A5h46OzWpo5A+5d6~ZvTS-vlV2vC?ZO7G5e+bW)b2C zCX8F^cL|zXSVCbJqa?zg(M>F^`;|G-eddO<;ZH~x3FD3Pql2t+5^^Rcxwu$S#$5yR zLmeV5YUXv33^i9g4g2GO6eYKw8qGOJo_RZ#JR`-0fV$sxf@KsTmbd`*f~Gw*m~*1+ z`{rql$eGVa=%_aM$4|yCodldOo(FaMJ3d~a#HRz)wYhe(05Z9@Y}sf4)eOT$#AKqg zQg?2B(s9lzjf}&jrbPYE@+kzk-QV};$+feuH>>I`8_o%E?9}*B`J5f&Q8G+HW_tO!ApXpw zFOggmv0c00a2Zn$715}Tpt?bFjT&@%H~@ma68c=v84{UAv&2~)Hzd`Y5KLkW(u{V% zv)#~yOXE^^pY<&X&7QklJQ5l$az70pmtq$B4;&GhI6uN}K)yBi;T^G~SDP?mRM2om zujV{3W_AssLE@ruCe2rMAfj;s7F6*r5lr!vZ@l41H!m2>&EQ}Q)CbUkZ5n)Tirp8$ z3#)L>j+J?>xh~o|ygP0PJ5lTLf;#;ZCu9v0MxgS@MPzC_tV=2=N6bTS%KM|pWXC=B zLB1!Iz@yo!?2B*lW>Pq!`@@rqlmy)Wb=`ZNUAErT_$< zTVVdhkFiMY>6(;Y>2m(CDU0XF;qd6ATYiU-f8o0nFXD=eJ-8)dM@yt3vP;ST}=3JXb3rqtQAMbDp!q4RH1CDGUa1DVN7EqU3ThL1* zMnQbPdbOM-fL;ZT@i}Wrx4B6cmJwIa6^T8U3}^uy1U9^*(|J}UD=lx0*Vd|_ZKdPJ ztB0NE~8A?-QK@B^}bU66P7j5i3SEMamC*0-SZw)Y8|828@sL7hxNzj7%gDyhu{H+)x5y+5DX1Oj>MxL9n;( zrkkyulzC@AL*IZuTv0;%&2oKLsrb{f*fY!9LqTv@qUR0peY2^O9I9QhQp>NhTDU^G znZj%W32~@_I5X!iA5d#JJ-8TWu z$t4B{B@S<~VhF4(@t`fSK7 z7E|znGwK)tTN^>P!9hUSzv6g=%S1;e*NF9od5_xzut-iGz8eA`BZyxc@yAu67+TjV zmS{40<7or?|l#JEe4pC5wGKNcati16%hup zR}Y}vA|51CNb)Eie{U-uc;Vk=s}ZVQTVV4i$473X!^|f{p&7_iVH);xHD2_HxGJAV zJ;Ri8B)!PS*Z1gRcY7=Jktwy)bTq}-l=^Erh7#QWW9*!QGmE;d9otTa9jjy8w*AIV zI<{@QW81cE+qR99@2|h=oQrdDuI8%RyLPRcJ=dsJ;~8^2wN-vnR4QkP?&y5?*&6k` z)Wh5<#0so_8fnFe5G$T@xrWR62S>_V%3Pc4hNkNisISz+Nn_dcIfEqdNLJLe%$o09 zoN{zmw~TKG?p+tQGp1CpmaJz4VY_>8@KKL@{MxYWR?iDAqo^*x!rKT_|@ ztBn*}6A{x+2QS{yZ)L-PDL<89RIMNo3lx)te;4(6*U-bU_i7Jc>1YcnX(;r7by(Ez zK{Ityt07eSrFn`WowW31OZ8YZaA3ru9U8nzr-BfK(BXRwFPOj1WHj|qPm)gHkX<`u zx@1fBlj<_MBJB~F9O1s*9&dN8$jKl1W=(Lze}4oSn*(y5VM>;J;?u zV6%QPj1smg=Rg}Tr)s(pQoDD*$WffUS~2+`Bq9xT6>A|wr#}MQ6c*#R8rPawRrkem zMZ<4kIg=K?F20r+13t?7g{spiYeMWxr+G%);a6rqr|q2pzTkfQ923xC6W)qn}dW_M| z{1!2z1zyEwG8O(yTY}#(h#x$VX=#=@tJc75!ry{V6rH6&9`8Zj-oGwSeC;%%{n`-x zz+e@dwwsu`DU|JREur%ZeaF~zQ)dQ?5EwKA9qdZoJ@@R(+lIC0l|x)tjao%y{4yFk z)a^Lvuiz*J8Et+7tTjShT4X4h!Ui@tz6KRt!71u8I5M7P!?q_s^Afj zQqU4!?$9%bj%c}J;r9Z@ed6A@a*){&v>Tuc)C&3%4WSIMyz7dpxf@0(0&il9vYg(V z|9cf>1sONgoy8m;sY!E;+NS@Gpz#9MqJ97H*m}_B<5NiB8r|_BHelCPrgz5k*mvgO zz)K&h&V5yK1js%DxgCejm}3+(ArQ{&q(YH1!>X9_BqEK(xZ);c9#ikkNzEFX`iPsx zFa)-$R`H|5={QC*dhIv0^M{TL>4`DmOZ*UN*|*V@fzH!>1iQNHK)3-D=3X$rK);p~ z%Y;H7YO9mM1zHL#?`QTPd@)Y1SFjQ=Waoh>exG)F2A;1HuxH0hVjX9ynAd}PBqPKJ z{5h^+c}w>N{b0n8(i_QUWglunIZjUu#x9~h3~Ab4!o5cDOml4;ohIAIH-1o53ln%7zpkaVl0^jhiH+iWq_+kHEnBp&nV29JGZ=|Pd=N6LwUV@!g0Ajz2Lsjdaf zF{#aadM~f7Y#biaGKSh6TnucBLrRgi%^%+W2wi!t|FKW+uEO7T$iN@o^N~C@jGo`c z8K-Q~m1!0|2u&(KU7%kQ8a5BJbzh6DjCLVjFTEwu*it({YX|JP`VmyMrOrPK6CH8N zWPdNe_u9EXxY<5>))Zv)U1_x<{2au^v*!S}s`-yc%ldIUcU-08)-SY&ptSQ{TOwPF zgK_QR^U3OUtV1;YZF?N-!Dx>Tkn=q0zbMLbzqOf0c;3dZzD{E{+h3&4+uv8DkJ?W@ zMFu`)6D7$^px^7nFD`wQ~?&W<^J^J zsRO=DN3F_+V1;*2PUN*D3nE@qDBLHzB@y~$qj~N~3yUz@1|C6RrWFb55dr@9iH;U7 zJ#hwfPKuux*lO_=Uza4#bxw6<3$x6jk|vp)aWhW-2zgcbuxjM)v-^;k+V^_>2^JZA zAjhY^PDIkXE~LywKGV1dd<}~|lZXb}|8kAIHCAH@sRjj-623ztXpvD2#_vB|7EiBi z2VkJhr5Gt3mDQb-UFG@eVNVJprqAR7;n!4Xxp{9xFH1-nm{-Ua4Jg_YFjPxen|}w7 zqYvWkUOtqZD|kv+(X2&W%tHl=rOLm_?6l`joeMgL3J|xp-?NOtvhN zYc-!pCrAyq=$fQcF)$mXQ-!Zp_c&5EM&|dX5W8#ZqVX|wu;ak$GZRkO$6%mcfB(u& zkMgYo`hlP#t8_u>_F3q<%Rj8v#}({ywIwNKjV_7UMmLU$ympgd57AW_P?K^7#mSeC z<)zOHn3?tTe+kYlgY_ZdWV?Ve@*z|cA<&V_W7{$DZQ4JF3>0#?t5`*3vBt#9v3?yQ4iKj)ObjNIxn8&3&Gm zYAY>~gwP*Rr}(0aBrzw$CXiJ9$z=dcl4Kk0a#5>(Oob=)sZ3~=EajY<-Ox>^-_m)6 z`mpp)r7;T&ZRqmbJzFWd{dCVFTVqBaR4Q#Dn2QU%?ZAnxgI~VsfWAP2-4mpBaN4HI ztNcDRfXiZX4*gXB+03s0vZdLZ0qyi(})qf zo@l#NiMlb>@RWQ-7vsJT>Q(f2uX8l?&o&b3(OwcIt~^CE(w1eCveb7ZIWY0coH)3E z?bf-{B&yHiCPJ16dQE7N!eny%u~jO%gvE*knH%SqKWn?;V`r*4fp-LJ7KEv||NbaJ z4`_xu=IIHNOF3VTA=dJQ0I$>i(RB2H<`0-X(Vn&T`B72v?ZQ+mgn2jx$%!(P zt?}HQR^47uL-8s4Ef--6by-+_HuDI_S012f>AjKSlvJvvPt?e^V$p`$;@SFVtR znW&TOlW=vO`{Q4#Fy1z9%c1Uz3Wyke47}XLpSUSb8t7&I)DY^j1S~4h)1_Z?A76%k z_&ScaZfNBC7X~=?Ll7}Y@A|zi=8oR|7SAoJxGc2#A&C_Nd3INlX2U+Gqr&|?1ZPru zTnEtOkq`(?ELDd|VVKbjij{9T`;syvhJbpK#@C(p3M`IRA46k29vZA)abOXQIi($W z-Z6avLkKNKMI{-VA_p-kcegRhl($Tb*5=+tp}y|$-V3B1zAo2m1;0_o2ZC0yCaW3f zu=aq_wP&@_ux@$O#8#|Yo8y6os76Jl1houE4>I*<)N`FMf4zSORrnu|0f`Hmlj}`{ z@00pw_6a=N83Y zCkVD_M26}wwQK2j!hoZs4v);-p?}b>F3OzwX@0m^FwLpec))Nv)VliD##lxbZ_}&R zwuU2#q&bxUGyWGGb5uIM8gSOItuRb=xVT^$Y;vh7*CX+ z2aa%KgpH)++Wwhh*perjsj{Y3OpPLU(L5&hZNDzpiw8`7w|nfk2upCo)E;NiIfL-& zoVUdWU&75+R22e^+8E^Z&EsYWvmNt>|Juy!nll9qg?Q!D; zJT%1nR&z5naw>zM1CJ)CtyEO`P^(On;@0x|uf48ZvfsOT)GQLH1e>Ago+j)W*<2hw zn2-c05N}V|_iDcIHxV4bXQhc_4gFVoU>QBFO(NH7Oy} zbqRl*a?E7YBSTwiuj!V9G%&1Dh2CL9@n2SzvP#O*zlxB!^z~#QNFXvVh8&f04B&>K z-dF7kxz~klD+Cy1!Lo33g8d$9R<|Sa|6wm>uLiUgm4y{FbQWPbD1Ywcabr|uj#S>g-{L`Dn$P5Dsxnm- zw}i<$OHDtH9LdCQ@1G=9raOS6A@Rjbmug=0fCGS>I>Xz}2J@a)`7?s2Q2>Zw#lyS+ zhp*2zJD4{Ehks`sNSPK}bHZetNs{^NVtGo@h$D+vJ}=rznR4y(3;Eke4-c&0W)5%I zP%o^qEZeRve%&M+k_A1Ou-`FBmajN=zb=q6{qM5KLuCb?rOZ#A_m|?zyKfU-2-zd04NMYocHtS4Ay=Y_?u3eY8tzjkI$8DABH#I5ZYMpeEx=?=9 zG!XUmur6{!C%o`cEu#EL)|8gWKtkv;*|ihkZ!ivVlvxs*pp#=s8s+GRCAnObxY0=a zLPpi7bB0Eu>sc+5xcXd$N@dUC{mp4CG_XHr;4oX1C^&!|8=RnTS?t!A1`=t7HD5IC z!vMKTLCdFJdkIJR%8|&%L$c!KDQ~xwH!nyvp!;nCsAFUx;raEs$3&Y50bS+4Zu^+q zl8q7_2B{^H>IM!0DB3jW)Z-_h>!`aDPG$x_kDh7@r~LZ|QDW#9CiSpZh-JU}@ysHB zZ&7lB|n;ouObX;9@g9 zze2DjV64&CkSdN9eV;b6LrA}kY97z>pHbgp-U<1Z?2x>YgYct@`<hCOv%l}9#kL1=eWusH7Dm{JxXd_GjIa-> zws1Mdc+B5-A``MOboN;Fk;X{V>SM3Fa|D`4PX?WJwhD55-yTPLiR@zyy$%RR!> zC~xl?MQ5y}eYet|nORk41xFB-PnBT3h}>6$bt5Az1r5u{bI}&K(B>D!L5}8)QzzM@ zBL@haH{Smmz=OX|B~R-!CK|JBHn>Js_$H3nhNDqX>BCaW4a#AW>>O`IQPCrSqUDLiy};YxT0 zj`YL-B(bJ%(LY~|;^%}x=O0)^qRxA0l>A=H_Z02rF`}C(3F`w&0Uz`~qqEK%1?G~+ zwe{psEkQAVA!t`%3vtPmL0|Scp2z0u3B-(50z@r(sm6r6Hc7K3i-PqjAQ3of4CMs9 z<)aluJ@vakAw~%)bJ1vjm;AZ4XOO;{Dampt4s=`|Fb03bD$BMvP;e?McDb}{4Io_6 z40BhvC&HN?~r11|1g4b#!_=b=s=sve+^ zD;)hNB3ExRmI>CtX(p3YIV1<>LE733dpr5!{+IiTHJ2XB1xu)5iP5$p79(PZ2Py{; zaF?{O&qUyO7LYTM{UoX%?_S5O1ll$GRvfOGaHY4Ig@BlaUc5`@%o>KJ;_>_lc&7Z! zeJ-mPFZ1td2qOX7_g)$^RG)#i7N9>mFadKUUG%(VN0|W<$)Z6k)cs!u&C4T>*2o40 zJM!H(TCw@koMpq}!pq){+nmv+r=+-4>D2D=*NeoLC z;2@gasy`1p7ILU{qS`ks3RpaesJJt_0#d*=c6&!sdnTrIQWdM-@36%OG~Qqd@`%?VU}GUUD@~Pi*y4Vx&Ay~F^SHn?N?wiHAUbl4PB$bUv$kQv<07Y zsdd{I?$%+m6^DkK<>+fj{B8e~Tw~_t{esV~mRJ%QUtf}UYlpI4nz_mAKtD=+53+;j za@hFAnH-y6xht+N-d>&CkG4QxR69UW`J4W*1LIkKzh>)iSHPlcyVK3Ds>)O;*OAAv z_1>TNV1|`0FY1F4sNW*vmTfW3t3#M)Y>P6Wgy@sQnXQO{?gRMD3IBn1dBJ#rH*;*H zxA%mv^9#BCORm{pd}eLvx4Xb5cYI3Vn8rz~-@;VO-KTQ!WoT7(S(e8Abac}qai}cD zS!>)4R=U|s=v1IS@VY!vJ&^ZSw7=xd$K(9ks~}`AT0eac8tc`_J=O>5d?9k1#U;dP zG{P7NmdF>pSVY+Aw6NKHX@}&POC)~lzqPVlQE6UA@+7XzHH3DWysir-EMF!yheyV) z(Ps#3RlpbzHDU-G0U{OrW2`3f9xwcEP;g5B|E0+IWvB5j*AzUf+F#UcI_P>P^@L-4> zMX!3asn`)_=wP|9dXAIkwmm)0yfI#JiyT?DC{ZH+d^kR_h{WQnomk}TNCV@JH>YrK zVg&@B20EmL;28YKq^l}H{W*xQFMmP@gF>I*0KL<_nggzBwX01ldgoUf>-|2aofY)bP8Xk2!g@CJc zntilK(oL7C-JRYW3bx!}JZ2Bu>y?>?&NKDTrQ*;Wa3!HlGbSCift`V26i_;eB*8LIh#JLqvQ6a6e_}i`F zL^`c`R^~xv(I)`}<3FURf-3dXXxJF*Zb~4a()pSFM5QB@ zVV(~rVj zT4q))DZiXMq!E}iBn^s3DV#?k3)Qwoi+UU5P~-FxcgrBt?RN|gb8C_sW9g~;4^abO zV^Qs%wRWhN0X{d&Z*elb*t8y`;)=KB6dhHhiAE6aOAF34B^wvhQ2irZoZ+Zax5)0L zSXvSM6_4?2FF>$5@i{$$bjGsJqcI^1NY78su;XPUPfHQKs>QRJZE)?=D}_3S%DP^T zcgZ!~1Lq}tX)jS$tZPEORdLt+591pCOfP6iwiROPCa|)RJ6SuMy;U#524wwg*#XDU zSR7J~L;Sx10}da#!X|=e*Zh=(4^XCBE}$X%r4fvAlTEU)#&lc~@o;;uVa;e?qhY^8 z-uf)49P$Tf_?U4v*Gdx4bU**Sy~8n+8**C#576pA2o}aJOnbWw0yx%c6(t*8t+gm4 z^g?@3_EyD$`ASq+pRx(P&7p;nsiSfp2MJFZtp5s^C)^-%)ozYc{9hl#SJ%;-tUqu1 z&r55fGch~@2ZZjXyyH)7xx&oFrp!gi(+SL`QyNunn_ip|MTVwe3Wr@0g+vI4FIx#- zwBi`A){N0ofTOQ82AI5z=GSB4f3u~MUNmAI5dA8``3WiPpV0xS?m1<%b5U_e8ZY5F z?SUdxxfz4KFiRH9CXr|34ebz|V}}c^aShcv0wM6bFqqJR?@zxlug8MXvKF=V%YT8a zFUU?pEUo-QtYA06SoIFdF3CsY=u9EvP~QwYoEUj9UbWyBG-CniFEm>4$x$_4S^CTx zP4-v+@HC1GhO!=HZvtN$s-`-u0&(}567C>RtBmU+|H@LtR&`lqF$xHf7~Ihol{ zzKQmLwoGdrI_pMqcKG$YBmnyavol8c*T(!3Y%6i5EPSP|Mqc}^fKPR@zoV7ZWI{QC zB7)l)|9*(R#7b9_t=NujvT3EKXGr5UgTHl5A34wdFB}6qvKC_~xWI~voKpiX3u$NErJODkk{>S_Gbe=FZLK*e=+nfM-}eVkzVQvT@s~REZX;zG>;8whR!lJFCrDgc%9uChYQkU3fwM zBygRul(eRt>3yTthb;@o(&1A9uM;eZ?aU`ZE7uJpD36DgX*p9v9#Bo`GHs@Xe9n43 z|H6z-OPaW3spc&z58p28h8x`DuYFON2IhmFZBUPl2&Rv{A{C~MF3#O(?e!a`7oHt9 zdtd`1g4u8(9duMcz?1j3`RIJeZPN$6u#J}`VHq-FCMEO6Wnv> zSL}d}uB~iA1ZC87qb)n56?X6&$|}D*z?a~&^X*kh9PK4~>_#CP^8E0L3 zWBu4{ppvC!PQGXoi!Cc^mw4Ol3bzs4W}I%(F7!ZeH^aMp^z1#0+LU;8D+-K-4XZ`W zI4PnemVwK-OX4=2%x|-Lk8!s0;{cc)n?es&xjthX&N?ab6>gw^N+}vh=)oj9F39o4 z#KrbMJFa9dpEz%K_t-=gj~g+E3||18eyvv4L^GHd;Zx${(9p zgCp+){4;FjG-kpDqxTTeOs;{@f0Znc4BL}ymJkX3NW89!=v`4hhfdm;Uo5a?g^{m{ zq)c6Z!0=nzxZnl~9Zd-fDFZrC@Gi$zD(K{y{Pbb=u`uzqETZs46Z}gi(Qk>0Q}T8c zgZEL0Q;)=hG@$$zf!(sPjOY&-7?nn(WYoqjr_m^NFJYaE?MzaQrGxD5!TT#b6@HGV z7nwkiBaA%DU@+Fy@&z$R+C+IQMtb-?^hR&e%5kw&Y)iD<_eHcXQyIpOM-3Xs;}4qN zMKRf#{3karwHnR|3npts3AR3zD%;buuKu2C0xQO~2pJeM zhKfSl=Cbfj<3LW=+iB%>gaH|F^TFOJ%*tjHV+`9Pu;RNRi(%^($E5AVKy#ODB9&+F zqV>%L0Q>RzX)nmfx-oYHx#>1i=it`LW%(XtQ)=%?SFQP}!o8x#>zfE3{-Y*GdRYOv zlUD1&xR|x0t^zI;jUY#!Qh?`jtaQa_Pjq|Zu!B}DmU(*BS#-5b_WTIJgG>i(@DG;n zs6wvD7|zX*%lT%$V;XNfeoe1FXl29k$jTg>ca=tj|0GW~+?P18SgZ2Z?!OGl>OT1J zD@Zzv5xx=s6XMav8_{L~n%8`W^0|V@sUHzwa^cVs*QoY@dH}ql50m}X?9zQQ>BL~A zB3?_Qle8(!4l_H$gS7_HGJw6Y5vLB`8D1iP`#|9JiSLRa3?MpbMYaWA%WtSL(Cfr< zPN0IVwGta(ziET*z=1(Wi})wJ_3)_a9RrD4%D2e+dp`0)*mhn%d{Y4Wx^Z1?u+rBJ z4)$i>-y7_G+E7`*8^AxGEEhWaL5vtyFyFCgXtuM+8Sxyb_#SQd-1e^v>icUgHTY*% z*pEYFB)OmNMUmvXuTc)gWEslP{@t=uHeSb8jP-%wbg?a&9ZopgHv~wF!uq$hrmzTw zd=5A?S`A%MY=$Op554pL!&}`d>Wp_gYlj&53(M93LHS3D>JFh6l8}OAZijAPp z;GUcvTw8>S+TVQc;GhJ|wpg^tT{_=Vt(u%7He6A6yR$nC(to0tzfR8ewFMg2DOMZA zFrKi|i^r7!b}(MAK@6(0tfg?2NyuMnoKLRM+!8D+teO6WQyYW#2MmZKG+}Y_8rkh= z+V7OEI88b*?)c!&YLdJt!PJ*izjwtS&2%v*oGv5Cx zmsD7xtQ4_ASC9ada_mBwMh3T3$D2$e!9I$D7l7{qHzTGL7K`*$t`K=(0=cR@WHPfU zfAb3}KGcp7h=~zMgaxl)^r!_x5vWG>BHcC9^XqJdh+n3Qy5|?3&^&cAC)O;ktR>x5 zr6(W8fXEN^G5#(VD#%5j2J-{Q!m)NHa1bidnuC%mjLZaj_sA+(VkkGap$`_mmbwxd zcUnnlG{vQfu4x~NZ?}N6276IA%np`!Sys1Kiwe_X!Qd38isb(Q#zN$cvW|b%p)xkM z1aiL$f%5BXI9~!ffZ!6`zVAY$x5|6{1Xf(D(w$T8$VbzAr|01Z2gJpL8H&6V!1ggWW z)o$bNJYfXBwsWw*jZ`(Dx>pI@(n=kP40DV`SDTt5A*FK{H1$%}5_4!ar>#u_QS$L~ zzK!E+-W7~MYhM*21u`X=1CKaKn|geVgn^ljj6U7xt8e1L^|Qe~7&S;eh}QLf0MdtM z_tbN@<&Y$L&nlEs+4^riq;QLBI6a{%JC?ze$eqMov{0R5Y!ar5+pSeEL2(@qkVXXY zfal-uslEL2rVm6)Vp`pVri=Q%Au`b+)$#YVH<<|2;paspz{sqPd*9ZE2>Y^B7ORM`h7H3`>VE zbc`oTz$?2RE-!A&}?5SHoyAEcn0&;9xK=KiOKk1~!w%7?wO5U)37DQ?xR%Xg{T zcB!a)4~v3^ylY4LI4obON>?b!loOXU;cj0loo8O8rGRe}&Y6y(>C`xd&hYl0qlQa( z4Ey2=Rr;t@z*oI2jNu{)s=Khg(MQzkOP}L10bS+CQoPaKs1z6l&PAvz+9XZJ+4A=d=Kq7PXmh903R>)*-Dc}Is4EU zw0s-1wvKwUpgVizbkMP5&Q>ewjKZ=sfvr-aay!}!G5b)lA^Yf`Mz4?T>$oZF)y?m< z-w7=;cr-f=MG%!%h@~LS+F-W|`{w4qMiF{VC}6!{w>Fi*Vf~kER*n#}ykjGT-Dhn; zZI^K~jW~)cqcj$P{MPd(pm?6z^gK&Gd?pMKGr(^9@T=6RUaeS;t!O(z$O$K z&zNRldZ_}e7Wj7flM|OV>Q+9CC7PT-vc&5`9iXM3ErVRxQ==O2gLptd9(p!vCyW;b3Ct_@C&`f!eb3-WbX! z2rmdC2pT_L4;XPA7z&DBPZ&KbHjd#CR_Zt3;-9)(9;W&u?oBpx6&JOQ_OcGQT6~Q- zdu7>eMCF39q_-<-!eYRZG5}1>#s11mC92?Tlsdgj2LMZ(!hB8w29}7^+<1s?xYC{ZdvrqA<=WIi>c}$Mc^5gQ(T}Uu7o7~r{&00Z$kaw z&T)ll-sR==+%V=#0eKza=@%`2qF*cipUxX~BSnIolTT%=B&K+zJb!bb*yf@$Fscn) zK)NP1OLG`YM$lTicF zp;ufJ>;>t+b}Se|T*b;^$bqbAoyNN zjqZ+^Y>VHWE~pD^Y97F5b|Uc!BB-9f^CW6gfrieFv~A{1g(8y~A%=g%UCi&O&MJXBDrs!>8{ojqhenT_k3ouI^|LuBWn9jZj~_3~9N!tp|8-FMhK z<`i7_1EJe{%Y&Nh(WmI^F8tn{;R84u6n( z1oW4=<4tFTqs4POG--*45)UO%-+H+Flk%%p#3z8Y(GYMY7T<0t_nS{g>@Z=-m8fT%A+E zX|_~Zf!Nxmv|Y8+#C0IG;GF0wk%=#yeBBeE4-VcnmR6~?h3iooS4ix_l5&cW4N1~M zPIx1^{rgd*l^4a}i(ml=N43GDzEU%;I*|d%{%od#s;I2&kpY7sr2`shgT(u$R6B#o zY|h(Nx4kVl*P+23Ekvr`rfs>;*8Jl(QXlXg1F60?vzGPd8-sKUZLqgrL4VpZIyjWk zU%7BeS7-o%CG>&{{GM3>QU{fhQolPg4>8$}V);aNDdYNGrH4QPpnLpnPS#AaSYk_{f1;JS2e@xBdXpCOkp8 zs&`AxUDVmkSos~fHnu8oUu{CleBS#jb2M|1RxC|(A8=5+Z|H_sN>fec!Wur7@DB_f z9wHMe0lkN1TO+4pL;l0eM z_fB+g<9&4If`$Rmd^!5exoKW$daTMujwtYwVFuZ9)FFze6{hZ>@%0OQ7P@*}x%dE!LQYR5nFL~o)R6m#KyEcKE{ZL8X` zWOlnow0e`dMCT2LotQd5I z!~&w6cz8&8M=w}$R}4RM!i1pT;diCL!2z1QasyMw4>agK`YSX?zz$;Ij5H34uhr8Z z&ey+kHRU3>gf8ymG?CH!RxxwD=G3RXAKFI+(%! zjW8gO((xEq`<-x_Xc`}s3$Uj{;{ar~gC;HV3JEe>K)4~Q9xS5B-aIQyUelz$D*#G) zia;s2WXWw7y6m!y__lbE_MyPt;uz%|*bjHr*C9}aw@FFUfr_3t8cIwx)9y(@bAg6F zqUHVnYK80;8V1zctrLDjqX+^;p81|qd!lPfs!tcJ2NA^9JtR|_6`o_JGBEd6!305C zQ22g4kLRf!;PRHM`q6PRJ9h-R?{Cu1UAuapvR+)3X?9>~sD|`OMcX!eGlDx~SQXBR zjlCg_`V{QK=tsVMr!UzTa$=`iJ<(c&#hWt;$e%x%F_g&c8!dR21f?uNzUY?iA(Jvn z(K@_5$A5zIB>X$>Pa^fBV*+mY*p8U>$Ar-B_cudGz9A{9ahL~;cdya(f4lNc>_uuS zJ~f6jU-15VN*7%YRZ?(D{YT&B;$+XD=CPAI6>V?z@L+_5kL9hfWQ)1Kqdef4!W0S` z(mf-2inhct5B?` zZkJNI(8c!Ia(gW^xtfwO1Zb%i+B#&EWeE2Xy|k_z*6EVDWJ5Z_S=d^73sUW>dZNGX zQf;EqX&Jl=Uo(upUYCEj7nlo3Sw(MbZs1MzI~OX4cM@N<6}co`cqi}|AYV-8F;Cvm z`T3UEV3+)*(4*t>B@g^|d%s#Os7nJOOY4i0_p0|5FV$C(DuxTHPtsyOS6KJ>_@Ph0 z%eym@&k){QuOf6t;Q;Lh3uWu+054jUB7H^21`O^`Y*=axCs|(~>Yok}%z?#*TPkgK zP3^7cow*1ISEtbV?o7$`ui1L+R$)BKzRd{;7vu>e`AjRRw%A9oqn#)DmdZqyhrix0 zGFO5yt>;DUv68a_$x$}=1x_vutVc4WU?aKth;NkpIxe}4hEEDE3T_xUAEY9N%2RQY z!?tHX&6VCHTRK=-5!DNa^1^~}sc?=^vsjUe-U1Q*R!+~?0vF)u8zQQ~EGwF)jpl>D zqe>1As{pH}XJgUokF^=(?Dzs=zLbIKMb}mVtFr4%2dq6whP=z_y{5xFnU|=-C!1QC zv)}pdx)M#cG#}a80p!_1@^#CXeUsa(0}-NMX#bUc!Iga|-{TAtIq{O}%~~GXCzT`i zJigaEWK6@b-v9Z93)_4tl_?UvlBNBSsUqJ5ivAK&YA+CTwsDWhJReiKsp_ShpqUk^ ziP8Ov=(TLIIK%2wKPN&FZlJOU+;>Zt(Ue;^ru4S3FzBQ%K>fTnBbm-WR2)y^*h6Hf z=Q&b1&tSdJUkqsgf2Pdvtw={EXxoOD6cx-?q(pyPqgORr>tfpxjYw4TuxIzax9GrS z-#Mnun*=~_)itgfJZKzYIUbXZJ6Ac1C-MPz+BTt;^SoAgww7uR%FWj~@_PVX7&Hf+ z3PB{BHH%6hO6S2872n+@u9P2a+mDb_dbU3DHv|ak6sMev;H#xdUF}hqwEMND*zXEf z)`&09=jo7S2O2CPDMG%J=yg-smKzGeTosQRWKz^!zf_ou%&V2WvpT44zR)hfGf}Qk zvNBlaQ_LMy7yvIimTZdst9DG$BlGJ!U})af7MX=;)$-=2B)&`z3U2yx-6;+?VA#VM;R5 z$(d~Xy?@z3m_G!F4+?iNc1Xn}OQCAAE(NeOTnFp&zLN!)wF=3cz$kp5=g=d zogF9iyMg@X&Z~d2%dYFE{vTTIn{wGqM(o}5F12zHF6EW3DG59kkiqSxX8RAYj9b{_(@K+HqBv?t@#=`h48o_l za8djMS<53|l|LxnTngBu)oPQsn(=nU39lxKQ-!9J^(dfm=HZ}HABy`(r*Z>Wbq{5d%d=D0&!VoQMx}7QFtn=lbJFxyJrOWd zVs%o_KR-#tDcSEfW$V)S(eM`8>wd8x7D5!=`Bh}E5MC4-ZC66t>i6Sz@mBax8Nj=k z_|?&}Bq)#N+(VRx`2y4TEzKeVu*UW}x2ZZg`F4W!y|g!X%hiYRRLMwP7Q|ULXZ<&t zj`8mAtWp0?bNPI3lIdnr#SzuV-J2MVJJvdvYcs4+9jzECJD+S&cZ{s{_{ldC{!+-j@644eXhz>dXj zS41WuKCx#C{$rog|94UXC(q5U<_Xq5C9@4?@$+3)*A+TRd+RRuu31C&GozuK%*9$# zC+86JxJsrp;>SJM8Zp4oB66h}f~0ovO8dL&m~1u^@-q`aN$70C@^wU`jGN-Rnxk&d z$a7WR30{HQ8G~=g;uHL1Ja~oBBM>Gl00!!(Dlf~7RA0VoAzx@2xnZ)J;$VIs?9y&* zc5!1Glx-fpZMjn@TYE3|a|O4{y&#IJX_0rfyEnVTP-mvy#IEk{a6Y=&-KfEdI?sF+ z^lr>GYfb@Ss;>R0AIR)3n{mKAP4iyKFeq`@It-E}_(kpUulD4lD-LXFA110LyMaT@ zqS{uTMhkSPFCmx~{Qg}6jni_c4H{kmq>;4P*QJygY=$j?`N>VS)h#~bD5tov0QR#c z>~l_?h?=M>I2y54p??j}*I+JG&l+7;U{?8w?|!j0iM=5xyC)W#wDsw^dz)86Tu{NW#d4F6R$D@L)x+nKEaO!s;gGGusQMXai&1`u_-X82mq_(+ zF!ma;xt*FGzhSb)L>jeFP5kKG(k2cFn^|jcbaYq(+0IVBWbC68elOdiD!0X*Yf%jJ zo!+tNSj`)gqWl9U6%4q)yt{ymL-RN=@d;~$BmTwh8!z1f{Wp)L=#N|$|JBV}?l>1b z#sX<1#W{Pop$KUI1e0ZqrMsW0nsU7go3hYk3JAlTAQd}K=f zB9&?J^0?uUUbXA78LLz1w)y8`2>j`nMI*ZmMC4JgO8;`K&hPcgh~>$JVM|>L^lEGx zzlH@%LSI>as58hbnt_-slob=+ty!+{?Bz4mrWHg`kN=n%?5D*5w_OJdmlP}PQdi(L zPET{`Ut@q-AmK2ONcLypT}gnpqiOeT07p*!y-WXPjn)=RW-rt;of{4oX?_UKe=Tef z7nlfMu?4p1urK?VI2|fFTdtZ4W!c7a5_w>SOpGw%as*{cCgFv&sPI-s#Q9=^-C$)< zhx0E6dXJ8)$71}z;Fk%*HaYZd(GhL09UOBwkonHDW)NR`n4aH11U^KSu?n9NQW@(? z$OM5XNk{*ylo-3<<9KF?Y*g|9W=3@@b(6{7N|A0}1}xGkw*ZP(5O24aOdVk7*9Ac>)^+W|v2EL~*tU&MQnBrhopfxYV|JW$Y;-y{JGO0oxu5er=bX3iG0y%` zwd&e)%{BLAja{|p!nW|**Jyc^kFxW2L_TcPllN(jS%ahyVgCuW@v65c+KPkFpt6ShlNaE2qevkN8HtlT%xy z;9w%Yt=m+EtH}KedP{9O!;RJt$G|;k)RjF}dGe>17=p#7ujsnT;!UnqXnJZhEp25% zn_y^;f>QxEU1VWvO%N^aswVD6xG1+o+Jv>1Ax1*Ei6dJQ3YpScG6##5VIZ-Ei6mGS zng}zjgfa!s+f?)=Plye#9QS9Ofqr%%?oF>Y$6n8xI6cvJQQ+PP;Ltz015nfHGzpeW zaHc$MO$d5iAALS>ptvV4O@xBDyMSumWyq{H)9NoO8ca0xbij6BjU2{@vil%`0;;#R zRmnk`qLnH0D8wHJqf5eYt!+n^fNI@LF$DA}xy@0I`e>JBN){7(j;E7K^YQ=*JodD` z^kOH*sbq}Sw4b(Y8tqEViz=JpczL?bE#@w1KGotdx!msUUox50d?hmTlIjNJKH{%#e4-H^<7 zvM{_wek&h*o9>W(U< zaUSl|&%uWolLLNvC=UQFhwbt^Q$ymLNcN_rG{WWqoEiz- zr=pH)e+^Ds48*5nq?@B6Dt;xzvL|kX^pdEph3a77NSmLgZBCnL;^S3GPujBx%}0Yc zqmUEbeEiXeBk2nv-_CgZz|q)9!YZWIE)Bg_H0A@-8c&bD{q{~b@GD9zouaAa802B& zBlMj5dmP9m>?K$ZmQ&i5E)+`l?0~Yf=3H=nYdqGYtjPb8db{) zLX;{RMxI512{~C3O)Rkocr(aN2CZ|0LoL(wDeV2dr&>OY<+!Pu;n&^|$xkqs?%w6| zndPKkOhVV!B8AZHJf53_TYJGLKtB*>|AWctf%r7yGF8uXJ~NY+$|NrLr~I^y`QP|R z_u)W4Eox+6Siw2jyySr^C}smup0Epd=8e<&kmp9F*h+%5mI>18=@IM<;n7fGdDPMe z5!{r{ayfJz8+_W|s!mpVIeWEHx-2AquGtusTe5oh_bZq`Xe^&sM)H*<)Ri;ac|B!i zyn|aH9rxU(K59V}kK7zkHsBmj>;DriffjN9d}=>;2>5!ai{b&sZ;H8b2u~sy#PNz5 zofI5bClV6C7`YMjs2PC2w1GU(3`T(D?vE0#(2d1qnB`7;Z$a$t`XK2B*sUolnr^42 zcWQ9d&+cl$FX1F6P9lv2Z{fmj`C3d@@i0x=;MoRFq60-taZ@sgTs!bU_A3KAAlCqs z^4ug<(tt>5pqARV4+bn9>&>eKJi8UsA7W}QSk9lK;41eQ=IycVQ-+zvmh+lx`#^*I z#CeAh_;{d2dDPg{DAl*E23Hi5O}A`=_T%jH&S?}x5=G|GIBgLYD(qDnAngepDV+}4zi|wPOc;Pj? zF_}YkPz@;nBA;+bn(kAI+bw^?z}l@}*`ofj0ZV1lJ8_Dy;iBDrU~_5XqLT^V`r@8n zz^Hi8!FCmAYkw4CI9dI|2{f=Ges%3;ury{7o!<}0mj-^Oc=QGM1x5EXSVxq0`P#wL z0R&tleMW{{JO?k~FMgJO?ilMok5Gjs&1Wd6$^NwXI+!0~CuxWgbIS+t{|Xw~j7FVI zD~@25&Z3|%kx%TLHAIAB9I|viFDS1=nqtyK-v1J@&QI<9TUlHA>S8x~VW^vf__5SS zp|t!t24v~v4eISmP|7n7{Qla!(9hU!q|pE+U(UF+k|sw+q1(5ET(bRpX&%A^o<%%k@?CUcv#)(+J8?grZQG%3Oq~uTP^SrvggP0k zqI&o;6pByK^gPtJ*TUFOcgvsdQ#JU#in0+`s}3Aj>8N2>0vgNP6NC2D@`vB+ys<^J z%V;d3WN;*i!!w4NtRJfwtHHnIc3SF`_0(j|=Vpg~GgJ!M?*{kpqVb7l&VuJ>X%#Hn zeOyURdE*h$@}+)&6`RQIWYzAPw-Fg5j8QNdY*8EQT{25O+R0h?GDbqFHbF(ObkTE8 zRVuZ#E(g`=pGfwtjK24URVu~giFFEB*^hm9+4#IU6>;<8`U~er!={1Ih0Jr%1Jv!c zQH(F)t3JWm&IisbBSHh>E4b`t8*`$Zw9kfh^$8XA^PUv3-hpSK(;^3X*&?6X1W;WwB|%!@*ldaNWK%jJ3{ zanjJ3@YscmM3oe!?CEN)+;`qRvak<8OdCd+{b6e zJq;P0@CQ+tAdQ2gTS)eIjDQmE><~u`_OBPc7Y4%~3Tu45dG|fAwjP@oLOSieE)BYv zjqM}jA%|y+vYx5;RlQ3#bz#hxc>U#a635B%fUz&n0q`vy7cRY%Eg(n50=gZ)A^lxI zJKAI5zOCra{cg8xQ~_;RQkNs{`VF~}2S)SdB5fB6US{Am8{RLJV^0s4_GbVv4vj5A zEs#gnX94c>{&=h5O93-b1J;Y_hF`6U9vyQx86s@HA(Tl92nJ4cRJK&a^MmC|CQ`&l z6n4l>XGgO~^hR9~c4&{gydK5~*{#_13txjaXu2r$%EA5BSzfe~zPb}WmsQgypDidU zp2BmuDAFtwR>~&J&zC^dttfD?*1ZkM5Nq-4Z(A4IfhR8Heb`kX7Efc}F3$r~q?6FwLvba!MPOC#9@WPXkjKkTK zuq=Gj`KZ?yB$!M(>}Z7qI=untXs|g6YZwiL{VoRm4R}K}Il%I<*OY14WC{FRQpIpC3w{0wPD)@Ym z91^YoCzv-h9$r>})z?mLQ6rpg-8FV;9_98Oo#p4~WiLumpRMd#c!aahlaq!hyGa+t zfMECn*%ZS`FD_O$29%Hj>2S+@%8hQDni&A=zyJj!Y9*$cvsLipi)hPE#9O3|W|_~e z%kXtqQVth*&DC`D4k!zfJ@E3JzKt+u?SngV*7H@yeLq{SLiOb8aVrmTW|B6WyWuus zZShmym!Qn9skPFJSv7rw!;=yhvQc)fN76lcmyYx=G{!b=p;`-q$_(DOUdSlyF0qyqLw&f!RfP}b5$lLAD4yGWPxGLAs z$pW8v^_!qbD#eGH@2ntQBQo2}Q2%7^-*=wB(mAe72sHmm+aE537uOnjiKc4IxR5pX zyYfcQNu}nl&eJ@y*=unpqYxsW*}T_L#J@U2A5j&O`ttQkt6>$ZxM8d`NVP&Hu~Ikaaez5N3eDCO%zmRh^Y$d zb^9JiWu0L}Ym6`jKk$UVjHELzS4gJ(=|D0^X5IBy?V(JAfvJ}V#yZ?p>I&(;e(Ld? z;gs6g;-q(C7Yq8+cZg2%ef@QRv|FS~7tamEXAt|(Dyi{VB^~{^mZzD!kC)pgZtQm! zY)X`BJW8@VV;eQ_iLS>pY^^rd&)aNI`>LYyuVuQeA(m#u)JyNop}F99`i4bpD{PSU z%n9oRrmHttJxJbv7Q;xgPzKv+&hN4!lmAmFd)}-q@Xv2nlp}pHA7)$LDp6+6_W^VU z#b5|DtUtP^sfcaMZ&NbA}P!oA!KQ(<9-TqO%KUzm-mD;PZhn8h+ z9bHDa623$)9DW44pY|keGHaAS#Kiwz!2sP?O2BX#s|+200og&0LTt%X?7FD%`_7%e z1j42c{M3fXY&NsBXn(Sj1Nu=-6YPz!8b1FliheOgS@vQrysGCB8kvKdT5b2@kHTCD z$HNBtimW*S^<42OAQQJfycBoBajV+I4*rq7IZ|SR5T`_+kEFikj#a9}=fu%!>;yVSZK{ch21Rps=$w9|;F$qvzJ5eLa|ENCDeXSjP+zKp>uz#qm9*(# z{pv7kiI;cUE{;83e2ywu_gjriklieVUtKakUggNh1a=LGaCeM@)%X$Avn#kpc|{!y z$fl;#OYuo=bTVne*~lUc3R%gB9TFQbqF|l&8kv_&`L!?#Q;JyI$vu?P$4Py?S4={i z2`ZOe6A6yAV{3xcu1w-6A7ucM(wqkfkTDZ|ml-T&i`!xp(Z7IlTXQIo(7&!<*H>{g z<$*okcv@Z=_V*{g6}Kn@@;9Gm?3oFrWLz0;qv=y{BdUJ$>+9QxM;sg!85*bh(!TF8^ zlOJ%B5oAJ(%kiO#->i4_gFD4QC)-U9S~a9dP{)ynrn`RR4;6j6Zb4#xxjF6OkAM8Z zkeqJt@MKk1sO4RC`o$RJosjZS81@RvsOvy7^=b7-H$9wuscG+~f5E1n;Z9!B6^d8{ zNsNI&_cj{EcqH6)Ofx>GPZzmPg=os?aYmCj)4;B=kXYd>HUtmjku8B6HmOrh^rWR( z@$p)`!CI5mq%pD?(W2#Jc%ASzM&sBVb}p%EsrOMSnQJmx$eLn~Xb-}69W{}-@ujqJ*1<8EmgtApSb^_TS1k+M-r4UF2VPMKKoQ!ei_H7gO-ysgf28oy;b7nE#o7cpfJ7-O6 z;>p?)0f!g2lCn-~2#H1c>lLk5xKYc!(WHIQLw%lZzk5f#jPE4wW)(z+c!srcA}jek zTD<@oRQ_qX#D%=)c6|rG01u?YR7p}=N~Jg#pl%V%VD0#VtaOfqsoA$je!5=orF?%j zHW6|SHXXz-$8#Z~J4uobCX;MxYOg%`WbWack!z+V>She9?XF(!#Y5~9zM`@Se8d@Q zb|r*g=L>v*e!cYHf9l=^P45VW3Eu}rH4lZcY;B+6@(l3k&($C@ox1Xst$A-2HjVk` z^!SLvKQSjYVJFVbjvSlqPWElKLJ#fQjrD?*4;e&{AuHf4PIh|IbCXVjJ(<$w=MXr# zj;nCUYUXENQc(;MyV)FWtrV-hA)z--5$bpsxj25O|HFJWu=$?mX5vL1Xk}XJf1F3#i_S+H^+aJKIJ<&Q>5={WBOgWCWw)_`NerL6OjxE9Mc8VZdOGV<%*~$i7XhHND zx?uaSeY)^pC9O(K-V)C5#c5{h5|cBdNL-8OxGKieI$c8QSja+6p{sUJlmwgkCgjc( z*$5xm()YvDzFp#O#)@is#JRbEnW#X)*o^e4fK<3$L*k`!bvwOarE!`T&zlAYWI=w^ zWqcg-%ij9YVhJ zk&G!>ZCl;VB{Ul(ogYk|rZeEl3XZ9S1-Gbfr(ls z)V%m*arj&Ik)uK*az?O9fCsA+Nr6STLg2RvO&Z||wbQv|y$ba`j2<76NA>CM*|A<) z$NL)!c{S8?QKGSnAev{IZ;IVjn_9C<_`Bthil@~9i{3|Y(qhilRj#!XcmpRoT!Cau%VO;~^TDut=tj5TNRtFG&6Hrhe&OwDNzIJs7}5HCCO zaIZbu))YUByAE|&n9R*3Ovm~DbmhRn zpg0oW(8W8uNfV{7J41(G;vxs}U4pcq9-_R5LVxx}MA|a=8lX>AT>*o0drACdeDEgA zbETFplc{kQ*DyGa`+^UnlkCg=ZImUL?={<{gHcV<`9|^8jjm5Z&+TRXj{_{8RO~N? zqJFB4ZG3>%k=xYo({+JC8h>O)n46(y_3q84?H=|FJ4*2JoWHvt zoY0SOF|V}I-BgXT&G^l7=z3!?KfGg29r4Iyhrv_sFZ%i&k#32oo;B6m&AEyrKuFS>H*TC)(|#fO;{1fxj9xV<~V5s(g4?K58ne~1+dB?d-*MGW;+mH#zu zyGsi;ta?|NB5tiR>*Ia&e&jc#3u!=nt@Uv zggxQm8_Wg-$XUIV_#+j_m?D)N3Pvfl!r~(8R#w=j*3nU;tvntMsy$U>#?= z5ikw(B}ZP7Yn_BH(D)_5@%lOwri;(>Onl-H77+b)#ZJpEzm2BmCl?TVgQa2`>e%v_ z5d+5>xugaUcXP=5{K5=dX?;g;wBw^v0<6#M@&jm4O^bW=k_M2K;wrJtqHk!1MHA}WLl*7>In;icR+3I>a}JIyt4HI5wM2a^)zqI2q)jnhHP_)Uu%*^cH(17{~G(Btct$$z*H8UY@301s_Emha_gd8Wh~ zPnEdZp|T_h^Yog+6O$G3bwLn<`4zWnn>dkk4j~Q5F?2o{ErB|`coWde%O0wEaOS+l zK{8c|DkG#^sv-pty=@XpDSClEbbgW8AZY5dW+NBZ(n7!>SPY^~Yo7pfmn$@~*Dfu@W~Jik>4;geO3h$!cfFE^lM0M`nV<`y zQzRBAxh8o{;z0uo?S_k^RH&v(iRZt$<4EMp1M^4N{Vj!=>Kf=n1gTGi9yJiP*_!<| zzF7=6m{L2^u&Fj|2@cjmzI>7Yh@5Q>ORYP74!i>Sj}l9+jZ>Em(3$hdoS?ItRAdo#!qSW^{r z^LQ7}s!E=}lB~Ex$dc(aM<|!DO|T)jYOzILM|cC#Cihuk!G<@-M!XedYi)wtmf6Ze8>1>8B@{O z-T;mA+muFm92|=I(S!sJ;u{r03?+s_DP-+Z0mYf=oUwH#o8)j{z!a6jm4ByX>Y;!>WNbVFIQ zI&3^5mPT%8u#EFVoy`iIk?-SdL+8ofh@~^SxZg|l0=GzcVLO&4q{zQGklGl{Luq9A z7Ci3Ove^kKbOo-OyjL?DAMrppmCO7(&nu+0hhbt+?UG$#Qk+(r!n<*>O)>ox=Vljv zZ@f9xZ1V6cX;e%Tiswke>N_V#o#oGg(zQDAdmWG3l^LUmcDUNkybdS?SOlJ375LD@ zqi_Pc)p|aXG(mXraa0qN$nSI)7~2tVOK9672f~cpO;FS`al6segT0$MTr7! zxWC%&oi2&>aa>l5*As%^621`^==5Tbm=z<4?zrYep>1` z5n`CXz%qJ#$!$EAQ`KS-ITTCv;+W2KHJuPW+(Kn7k=se;dTP6NlPx#iT?31s{Ly~S z2yx?;o#v#~e8>z+uV>{x;BrM1=gU*DY$YxJPUV;N4Zk?s!LLTk+$#1;zos%>xmD|T z9eCo^riLF+2L%NpaSZvw!Y`Il!CoZW8H|V}V`Gz@QqP2zkjWXh>iMbH=2CkI%4+YFw9^m+P=&J)gJq)KfIF4KSIw^(E zL;d&lk1fuYEl&ad(|&p>nW1K{tmlVeMI;gIWcc;WEl^pErdAuF6^$i1thJ}m^~N+j zLVsc~Z|qA}HtN=!{Nr95GY{YMF*ey2>!7a+fOzu)urq3bjGg`Z@?C%+74E77`fzQ@ z?}qnU3|+%Han_N-g6HHZCaRJ)-z2*Qheser?^OBE&4 zP^_3s@f$JN-GzY`(eSU6$|d!OFz;XEX>~-1M?|I&BO%tK68EMDmqyvsh)!mPKyjhj zeQv*`aTebBnis-cTbnwenaMS}p`Q>I%cns%cAymuq(lfLH%*fXfiExr&K%H4+B+b^aNH-~w-?D@crL{V~yE43K!jlIxMMCQiMvb9uRc{`pMRQmwDrRX~$7Z>zsD zaqw{Ce|C3wdkHW&>!$3MdE%>5jgY!~auvwxKS*Cv87m-8U`*ZOeWibrViy(hm%)j; zHscdmFxUm|54<^bO}-#fzkX$I=ht(@yLRkzTsVMea{cu*$_Gm9ZHdYg4)M7gA37(T z-tmpymNLSE&BmQ|XgeS3Ld0}ug1cwr2KqL6%MPL}Zu)Pk6t*u!BZ@*-FsWxfRrmjrhj^9J)R`9eI*Ff1S}K zaC{Hz4){j~7059xJ8th(yfqbKY@={E&mPuyViR^KHVEOk(295(Vw@17TG$D8_R?f6I z^qK%MrkX@O^!rF~_w{BC|D#X>G^doRt+GueGfl86Ur6i~_ITj5|7I&hX&hqSC@gX? zS^V|`(`V11w`eZp-&m^FxGn77lUEL-2-MZ~-{a-bm$3h6YBM)!-1f`}$hs-BdkWEV zo66B?oeM5Y?I2$3Il$}08rHuqErffcXIqvCNTJMVi-F|Z6nHF^=o{0C}5 zoSBE>jDxBT?l!xbY%bCeCodfjObdioG;3Z~e=CSKJD88I{mNPz2r8Cy8u=yf@e71q znxK>}Rh~08w8~WFnZWJ-8e`rrC1e9P-@Rf;^A-5pAHEnZr_>U1h~|fjA1I7yeYhlO zETRd{?_#;0n$PZ8K#<3K4E#G6jO_{sq`!jpxT7Tb;7)Xh$iR%$q`u za3h(DGcu+4nAliuP!GLs7^tlXg+cJSo(H3EXU%k-+fhizZn08|ZHaT&yE4UeWzwe^ z<#X2cXl0g@LnnAuhV#+1hE0VWRG(i_m=oYwdTo&97mM4L={YLexP=Q+*eAi4dwogx z{8+qK-?CHmv|FY^=9BShZvf^APr1^bX4riRy6N3({b;6erLm62Ls{wFRx;L zx2|==ZW5srAHz(<=DLp9E*$Ao^EVU1N))OYw=+iy5YhJF9c;C8_Z$Nrw-6SW15<~M z4vn3iGUI0x>|QSX&fHlUFm;9HfjW@Bv-9F`J^X_6+*S=oqr2-KEp*1?H`G9t`gW9% z8*Ye>c6?Dsv~ZA)X_THLZxTH|4^Ws4?m zL!bQ@El8|Fg>jYO+rbGhFi_A}eOg*6`(^0GQE^BtLXbi=DH{qS-M{0i<_Sb|;XIO< z5Alb!LAYu+b4_R+u&ndU{&f_(eWDicqi0RqU}eYuax34oekrPhDXgdtMa{`G_jw85 zad~_%2>VHc8F;l7+bLgRA^7O=(TaUmMCbDj^{kI9A}`u(RH#GT3De#46w`k?oJCjk zO-bSROq=wsOYxEHl+v(UDa$-oO0nKe+4bC)%CyNYVb3r(!c%RgM}ckBoay_ZFU*Jn zAxlaPf0{D;D;%yK`47>!UW^Qu$25>*7o1!Z=+FKf{={zUX{u>xE5BUPa7iC3ZQ!|G z`J$HCYB)gBFu6b5W+FkaYUXyb-(2Yos1YKqP&;%n%YeYQF|QioB2;cybV>0!E>8t+ zEcG-O;Bq!(JcjVu9>MxD8Ms`PdsP#j(+*HiXi#Uf?4Wz>*>m?AqhGdIi2O`}qz71$ z`{FWejQpZ*+osDVX_M>g5FIDZkwu#YXZ3{tTFX7fg(>9GkN`Gp;^=|0y4KMQBdvGa z9`m{{{17}WS2V*^>u+(N+LXqL@>Acy&bv8(zHf4@51}9@nDd6T*mpA{=(6I<0buym z+{%-vYD`ydBh0&!t0+r<+3KSd_|yhyLZ<6t@Qf28va@%))Rr_WpZ+c|E__Bh`C}2Q zgX!p_#HqOp=U6wTKgZPK>~!FWN|pXa={N9h*E-x-onf0<$eY)I>ER1i;r>-C=F~~n zH%Oq4Dyaq%Jf1Lcnb8Eu!w$YetSWwbji5UrCfuqn0fNl)EYOpH85>es!0T_*e-Keq zx4Z!DZw%$FWXWxOHG6>l+JXJ(VmwIDS*Ax_d3NHRmboZohB6v)))d5^f${Y3C3jF>4^BYKyUawLW;f>-g`pYbS`t;mb}d3(#0oz2o+w6zstUX zUYUx_Ve=gN{d9o|DRwj^JE?rWA`3e9dwE!MqB~O*Cu_3y@6gbwFKjMeV80ux`=GG5 z4BD?;2DY76+NI|&=&k;QHP8HV`j{}7Yh#AUkS!{d$D~SY)w9xW`=!bo{vFphyf%F9 z`=tv%2{1BKHjyTHpPzsoaQZ52o~djzhEbJdWhsH%*q z(Zzs3bGTe$DF~k6t_8M+Sd9$k=j_{2-fn!kp=wMNv~2i8=gh$Ox9WLWc0Set_w_OD`DwRk10l0*xE;o}e-nwuYoT7BXU z(`r*9hz<8sN9@m9;M(QgUz&4b-Zc)0AF=va9>RmeHv$9jsqFQRkiDz2fG2f}7eTIq z33+}jhMQbIK7qYTC~vGd9Go$;Y}R`DSDhh1=akwQ*CB3R2olY6VJPQ<^u3l;kqAb{ zEnek(kvG`iL`acZv!r zvhr`qv4{nh2i!W1cYt0ynKF9MKTypSb$TP)^yE77CM_P>wjG#M3=Xs*eG#=LiC#2D zK`i-_jWH<_pO1~h4Ioj1GHW$3FGB1=sg=<8MlSo|4fWy%64|5t4m~x3eboe&Vx*57 zVlMLO8!yB8HbB-9Oa+oTg6A~YS;|RL=0)+nOB$4L*D)M@PO3?bsxdcuxz2u@d9 zrk=}G$Ix|DWf|-3^k?b0A+cp)TqV$$QubhZny0Hn)CP&*^|7#|5@PJId4FJ}*AocA z>8f@jv3P{eo#@qGfc7LivV$N@fJ$Hyd^@w#0BLH*tSuayISDDegutwwGFH@sD5FP; zYi{O1q1*maUAd@ZNGy>k{BUGdD2$EabXb%3dPAV8>X3p{xd&;khD{iFAJ_hqkE|XQ z26x~X9uig9i&=BaDwu8S*uO(-RPm26$}8AMKaimp)PhKWd9M+LOhS}Y)_Him{+n2Q z>e_HT$-Ce@+x=LlJN%CgTzwtCc8&4&r<5MTQzG)oVovtbrso zul9BtZPpLTt%=Aw6`L%t90SR{IWmtxO;{bhPfJ(7XN85PR<+@z*YKAza zS?$g%hiqC;S5=ARn}WQpu3HS9Ct(<{^xRTM2Z{0|KL|ma&$@ftqG)OdNY5t?>o<-{ zU1Es>L7^}mIFm9J;P}0A=Bna{ql+}df_NaBCIx!WXeoth&*PLD7}!wjwnWr`Xc5F* zOgXteWR#LEtBMna9%R-C#6pH)QbO|nA$uN?I%|Y>F=J?PATS`494J>IjEL{8Ab%CF zC|eKf7FLPwKcS4ltHl#}9Ql=$w<26$dA<0RcG{F)nf<% z0CeJwRLGtZ2=12v#CSULf=1(^z%Ndw+p}JY8BQs+J&s0TW`U}27_^`_oQ z6?ru3IV`}_13S87!3YE~7+z#AYfTgl(MaEO5PvjGI9|f#)2rIAKvCX5USVHUk)>MX zZf_=8oUiW#Meu0VqeDtrS&Y z*W_E5iBnWc)6(j85OO%j7xao|Z2GaWeZj+CLYJlM;l^-Me!Rb+UxE;Y{mng!VVT?} z4tn*p2Ap@QUr=Y59D~O8T;k|zy0ZyY2cKp_GI#WdkT2kXpd}R|L${Y zvv0CLY2i0C`h?4TP`dNFO>Yo*+2GC19v(GYpy$VO_w@WCakJ!3O)a70XI;HoqwmsS z-M;-?{WQyzd6&r*e2@L!&~m=Q_h^mnA;g7j+nciWRVUY=i}@Xn1%&7LM&aLGzyK`& ze-|)ap3i}*{y!8B#@2}J-2bOLn3%Jfk*k%1y||I98I3qED+_>&g`I^5z{l$me`B5*b@tHy2lDBUcA!5-~MS5LB$ z1qJ_m1z(-b%n?~g*m)3H{`Wz`$-%+KL1K;w_g@IWN%Ef|iT(e^0PGxpVeDL=EzthL z{@1Mk_4;3a94wq%fAiyDVgJ_}94s8{fAix2e1dhZ&}!R*x3HXkB5`<-*jAn&n|NRw|p!dENq|B z{tNpTKOO*p=hMgj$J|esVrBaa_h@o8#Xyb8~V3n;-YT*5v{GdoB-vll$L#;o|sPW**j0=lDxk zJgfkgzjXDF&3XQfv9tVj9shVA;4k|E0BoFp+YP|R&Bghbd;m^1PR_q#<}*cbv;Jix zz^9x3Z8rc9D;Miub6Ht9c>Z4FAHV;ty~Bf6 z`*frm8*}(O?>@U`%qXM_?kX|4F}=NzkCo{ZEz@0EP!@&)mY`TFv!cwg61Zvw{{sFw z2IX3pPN^2|GU%26%!2}AiWR#I>NO~Ac8H})S(-DiuMZG$NJG{E*MfA0mAX*%VUb3e zg)HFVd@0k{H-;^yltw8H>2I8uEoS6wmrkd{v=C8YWTisP=Y`ao?WXtjNwUb&g)yUg zXVuGeGSA9g44dJKGben0-vbl6xYW!E6y}3{Wec0-oK2A>n*K<#nNJ#16K3^|>aF+G z3*`b}L|47Q7p0#1%n3AT3flv|E5*=+F7*~UKXZafxzH8!1-mRIk?q2|(dkJTLAvz% zZbXOa^~kg?EsSU(82n#99ntk*`W~&JtN$~hZxr~}E2h#tVXM9Wap2d?30YY#_drms zR_m^z-6b&tAx5K7A*0n!2X{=D8bz6|PcKRnTSVG)tgMt2xw6caid_m_nkiM}nG+@` z59)kc{YoV}&nZ_#UVTa`39&p|V2iQ@A>9bnAr9*HrjkABl31YSKDu1yxg@PT1uCb~ zz0km=fd?t~%bd)!YA-tvSG#NC*fd??e(Mhf- zm!#~JUTE_wgFxwAVy(2y_5tZMOow&TVPgc*_8?e~76CtdV0aLb)}5Qt@Rd?rx-kR| z)X<|v2h$jI=jJr}t&;n3YNu zG06^=`T@D^$FHZxrQ~d%7SpRNQXuUw8feweD`i1rR69_szwDQ)_3N8EXmbqI z>o5GJdRze*);`FXgLEcSh{z}0;f%>_%GgYV$?P(jtdJpOlA?}mHRUiiX@{}qvid4M zlSvoK^L~>CHmM)83EZ!IY^KQ*>!ul|kWv|ZLMAh$(V47yd!Es{d6Ofe7Ms!#V{(Cu znUKwFirUPXsNI~&JItZD+fvIo%$bbWYASgwwUS3AXf>OBR#Q#+7qXgkL7NE=Sk1nO z-5iS8>NUnumy*spp6>js*_`HD(r-1vaqxt=BO49d!zJ~)O0aX|;7b4EcL)a^4P{JO z&|Oo_7H)Of1qP|*j#@`VBa?XIw^9wKcHo7To9iM)yx?iX(V)d24HfhHK+~U1MH9}56|T5k?vl@K z$z~E+H(;GWz@+RaJ!Y|?gMv1dAQFhci5O+)X$q;QV!V+`XtQOyAWIB|RpV$FNflE% zHdZ#Iororl25i|l?c`hq52tJRb0v)>j}ataX5)o~N>E^mZY^8HJh`%mDwOqHSr96c zNb9Smu*u{C-FI2dAs{ZHxXl6tf>C&zwOP#;8{v!E?9s44>&hhRnS`yO5-c&!n%(CN z>j=NaPP(~d)z)-d!`4ieCZY|BiyOQaGa4lPtlO5Ur=s~oqPP%f z)*6|zN)Xlrn^`xJmwk~a77X*LI7OD3m>pqbNSIF)QYD%yi;M%QFxp@1zDiJI<=qs; zV_c$8t|W^IeL61$@@1MX3Z8->=o_*qXsQqm1PzFZ$zoGP%!-@zsD>(Hj3#7&@JiYv z8(F)sRaEgV;~asYV8S%aM4WM?m`4d9LeW{ zb`teEGHAe4u3{-X1LeIKXGb&~Hg6@Wnmpyz6ck>yYD7yk3Bg=F4cAE&^60CLl_`j4ml=^pPp3QI6mxV82u*)GTV3RDxUTm&u~m&y0bvhaqXqqV( zGIY$JY+6V$T!8h2$AZ}_s3WeG>t0*lU$X_ZRU##k3BTH6mEh*h_LPEQsAdAJl`2NB z%oH%tl$bY3)CF7;DJhXC1fzKXj^pRZs|4dhJ%%>{GLSbNhTJ?NP&`Y?0Z9(YB3Gv^ z`i!iD^Pz$!8|5jJ;OD}eh(PujkQ?O>o@x&=(Jy z2)~U)%duQUj@T(u6HogJSxqeEOOt-4>M}U$xkS_lX9I=`?coFy1$rGO%|L~MSOdso zl*75SQEo6QL8y||7dg=*ktt5B1)DizoT%YV)EAXfRV$q?ILlEZl8V%2KU1p%!%LgJ zL5Eo5b@{xm*;Nf8oDLQ-RJ(W7C?fmh|UI?wI1d$w6@J1j3m}AnHRGO)_wf|2X!!p@Q z8OG~1Z6+aBVqus-$)M~ASH*b9iedm22A5@#Y?dKRCFl*;^~JIgV>rq|z>?@`6l8;7 zu^_OP^5~6h3OKYd6mc5^F(X`cLso;EWQ{d_wG3;;7?lqj)z(&Hb zP?H-jT``YT-I6sLMfEv5>1`OGdQAkD$5j(GqCHx#li3)+K|>f2E0hbyfrW{t&7A0O zbxm!d(n%Xo5}Bb4z(6&48clj)b~#vb6vNFBAvkj>hoq}DB+-=3gb{O{w6ckGqXt_d z4WmDg<+9kJSbl&l?|Y8uDD3Ue2&Z{f>{Esl-Pt$3^gd6GqeO-)Okt< z99UjURjBezBOIr#LLMgTDQ%KRGPQ*znpR|ZIE>E(ax=<>I!$iR&34_G3 z1&Sh*HM2pELl_4``mD=GMw}hpR}Fx{9<5{`jBpqsEDMCzUK4{kgl59V zpk#Eb1QC%0V>1Usc_}T&RS3LMH0p4{BUVC~m64G;nG0f6nl}hVK1TXuRd1yZS0iyo z-+&u%PL|zyJ`en#Ro~RN2-dy&yuTX8s-i`fW2{U>@Q6o(@d|_|J#|R8B@r}+afe3& z5A0V!iG);w9w3}Jp8!xA;%osjhLUVQVh+utr11NS)**ZwIUI<2g6jr=OPo7Ih`kJ zARQt2JMAi`%4v;J3xbq7-Lf{uP~PDw=QgzoDNX~zIfbP_7X$V?=Zuk}F)r4P zF(eSIr5PP;AW`7;l00Uob9s}6G-MpIRpV%lq+}J63S5O)0~N$ginTR)enq@%mN)@J zm?GW+k0oMJZHZ1NTLT|D>t#YzlW?#=>l!@L%y|SUo1&6zA)RxYawrJN96EtVdB75v zj?6*zY|KchI9jSr9IU3%0t?mB=oSw>kXM9qGMldAVDzPh3}vdQ6PmG(HfMAxCtR_T zUXhG5R3I1?wE>UAP~oY3KA&{D>Ylm*Peg=Jz^BrlXcRjKym6r9;27Y{o0a>YUN?$*%EjE6bF+K-7Q zE(bLw!m7HD0Vk<`^Ok~|XttWxbnqyd{UMyAjleN-*{U2w)E0VUvWcZAkW$rge1!?4 z(Hg;*;CQ82tJZ_AG|(Yn&YLgT0pGuo`haBvdjWq(e0^KM4zIy_^ow;gY4^ z#G@?NbiiC*;|TdGI3xM%Am%7RK8N7fFmhcbh_M>Uq$iyvn_uINaeO!#WE*uyq!>Z` zaL7{h6lKsxz-dFsXqD=$9ufRvIaP?+;$Un=2T%@^ETL)uSfSR?tdtUTLf%=Zu#R*r z=(6E9u2CcOhzE}fHXjJGvUDC88b{si41p*HRnP~jU8!mU2&RGX0mVaFEo|FIpyn8Z z>GMbpD!Q?74%Ree##r)uk$_GTS*Vim223%hK;cZo?RGL~)+dDhA!`y%6X~z1cMTQz18&E6A1xnxt|iW2KR%Z5%{3vd$_9!F4Fc1Y}B6 zgz^&30)L;-8i-n5%VTj=>IWqisl^9~W-$S%;xyZICfvBulVW8{BeIPJ7f1OsY;%dy{WdlL~dz9_aIC zCKZhRoZ*xQY2tj5(l7%x-2E|scO1->fS^m;z!fGVkAwqj!e%PTEit|W1{)mA1QJ}#d!>5Ut(Nj!v_hSk>pR`%6(nETp4lvptp5*X^m0w(iFzkm<;l;zdi-oT!nQRc)cJ3~^ph z*(d;U*BT%`XBKS@)FFmxzJ@q-5rdDfRe2~H_UViTwp=GuSRD$WxD<3(q;x6Wbc->> z8m$sk8deDg1qAhL49UC)^*B6Xzs7CQ2`J_RQz^Jq4HQJV?Bt77TGW)v7NiC{5!#R~ z+p;9Z@P50aQcp6Z$O#5T)K!A2yn}Q?j)5vXo$f@Vt!SIbHSJggb~Y`t;E!ff7~=>v zDH36tO)cNFV9`>Yt9TQ-L>}|dK9!)I&4MQ3ddSyoq_MgT!d1To@)jc^2O@5w2@sIv z94j*x4;~ldRVt=8lnsq!uE`)yI-ab`VL!0OC6vcel_2nTktE007|x4il_>@filu=( z0w)GygiVG7gWbQ$=cd!R;{K^%SwqG6CgC!u1O+25Q)whfxk(oc zez*~kjEx46I3z*3O{kVkOM=i8fqAW&h6u($+NEL)fk?w=%t9@T?X1NWmqb~BkfS z7jtkfuB}zlA)~*Qo#V3}Nf||W#F!_Ows>?xA%>;(DJ+tOJYX0NQgtD1($k=WWf3I} zsiZC1h){S)z;m$EjX6zd01J4ef`emQNsMN?7|GJwpgu&oVrEGn)<`a*9wIbFqnM%0 zF`fXKsIXIG4|-z|DaoLVd8*=(Qh0;*mi<|*faeI1f3q_UzuILn*^pp5ON2F9KjHUF zB#rApC657u>i`IS0?HPRRyJRSoCysG29P2m6pK(5XqPVKN#P`e7t**WK_Jnk64W73 z4bfzwFq73}t6+HHPZ(JN_drxSqf4?R3ld9|11$(LP3N$DRu;kF#K-_$$vR8gyv(wt zxGNon1-Q~0(dT)}oln6zGU3o=GekBH)Y3qlrNp${nmS8YP`q6P1W{vjWHz*z^t{ ze}f84t@!X42}w>IZD=bTq<5Fuq88RlbX_E?uP#aO}Gz(ko(R0U0jpqdW7lrLm6MOoCk8X>~sp{SHjE96QIO-ZXq z%s|5Vs>Yu7wuTiZFjjUO4QUV>qiSi*x>*4T);GNaj0-m{Xwy)6I20jMO+y*2fl4eH zmTg8q7__BGLEH4Z1CC&tz&m60ONX0uUt;7q{AaekW>s5g@Vv7-ot%h#TD?3F~lRL6TBZw@yy91e-EmaW?H5(pg{#Bv$kxd1KvFO*XW$m-AUs zZ`c$UG*r;j2x<~C=s(;_JDU;|F0heQECHLXNv2!`Xr_n&S}UMT9g1-R4dvyOj2R$b z43`-{h{vn$0@sY7Nfz@oK(Zp}w9rM6hZS4ardq3$29ni-WDywCSpy*LrL7bwi8rvh zu-{s787Nz_?6%8Ux>*st8W;unXlK$87X;94mS%87EH+&gK8CbFDT#EXT*%eX3dr-J zakn>#vZBRR;u;~pyBX8Nrc%P>U<5K^#5gfvFf=J67`4I82CB)G3z2Btje(4SJ1QrB_6fgaK1@Jj133P2^AyZBUzb^27NS} z2zpbzNYor!jVz!ZQ^jo(>lK*ECQK%0ET7fM5nUEU%fyMM|piK#s;}3O4joNThNf+2;nU@MZsS# zS2#_KD#)S(d}&??jk9h9UU=$|j$GO%dA!8EO4I--oi z0lr2XG#OF$R&;Oxv$+X_Tz17Wd^ntpW{u%=)W)%;kWA`xAa9U&6q;xdV^FG0ml+Ld zYmG*|xh5|VA$HAq8n;j5jsXfjWiR* z7*9GSP&A&Lo^sU(S@}U4q3bg+fV^ zO@VnCO*oiu;<5pXGKNrD)anX|#~)9G!T7x;Hl94~qjYsm(QZpMQsDMbTmaKeLCg+P zh7BDOjHU?KL*a#rp9sgxK{20?h<1m_YizM{J!~@-c#sqXm5Q-e4mJX29P(n&U4_)d zh&p%=$Vr$$kU}FT8Oj(id=*2$7_HmP)u`kZJUC~@%+;(fZ^>41Fs89q!2nrKd%Z2y zW5Qko=@0RUm6RP^A?L?xT$V~1vUVbja$(wQEb2mKdoXQ}T0!Oo>tqLjEDlP6E14IS zppx|2Y!p~PiXp!RX&@Agh!HUsHIPnY*yU}26n)N$Q<1zaPi7ptN&~?yX)w@>87)$^Gg_PoX>pI&X|*~^VO!W7 zCdqIJOdV%Tbu!wYuu=(bA)nAnuMK1da+a!IB4he`sgR{H+EGIaH8~ZLO^t@1j^(4N zy0g)80j$>%2>Il&*6$pRlt{J}V^eG-t ziqz0&7)?S15vt1$*SH{T&xf_~W(H(hw`(#2$@1LlS8TABiys$|hN%h;4WMv(ojdiAwxB37W7NW#fyr~pj_{5iJ+j z8Nj>&UJ>Y49@`E^jfDmpCFpD_+#s|_sVTS_sszC#@t_F|g&itpt;8|N4l8h(?B;sg z>(ygQiqE7bj}1&7g;G`|2xhVr@mC2__B4+`b!|1MbkrWSNc$Rb25;QbB~R%MhU{$Erdr#s+ao0xLz_8iNT7YYJ!$ z0%5iQ)DR4E0EU>i8Vzccv1ZNu^W?t=%zpa@^8RWIhfe-)j^AMDGGQ4)2|2h)W*mrU zLQn}pg<_*wf|06Obck9Cc*cZIE0Jh29P)eUOf*M@d2gW%!nXnocqxT^$#j|Q}dNw!~IOg?3zpwUqmm7tKX6luP!EwCg*gN%bdD=`j>*-@;Bg>bx- zHF21Cuq0ePzh#rVAd@P2dh9ufB89?Pzg1==Djy9Bz=dLn*$^je^%7i)3a`k%Cm$#Qwkx;!3^7uI)QU{Tv4b0S3BZxCr#wC(yf_^me zu{@YF@NTNiDna|^5&Q5sUNl(5g1Vqz3iY&JEtr(9+WdY%@`e2#85XdbMk5o=m2 z70ruY3rDpQk~(J?q#5H#BF#BLY6|w^WrovKf(@X0p1e^*(S|%+Xwqa+10!*JsYx30 zQ7}D^4k3#w57kLVJPY~kaySueG-U&&%~V|&=vo0xP=ncPnqVD`VqQjgo^W6uIK>h< zSS!>(%1(%<`G{L6DZKTXTZtg8EGJAcV=iDU$D7p@)rk2JE*Ih5v8+r`NwZU#v&-pn zV3-|9|Dv46gK7&gGnjdjlaQNffT6!gHBhz~EAmhTEc!)R*%8&|!}<*P7&2ge1M2Vy zexoKDy!I%&UtYR>FIU*f3q?nY$#J_2AecQ_MRwQpumhHRWJ3To0su2^Wcyk%-!5qg`tfLm;mhhsq3C3q*mw znB0ys1k#r2PD!3F8o|WAhL=4M#>Bzw+U6yiu+YjZDLDr{1=b4jat8QVPz*|P=>nMk z*Tm9=0Pe?x8koAFG8!RLwXzWk6}70hsJGX=Eai&SlU$_6TfLQ(+*)Ep#(5!_ce|mW zL60&1Qr=!-3=sx6PLj#;hy#(0K@OzL;4DXZ;kq-aDa6sT$6O2On7BtUnqf3*^ixJ8 zF1G}`mIU8rN>D)1~#!WnI$>~~brT)~jl0d|EPMi8rVgwAcJjUZ1KtwEi>4(>wD zr1ZX3Qb+Y!EQ%N!H&1yPS>`5ey$-EJ3{aUm#AnD7_EnJ`%VQ4Pj0 zn)avl_BhR8G)UEW92O`KW&ykbW2J<=nFZT&=sr7>@S&*N)9VgYq0fb#^w>w zBH=(_V0GMJ1yC*x(i`@I-=7hX2H$kCc7w^omcS~XX30!c%U)UAKgp%62kMW%Su$;m zOKGD9Oz?Y@)nYX>_=%g+xwNs71A^YZS~G*6Q7tZll~oofB8yNq0$Ezi1@)jpPE&?T zpe11xX=)4%5+saPqX8`buf&|jf~+j;f|RGStR@lEWYcLFO{H~U;=HISvLQ_cDtnC% zh-w8(F&hv-W7>$tvP97fRtQj?cKi#i9B8z1vx;&GLby7F>QE?IQkL$S?BHk3-05}u zs>umzkmaf-n+QfS#x!J31BZ|niUL?zozutsf~J*OYG`$Axv6Q&4Y2Z3CzQabfbu#a zz&6~}dPM)vO}RK^>(v%^I;b*w(=KeMK?P0(75uti6ev6D^+M95IJ4gjivWPzdmQ-gs?XfS_PvxcN1Qi$j=C{xuVjiAU@ zHC&a%Qkry7*B{P-wVE9|t%`KoXsJU~DJ_6*XGA@!=O7XaL*XFE;6;-Gr&CvndCOqr z3l=wkuv;B}LdN{efd%WW)##hAS0Bz!4zTvV=jW^Z|C9SUe7;}am{BMUxv4{v!|cF* zogue$Nb2^a_TB<;`^2Gkhe)!m3O4He(%z6w3E8S(m(IZMA7uj#;F8bR6A(GD+ll6_ zrDR3f$>Xy2RVrMn$7n-sn8j$qEjVH|BM5FlbyhQm+pSic&TKNMcnw{D0J{EX45AGl z+MNRAVFU*|pA2A`iWb)6fV@@<9%Y0PBVxgAXlu6wAU~+;&&axpl1vwqY`e)|l2VHq zkmPjQU_hp$Nu6%GF=aGPXHhhj(x*^{L6CN{2i5%<-7wfp#woj%EIchqePyv!0vkV+ zjY}<-ZFc=<^{uSPRoRqXEEUwPLBGCdq*oP;9&WP^F|2{Xv@ABALDOL04X$IR)9I9P zdQwLl7@T2XI?41xKdU>?AO+^u<NlGZ!uVhd>kbgTNbpxS zB+5`3>_^-LlGgT7Nw#u@p}ElB1=(^~;5N1>0UZH*RfnWwFaAr8&t6je-4GN&Hypp* zke~0U1pV&utGkc;S{`Ij!N4OFTcTWW(h|u@9K*8_kuFNW{IkVmqt8zB606GGFWmG? z)B;sjEQ?^<<`zi}-0^cdKDw^-fZ&?!zi7CC^#N$~)cUk2+6}88MfqA~0}lYEs{hVx zAA%S+yE8jTrU&k<6gjysSOR^K+9cJY0jeEF4QlrwQf*!pql5;>apMU+NwQa;e|R=rkN+qc;10>?L6l?PYtFaNd5NwzP{ zX22>fans76{FkdLv1DHWEYj#wz74LdUfFVGAZdyY5?~8VG1Eu3et`|^FbK?AJ>T?> zEmH#foXaJN1Dl8Y<-b*Zpm@tw6{g#Py&GVBw=9DwY=HHhtD6%U+6gG2{0C&f*8oD0 z0>*f{xx}kpyp6Nk(#_j4q$sp#bO9op^rs~!zeWMzzWI~w^#8RmXuHAYnHfQ%ORH%7 zjBH6xmWtIbu%EqKZ*h?FKJ8KoLFO?&<%v=xmBtH)vM7C7Vdt=3F0I zhFYbYnwO5P+T0qotyGW)yXO_*7|K*_8kDrmN57c%SsHY4=ynXqa-R>Fb?|#wBz`t>>)kyVB+om#Emzg~~wE8uMwooedOE!G-Z7dqSmU;eX*^(&yt z^%0L)TQi1(SG&%z&}vs2Sy%!6=n5-C`E3KO0g?azFiK0MP#>O6E{3{kEcJ zZCf=QCHt>KtQEU%8%p+n2-pD5BhQnWL0I(PtYdAMhh-B-GGLvd-?pJ<1FRg5W&H0# zZ6;zwyBsr7W0!fRu07fr@nJq_^i~YaP-B0kVJTdPDr|UEEaW;|8F9#g_s=?J8sTjVIbCbA$#{ z&aUnIw*l<>-mcHQ1qTwv0IJ5H(KG>J*#VZsf?v4ryDz;kY}kR`*|p9ioF3 zn`u<^PQT4y2U^{a!f>zyz1$k?I&2wfdWWf@3XTBi3~i|#@oI-{jn*M}+eZ#-e9+;_ zNJCE5Ih_)x=(m|TWvet!w^dO}hbbcxH(2p=ow?i*uW(z18{D=h!_v17Q$`wYs7`Tm zs-;AbZ6*nZwm}${liNB|Ilz{YhMj6F^-B5@>G+QSPNnOZykoKr&cv{!t%1A>Fgq4n& zI@MlwqOTE;T&JbOado^wZ=I?ozu$bqxhKnhHmG(h@~xY`!xd$wjgr)_KM@Q~|p zWuzeomZmF8hbho?rV~fJ(t%cQMHZ#gzu{rmsW#%U19Lt7^W%uF?F&XecAdGK;aJSA zn;;)x%ZS4c!vS`R#q6vX82QLy?RaW9$ZeIu>@a1d;ig5@*&Y?RcF#sUaG=p!VJ^4M z)pcgoM;vnMniNzGQnc+c&&Y>vs}`kn=KqK1={jr~Y1n~NdV#e>49Z*&f^9pl&e)Fg zhhs27H@9X)KERg|haRS^<3m6y6QI|byBzVVH^9(gq1VZM4o~+wd>L`*As9dpD4=;J z-X1ZHeC#^8^5J0DQP*KX*Wt=YLk?HePEBI!x0#s(ylvcvgWJ}nFgr{cX}BqC8i2jT zlv!2;Zo80?uXCM63d6w;baSh`U576t4n4h+#zfRLMR+^z9{J$u+b|3ZyscYP)M3kr z!%kgOq%JAic4q9hZb?x`S%>B8I$RlX$f+y&)CIJi71|?T={iB*aFlNA*3WjhGSZMU zD(14~>$VwJXWSZNxs{Ht&6JUbo9gCJb)I#b$);?Tlj|%D9+su-e}kr@=ikC@sQ1Wp z-lx$YH*NVnDqDOX$JV@tW6+yk)Yqke$F|?*Fz_0gAzlqKsGj;hn6|K}mA0)n#8?zN z(m-)xEYkSP~Z>PQPvJ%Mm%nvmJSEE zPNiYt)~PkpaBD35Hsa80EzAIax2(TGQHpsB+_Z=lw&&>N^W;?M)@NR^kq zD62`q-)#oHPE&`4UZ>XZ(Cbtiap>vPMcm*oKu@>L#GC_79Ts|>4h|2!PPKmvz5h2d zi9^v;HBdP&h#2DhgjNMBD{d*3L~-5&7P!2&DOgPz!#8T`+G86v^@zlUs@1OH>!mU%P8mH)A82&Qbg=zr|m zGH-^s@;`PB!IUi*{f}K+=FJdS{y%5esNPxiGB}BfmAk;vuQMmqCd}#^1HMVJ$kGMn zTZzeyLA&5C<-fhXkfl^9%3TQL;Zo8ZBPb8ggOr6hP!ODtCH1M5m0Oid{Z&k&Y%bO3 z;N2(;qGnw;V$kAPmln}=8*v?oWQ^Tf!#v2$vusMa4@5Ry%0Kly#4h!$!+GGbMHw8w zC3S&qT;Q3ImzHE-DaEBZHg%-6M++kcSO*&s@E&F@3Qkl#0)~&60{Pe!M{kj4P&qPE z?ov7zhJqXm&NwcnOQ4Ugfg?q`K%N9#?(2ivheb=^23uWrfYU<3iBG+dgMhnm&|>u_ zsvR2=c`9;cY&8VDXoo&Tw#m->cBC8hRU^mIKXj!GAlxM<+L;_n*`@iL0-0)k+WU6 z4(aRbM}Cy^)E6&$$bSg3=gFV{uy0>@w{g#&@#$^X-n~osFS|t-Imd-A+u^FI7r3L} ze*44n#r*A)E*o>f^|OumeKWrP;q@<{s?Yp8j-7wU4e09ME?sK80(<7p2TplCEjHhN z>eJ}`<#E`neW_w$s2~!p~SJXet6lNzT>20rhf4Fj(7DP zrM+avCnr8zN~|fYof3a}kvDb7gp>CAbVFh6INxK7D=*F8ZSSSmKKRM4yF4&wpXvMO zj-2CP`K)2qHJ?u1>GV~%y2r;4d}@zX)%||UpW|FL^$Kd|nq`{xQ2mj;HD!j zPaZVR{Mp3GCw;bF44WUjUw(O)1t(vGt{rE&@#gL`r(d^lH*wlqFV#=c8SnPq3mI0X z_FB~U-O;gm=bd@*HRr6Jmi#yt{u29O^e6M)86V63FjMn~b1GL{aMYCVD|3%|;NXv6 zeC71)DfgaMnezQHtCqc%v)&Qg>&Dz0O?|yu_wc9h zT)go9bBxSwCv=^=&m`R?r+o6kRS#X`pF@~`d*0o8-ue8vb5nmg@|!cChbU|0TzFUQ z@#pMtq~_e<0iV2a-s5&@ZE(h_z<2xYaqCSxE*RwrP5t_Z6OMfoCTHA@{dDO0ix0Sa z-NtX6AMJSlo?o7J;EY!e|NMmm#y{t{<2;EZt_dG_@R!RL-?M7;yEg3olYY3An!TNF z=@HEv?)d9%)9#lqI-s~0yJ|xH_p|=+?X`cuZRt|hbnU0p&E4PJxu>)*J!9eCyBEUW zoYIi27v6hW>X^Hx9sBJQ(W}2YVB>51p8fK8=%lrzJcx& zpJY4igwNJ|aOiV4?6R1Aj@zzhXG-xTs`(T`j@xQ9%DV~Mc<3259eRg=z8IsJDqFD ztoilY&4%iG|1hC3%7p_&+y`{2qAQNG6xp1ss zYX@oYJjls%nJh5Oy0$VSh#sQ26i{oeaX_o_8B`BDex@_ZOv>psrFm|XSvSX)n4kA9 zKtgo)L`%>*d&Z>hNpmR8q)9}#dk!~6Bb1Jq+3TJ%Jy)I_Oplt`=l2y1bSXm3>D9x` z1R9<_!BRYOx>MgbN0_7~XDukqJsh43Pbg2&%`Z(hA3KCUQM;uuU=HLerr0{0f~;(n zOR~yAU*PzPF0lIyn7Mgv|D*og#C-iCFZ#`yPKyujcx+yv&nEb1AAZCUfd#V z$Im<>5K6G2`SGdKX3m>s={9TTM)`~}m9Ts?S#(r9V8REydIRuzk`bO~Bu)nHP?_3l`Ybo8!IRr5GnAW)Sh{9LO-S zcQR@alYGb{ux@tZw5Z(>&M?R*(ofkv>As>hp$kMLm>4h7jy{LO6XiowL$h>PkHs}v z=RRVAHrLC_ZkHuzU=78fkC_?J6NYHO**hv2Fo<(q-OkEn7EVpJ^>!aIC2b3f5U-g^ zO`9Ujw@#%wthZ9}#<~p|sBcotBPQczxTuNo3yRUHfg?xpb0+EiMNMLXUx4RHhO9Ji zVJwCe6ZmAKj-ES|z^Hz(UjSTcBmkV1sv632;v>CugB81wDXmB(U~xcE34|kEAk0wx zaz~DoIxV>)IkpCbPU14f0WniQZ|JRWw5Du|jgX054-wjWJhzcVs zK@bRaY9%q>2R`j*s$oDsQE;RJ57~;q zJAS$7Lt6(PNO46I zI3K*z06Qm2vL#E4;5m>&zMWnwfs%oUtbIqD9ZGAE7AR`BReL1O!Et=vp!T&v0Wr_! z?Q1ir(~vDUOsD%=P@j%Bv2;TECc?O*@Sf0d`G|KQdW2cD|cD)xV<|ABi3u@D~|Z7ZS#903gLAq!pZ_X`H#4O&tr zcTGpNm=gYFq%KseGR>^SlGF8iOug0x)^5WpfqClH*7?~-s#r{Em4Nf2wO!z#4ts!O_+%IFT0em&5|itG7}uN2P;d$R*P}moybKJlh3Bgv=I5AWZ}EG9YA7 ztiK-^0-RY}wbTamtJapITEw8k(0;Fobm>roVUSyJp8ER>M#uJb?ESl&s?{95*G~I} z?clm+-nUlWj{rvdz*34xhJMLxO(PXpjbAk1py{spMLSO9k-F6GE|890D zH1VnlQ}=je^|H}@SC75!(XY`DKYe&U^p&vk^S%eZ*%+-*zUanpX03VYciX+S`;-Sw z>t7Xq`u@Ie{@8m_!|Q!`;=2>~mL{Nj#$_#u*#&`Cd1MlxS`kCf-OAdVSk;5lXW!8Q=W#j4{zR_g9-svy!DVH5rJNLEa z7k_%_K7U;FqwDHxw|{W?E)Sk^{yTe5n0RIPxvzy>PmMkMY^Pt=ynV>_;_}<-0%<+^ z#dGd-J$dodUtMtQsk=$%^L^)xx%H9P|IsV>BUin+r+C_H6SuqkiR0gW0Ulj1za=$} zyZiL{rK6VZf7O1)v448_)J3C?BJ{_f{i$x!9+^9E?eSlZUuD~M=jYS!e==v5{kZ6! z7w-6*wY>iBWyjAdE*P`Ot9kI5J+3_D-PQK>kN^J4Hy&@E^zdO{KXB&E_ZIcuFmBvS z{>7Kis0l*lleJIZf1l&*E3UY|nZNUd>(?CB@SMEyub;pB_3@vVzW>|TKNODp=k~wd z`N!g0S3dN>9^>}@CiKN~^eV?0?a&;3)1dxBa3d45X& z{mnIh_ANN~HtpB<-5h;$`TRTdN4@d=<#S(M!F_$&`kHUn-*)@ENBA%NW6v==KSN%AQ}1zaGcR5H@srfDmuDB|{dCtSV+?P- zT)6t9vsUi4sC&ar3%7gy#!)*g+->c?S1~6r(1(wl`TpK38teA%Ui{=+U#--v%U^qk zIPJ{~Uisp~zhC#G=AFkDH_x4Y;*>M^8|%KC(@Q_Nd8s?Oru(JhbH$hcam_IkSByTG zzGlw}M^E+cIeFCiCq44;_$B7+4>;pt>Fo=in_AuL+pA39?6b=sPJCoG;v6^ry!b zbM~ynZrdJQ=;zkwb#59{_~xV zspmd%%|79iBGczxP;{NW`|&3)Tm@TJjDKOz!o{5Pi!(RQd+wF1gVe=zD7M42<1g%b zGWg`KPj3I@KBqt3bJzPt$j={N{!ae819p7xFDp2gUhUf0gnJ#;H#rxcX zQC;8cX{GPnbL}&Q)6SVNZm+2)?fmvxUxe$^PgwuxiogHir$Ew6yD^8rV zX#9o3=#7h?UeVZhY5cjXZreSz?u6;9re8hn+x>6CZa)0_GcSAfQs%?-ea}9#UYcCl z?#DeRAG6_! zE_&nrWw+n7&Q`r}#^e6m6V*jg?c;xX>hVzrU9t9oeRRjHSxQ{?*LBl#iRZ>W`RKJz zpSaznv-0jzV)y3`e0{~OH+cVi^qcogA?Cjsd-3AJGx`HArnbAd_9}YF%%|>nnz;D= z%vk*om)-BX+B?yA{8H1>?aqJT@n>ILeU0H;Z3SKOw7Zmit94txN+%mxo`9zpV@Qu-%MxCe3V}veejO&Z(4i(+AE)kzW=8;rp#Q@_2KK! z+_m_MuO77B{nE1SZ|=T-;TaFdemrvWg0DaFE`R&Un4FpXo7cu2@z?Z>^_T2k-nIM( z;nfcw`>X9!ZsU#jJ+R+W$ExMJ%I})JYor%F$G+_;uKDz^%0n|Gbi-B8@b|oMT;Y}l zDStHZ$$_UlFfn~b&(cqyzVLy0H@tDwU#6`3X#GETl5X8E{PrQ;XS`uPd!aG)@TgaJ zoIxM5Vs_7o_wG)v8vWgF`y7(!%biPMmb{9;4qvCaszf+jYT%%y)ac$N%=ihxe|&e%wxhB?p~F>z7$} z60f%&Hf`Y}-(Gy;$`#uuuH0|8==$yS>;7$AViTXD$7x8_fK^q3XD-DBZyhyDJzhbrFH`_*^dGZue&;Dz)7 zvWb#UoV?=ndAA*M*y?@OpY;avn*d|H;^8&*osXNn$A;~HSUBr%)$7p^Vbxwsl!q9u*zpO!u1)2rUN^OV1Zkx#GwN&cOCeb=GkN2k2|5q#*9 zaF2WS^=F*5X15;K`|@f2H3xlv{4?R57GLe|2^_F~LiG8=Z(RDMeA2S;nJ?VPhwh$Q z=>6g`P5mtDtKPt$POH6jXaoD)dRN5pt-Sc)^*g_D%^dl%Gg4R0NG-MJuDVY?`?EE_ zX*$nd?`S^d|A9E~hD-iodiK`sOKD;g32GS``+`)=dXO-`v`ye^rGk0^X^_Wz3^@!KIfSW@7YcN{N&e0 z>ErKQvtrRX4~ujCkGYJ8U-$kQmtP=>^Sf8v_t_OsN*mw!&Bo{6zt8d6ZAZN`>gcyF z*k#W1El^TJPzy=USE=Zq)Lx;wccHshJI?%8L9^@np8r;d1i zO7+IY>FZvfJ7d)|ciwTrF%JndX5b4ye061YzWl%kjvBvYUh06?0~=;-nDyxc8?Jlk zp|^r%9N&M#9%rpR{BP(FE9d1ddJWnj-uLjbI~S~t{!Me=+G7i^yn0u4@uCasQzo+4 zUcTs}9bJni-O%-TI5gFD+BNP=uURc7(d%h`*ZZAkUXNf)mfp7gi)UO)jLx}kxgNV~ z$=xrWwU*fBW2f=OQ+tR5K6bxx{fuv~yyBa^zrE_OFCL-yO!b_ca$guZ_r|dA_V=%v zd)||xZJE1r!+4C-`j*_FJ98<~{q&WW=uS_s8F#7Y>-EV?1EaIIz0&sq;tam>(wGWy zXy~373l+y3MC0Q>H?KVGM(+j754&OY$EQAV+JTzi?TVW$yYIPstZU(}(f#%;zqMq~ zeNUbc-1juoxP7VUk{uUCUW(`!o$$h*d$3ndTXf=A=WKWCUN`wpyMAIkN?})Cb>nUq zbnO%#Kjwuc+SKf&FP^tnjGgsZXyxQr-amQWHNJCpie5Q2aw32ISnSHlFP^aWi+x{Q z@@5v@{rEi=9(nYxtKRw?9%p~hdEic0)4TsPHc5{wEV<>*Gw)tAcCG8atl`rov$Bw? z17lwp-{W|9IGQmIL?L=hj{KzxL?n?;nBBI&958)6P2l)=3v$wZqsLvXDC?^E6`D^Osy~ zOwk8CAB|5t;5KfD$+v%Ko_q1>3-=};Ox^sLZRLTh1)=+)!&mNm(FgVJRqV=f7k#*+ z|Gi1e9(;W6^N0A~j`-h|mpygR<&Vc>yAdl!QSaw2fBL1BJHPT?V(w*se5YsbMSuJt z1Mj!yyZExz&kDyJd&MDNj9z!ng7@s}F23xs=_{Z1t-R!(D|&x;?)2Ka%jc9m#Yb*g zIp&`CtLv_qQFc7@wtw9v_m!#7j~Tz<)dSuxu3LOmIdJT$M+v3RRzY8Dew@1T{a3!L z{A2XScMb22-T2`HUtRX2;n>sP{Gj&TykpOP^TX|X&)Man)Wtgx^ugX!=3cx#O7H*F zh4;a`eDHAZcL#p3YKPdar!PeIxbUd+j@bDA_H)mDHg)RJ-5&OmqsKqV?)37aQ_5qO zeX>_`(P3Aw{%E)6?N{8GSs!m+G5^5V9^CtWFZ7D$+o|^_malp9 z{_C|HKR)sM>-%na_T$sPzwyt@N)P*1>~zoDW7nN@)H%Csysf+M%x52S|2<5){@i=s z>aVP$=5DvgTjSqbHL<>X;L6#%B)I1itKT}!?p;0Y=>0#TkKy<98UA8_b;rx-(fo;r z-ilUVIrY`i3m$sqwpo8Z>GQX{7N2Y>A2{~x^;z9nk9>*mb;R5IUVie*y{0_<=*n~H z?&mI9vFogd0>YGK4=yiHKla2o-`@D$KL6O;_{{$6j=xXdZ{3MMd7GKNY?98+M=46OO(``<{Eu?Kh;tzIz{s<4bRR{N=lRV~8hT zJag_1$69|HT#c~{zi9aqQ#!{;4z(Oc)uyU|lSsQXFw zzQnR+H+^{U3j4B4^6#%*IqsF0zLk%eyWo{)zpa&?Ko+cBebdz+U);0IfBpF%?|Z=S zP1l=utsFQS(JdJ>DN-f`T{!ilUu@CRGV%Lk_x}D#Z+-1Qk>mB2-dad%1;UVZ_{?^H{ zLw=lk$cg_CG4~kc$@34n_Z1JW$u2HH!7V$mB&TT zrs}Kpci67{>Dx?C7@c{Sr%ErZ?WJZ$kO^K!be6H^yG&17o{{J~yjL;rq{kWvZ~w^~ zPD|g)8knYj*cFI&UDgX<16yqA9x*o1;$7&BKnGjyu{Q^~CQf}==ebZ0F_oE7xjvo2 zt{3%$x26@?b&=HTNUxj25-{pol%}Y-cS`G?NICcBJ(dkz=3OuBKOp(i9g){N?Hp3Y z=VKg%XG36Y$UG75^t(P0Dju%LizqzL^zC|LeRtq)xf2XTX_ly>@DO6qQ0ZDZ_`KR} z68;xK1w_4&C1l`aA@Jz96nOHvitBlPb8`?dOsZ!2N<8mo;6m$Rm%|d&qHYB`LK?A| zU&crTr+A-jE+$7C9#{Jt4nD^l4!Ss#HBpf@NyC8}2R*`B2)Oj(5vT@&RU=3SgE&1O zXn#L8C3e2^?8RE47dU<2`IgdnKP#I^e*5@da^Jex{g@WY@kF$}^54u*o+2~RgHo#r zS=U9dCf3C=7!M3I?BM{^gz{^|UeXXtj3Vw2WbS3}K^ZcXy3QqVB~UPu2aW)Ok2@YC zS<;TFyB-hG;8&X;0fHW<#}x?lZ#Jh=OG3&3ck~eVRH(&eeWoA&&n5|{3Utd$Q&^ysMvR7mQ785W=HX=+*>A` z+Yf@KG3YdniOQq!o@Kq;D!0rx1x$uOw*@_IWp0LVaoh-3RCK^#(-Wttc10Z|mrnq; zZgC1>D*N^aCSpqrgkwwr!DTZlx#^gOwDEH$I3kZ$pN_6#9kuJy-0+iuU|SP1C(wzbEw6kg(q-+RT zMFk=l;x{8l4Dfxl0lapq^k{{!snfsQVe7L6ksZMiq>ERmpGPg4H1dik1v5lRKH*ze zutwPAWAFhZS-c1D5YM-*EtOMYR(B|F8@Rny*Fs+nsZaRn7z1}|?C&%dx|FJn7p`D; zAqE$K?1AzZ;0+BJ{aQ8x(tO1+utUt>p81!aOz2*eZ^0)j##yaVW4^(QF<)wiZk0V^ zr26wnj$u;_pl%8TVTt96^@n89z3(4PN$idKi3S%`@7TASO3pBL*!bQO&H8l6kvu(k zy^-xu&Q@wqLSHtqRKh()L!kr+h*0=S^{$wQIc$XUhNN{tfP~92s21NRavKV*Cf9c) zJLKmt*7j->9UhFrled$n6JOJEx1c!NAhVf1TMEAigand|XXoEnXb(RaI*~JYStyO? zb5mO@LaB`Fy?E}LU=5K~emejYh)NvEg?y6Sr;;?EJloZ0qv(X$$V#5Z^dEw!l5g6FWl$!M93Qf~NtgOQ zzfK(0cx^YqzAo@wxU7X=)?XYxv5%m`uJS}cX?)>of2%moM`sE*?4p60LE%v<>|#X& zPdk)KC)oW?yf!+26<-h9O!m6RhJQzb7iAjw+iO1BE}M9C(2 zE&jrhzY~1o~_dM8UX740=dTieZHZiI~ zYVoc{i`U*+%pGQz#*w6@Pw)V5Huv{m<*2{GdWC6e4?!vjaYjZ??NA%@QuTSu$hEc( zV^3i(=x&KHo;taYR>=-r4PjtiusyYBoVf+Q#*{>}@WaXQL1~*>KzvO9s;+J`k8{z# z)e;H>MYixSDB~&26=YUb zeZ=w&#&Yy&`8nVC;PS$x)7c*{Kppk<``w=*u2G1Zsx@U0JnMqibQd`pC^v$sa=@m* zoH*%c(8!I*S%lglpO0AEILh4t`UI;?IkRZGCA95uTMTVegx)>I(+Y!mek0aeNz*~Y zdHPz0B9`;;vYAtCS`Iz|zD1<3b%lmL5zm|1ShJEO_XwJ0S86(qqmOvLxsp?-8nd@1 zZb#~Q-BvFAQIBdC0{Hn4s!j-Ts!GLLOdTvpOiSt{#mY?8_OmUW&ZB1aKB=-J2RbylA43?M!l&u|4^x?$%sQB(Ed7UfpqIU9d@N?(Hkt?V4 z2Ums2+JsVL+S$UxH=P!9jg*$k%hvmsWw*}v_W`jp;_xf|0)DLkHpU&~Vf6=^k&rHG$aQs?j4nzsM6}c5SI7w=U3eLKsvStneErFTv7&cMbdb&ZOJ9Y~B{j+$3t z%R89YuPf~~`@ug!vLzm?VevoXS1aq)-}-Jg!+hcSgGz}NB@!JG^NEO>8x{ag)*?lO&V@vBdmh~PKlO)d?-Z_9doaIeYINWD38UI#woj+V)IIbvI%cmhYO!DQY6X4JdL(Ogka{v57Wz9m6B8K2+ z#TIB8;0v*L9vDQzhGgXj>jSRsB?|bU)KSD5kBBsHO-SO8bX>4sbA?^U88usM3{`Iq zM;kjoE6T<-)7Fl!Fc21A^B@TSv{3GC)9D-Chh_bF{)CA?6mxm|Xi2&%u+>mAtY#?$ z5J9I5CibIUfj?NNK}jAeM}Y0MseiTjOcS2_{n1}jP9fSx)LSxASK4XxqLe5@C>3`? zHct18XewrrO=P=p#>I~9=QktxF&da1C38EF#JZ_|UbACLUq2^=Azms)QAc&0ye z6%-2BHB~EN8`hh##CVu_V|7Ap6}m((zmvQ%!^mYNbf_?KLL&!sO|TrI3@trXv7)5Q zY3L|$5F)st%mO=c$V z^$zAee`ert3T)n7!mv;6{gl5w7ae*eO;m7&Uncyi7p{xPk38t%ul5n%h5KjnQj&@F z7v75b%E5+e(4Gl^(fn6hZ9j-8rq}A7Y{GjhON1ovu6v8E2MMN?o%FM-xy2dct*99U z?}XX~jq#beMa(+!O(AjYgUA&tYsbv@*VSP=<(5~ZCyRH{X`z?EO5NjPt<11pa#Oj< zOXVkNIwsda_AqG^7q{IzT=%BS9VQT>(@wu7$as23s!4(az!;R0!oU_oAb=t1aJ&qH z8$4K_f69(bchGzME|J8xp*wG7PqTDEeNlYuejHOzr@CK^gulY7>QWVv4WQkDt%ynat)Kh{8c2Q=Q7 z4fs=gJqP@h?aN|XSd&o-0diJZ!SDcr#n>(Iv&A_ z8%*ZIeI6`j;xL}wqM@`Y*Rrv6J1Naa;DO}10O$E{{GOA=zhZ#Zm6q?<^h@uzi|j?> zLxfH`X?&yda+uX|sO24QRe(V`clg%qrqSYm(f^Xt}fa z7;1H#9=WFVVgTmKW%tP(b&(BRQWD>MgD(P~Pwh6sAp? zg+h$fo-uv!3%!Zu@zQT%v0_sYz*}28QX|G*FyS=uNajd(*T}5g0yzMx*Wu2?fe=Mq zwXq;PPhq)YH>=+u#!Hk|lUbJ*ixXKR_mV;{G;C}WyHvzL5eTJkQXxE3q-<$Ki=tYd zp*9pMqsRl}KHG6utxb6>Edbhs3ZMNw1a4rN0>LnGF~RD9Nas+;>k>>0$wtNmDJWYK ztD7(Er=}ff270TveE z!k2CgX;7iWTPd6&PRLU>ugnlXREt#3Q)gzdZi<;YG*=Q&FB$H;e$3^82JyPcaDS8K z@Z{NvH~pSfZqu+-yd2~~XmeiM&~5Zo_*l3N^JMZQb_7Zg`vE`SNHnm)TwJ<(W#-#@ zM&%OvR^TD`HfQT3pZIR(l6@Q9lVk6bA#!W6AIDXyYgl(mEGsWDMJ7u&oSwFSt9eg> zYqOwnZgu0AhK*$B=k7IuT}`DfsZ`yIaF7@Gjo60;IZk*82FxE>dhQ3VM44<^S6HQcTa%qnL|tdGJ^E+jNQuA# z*qjw-pOhw4hGA&ry=*>rA6curAAh}9{8V!!a6Jm1Ru=R}fP7yRuN1DXrHE%WcX~s$ zFsK`!R+24?6n129CJA``Hr#H1(|zL=op_j>%)rRHri7VH z16%Ngh67DdbfIgZlEqrVoB`flNCsTuF76}j_luEe$;vnkkkqNst^l=r^h7N&)sUh) z<)4i;m!*64inO3n??d_q|gpVCkBgtZUeM#3NjE_-B0Ex_F z3VNrdY`uMRB0o-PUCkY(D@JK?+LVrZ%e`{4-V5aPit6cAvhv=jK9V8D*XA z+Dc`9!|n;-ab95zMlYSa->!92+A9SOEYvFxP_ES&cs~YpvAYSX1(#Lp)vE2!iOV<7 zn%pa~mbk`=DD|xxF)Q+?W~9cO;s{Xfqsea$4NRvgUw$zN#_1iM5JiPK&r-V&O6fg> zdGHg*5?AGt3U&mQB$`4C`%9wXk0*%kDF|_B$PVZj)zMRZ61D6R)oKZ)THMw}1mkhl z4U9zN3brxf_(wKZa`V98IbrU#w-y(RJm_@3_0ZbmX&&2T2^*%S6C^Vv+}$JVZ@>Eo znk%d4&?R;cLwcSDzM6?QQBud`6@bRUh~E(q%JTgtB}AuA(LxWaL+mBL>yBOoj{>~; z$>YENj{krw8aKh1=T1$8D6%~j^!a^eoOqElho$IegdfG?vwP8ZHPac>#=L-g2D^%n zAU;}a$h5!WQPYxWq~-q^m`F#=ny206Pb||E_o5j7oGi2^|B5VeSYKH;F`W|4V{$-P zUG${~+)F5P6y-K}M-OH}^Wx1!1lZpwwO*vt3X*U!3lb@aAZ;G!%p%hnogQD0eDG_O zc23RUgbEV*aV(lSX=SxlwUTCVn01h4cFfPvi=?Uwe>vpxyyr z%iIIuFhZU+euy^M6ykeeo9<0x*=NETc+val!Zi^2t&+Fx`($2`zS}@uAIP8v{A;LK zKl?MPE532rtZBu%8&0b$iYps9&31@kM2HvSsDO|A$Auh?T)qA1)xdSkLdgB|4O`7j ztVGRp_=^|rl2QJ4h%@*z-ERe7u^!|{Xq3{^2dt6PnQo3MR@+dP+9^Vg-LI)k?&udB z31JYEFH~1W>bm#em2xgv;Y0MQWhk;BhB$P%C9>5s#P0MC*dlt8fkslOt*7--`2Vf|>sHt`zs?0G}^o2pRw{!Mm zy?#5fY?ol7GmyO;107DB*Ck3!yZ^jaB?>7x6OPzPUmEJd9Z4R@yGsC=VG4VvnYC7i zL>CC@j~OrC48+0@2VX>8$SIPH@=;fz30upt7hcPgWL<#`sUb_vV8Xd;V88(9sW8kwxt589taWC=sBmL1MmXjhZ3aoNQl&$!H^BX;aZc*T3GhN z%%l(#v(P6bb<(R@ek%&8c@tgeH(l%IHJNd(PDLP{r2OwObhjA2p#+l$?UPkdkD-&} z8ne!j(&&(symPH5tIULP_vE(@OCRZ|z&Wh%NMeHroA2|NZ;(fvPAK;J@vmasdaILr z28X^26=NVZh|t^RKfiuYCst!SE|Pb%P>veFZ-O<2kWDV;KeU_#`h1Ms?*I=`K0cr3 zE%AE@O?a!A<@{n6mMY3#Dzh3fW0UX-#>D90Iardjdq_>e!jgbU4Oy;@bLc`+KoAA_ zc+dCOfc^DH23~|XWK^;WCL`O(i#O_5+TN`>T-3m^5yy{K9)xUzy#{MZ&!ULP@ml#M z)Pv`rGIr6O5TEQk_EG!Tqi#|6lKNk&?B<``k4$?h_cti&hc|BsU^2T=J}xcM0B9eT z^`_bpZnKA#Vy0}bF<0nI9*{OKME7g#(o)Jxz2YossfD>0He%AV5^dh}OiyRcqx9(0 z;<_m1(RZ~WHFrKApl(92vG*oU>;NviYYsW6bi6!}8A6415N>^J)k&7vuHR!jZ9U9# z7J-?qsExAuPiP%zu2w(Xj5;)Wm0&zRm$>E%K-*Cnu4R4Tx>gT1cT ze4mr?+z5mj2g_6Ti-{&Il37CL#4yl0nqc85R{At$Nc5Ya9bCI%TS>&ZhjE7ssSn&c zgxG>sQCH?~=IvjzPKxv0iIw~XaEw8m&=YquvZeK+kyKSiU3%MMDwZoBU~bAWT1zq5 zgAG5b>+npqW=u%$IC7YKgtZcKS$l$<ZBx#_9DN2;lBL@)DmyJ>BO@ z@=+riPe$U|TzH1O!M~<}T%Ps421eHd>Yw#9mZ$ccp}P@MXpIx*B7VKX{&oZNF5dCH zWcf^fw}-3BYukUhzRK!k{Xzf34`lZg{>Pyd7zH5;CLJ$tz%O7SrUtj`g!VvLU^#%k=*qj)KLS=+O$Vvszh6ZQB%MvRyj2eG>m-pAq&CXU!aI~1OdCvRP ze|DNy9iBS8x9?LlXe88zb*4RH>{O||)aJ}F+k1L|(zW6106j-2ztY&&sT1%_yY5lk z;!)MZUN8lk(>M<(6v+KId@nYa=9WMHW@HNDIzttVUBm@XqN-Jy%`3aNV!eDxxk^lK z6CyEhyTw0Hq*@2b`IJsDD%tzLV_RIq&Gk(fSCt-bj&qRbe(`N##jViJZ;C%HA!bFt zoHu4z8N~A_(Hj(0S0)EuS_oE5PqB5CWv~}^zj-S9oLUrR%i%@O^1NrhX`h*4+}A)G zWIXk<`xcS1Kab4UEWPGOIMOC*Aj-TtMOdgs(65>?veDzcrS{$dZ}d9gJ*eDR#tgN? zB=Pj>Z+#N9$z6knDNqO~j%t9E?>wG#TQ+1G9GdJqJ)B30+mI~r?#1X74~#QT37Fc1 zyr$_C*PxCk9`KWkZxRVv%iOig(k4A|)Mc|sgi?O_*gu}S-eAQrM-kR_)2G2bR3Pc< zBsnX<81$1rUn=T(qxBg%dw!E&`Y{ukkZj#O=O%_W7tDO(TEL4w6K}F$PMchCi9MWh=0G~h#wkN&ufl<$8Ysx{7_$7vLVh#*=!H14}Hfp{KBI`BUjt!5FB3A z!ui0PlwqR1ea-bDoUq0Sf8q_!LoszLSoL7(ve|c=RkN>PsO_ZBX?6MH>D^id<=jpD zcG7^*tK`QgdfpWX+9!P8lc7lzB7n&t)_Dka$`FX3Z5}0bFP;um1~ijgi$BQ4zV!oi zWWKh5w&`(uj(tFGJHDn*!cQp1eE2)t zXSRQSvns}RK{UmFB|J3JMIOJ;IGf^`LRpn`%ggc19pJjJJ+3@QBPjvKsoqvmDg};* zui;56W<8H)UbG0)zBSJRT|$d6BS2h=o^QRd>aMwm+xG>>Jd5h-6+V6e4l&O17stzd zn!e~2J$&l9lbnUZ2nu;#&vX_!%YB3%Kbgg*pG+V>)6Cvch9WQOne9ZEc<~*fA2G+U z?cCqm**zdtw}V@;xN>8-ktjeuxCW|#^*5cTHv3Po3OMtF^HWeWE2XAZu<0)yi)C1Z zv-l-(kmXVGTR%eX1%@bYRXytt!ZwSs$J0Y+SMA=$i}Kmd)KIEb$#(qH~y zpK5YH8_wHp+s&P((1y<0rG4P(c*JItC+$Jkdb!k{Z1!1NKYYpI?Y*|a- zqUNM7;8=E#s@8ZsUczHAe!}jMd8hr{1vUkl?%go0dW02Qzvd9s>O4+6{nD$)(#NGM zhE2NeV=RCYMYBakBi3-Rj*cO9)AnoP)v)c7@mtL}MC#1+7PwQ^D9ZRAn}}oxa`4Vt z9p`+0r*$ZrW;P=i&BSLOm=YS8sru-SYm*Rb7FaKC8%63cfqJ}NLXQE6VrPg0CYD$D z+7s)3Rpnj~ALRgcniAwXiU%%|^JKwXAMdCmRYtw#OX#CJ9A>qZpT~I_1%!KTw^$_& zBHx)T4g}5+eKH7EkECO)j5{@_-&q<;5}98)jij_26Aq~p5=Yh5PPqxfM?8p}ssV8q z)XZ;DWL4&p5n1#Kp^7G0_s4NGu#HS_M=hi^pXvDfq2tje%~*@$l!QsR2k&MY?`h-f z@cYSp%-ec1(|ebv=au;NNp-4! z`wJV|5q^Oghf&qjX><5U$9AK1Zn&+oxI@?*$8nVTgQQJr$w7wsDh! z+`~1;(9~|@mf@5mEKu%f7jK6Y+rNk2=wx~LzEKWQQ>DA}jmZ9nQX8zrr)mn90Oc5~j6hbgFJ$c*@)eIlGY!#z%cG-y#QPNA-; zO6ZslQyYE{=1esUxCdTFuqdn=h%hq1Iw`#m(c{CuBJF+dc<$k*dk40k zx<6#nZTUn*iKuy@4wc-Y--0p@o*P1 zcy%n^!LsUviF~2)^ncTu4HKSA2l+^z(dpq{!FZC$ZV%Yc-Tv_FD!{6(y>D}b9Q{|MtA1=i;$AK+>DN zgHoaMQtoOT?0CcdH`oU}9arnUanx&Q5rpi+0E4=F}adn`)YLo)w zY?Is|uieVN>cGQf2a11EgScMaYot2S`iSr}LC3%PJyX(fq6@PT$BjBZj^NH|swwas zuImJ5-zxi*mU|*)>xCW=AGw@NPqNs=gT&;WmK|N0xWrl>evm_q9kjOAo9*et$d{n~P^$IfNR@V@cQ19hoo>b6r>dm!vNzXX^ zHpp^hW@gg~QcIaX%V}I2sq3;H*~fSRdhvTq_HX_c#LZhi%fbto0ca( zKR+^$c#7H)qAUP&U}V_1-Ui#0$nWR!CVaK&f79hT`dIKwrL zY?yr69g$&KL^;VIi=6g|=5pt8YUg9Po3$&v5C@F;@m8`beyWx5EH)Nt(^g^VY(}sg z>(qN%)=U$?cs}l>d?kP0!Bv&D?7g(MKW~cg-}}pY2Z(RsfC3i~?c#@h#B`YA8ydbK z@QPZPoq70@(nogzQet_4C~=Ht7wt)rH&jFDj&&J|)O3-z%utL-<@ruylgYz5L25(1#`dS@x!C8bX0LP$j73E-u<1a&&hRs6#u17@HRp;OpY{9zC^`n+e)`enVRoD{ zf4%&S-H~Q)^ARAXL^L8)N~!3z}y>?ZWQ7y(_-suhB#uxQrUr?30oaN$2BcN63L>NgdeMV99lP3$>hLO?a)UggUjv7QJ243_$*W=qbu$7T^8A1}@yB=Q zA-Dln6*EwJ1-*!;mBkaqdS%52K?c>kZ9THX^R`Y@Q2a>By9v!dnXYzGY`nE2Gyml4 zq@)<1#XEx#6i37j#LjU7oAwEEzP#a`$#z=1mf(_D9&OPiwGApVTAE`j=25+F1SQZ; ze?*XKDlf%bVuFeoR>xbo1$mbX1~MM^fOrMT3q)nSBP>${95;^g=NRoQBg0AN()-fx z;$;kQpX7}C`pn<^mNLzyMtWFs-fE})WNRvK#OerNaZ%bUahX~3t99&E69r+=EuDD1`n%KHFnLf9=9ScD zz&bCx9lei!hG;y#e=iHV9uvyq@PLu!|M|dhO??TKSK6%AF=twf<(Ysj-zR6c~XX=aZraZ+Odp`}$erQ!jmNm8EY==YW%c+b2428|or?theUda(svK?2BExZ0G6X zxc_QWcO9)I@ul0DL6N^YXS32!}#{hDl>f&~n z^LS3#iPdX&UCanduUPGPMQB)t-Sd|oEkWn2#9H%)bKpj1Qs--6+a$~8(b?Ogq7mKz zw^`rXZRQ6lCW@-47w0}ro*m%Z7f!K5-uL*zU-Rkyb!y*3z7lE4l-o0J-cSnzZAGLs zY?(z?*v->LFYC#dQ0qV+&q?MU;0@kQh4g&Ib%s-8cj5!|bn3<>9VK&DE5qtImjYsnFRTEYadAi8l})gv~s%sqDE0C&h~)zwX~EI;R-P=*n4nG8MV;(SMO_@0z4 zybV;X8QIvzY0pn<`D(md(HGeoLw2tr==F?fRCy)seAi9Lx~xlw4*ko&_y5(&6Qnkz z?yAsd&d@#9kBBT;-1J9m=O(WBkAu*Pp%kGQ$+t%Fnb_Xw)G)jEsa_rxe zk7U$xTrFkSh2|ABo6#GP0IAYh`^&vb>y`#bKTaF7iOkdznF3sOT!(9MqGZxI=2F+Z zu9e7z#a4%XiKHUTjn>*AReK{UbwFocU0YroSzN^O!eoX^X9l8mM{lK_!f2Z5MQ_>x z1FM|JO!UXVu8M?CLXmI(dN%AqRn?C$}@#g*NWU1pO&uqQa_4P zOfzN_C$-B|SIT8=KetK+3(w9poyXPh%d0tOzYc!)B=?ugJU4s8@sQr!evbpPGa&vb za~e#{HDaj4nIo~>I%PKriLF1j(uNU^dI;i*X9QAzaB^@~8dOnp0BEO}HK-RrmpgQ} zx*?DY3TQ;UgeNdu*ttxU`#cCi4tYHfc%ePnB0S1rnzAA(@az^Y0+R3hL2 zjzx?8glAx3ed~J=a9+M~z7_V64?|o^eoBId^AVbYnefSW_%o?w9K7=uR>*+zX9%WI zO7GN5|DHq`&c#6+rf=wG+4dH3O_mQ6Z$QMXO61#~72oQyEq85yy_Z{&BdnQQk!wGk zbR><8XJv)M!!l3wPbVD~sNBP&ww5a)m#2uDk^YkoYer++Yk5OhgUvP*#m6aZ(W{UH zaq)A-NYufX67~;kFFggQkuJ*#AuQ`YbLF1weaJVRc4w_rg5HPMR?=o7{hAVXqL#<9 z6PFR##Dw1Puk%I=oFY7yCNcMVJ%fA*KM0cM+JON#qPP~a2~)q2P$Ew{LH-VB<1H3M zx=8f1Zdy#9F)*GH(f~Mu?6do>%bc@irw0xza@^QYwh>73@Sll7_QChX2XUeg26a_WyT24uA>=<~bW5&sqt4$l|}s#l7~Y0t4(UpKVCsIbt5@pXcz0I1gMW&&H#ss{JW z^~Ci+`WE^(0&A&4LOsypT3pS7=qC2IK_)>YK`J9xDAyo|oWjDO>3Bvdq|NjDZ90y; zyWgJf7wT1*qCb10XG1K{eub3WBt;Pv7E*Xq473>KQfpgXpIx!VuE!yP_=ga<^!1bnDz6Pze8pJb+13?qUSZQjes;O08VTqvK{sb9wl!?YvAB=QxFluWlv=l21*3lj=PhuS94!HettNp@U772=i{YTS9=?^I3#dqEJIcdOh8^`N zFWan`&ikOE;VW;mYFW8N%w|H|1L;C`*eU4}U?VjQ{ITnnE3kqe0ICKKIoXFgOZzr3 zxkqA`PZs8sr%^zF(9D*&-X?rAXH|MnU*^Dge$*AsFwR}FDgY-KM(gtqp%P>q6dzM- zBN;alp#RN|ZKu2ME9W6V1kuDJz(6S0E-}u=Z!{8RhM|G($*uv!W}&-KWW&iTTnDSD zdg54rc|A^p@Mmb=Bn^Yd;VnWhhIf9{_4n1a)y6%)IS!+C{aQZZO$uJav{6v~lL=q{ zm98|gso@1&P@<+Y#8p4u=>p=0fuUitW~VI=*T7!YR)U@(Hrt4kpszLL&oz=CDAXCfcKG%M^^H3Z2G$DZd5fvZYeUDD#o>VRo85GV?6i zGLu@t1oI(DxY>m^O)ODD01=I^mEayCM3dcUuSncenxVB6!?1~cFJYwOBGZQU-$OX^ z$tT)VeqJ|sIAx;nKK8+tC{rY2{W=4HSyKriL@tR*mAgXY~4Qv;6SyBB!(hN!xcw;@ZedtlK)&l7_2bF|E+6sQQLa7baaNTX;Q<-qDq=x&eJ5# zF*NsSS%scXIdpWk{QjyLaDCfr$wwrXPpfhWs@{$8eD3P7BFgfreSVnUOp2Xir9D)g zI9{O5cp(*Au=z)~G&3|4BB{?KtdPZEMMDDA*rRW9+_p98POpVNj%aP6fn5stR7HM~ z2MG>ZN~+#ZrPBCo*|)W!5>Gl+A;9pWX*U9ghc1m899VdGm3(!xy!P#_L7`O+=BiJZ z6{=0sf**B#Tpw3P>gD>JM{A$k8BNvE=*I*64i9P2IINK{88@V`@U5mp{;JVOl72PV zd=C;6ABclf#9AG5q~dx&<~>DGk%e|8sseM>(*Vtpx!4k{GL==OzCzklGY|+60UOfA zKkmqXg%SVFzWEPSea=5!Ds$Le`K^OEk9?L%+`G53Sm>F39li~RX2om^DrAsta-%wXiU)RtO+2Q#n>@H;Psgi0;QWAn} zY}sjSTI|Q@$ajqK2Y%n3K#<5o^XoM?MiN>#q*^!L(YLqcO>eXrKeS{-L~|DBF&Yqa zkx2p>y1F{%=^s%fIsDdC{NZMJB+HXoW>&3CP4n1xF;PMwAEs zhA}N>t`+hl6AD0Sh45*~5PP7>K%n6$i1+djzC{QAR$^1Mla%CRlGID{E>N(gRH8~X zvZ7*A20*}2F~OhG-zO(q@B5S5!oN%Fl3UXcMTV#U@ZeZ(zkB1Md|EwwF`Pf6S$3m% zVd<9d(PJCHEV~v=+*Xke-yus|)FHlI&$w(K)nQcb z3NqVXC-t^TebTa6i#QE0uKkqGY%P9Dw?EV z%_k3lGhu~$c0sMW=Gee1p4!=ctzrxeM*H0Z)XMn|_rF8}5^1ye zk!T`&-yjlP>1uqNj)g5Fzjh=@SkVc8k@u5ok&NhBX1mn8Mki=cEAe@cW-8icwX@qM z!xPRr_o9!=?GDyHhT4y`qmn!boZm|16PymH?A)gD|2~NSHgx|nR{tk(OF&Fe!Oh{X z$n+0@_M83RDbv4&iZ&u*f>L_6|C1!66;%0$iuxPO{;LYc{_i~7|B%4`KKjoM|7ctP z5>RMWG?*D#HU7b@{zbF;x7Plne=_!lM)rRRG_wCepppNDSWV3SMq#&q$JqX{*KBPq zjjaAbuju~8hWZy(>^~y&zmr&hU+gb-%l;3FCjT#i`u_lA{W~i5|Ix?#XR`kP>SO(j z{Py4YSj_(#f6aAs(Aj`~q5}~G0QLTF=Fb0EfPb;J|E5YhHhPBtNp3MRGt)8sYa5zM zP>P94s9#U)$K7adp)WgXU(1w|ccOvxI?x2Rv%+$2DY`k&kl-ocU69E1jDyx)_NnoP zEXE|pt8o6X9O}l=W=RA^kwuJz+!U1TR>JU|KTThcofj3p^KMaf{!KE+q?_a^Q-;h%S_q9C#5H5_$ zU+eLx-(c{^L{XOv3NQ5gl}ft(ScS%%XO&M`_48dBa#{&uIm-0oz~;q+WbPi6uZSsD zH3tQrfy<|dNK_TrpA0194OWlJMUQ4L$upS*I8?UwdLnVw=y)4%?T!WIhvZInRC$?w z;oMT)GO*+YK>I%>h9lr;B$)^X&gzJr$5EeYJp44{I9v0Pdtik6&HSqHFu+hcm_{v!9r3mK~gX0dO*@1{JG{>qb1GRBUKJ&vb<~bU3JxbCOL@$Z$c{oRj zKfMG50a6bJHQ{c17`1Yi2$#^L1Kk5YMj;oZ28ZyeME6F-9!j*!j2DS$N-gFpB**N0 z>jj-v%;xQlgzCkE+iw|go>7}y-lRuUZg7BdKssPD3-zAB-2tYb9m*?qV5=S7*shb+ zZn!g8;b6KIsu*3o=r$wulqvj3p4sHi%{&K3tLr+~KckS*(ccReK30pHhaxCMkv>*0 zjSRtI(7l$gA!L4!)GX1vuKj}A-~e5XOyU4ojgVDL05|?SCix)xj>W&!Q%Pr0MyOo% zZ#J9?)S|MJkk%|@L;l(_s*XgUQDNcYoz1zylHoa#MN;ET+f>{1TVQm2`#s^sAfDZ} z2-*R|X^cm$GEo_wohJ6NcUF{sDtU{75Md>vM2XPDav3$@plI43X_U#KX zT5Oq6TD!>YTZ)gUFeUOOf>?7qP@CIw^qk4s0af>T9l=)n@T>*kTxUDS{!$*XO0=wE z{#D&p{3(6>wM5#fahH{M=UNftGHL4cu@_LPUhxU$oXNpm(#o;t?$ z>;}MnHaetuPi@H}K|j3l$2AM=(U{u8a$s3CSXg~mErJ3tL3<2{TxJk#PtqHLYG$Lf zA1DGlA772ill2^~35FX5oNt~%+tZC{T74z9zawPTq|<|R52|1vIyKQL;|k}Q_?a>= z8lnuZ`%*a+uO@rS8BYxfepPSiE$-9}*+;@~jNZ}+hmNqIjUdXfAM4?m;0M+>#vD&W zk(N^7!(!Zt)e#bTY<{jk^}_QeV<7myXnPB= zF1D_3SV2WWK|uv+Md|Jo=@3Ce5G6#q8>B^~loFHOe@Kv2`KVrzIr-%jxW3Urn0u_o#2N97n+%lgx$ed^IjbX?FXo*Q(i)WWLZmjbs0|IEzcw6u-3jB}5Td zEuW2!q4gEHPT^!--Idp>dI>sT;!W&=7axl}h`3S}YH+`-X=ZZBXeDXrqGNCQC$7^R zvH6EJzaFcJ#9!6i(IOFg+-LFWLcvT{n|4sPATLwi;o-pPS%>H0^Fzr4nt3FZtqo;I z-BSn6t%hWb3`y*4-RAk!r@W}Y zq%O~V=i|UFhrk>@K|%dWr{klzgK;s2C0CNKE$rlOd{5J|GVIyE$|!;7vO;|`moB|- zu$ud%!_k#hypI%grH(z`_W3UP)_q&-x3z*7f^Ef!oL{xXPxSGn=?o==>Odnym-}$d zKQ-WSu5@WTQ}Zk?@o1{c zjrGgcubkK=xrziP?`vt99lECZWsw?UlSI_-hVJ{uzsUMJg8KvS_*VOa?cxuKDaV%Z zPHaEjsuSz<~#$F?SY=TpAmXAsO!%uwc2em#WC%#S`ADgyOZ4xqE znCE(@m-|x{UpZ~xcZ!9kKa1x?Ru7lY0YfrVv1OJibtnGf?YjO2CB{O*Z2c?;ndWXi z2I)S|?kENw1-XeaQ)wm3pt7HjQafo6UqtpPMQxi)pF45bC}KTN9UMA#$U4w;UuLL! zcbdABCUV-}gcVvQZGT6XGnzl~oXTy+`}#Pn@h0DndpHG{T!<>&uFXkI4e(jGf0~(L z8h1onR9}t8uBo{3+%~JgIz{HKq?eKm&kkQ0-7ey?km!Hr&Ot<`qOGPKymY^B>^zM{ z+;9R}7H``zZF6PW^B3uvgh^CBb;q5f(Gu-}fUfVGQ zp%31C$ewtSz@U=zC~R7#WFbL_=-P|#s#h-+RM6#ybe59EiN=hXh#Kzc%F=Tt46d7U0r{Vaot$aU8n#nmmD!<(5}dC_cD((6rkKfIRV`?lDeSf99I_rbx2mg!E;CF^;w zyQlcOUSwonO3Nwd3kf&4jy(&#B53{t4tX%+S?>ZH8$v>Cvzm+UiT>9VH(K=c*-NsY zP=5S)UVlyQ+r-3pef{|Ah~p_1k+3K3(bZvLb)2gL-tSV+r^QO>TiGh6Ii>Qo?nEj~ zaUCr>th-6X^C`Vxc{4~`Hp;+kRH3Mn&Z%shc4fuzSk!TQ`SUD}+FyoKG?bVFTgcA1#)XE%Lv#(L5MBX?bP zLwjY^Z@n?4cDtRI{JtQ9xJ$X{Wnyzm2=5(jsbS@GVQi=Px+D*#72LbnoyUKe51PEa z)ceJLgKQ!{QWvY0YEs_Bt~H5fgWvSTJXr@z+vO3W2DdTxIL;Tw0&{h2OI#uwtXp3r z#cJvJ&mJ%s4WAff`_4L7PRpaCk*FzeZU2Ka{OR!n!KT9Dp=GcB)|tY`?>5PQbv)%$ zJ05pmmr3vB-N2hsA&s8p4JYT6nD4t8`KI7zS4M1p!G5UvIG(Ug%g358-SMp;nFCRX z7Ui*~dkV_={88>0>Q4`PXnvj3cx(Q7I$!9k`#_okm5%P_lSj=77$P5fKVe6)w-oEy zT~CyKD1PC)10~7*cNHQ7HPbSlm0I0-p|!`Bdle#{N>v*?@cM)yz%zqs_k8|~iGN(T z-xF`=qF`gX{&+529g3Jy%l#uoOJ&d9tCJ+9MI`$VJa@K^)v-?Rh2q6zoSJ8Os&PG6 z7S|pF>wUK{nQ*@4-C-|V&EOA9)`E}rPmQp}-afHSKj5{A(>v|DBs*xtwyPzQKz(W> z;nkO+s4zjFI^A527+<%o8=Hv=Jo~%MDaQ(WPho``a<~1$Y2rA?`ZVeb#t3~IRuSfn zTU@M!rUczx(3`8SOr=d=eN5DTil-AZVfGlWZo-NBaavFO%bqht?=l7@pH5Fa(P{Y> zUfA-JRJrMjl&pKn?V%&Dt@>EvFh3#dIC5PQy|d3A22FhQY9__=4Ph^%41QWi)}&tC z`f7o2DthD0<8R@qYh-d!tU2twn`a)$yOQ|q}y^i`5a%WFMSQq3f_W*2?39> zH+S&m8Sge7;TaO;ydTayhjF8fl}~pYW!6}$xUyX(D8Aj?8*SCuz3IA}LZoW=Qb(d^ zFUORhj&Rd`lTZEdwVV(8Ya`uyqTyeab4L{Ema_-nqYk>UcHisk2(wtreavO>emeZB zEdle|7gxu4o8H0PYRwON#Nrf~3V!F`%v^OQBJ_y*E*dYzcuPC0QYz1Qut?$TLl2c} z7ZrUoe!P*$nY%i{nVni8L3TEt!lsUw{LY95dj#q13YWS~O9>wrPRFhNgNE8mBqg2? zM-;hu`2v?uwY09eL#sFV30yxc1+1=LE5|M!9yP>Q7zo>*m6_5nc3FG zM@w+*IIomV{J7xwhC=vwtyGut2;1~1PkMXMd>^;!*V@Yd{9wU=_1qH1B4?`GWe&(t$QseD`M6@JA7I}0D1cqrPpCWIc)EZ$~o zX|p(BZXx5l+drUNN4bBdY(N6X)%`i{BZ?nI<$h8#p47km1)=9rTv=A)(#f7D>@d%z z;V!m5VOi;wczt#GC3~jtBJ`doNBY~{vzwiU8t=T5E|)s^aj&bd-s~m6>9WN`HyGzF z$R;N-<~tK6kulRl<#s-aAe2zBm<*48``ZV9jgbZ7jnN(F$;k6NW*(#w6(QrRmvwLp zSy{sVA4lP5Lee#4s<Qms}b5L6WZX) z9P&JH{NTPYZ9HLr>*W`z1I~NFUwjvBmKnsa)h$hKx68MaPWf4%cZwV)z@npHGfHij zA8fN97ZN6%U-DgYsPtvV@p?*X9P^eUM!{ihAm$nAxTp}>TO6|k*=mICG54Y3g-ooI9#2I{ukS{mAq|qx0sS zPCVsg+L~?V-RNFvfe(cvL(8=H%)YAY#vYQbT*n$0{`Q&sbz^6G*VSTv#lvd;=7R}h zOjRK<6{QMN9^4L9EE(>suHG*CSh|JDwG%En^O12ufk(ABOBLb?$3F)1%BHUT(0=;! zIjQD52W8>5+!V{SQw|tI-VxIZIae6`X+uB|3bd!TfZdy5c>P3IUnZyE^(di&Ak6Yg-+=uw^6Fs zHuO5p-7iu#hhD*SIb;_EOddWsDL@?dqt&u?skvFkB9{_bt}-Z8X1KL5zomId;dO{h zey8I}3Bg3G70$BzsloIuj2p^S$@l6Xo?{rjw8cna{w{0Z_1WR-6z=SuYGT?x5=+&N z$t%xo0FWVM1Flg{19yIs2F)=e35Gu+OS zC*A^DzG1PZj4a=*)E$o`rb_hVF@U8P>7y+<~uD&9+Dm#gJ;TS1z;Le$%tp?mDX*4kb_*9j&# zZ&+$b&3|;x3Z1ra|M@v(+V?PUy`)jRh?vZ)JK0`-eap;wIBor>ddIz}&LQ61Hi4sr zN6Vkj4vcu`eagXymT&Mq7g)WjyZTCCg=V_`+AGzT&{nB${4I$YGb9ri$_Ij;#qSHp ze!ktdC;s5q>XGc4roW!n4ujsB=$NDJgA+*L)B-nGP?d2}R#Z9WXr9>>vvI-AZ z#hSvVv;?oV=9$e|foeiko&*U_w;ro?Z8=Prh?(qqUMoXqtl^TYM@v5j$?E9V`@(~T znJj9Q$un<0D9_$C9H+>M-iukyFJe#{eSP>k)8pQ9_Tiunu)vsbnk@C* zciJ1ogiyg%6oui@hB8mtZt=wZBHN3T-@%WN|1s<2yvQf4O!tOQY0tu=z0A8ZV{otR zX3CbeMP(nfdgH;(Sj;N3vzm=go=3r07;N+vFF%tMBs8WkP_e(*pr*7aJ|HmfG@N0P zwIHl_#V-l1@V6^H%A|7%O3m+emItdhYN6E|Q>358_E@M!ug{#U^gd|;uimiK_xt4B zx@lOwx4#&&_Eci?#16Bd=%)a?D~8q*Pk5()@j8VZl_UwZk;g6@R%x`X(S0rc$o0AV zb;h`Qj>ntW7Cw*CN-xKy7YXBX+9M@0>UQaz7X%0|h+(a|p0p56dYt*|{smF> z3*3#^%UbHZ4t3LHlRT-XSSU4(Kh(O}_7g-NHoumsp8T-0 z_{q8N!Q)veS7CEg?Uzm@kN5G7CInnJ!t7l5C8MUcgZ&!>NyhV9YW7b>$q3iYMMmex z(HXk%pqFoGN8s!~{2FBai6s|WzVRW1&}QiQ(T`EPI72UKOHDNcrWLN%?5!2$dDeTZ)qWp8wH0Kb z9)UGE=J@u8EsuGRwC^4nsA-sxHE@#zwS%P-x1U7dS(1w?ZBBh zMmx&KwJVx)qQ|a1SacG5Gx@H&J@Hx=o~ST(xuZ1kny=lDN{)^Yk6QPQx#?23~uOb+#y*WmZC|_t|*?~ZaugbZ~DWs-$vN$jTPR4H!+T( zmf%bFJ2S$M$YKZO2X47M;^tzJxvXD;ga@X8PRwG& zp>Ri#ulqW|ZtgEzk(=vk)&?51qS?8A(FB`$VKP%qZaHGvpT5QVmQ7r>9jb|SqiIZk zPjhqPW`^SMTf--;b+5IFIq_pocsx^Mbsx3F-)_BK`KY96jU{4rXncF@Ol(Qf=#fgx z4`cyH*`1c>bi`G>JY1LKzeWvojpCFQ9UdzWWsHEg+J%pe!9c)e9v-( z>9hHX{soLa;=`DVrI6C|@Bjy6ak-(!OC>P^)m% zGv>nc;)ILeAc6jUl^0vYbT4o3HAJrvR8UpF!;QFF%DsAAt58KM;`^#dm}6{Ec9esp|BEBeva_PvS9 z<9IZCidzv=G37E^^Yk$ubQ*ZW^6~S9PjuEQ?G@JC*B5qETp9LQwQAq%cLqNgl4sot z`MPtnYrDPrp<`!k9?$%{;`FqA!>e6FO~kWt>s2iZ4&9S8f)TaT<eBui|`$3)`#_X`Bi2@EEzbv5}v>8{K4$kY94x!yA(Q6|z8hd)$J zJR|KjHb_V4C?S1aF=>Y^|7IoSs6skcpNR2T@TJ}T99zT>AQ%X(NzLWJqx`?XI?QY_GW@LA*CB%$!sAYRpT7-V#C9G?hW%^^FGl{`L=ccf^w#-`Q3*VNvTT&inQ)1Sh z_?edbMxe@bJb4=P;^Apu(Kq5EcVx5DuhLP|sa$P)){>rouH(i%YmBS6ly1?VpG#4q zdU0COJM;YMf#n!Y5`t(-3B@j1+jp&>c{nT$9H;AIcvu*;-@kTUcxbh>b~BH4IAv-; z_huRHJaxj>sTLW$1zW*0(F{ZR9^-w-5>_$}iVdkAAAf3S?!Y%zQ00HH;1|F1*6!`&r_zX2e17g+ zjkE3ZPLIHQyD4PrYO(14*VSkJIO0{!I3c)EL=oO=UB~yzUUSE66488NdlmhTJodQR zaB_dJ!@<}S_i&AK!tOz?WB3bqeH|36DdI7UJjbv3lX$9Jo5-z8$RCOY7Acz2Hki^V%oIMdKu|I)5k+?P8t*OEe)oP-!uKU^<_^X}PaD>EQID{vc0am!jPTB#_+r#I z@Jg7TKmFA!!VJm$=B4nOFK^<96+1a%sGTcrxmuCWzl|_(I+S2>rZ@iVc(o5 zdZbLVu+L!l%cm@YcZ=iDzu-k2e-fcM6jH^BXDi)H(MeN7e$2QtYu)dCTK&k3c`(7N z(V?q@%-poajy&h~E6%CO@XKUz>83^M-jzap2RY0)-_3t^N6nW_mVZ!b^1CLe zyW#QOvbx-YYzbPjv9jc3{d7sE)0v@y16s0i^T*MkW250?bI*#+?#i^vxxE3ipjXpl z8Zs{0g$h(h{M&r{^YXRV2P8EkNb-c3d>>oVSYgE}NCe^eTAC$`Zs&>G;&hXbxxW)8 z#vN9vskq>Ncq-w-($3cP-SQUe4APTFtrchUlLmx`!!k>S>ULIK*88@cmQtO6eOOTL zit@bwdf9k|N9PyQ*y%f$c}OYrVpY%YU5mmTR`hnvR#KWxs@|l#$0;sXTeAO6#Gp^= zwF2?fHlxf;Uf98v7VSFiOW)grj_}`+Qe0>Lk`|mbLUHkn7VpFt!d< z-xLa490|7$U)Q*tKfGpF@}xeHY0FiHd?C#7CC(tX%TI2{exAE=PNegCSW`i*6D3B^ z46mG9taQ9^XKHn8Uvp3`Q?Zrpdk$|xtKdzVEd z$_q?lSBqX!S&ZNEJ@wPlk^OUvpp+5eaNqr;1Y~d z`1lEWorv0&=qq-*Y6)Ma!8UMl2R%T)Oll z`vwD5_p|$^jH|uTeq1z{wFzGG+(^prW@qT^c+3=(dq2vk@Um3@wN?99R(+r6qJ8Fk zI_?VgcNRRV@0oo4KFM4)?2R9fH&rlqjoQQfsXW*COXeT&)3YoCsjul|F}J_=duwg_ zQSfrf<8=Rr!PVWx)MM?^5Bof<-KQ0~y6$3joT4XV9l%*pDc16|HdnOWw+|mKS~_yD zw{OSitEduga9j(Cy;Xke`4BPlolIt&$4r%?V6QWnXT~?!waD`T4^krO#5b&8i z(J#g|M%9niaqC6!%F$g{X%Y#RV7?C7Hr$Sp6CW`?ClMZ1j(Lb^yk%TH{>DqT?R38g zvBq()YAor(8mC`d^!nxar>)72i+O!p`F%NW$9g-c#@1vV@NwBYzr9VDI+;60GEGla zIZt0og%LM)(D~uaeMR>sPSs8kzVM}Y^)_ZEKd)=QBYhKnY195irTzWX3bI6O>leQ; zWA&s9Jx^YKM&ZTv1!wVW5y$Hjt)66$gul>>MW17|zDSB`n2vGct0?RJSh-QQxH0ht z?Ma-#^K~^3Iq|6unQ^JY>%@aYm;I__$vqjL3(`9)dEdl7Cn1!0hg*+Zk8e(BtT`x2 zBY~{pf^k3`o-tqg2{=2SuQAo8eXG#0vk3{prM{mwlN4H+s&-1*>J7_Gg4anS>#+nj z65>#YtU;D%htt}(!U>LAi$%w)E1hsS<@ZUrMaHX#3vh{P4p-=nVz)_%6RpScG%?P} zyz4!5R?N3FSv0A_*7x5eN=5yz_hNJZohfzYz{`wK{D9u#N3+lIwF?HM$=O3+22LVn4mN8yyx=gH_r7x3Cn{h^d@q>Dgip$eu5?UrVPU-n)`l>t#dzj&Ji#`*d z{+?{s{%n0zQ4rl6OHAUV){-JzmX+dABu5Wj&Uk1EG!dS zWXp~E82;r0Z|=F#=zy@y8VQo+ih8;DD1-2uc8`YTs|M=oBy=Q_-%ls6$Zz9r;8Buw zD;*ETGT-hx{lTkwG+?lTozFo)p!q|hE{TO0$pOZg4@swwd8dy^KkHLGyHgXFzu)|R zK^iLsXGSD)oBPMjwq(jHArC1No|1an<n+%f=r*hkEU;4;)x)yxLeew+7d~(7I|Yok$aMv`n_yx?vW0VF8dhq%S5KN zMmu#_;-%M|Bl6UdvkF_9E>Z$gZ^&|D-;CgFvX_c*t^eeoWu^cEO!;uMb86WW-^O%W#u8NOHN@8xa2Cml~9-(lrBCEKAP6P@+; z@_pv&U)yH+%x`1a?iHAa&CmKAJiwI*)cA6w7;QeJ!ujz+zxR&@vCd?o2~kF=&y<{Y zd@g*q#a86n@3MS!lc)Xo>V=QPsu;}#mZLVK@9Viwr9sbj@HqEcpJU|C@oQQ=WSH`} zntUmvDLh*K-L3JE!76s2hKJ zRB<#P6qlqR5;$P`nCsbS0$!EGwOtIXyl37wK6ZB~SrfJ>ZLB{cw(_J_eecBX!(lEV z;y}`Fdh^xXCuQ62q`CWLG0Bta6Ze zVkf0+r(>tjqN@YTSy~}-zaK2-`P;X4<#cTA?m(YtHZa!LqZQ|8XJzAIW5Xgccf}=9qM)CR zk`MWw@t*{C@ci|^if}*_WNpZwGMo?v`Lz6>6fTH@Jnj7_g&U$E4|V@Z;ejZ~^VEM* zcp(b%6to!h^tX<&g}#ldzKyN1r3ED$8w={I+JE(Mv&h?XDYr4!HL}&WprfRvgM?L#?acHc4oPD} zdmDXi1L*tVpw+dsv0=8-GXN~GZU{V-Plywg3sfXbtbEXFAASxVz@TH{pkr%m>0kzr%k7PU7v(}S}2SRV=!H!nNr z=Fo;!!k=P?)B^ROn@3y59MTRwg>MI;f((MlD@lp|-3_P{{*U${>S=!+J1A_LPz+(U zHkMZAIyR<|EC)3HA&}gZ+-zXs6dM#oz@egVZe<1q8IBnzFDo+$7To;(1jP#hg8A6k zcmW?5Hz(BaaguZG`$p-caMakYw z-v;_ZyB*{y91=bxB+#6pZw6)fFM0TD+-T5X$U`O9}5_1k8}V zzkZ+zj2Zp`M)(-LoqT+NhmQ~N@If1p=Hmlge0+cl9DzOH5)%VlVq!p(7_@;s;E|LBR7pv0Xqo{n zpi4?3GKj~BzlcAGMT80@fh^c_K$8vF11^9G>;V@C2jBvh(KLVv90MMJ2q=Wc)&i8K;R zBvyzdpa2|TkNA%GhFAxlBa#RW?2!#{0eoN&G$9#8P$M)XV}Js<06uhvk*FZD03YZF zX8;|Nf3Qb92R+~nZ~=T^k7N;40lc66^s7dILNF9lA0BIv|apMyLQE=mA_veFJ<*Ob}VH2Rs1Xxf|%p zMydhi2=pKpfUe&)46Fe(=xPI=gEPQ|R0O~Wd;xs`AKEW)1db8ANZf$uzzYO9um^q+ zzd#GP(Ap7sgbsQEIv|aVOn?u`CxRO65gvdLsb7E#9SxxQ+zlWFumMb959mmo5N)6r zR0QAwh|tx6WDJ}kHUSsN7}x_YfC%i7SR)<*p5KuKwtq(h?JM8}8`>^7Msg%3#s=05 zLK|q2S&+wYbK-gu#_C)hxX z*ycrTA|eRocPj#KqM}Iu?^YDv&fO3fM<~Brad?xEK>B~T67Yuff<4GL*dxavHpmg^ zL(Y&E!pF`j#>vIS&Lhqvj_m(zx!6T`CB<2JB_&0mn>|T!P7%Nd^@sv#NpUtvCumv4 zB_(;p(Y!z(;000;4Qf$(Aj7bn0Y9pRorL9~8u_gU*aXsOtG_*j ztwLJad4LTz*!pjM&=Dj9{)42&S-DU;p^=TU4k3Z$5FZeGki_481jn#63Jqf6x4$5E ze<9`k(`VRYC^N7%NH6R^&tLqoEp#4G2w>lSBLH~?=s+gmc%W_k3kE1xkPSH2@DbpL zsshd&xq`w83N~sR|o<&$P*Cr-&sO9M0kN7P|=`r;p#(IGF%ym z4M2gV|G))F!I6RFfMzJdKp)x$>^DRQIzZH*^MBxi_>fu?XN4*o_zCI`slC6~8>&)K zmS8<7TWCw@Iz}q*&x-qNl)(0Z7hps5fJ%VvinB@li}z3lkf^c#SzCXMbU4H45&Kum zDgtc7ae&7@f*7uNINC7fzjy$TP}nkr@PFk2t0=GsYL*R*Z`d|^J^{Hx#TAYvr1QUc z1*DP4utHZE;3*rV=#Tuuk%UqFF^{042GQa11LqZu7UdsAgSDbtNCUe5kTHf-Bw7mP z3(Sqy`ETC9qvU^{*ZwtcP#MC$fc77w1XbVY`ugt?16aY#1V!q9s3jQ7f5{_yW`g4Y z-50<(;fz8$(LSPchmQDPIRqK|A8QNJhC~agqu-H-j^GXP{C~V2{A=9MKCwYjLq!ns z21fapSO3MQzoK;R2BPVAe16wE+y{Ax&iUVG1~}GWPKBt*JcrCje?<$HL(PDwc@1@? zhA0SfRHgpM6$sJ+&u8EYg3Mj$2%=C!^2k;2e|Hr^`3GtHjR4q&a}DfUc>h+s2L8n0=xy+RS>m55uvZDum*IU{aLS&6g%|C z3J?{D58hxD(9v&Xzi}b7zw?4CFd7+}3UYyHgY*5*>VY+bI~ITg@f@518F>G9jIbU+ zMI!O%3;{BR_`<~w=MAaWKQW@_55xxgN(<0IxKVe3aO7b*5Je<%f6E!H0eA~M0UTiN zK%xd6L74#FqbR5rXhg;z8tdOMLOif-E+B`>Cp7e zdB7M3xd%UzP#jIb4g z5?~LHGL&zy^j|Xqs4Ub-N8NV=jeqNdt^N}?h#N`<-sfek%s5T6hp zAc@Qp=zDZ@KcGPVff*Ur^E(oVT|hz+&e8sXBbW~r0pK6-5^w`s zh^61Xs8NFMhwn5H2~?HAs31Ai6&x9LhzI`@Zm4#kSrCm5jT-3%*wKD~YWW*x)U5qG zs)$v<4Q4JF7la1H8JzvDHJ}sXg?fQDbc?F#|GdwJsswc{fh!#L02LufS^^atl%9Y1 z_t%vQ$`}+6*fTixXdVAMPY`L~^S|9?|Mmdf`@^w<#~Rub6mB@eP#?UZ?EV*@!0#p? zg5WyF2J3^Y!}@_<$$usNb9*&Hua#!Wl&H z|52}hLEmwquHR5h(7cd5 zdXyl4yMQwX>4&wW+W%H{|MPEDzjMuow*SYR2y8V2 z?YA@>?|-SgzeVpqJb)?{HCkc6Ao{hLIqum6AK z7|{wv297Z7`9H53VM$^x{3 zs6n#u_8;{OBSa$i8y|uj>HP<8XkG(X8ThYrf7Ue$GdgqNDhF%>v;Tn|qJTbt9KLEn zvH%^hi|z;hBhm;BHJ`wAIA@3qVii57z_t*bh%|@+5`}+5j=~M;M7YpCfPT1AVG4*H zprEr3d_=s2?-pU3knhl}0iq5z_-X*{flZ(bXh4ubTA*Xt8tQ)acLX3E@XP^h!`?y~ zV7tiJ2P%Lcuyue5rCA&@3~7WkLv;gk2+zoX8R~`QVgCUKa$k;k11SG-4ow%xT@R2( zR}{!2@B~5g&lbjp!UUoSqyZn;|Nm(rzv18B|8FIM+@H1~om_|yfQm)~^&-)NVh#N( zhA7|wH1OLTh!LDBC<@>K0`PC~|MKtv^4t{a=>gv{~G&E7KFr;MX zVq=BgbBlWSFSfLQlbWgJ0Pp34le>8Rcqj20AHQ&BAY!DfSK{$XJ7e9HvY4*(S?P=eYIquMndC-i~DF3)dDbe)PrIhV63Tq-@h`Ec#nI^{6G4s%U0%M06Nd9@aT7oT zr?sWMGTSHG>y=te{&*Hw=XcAipDen==hwY1wDB8aMixtW;WU=NzZTXXAy0WG+v$;; zw%e4=BO1H5aKC)IEQ2sVg@`l)pDFM0-ZVm|DR1*V%Kbv;s=ev#DBaTHln!+xtc$LW zm%Vedo*Q_o2olzO9B;N7@PD@DMsL!-8DX&dop?RkysfHf_=)DrU<0MXu>*f;=IG;{ zAE7s?mW$U7H_uC{$j*F{7T1io(zexFTcf!?#$fqIjmtOL(d?;0%D^~-NnU7vW@FFz zQasfOccVrF!_>1C^Ez|^;re}~*|`oz>MJ@=d03Oq4#q^(&t7j&xB9hoZdir>-1*l> z@ylHfNrU-IZY&2zGK9Nn3S_*{_fhjF%8DgVzsVbHi>|+$-fFDhTJ!v3aK~K-r;3*f zGks5#oga~jeWjp3TFUa9k7+cA8&iGkj6&!>^v+adWII#dEUp!( z^8fCuc=oezZgk8m1#U8z5i2q2v4Sx&XXj@smfY8wo~UB#Erl@0%p*cgIx2xLtwX@gh z=1b6b5k5X1!!~b7&qz)SlFAgR^?z82{^DYRLB0z2ky0VAs_UwZ+81>u=9G=2oyM zeB}bWR5U*Ig$iYgH{Y%Dm7LR!;xZk~dII$~@7AA)isjzfFUcrciVQO1b`Vw1RBg~J z$)vMCrLGpaa#M(v-Iy(iR{vT0eTtqwq4^!Xx0z4*&1!n7B+lX|q!>9U1=$(rQ1|7u4)yKb~ta{?y)YeME?kXd*yA%|UUwr>meY!&;Cr_Dz3ULE8B>dMo4H zUv-Oi3l&tp)HX96F&k^c503x(?Des9L9)WtY)2vZ*TyXm_X^#GcT5vkv?(rY7m5$| zy{21ESJ*1^lfm?*B;K$3ZldC<#ATXYJG!bD*m#;2quA(Y`FSmMHY4dtr8-rPFF5)i zv&=Os!0wSp=lM<)5{`^y*!zf{GqMy(SQ z(!_k)`|ynGFp7u7qCfXWJ(p^$$?C^4!p#>m%VCsH`tumJcP`Ui#bX?|H%)JxH5W>n z*Qcrdm8p(1E;np2{1~eyZ8a)ls`=pP?$;LJ*ps8a{>8LCK0WTid-rCK{M>{5xq)b|Y>s<-DLePPlefaZDoYL4 z6(`(%!63~L{MOgYy7kmH?r6$9&8f##mwAjADi2Z~swEKT4!CDqDt^b2H>4iywQNp3 zznSvOxF^MJIQzkkqdd0S9DE}S;>EWtQvC$+!OvqBwJk2buN1=IKWgY#_PPE1lheJL zo>SYhN1UNcdsP0Z+!dL_Wb3mjld2X?63v9cAJ-S%`9D$zIholE->)5>WV~6B*jtgg zB%qPA`4>iDsHu=nv}LMnt|CVck9(SO=0%1 zsg%7`!6#N~A30k?ou9W33CEMvU28c%AZOJ{ynQsQJnVlKM`B;7P)O>MIZZ)Euqe@e zEuy6JeXnktS8-`)hc1aL9h7&3W~Se0_DXRIsrCz>&8l?WcEP@}{qV!Ct!(JwQT{WN zlODA`GA9|Or<99uwT_%AwHnGAT^F##$L{;!tND%*Ruvz^?w!jwm->2A@Cz1(_j$ig zfXRS z`;`1lwftC${L}=q_hiugr+AW&i6o`@F&I%XF5yy%^_zmNTNo^Bk6BigSk`T-N?7mI zZ5@0G-tSe|FHP8SdUWz4fg>i%iWjTjGhS&grx0&d>Cv+^8=}HzztIL%U6-q3Y@)(x zvA)*ow@>T$jW#IM2sex_p!jem*d4RjC-J62+yea*?86gHRnMALQ_f@hi()r<%2mC$ zVNeqrdAA??mG6p1#MgZKVwK|)PPlqc4^wYpRNp%B9DAjUG(OhlDT7WE*{w9}lbyZB z5VbSW*JfGoFK41^eNPe2ap@jX2SSEg=L9ZsnO@+(gJ^h`~>+(t0<(^e5 ze6GGjdY$P`Hg7P;{n%O=(mF-bT9Ji1t%X`#{FqwR*HTfQvnhU$pBtU>%Oos4{hqA- zJGSj}S6m!|>$fiYNS~yj8@@RcnAeWQrbW5cPr94-hwf0D^2?)+54uQ z`|*)8an~u@1EhqynT~1QRgqM`CP*_U(NCeb7Q@2lMc9(3OTOPX5lu*BBJ#yk{Mf7G zdhDm~P;z;W>pB>i*K6>p>M7DkhK+ANpZ+eIAv&ZRrJVXXR& zx`r9qb{ako!et}f!uF(kU#C^kx~ONk#^$4Jvq(-hD?Pm1HfblQ;C^P}neu73-EW3T z)7tKPi_=H@Yg;TwMwQou2t=3NT{tnfwPIG)KL}O!#Ro}T@w$f<+x2#i>n*Me?Tr^& z61ob)dCNgZ0|(R8m$Ph3!%h?tSM@SpH6gc&e$IdAmV~lGcM$>CG;bhJTy3<|hn&JI zISzJ29Xc}2ukE_RST1c2hLN91b@IcGZ1qZ)P(Q1^tA*ng(n~H^s*(__@wp&@Xk>hM zCpmn@;K}ES4f9rw4LXY*0h1kuLhkQ9ePsp{iIZcB>nr=z>n|j8-?&+|a;|ZW86T+^ zMe;H+o3hnEkTb}kCY#jDp;m0HmtLWtfMU8amF2+hEBmzMfxKWEU&wU#Go@cI3c@e; zm^8Fehc+emEmWm@m=e`9b{JnTG>VZN5bTG#Q?41`pBhiPY945e-x+HV^wyfm1Y3r< zzu;7fB1c1tv3~by8q-&lhDH8HU)(M(aff%mzUY`;OU7W#{7^^zf=jg-J5Ae?-1vpk z3LVF{JX)(9E@hv+?(R-{>X^{VHpZqJ(uZS3EAfOW-cpk$Nq1QnyhX+=GCm(UN?h>B zRDL9Ph5XpCh~NUN;mK?fCN7Jb{)I=vp6#8inPo{W(Vx;AV)g7LXY}THPUmd@q?~ZE z^=k7`7+xv8c72-^>M}d+hM9aW^^R-IK6h+*3@=f@i@SP}%+g&rN)A%?Tm$U9{&}n(rlr>1)`0^105~F^00|4;c!dt7RFs)^-{6 ze!D*UYQ|MD(4{x*QP7HkC!2gZpIFG1$MT6rTv{Ou!J{Lg%sn=5)7vlCb;xdP zDnoq!SuMty6LGaqEhmF_q$#IvK6|Z19m^9TF6MvZqPE6tyQY+G<`2O)#^2&NNJ-QD z9`4lN5gO{dBKXOqF}6sX+B_oh!|k$?#-syw)5?H;mN?F)pI;}jvv3y3Qw@oOuG$dA zQ_U)h`|{J%)1~WAd<-pac^XgpslcvPV!*KdP)2?-gi30WZzW!L`K(OlGZB$0Dh!z! z)+BR0Ng-+blx%F1lXygKr)rKfVlIuWSkDWrsnzgfKMnp8e>N9i$J22MFW~UY3|>G5 zj^w)~{L=f_x9n79%@^2azr=)SbQ)Ogmo2kUlzZAmc8g`_#(Y}q9~SPC`=-fpMtGJd zHpc%zl0)ZXdAoejX^E%o5dnLVi5AM8>lt5{gcoOzA}UGT(ihu{6WsQk$XC`z_^0}? zBHSqMC2$JiO*!4MT)HOks=VnFMPGYL8L_=#K}pJ97@6c?>cWqCt+*vM2S%LJce={D zG6xbiFHBseb_-FYkR+#>rK%T`_@$#jynEuMqC~KPB9wg+|;q6Xt*+~`1U(TP5Nq|q~j_wJ|lw9oINo=Fo$3|iAGaSiat2D5&d@H ztmfr|q2ck4Fh|Eyyjx8%ydz|51~URqRRgcf?@774QfbA0ll9*ZWgMS;+qqRX8CdD4 zZM(gx;QAtCHYj73W~q|nUI2!>x+X7sp>}vrO&i$v8p*H9r*>wQ<17>d}-GSr-tl4@N(KiIzN*WWg9epHOt^h7*yvu8@0&vccStNSf=*^qPR!&Xy4eBt5o_Hi}2<;uyFl5CfL{^jk0 z>8Y9JAo}Gj3I+S<;ni@OuC`-t8y^m1e5v^Zh5^fx6uGA_2eLw3>cpz z`Ly`Vd`bzjXwZ23XywgDm$c=bi@gC46*~K(LKt2pCr`*KS~rna2-gXI_qC}Vpt*c} z@KN{UzWIxb@*Eq2!mWiI%Z0Z6hSU5Kc8}(aqRbwaGsgvn^<1)((DcepVOTc(8Bx)s z(jPrwlHqRRJ<6xRux$5%fad}9+LTJEXJ$3al=V+i{jXwwZn?;ywxl8x$f!&!N^~vd z?iA&ni~U5C%?+`&Wcsad1V~(nJyLc!G1PB_n4WkhI#r$cMgl8%DUx%+tfAp$Ep5~x zLuyk?#+E@LM^!CBYdhUlv}GoSx4d#iE9%E#mK)Jfh5 zod@2!xCZCwNFr56gS}WV8R<$3w#Y}Qc;&x8`RYNo#B(cNX1~HN^&LYE`v?nF^4r&? zDy~13Ndw(d+L9kD=a;{|5aWuzdFNB!XIglr?@IO)|%s)Hq25OZfBTfy)S=d zPR&hn`_Vv9^TXZVZ{MS@=n^b6(V9HMI7OYLEBfHnyW)Ixf!_2%)3%n$560?D_my(6 zUl8+^RL@GZwAqFV$u8VAkVrn66O_(XWF#?>TgIZ zC^C6A6)Tq3eS-v1 zX!iL)uEq?CK!hNYi;<$pvOErQLhQ&fLA-swRkgeQ6Ox-;kI>-1SMS=rcO6!(!kT(} zp9=3&;e9H+Plf+Xg`xrWiK#N|z0w@Fus1w8vi%5rh#xb=R@Q)fj<(p#_7ATYyn>}OmjfBTa?e#y_j0{+NG+wZnN{W)y!+~iyS93MHh-2M*u ziw|vIU83iKzPi}pzk)xrf8gIIub-aZ+}}RmKR(<%{j`0mZMRRZ9v{EoK79Sfa>VuL z@9v);pRTWNZvTd}uK#%d{oVDqcel?UZNJ9gH~d?d{nZb)!5h2J@9lTknGsM={9yQ_ zT=;?3PGQO^d#Yn3y`(B)9NXI)S>?J1Drf6upVW{$K_GH}>-?p7HUZRL5}*<@z;0(i z%G<5X%Gl%RRbU#OPWjazV93Z7}XhWdc)3Rz`K=X`%9%AxkwRA_SZw;d^v$PW|&N(@+)-=1r z9E7M@3}HsS#ks{zTEQKJ3_{`hO@ZyUDu&DlssJLKvyRyI&RDPv8+im}#V~ewSt(NX zI6Iax>@njW8B!yWyRU=ZUT zNFM(t!Ez)~zHXWJ-f}lIrWI!S&z`$(Nr9LnWEbbM>+BzrpR5GZg4Ee-YQ?-kBN>KF zJAH`zC~@TsHNe3E^l_ml*74FIMOhkv0G5TOup8 z!k$%EL@>_)5Stf%yYQre0hR!?#1Ig)DFEdlGkQ-C-GCPJGOO+`fw)1>olR{UCA$G~ zus(J$M2dxAHsj+QvfMaeRE}7PnZk*GX%a(cR`L7A;5;P^+=q;*W@L-lrHv_I?j`f1 z%e`@ZOCbIeXf-AvD>C!|4pa;fAL_Xs?f{EvOat?>3Zc#ms{u`M)??q><$P-uUHrm@ z6xmjZ6+I+%F*L#J$W#Hw)PA+-U+dkolAMN(AgivP6yzX!Q6tn;zE$$^H7hniSRnf< zbu0jDlXf2MBjCa+^kQ2DyGZqpt2KFa1BPl|+m_>E2|mh2w;eeuLKK`*nwy5AT;yOy z&nzT7i-0J-q*Hf%r3OG2sL3H?S{M89!oG=Gd7&+V>_q!DPwUyfEg*<`VQ*7G0FwPD zrT0!&3mh{#^YblPDgC_@kg5Q4rgT!PHAVg+UfG)qnhGGPkSE11mc-#AK-#dehr)}T zRw^QOqUnjD-cD3&7t!*uq$tziI)vtpxUY<%5vVoM@KUK(8cvCY%$#%_IbH?oEgvv@ zNHYpb&k22E;p-wqfS`t{6(X!dD9o`kLF{FKnvV9aeK-(Rn8*?wc77~OIEQ|Mz{$4x zV5(8t_uyxqdchqU`pqwfM?E``7hb98Z zs=TBl57#`YblbM%y6P6eW(_9m_|=Cc6O5!owId(T!y|XdQ)Yv@6^Y6uQOR3kvt@2d zp_zA_~BZWYn zoT6J-N#5ZER1?EEYi3^&PTk!-vEUx(7p{~^Ytpidx~!Nb@i=r-hJ3cvy1BWo@rSvJ zx+JYNK^m785h)y5s2PU0WkzF@S8XWB&L@>oMAVU!sv?g?0+OVCg)O^I5Y}}wo?#AO zRF(Sx(Hds(spYT=c*MF-&2@7?e2d77Qm-;oM*(PO@^fHIe(MBytt@#_nJ|V1I&#iD zqzat*U^5b+&f@)1G=$YU;s_e>Ncvhyh6Au~QO(xk&Q<7xq9$bwG+Yr|hSUpX7^O}~ zjg8P)iHH=`(o0>O^2qP+nOP7GN?=fTd#;yW>89BGGo3O%)QLM^-?C zEzL3N&)TO?2PCK6YzZ$yZfA`#*BHM_OMM>sH^kaj*}zctYeRp9RclQ0<9j?@ctxVs09HO^6Y1AT$m!w-ccX*Mah7a6nkw$M=@X=euO)X z*Oa>&DizwM;g75~74rg+6zyoPCpgv!$mUj;no-4IK&z{3eFr91GphDGBHt7OL z6l7j}b%5N~sFRrb)3mGixrSdo;1^jBD^6>Q(ZGqT$&{ zh;pqw|NR81ehLWn%5wbca4y&^SQ2-j32}sIt0VYMI z_-F8s>B@&$5YGxsikg5%8UbWPiJK{Wx%+;{)%rjc6D(tQ9Wr+*40Khq+@}b{wq)R` z=M`+%@%_+fYO}}~98qF3zM|}-qG-o*zEZc)ee=QBVo6#f+f?foyeTRb)XOXv`N*tf z@@ZH;W)BC?y~we$k~B_Ibzz=XCbmpaDY5ibxl4jd4b1Xf38fWbmFE%wDLYTZQvD#@ zekOHc3b40oEk2wKa)3$0U>V+sU!X715Zxu}HVLHd?OfTfvWj;@OVoGb+>2Hj_? z!^*p#s!?jHL{C`&Z@KDzP1)UDLAjX}T9*Q}kt&kl#tcz&z!K-plw|Vx@93RggdC(- z3BG3I8I?R-NJ0S|=6F8l8;w#gYcv!~v1|lp-wwhM~t_uY&p1e5?U2zic#nC^Ow{CU)o) zIuHo=JO>3LQxM3ksy~oMj4_hV#z70o@Ryn8s!ks(X8QiE6}K(?1=5sUg*;cn^J>?d zBGu7a(Tdu7&K%8e0q`~}pYphqIW%$DJ{PDzF;O*{DOi@ptNcm01X~tcP+fqO+zuig zGx7+V+=J%dTRAZ5HnYmd67s0E7_{HUkvW$r<^bl1| zN~Id7vfi|~5Ifsasmx+^bi9kDrZ_62&?d+n*mrh;$1}pBDh)9EGtrI@v~TUruX3`j zoCRvb7xV6csF=@M6)WIMZG&!wJhx=|)EI|DW1wZ6^TH>4UcQZlns7GgRaGw2Q+UzjTT?&D7UuQxSoWwqk?um{m$-FJ{Cx5ZwJI? z063X}ga~h}M2<0K&;3k1&ReMM?LOwoGCuo3{B7L%zIwIQe`*?`B{o|;0S*)5pF}3w z=DSFu;VNH=6UuBPyYBx|nyXKE@=Rf;a>ZBQqm<(gqP2{51MrIOtE z`qRW*4h-ZzbX0mL&l>fDR_=SQoR}bvNEcCC#r7s3c;GLBc zO2$Uig;C0mx_VK?ne%27{VoyH?&qe?+hDfTsFx7veL|OkAqp4JQPDeXtm;vX9O(C8 zumsf6s)3Eh7|5SST0MJOSt&N>8rdq(Z1Sj)6t(Ittvc7Xoe;MO%cWmZwBJfW^;=jR`Yq3gwlr?a;FYVjbw>bPHJG5_mRwQQ-o6m9;I3W6 z;(C_A(c(rIi4MSoC17I(4Cr@#s;>M@ayk+ycNJr73*t=*1Q5N$^#$mi(6B-uwfSE$70Drc9@EX-@L zZKPWpNTLAFZtNq$pd;eS{9QFIy|2rW7F|njUwM ziKPOWw*&^QSYp_6eSze&h?IJK@)tw@IDJUF-H59Sw$n%PsSQ14~j;)$7lw+2Sll zaw3!Vt0?td)!IbZJqu8&0?_5A=cYp8*#<$+9U^prj%SWFL6}lS_Mi#aJ2ei!dY}IM3m5YS@xHX2U)DkSs+SpJ(#iJ%^`ic zze*1FC_rNKI;{nuPyYJ`714GT>5p5wYUz#GL9#=GF3%3+= zmJb@p2fkL2o&asM2Egey%;mRPL;n}%+wfZ;WR!?n0&qdNXtw+JQOZ%QvNEZ{1M4AkorKws0S2tvy};$zBcLudv#2Jq zSOD)4;5sNk0x#O*NHXz~s#l9qjy3L~UznBd(NBDYG)B~KcSCt`<^)A#hOO>~Y_NB= z^4F=sMlHx(jrbT9s%jwzS&Re>iHZ-T-5yC{DO(E>^{m_tl;Mr36Sk@ZV1H&=v4zRM zH4oCH>OnmoMRR_u#3Ck%Ipio*b|MRoPA8)><}g)ai)1%XsN`z<@r63vcSot1<(M!} zO2XDSdaxRn+T_JawRed&HXUo{X(?=vM)}b4kT5Dpz9{fZ#|9BAd5ef_0NBvxVr<{v z(=BW9wHCaW>5<*MmDOan(x>-R>_?a9K-=HZd07cSpE;Vl&Xryu+P+21dqyc7Iev)_ zdlwDDC5}YZWYr#mDU@FgN9SiLfR3*(_>X7BjhE$h?PpS@XvC+^fv{8;lL=7%mMmL6S9bofmDWCTs6pt_;mXht3LEFw z<7x-DgeV( z7gTScT7y))>rPY8HGD97s2|y??3|m??w_4Gkth!2)cdour5|O7>~I~WS`6})m6DIW zBM7v8f{8$O3yAmuM9?}}380b+8BwnJEck~!;;^v_08pWTB?$_^#;%2njcF-7XH7xR zDzS(?@@p=P|Jj+Z<8yxdgTMZ!US7ZJZxM?wl_t^aRry6NqCa|VA1Z3SMf9zs7Te9y zlskX?$t*p$82S3~&q+Q7mnUPiFavsmp!yWBQ!4bP`cSo*WI<2o@5 ztjHBuU8B|s>cQkh(7k;49Yi$zoQt3BTmW3a0QA+JHKwu-V3i;MIGg}r!VSO}0%{u9 zg(4fOS9M9eQ)`}sHR`SwW?%Q?5T)+(=YxGF5ml2SAf^^$%GA;qru1!A)K#Wy^h%P3 z*$&rZ%E?>MfsW;LLy81J4_+n)oc7*2X&04hTk#9P&F=w_QE{!0&n#$;b~+YZbZx*l z>2JB?1k@Y1M25}lKg%a8p_>LU+w<*z-j7f~J5Dsv1iFjQbT-i5BhYQCfCcZkM=RN8 ztJ8OgSV+8vt5iN^_KHv8NQ>Fq_j!$*IL=^##R1gbRFd>q_6>{E8e_S zrvQg2dXWpf+2Ootpn>=}ub-~An$6?#;P-WH5g_MKdu)tXb8+<$3_xk>B?J3xY))H3 zVP*Odb-P2{FH*B&;QIGeGt1Mv!Mv~0ga3Jzy|xI;R4+TM`vy>fV;V;dQt-zBu^9sn zRBZ#u7;OL_9sqsL01Vun)u9BFxv z2@hc1x?;uZ3_zK}>`~^-@6*gsesL*}1$MtHC%SXO>T9@kqRG3u&@8$AU)IYcSFa)q z!drPmkP4H1Q#FFe3aVCs-k{_GAX#QmyRZ1-WZoaal!0ac;hX(A(HzElKY_rj^>+Ny z&{at4-$n|Z;9=L+sdWqP;E(g#xCvoxsxkO&Q4$dD2uJQ|Rz!wpk8mX5h>z^?`Hht^ zFg>VWQ(y~DdeVlr_}Ib59!)2;fg{8%iRW9F!QJ&bRALot$#JM4O~MH;KH1sIW?|wb z98t@qs~&U$laOBlygGbC$pBzZ4fOepYIGymu-xepSc_?>&tUvm3paV$wBq9x1JW#T zZ#hy=;ZRmO*j_}R9!C#q95$IM*^Ll0s+Ar|a6yp>302j1B&qk~P@`tjC;MBh*6okb zLoGU0y4*eD8>(3%%JM+eHA9>F@*Uv-ENv_(QZqVf$PXgj*fqhEZy0i_?d_pK-l?zBtZ~ZOPvQdh%-N z5^MOpfAM`E$7g>3! zfBfO&5pCJPuC+fSUHn;RrS9dbX8;lG_2E%ENP^;l4T4! zaYIN=?UoblR1ON87#U}UPDL2OkAkQU%i}!SQU~NLUW9UDOYDR7zX`X zPQWmL90`!{v;d}mTV&&8Bsg8&!jSo7I>8Vn$P}zqSWE;3uOd_9UWmYG?h<9`ugokO zMw1(0yZ|5Zv5ssUFv@ysv&Hia`)>h=0v}vab4W!GdXSdNY!fTR5wSKLA*O$uM>F4V zX64cr3P#k`SMtxM=j;qndeog`@dcJE99}r+F^m)jDlJhP_{*q$r;pf_`TMu8-MX_NDmM zZKbm zy~736W0Xp(XEFQ(t=MXGm$M3z3V^M~8}zGBfIKyMrKdB@7trGEJh3T8*<{?y$0#tB z+F^0qde|Yh!NFsU?r%9kTk{xmFkHE=h+{als;F#oOUvQyE)cbNOxW{PCH?4tDuz*^ zss~V`kDDMbsCsZsmX>02wPJDbytOD`?_=DH+-XHVM7mC+MU7)8f%QW!sYUaPv)m<} zQG)@T-{@fhgTx|0qnd$lRYqz7aI7eb4 zR^cDEAw1k}^u_ymWSb^FB9nG13Co@G=@y!)GvvuIKtAz?A(}tg6fM7PYhi1Ml~E}6 zJ(A_8g{|>#D@_Y$W&lCiEkeRQmZO8bG&D@fTb+@2cOJ#ktIyeA>3~<>HWZR`6>YXF zv)$AMRcX~5TxPXhJB&gwl|(}SDXoou)+kdk^W@FFs_f>FpsGUDAlLc`)q9mdqZ(H{ z2u3H7YmDHwLGsOLo=BO1ANoTFK@l$CUf53PhfI~X(t`S95- z=7&TsCPj!HBSmf(Z`AL{RmngIY0;5)!6+!u9iL^06d*{GfrJhaN4GoBp#s#^#?^0o zKml>7Dd^4!XAeIv?uD1Kje=#fnJIFXo`(4^@p#<33*`!_xjHLjbRS6`$sr?aPIC-z z;8P#q+R&8t3nbY%sAetf&tC{xfGx+s2UYupC()hwt;?yuznJa6)6i1{_SbpEec~J_-_WAU@Sq zRQ;8yQh-|rV3D~5Shw!5je5L>oj`Oa4O&o~D0gZ>o@YTJTDq%bV<~|fhv(cm`AX)e4Fj131CSBs>QHoc zD6qg2mAr$g7f>tLqeLP~^>1A*=XylVi&c&4R)^-V@QJT2@~;lDg~jwJBn-XRbzpTw zqn~046$MK-vX2WumvR(Cv#IBFj2(2#Z*zY)*XUT1@?4-YJ!5Hilt_MXhoTe=jsl-} zL{*Y7#4Or!G^<*#8HsV+weCh}is;qY%o0$yJlZng8m2!?>CZq^Oa1B~;`s}|(`Zq< zIdo7+ck|uj1rf; zWcPmSvP~Q#BuXrHlwL=ST30`W!jrK$xVn7}iA=_#WsF{V=_sIhVH)IXfK@4q5{VCB zr|e-~{SMos`m63L0qB@3-Rz`9na6oSTdg6YS;oyCxsdvN>(@nwD)VS_bnJ1k@%wqS zl?b#PpG&ttQKL~OQrSFHM3GuvK^M>p0!Wbq*i{Rdg<Lrz_LV{S4FB8E}(84Dfla z(T|>(RcejY6>laxCFy;uBl2G+Z&2$DV{f#mkKV%g`DE=l6P=`R>@0gGt5le#PU<8F zQ;QTF;_h0$b3pt)fDK?hk<4FgczDNdo?%F(z)DK=po^yqtTKpT`m|A-2`Uj3P1+a zfTqp{nrfF1XuLZrVx+)KzX>R+9<oW&A`935qumX4&V~NT}+HRfjos)A@~(Zqo|m z=GH+Ay&X?RS7|MACw|o*p-UYc+7!XNS-sc^O@PiM?8uZRphNorqwD~Z?ggOSC#&Hx zn95GG9xDxS7c*@Mn3(R5BZ3ZzBFGwQUQShsHXs7YhRI5K!NJI*uwaNCAOe*wF6i5g zG!Ot3OMJQ~14Ky$_I1C4{sq{td9@V3UyErG41(&s*~LRH6nMof=xg*pxrEj9D;~WmqUJPn|eIgbz~a{FNzC25!IWcb>dmE z39`RC>13M!B`^Z#(p-QfTLb8lfY22KliwY|c}DSmm}scTk%pQUP@Gg)%wbl5mVZuW z?<5E2z1ou5w4YkWx@6xz$xqcDmTW{}>u4rchRx-8aa<_wQ}=8ue>G5x==~~^=SWKx zg&fUKX5n;G)&7G`5;#_DF+o0d&4?m^dl~?bzM}2!sOE}aVRQ_%iu9c)`?LA}Tb(^L ztlQfPU2fDq8jIK!D|FQuzZtg`~T22A~&w9DET9y=1_^+H{D~S1i47C*LfgpldvrAE3LWA}#+NweS zd)K!j_rAwQXH7%jia0y>&Wwy$59oq~?acL*6Cet&!2rdwVec`ILCm{Ei6_{E0HH4Y zawS4RzlOk2J?m@DY^VAe|kjMr#zBbESB9^Hicqz#=IZ6(K*VB6;y48mI_6&q{FDhdl zt=g_KiXSn$F03DdjKTmrbI04G9wlavJ2EEiux0af6S2*m65}3Drhqb#EU_J*kGL~G zyM{31HHU;sIvQkQd(&{+XFHeF59RGMtvPe@eyCF2xZpUjOS~y`73@|uF}-U_P+|GJ8*&XB1~n} zm@QVCLLl;;Z}i&W5XtZm;92tK*AYODB6<|{H?wlFSLKY*lU_PJDuWI3&j1wcBUOd~5Q?@_D7P{cyX zjLOe<;gvCNl8M3Xhd{_&Xoe~Db~KxTM{IukMjL@bh}vj>_h-c2ud ze589txX5)XXEULmiubO7J|wBijhLX3xnZ@1K1->CJ05BZVj(B-aifpwC{Q*uWVS%TF zAbUq*9Vge$rbwDq8`>Hvz*E4t61wnsqO}n>)C5aX3}6aa&~R<+aG7=b;Z6P8p#oOO zeF$xr@x=C{uS2c^s@b~}CB_{*&u5vyKw}(c4H2PwEi`h@Dr*%g^cqDV(M5)_j4SLX z$-VSy2}5kmb37c+d2NxLFXTSA3(rVz?Zu z;5acKomCPZUL_MEx0C&`mT*ez;8#MJ>v1LGBBYi8G+G0VFSdxQhb$-JXi`?}nT20U zQLbAgnVLs{w4}S`Vn(((!GO&jrp$?PcBrJe*2&H@%|OkoJEo0RKi`s)%GV-GJKw5b zy^crIy-&6#aOf04-8@zsajYE$$4k+TavmF&#A`L_c&QodFO+K=u|4J15;!TBHaC|a%z&;q3)?>Ow3Fmo(2~&ryVoTK9x>fvnwzxBt6G^ z25q)>4@ORUVltTd`qIH;B|SkTtOBG;!Y(GjTzx@e+{J+UvvYL^XmCZ(i*ya;eywj8 z*{&aDY&}^Ug`H|Nx0*+H*}55F;dOkd;?E#@kv5m%krpa=+l^vTQ8lX`(T{Pv9wy~9 z+m-g)Q-a>}oD9-_#|XeV8?!!DDlIqhz+LhL0!?x6@@%~EsGN=MRgotuDd*@MHLi}9 zFpc6$1nw;2)FZ%$Pzd`pP-p7C&M~*~(%>U>od86eZx}>wf%zlK+Eo05YlEgSr#n$=K%nw=M{Kh!)&5sz4Jm1a0mxG`hXk&42qeeh`})ug681MGrOaEvWWY2ul>N zSsW)syyDr1uSQdRuNj`O8d#*bkM8R%QvQxX7sXW-y4Fm78$ISud+Dgy!QAPyD1U|| z$6roU4?L2iOR98l1G`1bLP}&*7nV$nMTx1g589SrQ#Vi!?O@=F>hg1S_VEbgWB~|2 z>#;{s^+dGRZpzWHO7-SW+WaMCf?;Bil@;yyN99zvO0M!7@xbopC^~CO{GRo|Me&U; z$m$%1o$nxEur&;-q}`kl&xu`7b+OIp$*F>c?k-Z9;BeD~U>Rz&MSK@aDn7RC7*w@O zi7G9?RA1>uPOvo1ZH|KW5*?+S<$yMVD&&w4u1+ zi9Uwf6Xa^El8ln7F`xn;`iN~_p=J@qaRj2-sFiT9GD;<>jVn%XyXsl0l+$N{|8+A3 z?pMxZptufk5OEEhXrpYe0iDhoD@SrLBUl2$E3R2L!tdNdZ9!RHlWbfy{z-daYXki) zSO|Dfzb0*&sYLA@co>JX3`fL(yW*wt5qFd29!I$&x!A1cCpNDQF%85W0jhS;&KzI# z&~~)U7y%FJvMrnxZcadlkrXi*1G)cqp{W-&>hOVTre`cnbtgulO2_J1<(vG`wMH`B z8o0JC7=&aK_yzmufR|CHSa7bKN}T)*#Ldw&1GQd>N71vKi2P<9HFO z%4Hn@!CXd=diJ#vieyM->tk1J z9@0ltnk%J~4g0#mgzEZ|@4s3V-@*(u;HGs)^gJvVS9I83RNERuUf&dg^e@gsxtfr& znw}K#%n?tORB@YWUTX$pfq9u$)+&x)JJD+_!Jf4cuI?F)bE2Q5(bbv{&B1^t#6~9n z+^qOV3rj=EB>o1p&~J6DQEwjWnek`bWi@}U3(b_%ccyd9RZ-QNBLpsy$>@numCM|v z-fAV_XR6~;v|-*j_cHQYl}#dW1sd20xMrPit$ovdW+$TTd;@bKl1n!tctq`h1RQV_29 zdJ29*a(|(thJAJwHa~ z+K1^?EDLB3-Dh(i{Z+9(JzJ47m;=QiQ|eEnVS6Ro{Owpdj#MO7ceitr858e_<*Or< zK16*fC3{8EZdEPQrm8^5aHdrXhE66XNM?0af>uw{eBuOR&I4JEA3}=saU$j3Tf+D^ zzroLi^H!Tb01bfnFhcsP0Jd{vM3z!l$_mkp5N@l$P8vleahv$LmXnm8w=Ai>Yo$#$ zFKqBD^H-xgh=Pi{CdXnce-ae#${UDy`LR_91`sIzAq|)d&ov$%U}W+~$*7pq{G+v8 zIZ0&Svd(Xzn2`B1IUA%D2dt$&^UIhnDY1RtStA=LFOK#kOhu1tK-#$7mtSmEGH_m~ z46MPGA~O+S%Ut>lR396xLv9ieWO}X>Yx{(-xjz&ry1tB)DxPCnupS=JO^<+0tu#jcHK1Jtf(q{?ROQu%#H`)c| zb9AVh{-_p8Q1RXE*12YMXq@i}4C>in)9E$}n#&4scLkv50K{3@kT!m?g3Gb|Di$!g;Cbb!^^drMde3KAp|3G~~?@p3X&Bu1Gnk zL48<(5cAz=s?LTH@qq?&7EiDgV2l7($j_}=peF7;RLSw4R@?_dP&V)lbnm%TkZGkP z#cb+1Q>~+C7|wPB0j%iyI_!6LNGV3AY{H$iJLO@ASThUBWm{qkpmlJ@WaD0a;;m`ll0mls9M~WLy0(DtOJhr8Eor#; zdaG1)&ALSbOFz_`Rn1CWw3ci|GHY3`5@_k~45$6#BujUd$eq*#AlajjwOzkuUBLoO zl475>4EQMlqEb@wyWiLP$Q!_biyZD(*lJc%yA-HXxa9Z`rU_XsLKG zLlllmeAIROut1UrY*20*XP!%Y%v@xxuJQUTC}8)Th8G zRcOQ8pu!q09@;5k<_XTAvNOLY}Q^L9m;c`hET>`PHnN_FCP=40-bQcU2-?+0ZpV9k>4)NKg>b@&K>A~yi* zZ6=dG#pZk@0V#wzfBF)>7SfKGBext^g}Q-Wz)FhlQ1-+dk|Eih^%g^z?lnkIW%eWq zrqpVrrf}iDF&~1&;P!`2QNomLndsU0F<}{fPS31by*{gF*m?S$Q^-O%NT`Mt(P&DV zZ$ZPGLP`ifja9?*O<{OsEZFZ!;knXZkT%HPRdq}qeQY<~HM2+Dp*77&A#$M&+eo*K zyYP*ni+lACswoKfZM^bI7AEQ>CZacXxJX)^`J1CUP?hKvEZpx<42dDT@in4nL!ay5 z3wf?5A_LWiortN7e5jHY3`BHyNqW;b7WXQtGCJb%mo?Z7VIy)*UB`1Kyt7MYE@RZ& zy~x1_f}y@vWE)m|%;igO6U_%N+SCaq%!0Qo`Z~-Hk5%A(r+U;Q6}Uh#Uo;(mr)DV$ z+efN^F=;ZyU9<-6p@JPAKanJCqsRxWq>|Bi9v=THJjN0JyA#m~b47wU(JF*;+X^(M zk5;s9)!}r-C%%u8tf-WK1aebzCN@WT35!x|8i%y6W6*Ez1BIbFg|TE!hbgA6qp@Wf zZyL~lmcK0E@R?y^i?zp_JLExX3bgT$~~DyhAPM3p4abbj$_0)v?saySXJ0q@Q^ee z9K-mKTTZq9%O1m&>^15^7Ol24o%4^Pwo|@3E}35#N%65duGN+skyw)4l{{>4>l-`o z=WQi#&PmU-k@@1m-EDJJfvffFvvd~~wJ?)1LzHNPI9b_KJi9OM^Oo2F%JIlESaDVi zQKK-G3VS3|H_P>`$WyYj5Lpy2o)dXZQKMSkSTEYv`h2RPbERBK`5zp=n!MpP4Lh}G zuc_oC<}tDnVa8mvnpCk^G`1M1B*_7!`12Ar1p>>?NmL|5qG+$-mcG)tzD0A@+{wa1 zKq`Qh4DA_5Clp|z_1c)}Hnz^EkETfl5yD zD_Jq1Nr(+@HI0Ns19t_aRi$7k2JCGB4mOS%@s#3|43TMK4N-Y#0sC0c2_PAwr{w(4 zbymv5*;6Uz=E}nK2hN5*vf_TfN@q!d)5mAGB)pDrMB2nEGPb3oVc;CnU(Hl90w>+Y z0B1(V;LQvm1_V4wVGMgEEDmZrQoAv>#ManHGqCq}uTDC$bvdd0>;rX?s3>7+DEF9l zAdz>os}E`O?P^%c2@9cD`YCGdA1~|u3epQ04_X|?6!HP+3d=L9Z&5>=1Gb$i+B5^; z@~V+Ufpg{PFCE>cRU)nkG;R-$sPx{*a=oDK4pM(#1$0h&Nv*PzJ2U6V9~`XO^1($f z<>|76JWxxFmIQ|^g$1I%GKkdq0^*S_V1s4>Z7KxVc*HGx1B!My$>+DK(;NiueuZ*F zLY==`J{kc2i`d(nL^7-ZKBsdYR-{RwPk$D}M+QjrR?V zAX!1N0u+N%4hp1HGGO=IbItt)&9nv~h1-ALnVa3_C?U-;pjH%>UVfkylM7=f^`z95 zkaRF-u>Vn96InzIj?-AI(HWbt7)w-u;_C<-LRt@uPcdBc^%ZS6rrkUp;`rL6@@!cc_>C&o_$cg8P@~6 zCA)-GaVlb4?yvFg#p8;K^&DQj`W9B0NP1zc*R>kgcrLGLspvUUD0>)2TN4n<-mJyh z#Jz27RIAd{M)a(8or<?Awb zt-4^mPR%H$^lq!f9CLR5+Z3I8#ge65k*ZD|9H?_x3vf&wMnXL~@HC2Jz{(E6B6aL- zIFi@_uQn^9F$L0VO`UXLM%{*IpI(>y@=$G+h87<*q*3E|8+V5~OA>Cv8FVFBu<;<; zZy|chnFHaZW#x%u)OaWDgUX~L1hBGo?P}M9xqf;=fDo|UL#$fgFuvP>%@+kNR`d*N zDk;!<$XTN3I8SSQ5ufjCM4M4DR68cOfBN|L`QvZD{_^RM*LMni@wL*}vh3HFuWx_;{ORMb|9yS& z)Ui^cloSB7rk=Mnfn?`l{MGSQrXViZ6P`m?LoG!2Ecq0SlkJcs z8oLAh0nem>3G?kh0p?&~9(=DB&_6L^CAQjt=%^tzpgRWH%Q34n%1;eT?nb8jF$sBxS(+mHF*#w5{7lhE7gYIT zQqDRNx|%?I(IM2xCiYKB;I012`n&wP&vz3AKun(!PLu)naJ zH}Nz|(S~5$Bc^b!Qq~fjO1(5sJ0ilGMffMbqjhvuOscaemaQdO(-y-ghwdQ-+*?@+ z)=C=Uuh;l07@KicT2X=SBPnYWDkXq7Ll5-JN(wffdZE_SndStDiIK@(*Z`x1kDL8E z1JeXWd690ttV~t5en1C30ojbTFHb)~G`7;j;xYk+!ZK(Hp8}+AAf_R@bf@R5a=eQw zVpPED38)Olb$mCdnh4gbB^FmZ78}J=j~efNq<97cbNI%L!okBVF|&-HYZG)KIrSnA zu^rMZ+PC*`BMR6p5@@InzCg^~X}v|}yFVGKM888hO@LP9u^yD_K)Sk31lOXU@Ig61 zEjUIR!k{3HR*qg#j%zXzWICOC8oS4&=oNYi0Mew#k`P1|SnM@_GpZ~KV-7~ZB8N%p z*JsiKT-m-regw=j%7sCjfIyx=d+!wG88L^3pynD_hqw?f2g%FXmEfuV?g4mVlM|HE z_Tc^{WTsM7Yu`pHbFKK%D&fNcxQx6+jkuvD;Vg$)C_6c-xkhtA1?!3)qWu!Yih@n? zCa4c1ha*UABKf*6ugBY4Rk^roiZXE|E}0Ai4%`~90U6dYJTU5WT2`Q5N6<&^s|1xF z5VDYVFT;If8aaP09VjHPsRa(|_1hk(zRBUSR z>e{J%Beorkqg^CT(_&5%rqw%Vl=0UoGbu@TS&s|j`Y!skY?%~Yw4Fm@65LDO12@kGFvAzqQ*1%@EMO;;Z_;%&Jq$vLRH4nYTV}GtwQqE2;DTGQ=^*U$a^$F(y~x5brT?(#M-9p<|{45EQaM*_ynvkWd8Us&7X+ygC73^PFK?+X2X{_-Uk`D!^pi3iO zDqSqWVR@~qh=OZVTrJfc@Fdcz|G~Dtl;=u9wZ4jImrl7<7wC)9w-h_mq#K#0(-*H@ zR%2EgrZ5Fss%)ORo656P##;JoZT4ztX$kpTCQXT!sC-RppLm?+vZtSequ{dzN{a-J z_LUaZ?~rVb3k@`YLmi1bXa*CnbdZ2kW1lM@t#zifR^YJEq0HGZsv0V7kHrn!<9Qgd z&+}k28kD0Ie2E^itA08(1Lg~f4q^8Z6|5pppzF|-Nr^$FY6gTMN7C;P6Dnr?N{p;% zd_LGQAo-v#d!7j=WK+RVEc`0RnKGs7*nm1B)Yn%z7ivkON!pmJtfp*hOye~)wF>ZJ zsIQ{i4P~ToTX6%och`uNVMe(Qq0)R^Vdib5O7upA!~uM=i;d>bU99!$5g;%_y&2A9%(V&zvAyMpE1 zn2PC&#PW<=Wz_&o31X&4qRCE~t5jbtD?F;FO! zO6BP&t%NMBRQdMh3gVdCRJtVl;z&q7fjK(rMN0{b-FM#RxERGG;=4}*7HO<0{$^`G z#(DT;yPT&fw6>~(W%e-ar_3|XXB)k|mzd~Z&k;AnosHzdukBQg2#^yRXo?d-kGKNV z;p@bzpjx$Q(X6q32(?;h0&SDeZ4|SEQ>-t4QyO|uV+$s+ko6hkyN|e{VSJR}wu)tf zD7rJYzcp%6o$6nthvkE;?xsPGe-RZ0TMD7^nUn%c3Z?3ZmZpMG8qoLF(=XSrdpN-* z5TdWEKE4)Hv8IoSEiincmIgz*RGSP)ol&|1RB47{RK7eHh`M5v*+iiQlgB0`ch@V0 zMwO()HHBQ($+WISguRVAV|0;e$?q(n#4WDbKhM^p&lYOa(|Z(s_ZWuIEs{Q)FqXs0<)~0~-IaUvw5`TsDYTrh`eXHscc3lu zw|4W?QVKj+EMJZ->+QKIF`$R(PYN|f=Y;W=P0GG&6wzL@yan89ObNoW38JetfIRBa zk}joKmXmv)K&Jyhc%l^{`j^E0l=_*jN$FxurG+e?8?sinS~U)!@yLqzB)4T6)IHkL zBM%C0p6*;iE(uFRXVrM1Nk!8eN!Ck{4Zr6(t~Cp#0ERXbPr*HG+s}B$&o|r9A#a#` z2AOpAwIn89!@}obh$Ns_8p2=%VP*lwxq6QD55r1t)UaL*y~%Vne=xed#+hby&Cxg^!`Pyx zNV7$ES5W4$TkE*PNuxmlDp+Ep+t{)ug}}J5LF-|zs--DYukmX4H5ay37Nd36THP$Qc_uXZ1cc6Zy?OB+)J%^fqJF=_u(MwX#aw%lA>& zZmRZ$El?NK*vdoWHbn@G>746hE!aag2rDJ#w4_d~ai&9&+%?vC>@|uyz7Z@@%04i_$zx%ML-NK@wE6*P9k z)p)=RoaZXIb-XQ@x)z^91u=9AwP-PHakyhc{wmRhZInP#Ce001rG7Yy0;KC@?%RXd zG|L`K(nDIjQdy14+ej+KcwhBAjGJk zscG2QaJs!t_YpXyg#@ZSU_1dNY7I#57#JOk2;UyRE3DH?z^v72NMpt-%Mtz<)w z#R*lC=;nBHMFguUwJe~7WxW9+W|HReqk$>kgHDu-B=EThP7!%XMmu$RLp6Gti{WCh z7mz8-gKad+(n4OMR`08I?Z%;I1QdWY= zKI}xmc%L54rC}q_$k)F88Mfs3qRs6$#ME9|2cilEYfX z2g*?wZHAH2iStra|EW>F{)GDH^PfJ^M*p)9>Zo_+cJhnMf)zxn;Q$LD`M z{`ltIo0sq3ynfVz*yX?HegE?9Z;xL;z5Da=>6gcEU%!3--S1By-u>;n`{CJV4=;Y! zzdmrC58mq=|6kcrc2lnwEjP*Wp?@TGQMHc*rkX7Lh}lsRzIcfoeaQT%|6crQy)E%1 zJ1Fg`R8^O?Ks4INFdF@!LWL>jO~fmP0&NpOjpnAZi;#la;A+wJffX(*j~#|HEB=-4+G^tV3T>^`Gs+RkS$@CV+xAcr2hC54gvl%^lJV6^9BXx>4%*-yq#HoUGmm-W0(Gq0 zGV5!=PXF{qLn;u&-o_tPxB?k9pOwn9QR9P?m^juvpn=U5aY1FCh50NDa}no~A<`!$ zvOCs=r$|Fm1Z4Z{ihjc_Ic=~jWS>KX4a<_9mi7hSA-z;~dS~LJ7j&TgP0-Z>t;2Pw zTJW&BJ}<##Bwt5G?cqqgZ0Fd1sj6dpjDZo@2qdp#5vW%2VRpRF7j(&)s#C(UK1+z2 z4&@<4Xrr7<;(R3U$fxS65+T&YGYT>B6gVwA=TK#bq(OCvD55Ev_dF{ikWpFy$Y}sM zx^-Vz{qqQU;19r2M$!(%!ak5gpjlcp*D;OeXg`YX_5zgvh2je>o;Km{PAq)@#J~3& z>KUcv(C2KLDledPD2Pzy^ZjX!CS=82ku6Re^hKUCw5ObhI-C}G4#^fP$rh3XRGroH zW_Jqe3v@vvt;O!Q?m>Fl<`8X(-svwehPH zk8C?YNfBQnKKcsE+Bx#jel|&QPdzGTKD8BSZx*mo0U}VlGjx zD#s2h&k4aaqYDI$>J0cX(}*>&gaP}J(%=12NKJ+eyYfHi?478<4KXk=ATS_rVrmUMJTFFRY;jhn{-!0+lW9V0&%!!;#yi0!CrIbKV9e68MZ$39vYV=f`5 z&JyBtargO*g%4R~J#hy1oAKbH{=@snJV0_hK*^eDWRE4JgGWp3`5K-PA#mGi!!ySea?-60_wJ;O z%6Z+y)edjO>|};6dk%wL_{p3{I`%T`we}N!Zh(mHkwT|4uSBv;NX9lHdok)j%EtUG z+XbTSl;h*{UUjw$$rE=?+I!pegnU@_*kE>YJ`sawPTXQLE(bB@?zq2`LY)-QLxB{- z7+Pd;tPx_NTQEEI6r%mZ#iQ1|mg51PrYz6SsVt`1(wV31h|zO9e%e@^=cW^Akb3}^ z(@g*#^Da9vg&^QAB+p!*;n;Kv=u|F*uu_0TMz-Z*fPnZ{DbsGHAV4uzDcfr(o#(+a zy6HD$#gA++NgP}NhK|dsj$qiAwP&I_f6Q6Um?zOW>B%v z_ioE^Pz0NWa&AFkuh_HM$VeM$LtZ1z!``9>x|}r+ojHq%FxJ(nyUrUq7AC~ZJg?ykf-C2cfMNFl7CSZLm$4|~IOnQ}EoAIUMHSYY zp=IonVnYL$2)l<25isVc35(1H_hryZtMZ6;`1`PhkotRdCJ$2i*~RKuL*-J-!m2k~ zYg}a3&E%(dxL8!Ws`yOhEm11YC>>a`JR`5D%!Qxw(hlJ-H`BW6+Coa5)dqyMh3ad0 zhn>fJB5TqqX+Xm)wGLHa7rB;pMxW^5)n_@R*t|!Pr9_Gx12Te*ftJQz3aLH6wT1BS zNz_1VM#C5|78#sFXqd@`n&)ki_A%cQ!5@&c5W1OPZsC(XcP98J0Yn#`JRGc8kyq6x zdyu@3SN+i#k~I~$zj_d;IgdB7z{B$qHk3r7P1v|uA_2GcR5Fbk5}ZFgKg+pf0Dh8p z0GdAp*dA34rWwgv5?j?rOAUU-s+4nR7VUQy1Av~iD(emkulRf@d`c(b*y9vNyUA3* zr0#H= zP>ML{;OtI=z~;U2q0&S8xJ2EVo)g_@{XeMQXMpushum-uany~t>0pZ5zeg+j-!kN^ zhX@f2hKxv}A2b4~B7lb7c1quC=op&+Y3O8u_P73twXO5dBoXi@v11h#WO+f36l05xR=fZ8k_^$gV38{ebK4*`ZkwN)55Ckh=kay@u8! z88e<>CO$an*3!pbpU-kS*rK4@bic4)#!pHA{Ptnl50^bx9CRKz0r>j4v%)g|>-i@C>>^fc6rNW1pP{N}{+*Xj#Q> zyY`<4+R2NY%U8IB>EQ_7XEsMxUXn35sM#^%D9)23x$Nw>j#e@@>~6@jf{Cgif{KKG z5?FU`CsrJ-32qM2M6%GBv`l#k zW6Jid>OfDW!?zbHy_^_S9b?^EKs?Z3p?L=$PA11VB5opfiydpwIa|d5=DgTKf(T6K z{fMYnAL}ihBQiSPXXs~dp0C3Pj zb!m+8rhH0+8V0Nnfsbmr(F+QC1})j5qVZ;;|}O| z&FI>zw;G)F`BTe1j@GO2J#raIPBa+;AjRHIgzq~6MJ;EP*jiu1+R@7fpPt%^lb(>F zh@-cT?HBRivf61knj9ACWvDK(ZkMzq`gzLhCkFhRNel7%5Ot#Qr(d*D{yIRq=O-R14OcvTU z4qJy2rk73zv!Y1-(VDBb9g7-|(YUz;J9XsAo&&f}%?__Z1Y>o}%03TG@@pRbo&h>J z>l3Ns6iFl)a3Cx5B9#5tvL_Itr`y^YH;CVP$9hH8+m#{w{p>t}Iw3hZU^VHyUkxb2 zt8>)0dF6v>&3REiHHoZAeWKzeTRo9pQR}SFZslqfM3wfcTGMcV-sGG%Xaq%%eR<;;<0%e zRm0;;v&#W;J2a`~ZAj`YFLj9S(Uz$;!xOe{%jXzg4@9a)?^XHv$(QSBi32ycyjmI< zC|MF5JY9|-MyPtce1}1&KAGPRl?*5kppq0O4QR&`N#SJ~x?ceSI@j)=S~?p@cRP03 zVjClpk_Z;=%R8b|nl_*gj34(R^@-@+rZat8Bj1^r*?VI1x9!Y3X+Ra57#NgLidSF9 zyxGJ|qXJ-0&{IgWiliEDG9!Fzia&e~c)YoUE}h-F6vczUvoqKhfvh6K>pssY#t}Cm z0CQ_HgLbNQ0O_8qWfxg_daR$}^;vEWgFsU>BVxJ)t84X<|9B644+UzyN*eAMM>f3_ zEIUJ%Na;MxB!&o-F5VpPu!mkcIl<#C2eDtT*jtZw|0lalcEl>OAo?q{gjNGN56uef zFKC3s*75>*0Z5iv@b|=toB67`5yEywW#-G_4ku8fCtyr-3~RoJoTH(62*i0OCIH52 zKW)f3;14t&8wKV-dHfDD`@nK?ue2*((ln^D9*|ZNt!i}JS0_|Z4Mqx8ZTZty(At7ued?&yi#}<5tPJyy7x7W0cwYBuw*}c7W0-%fkiS7!KD&KU2KQqi|=OI{Y)IRGl_YeVLi_n zRw!gBkq1`FiGZcm$S-E zj}%agDqA#Trmo7$PClbDarYideKWI6U%ylx96|GHEVWq^CFfA)T*udp5uBPE#>>@5 zHG~~y@m#O))jT#=v$g$0;M6X&80r~!yqlFpIbd6ZcoG2*(eJa_z$n!2I;iA#wLnSU z1?}9cYZrGSB3%%%xaOn*n zH|1g|aoXBQn47vOWpL3bW)+WVw==7nrhQg3GNB9-T#B2D6_*BCmvq0U>~FXon~4$V zt?MP9Zx7uV7A{b9HQUV385fiUNMvD6rJ?<$_^V!EwgJ}^r^w;1{I%U{Q* z$$gUMVlLfaKpkpw;|I-hn6>P>IUuZx6V!t)Am}RBp^A`;)l8Z3+r}4^AbQ+*TStkS zuq(y8OLg^tkUO8MzX~m;br1vKZKYn)-DzYPr|^vJ5S!GpA#o|w`-j#{vy7Ppij)VI zth!99rMk)Z3yo?aW%U(GR1}nPBNjq;#PWrn1AB9GD^mpa7GAEIO7VO9Ip@V=P-T)_ z4$vAw?6OCsL|v=OdCc04pQEnmOIC6T#RP>iUF}fFz&q217j;VZIQuD&t1Aps)EQQ9 z>k>1Ki7wi5BoF(a!@Ct%mL1$~^T!zPBI*{Y>{t(ro7x$rP*R;F4n%JSCgK?`hTH%sAJM7q?m54Bns_n!DUu%Q(rAA zT0906Af>fd;{z_tDD^Dmi@!6&Z1CLX4K@Fv7T}ODtNeThIU^r%V77Kqh6Y9I zq11fNIA^eGJTWrf;3Qy|y-{@7J+_p+=GgDx<8xV`GO_L&=_i2|_=}K}(IYS!b_B<)Yq=|iqrB-;I zXS2(Zsgjd+G-gpri*en1lrm#tz7S%+pfiW>88uc2Ow_jpX5Ef-6+S8Uul15I?$BSX zQ30svY10{%*;C~0ik^APO*ouRiB{LN*fv#IN^D^RpJ0!aI`UN>@|DYT0`C?s5vBW! zj3bDnhr~o1+FO^ajfak=M^bZ3<-$b~<`8!}qdrs}vA&0>u)6FO0ow-%sEMugc<@!= z9{Q8Rj_A(wH1&2O%5JGeYfd+pPRmsUPg}MXZ9ZBv$#+7)@ef+0o?`chLlx5wR}E3J zJOol!K5^mhCZ+Zn5g_J|rD{8iCziM~V>!iIGH&RQX+#c+9%<=Yu~x$*3L_6}i{azp zP>t#8$kV-3m$8T)Kv8Q}N8eK^jgPBFl*SioG)Dd0F)aTC(T|6Gzx(0ym-nAOe);sr z?;k$@_3|G{Uwu{dd5w)K&MgdcaL7s=5}+aHvC#^mAsmapR1{Ivkd$KvqTyf>UJ0OoKCu z0%<*vBgAUwv3V+gGr?h8V6Mih44ghnz>1vJtZ#>HX8^ybVd)g~ATQsT`%~B_KHKEkw8HgE>MQwe~b(W6JlVlpsKLlKlTOQ#4>ynbrWSZJg5P zonB1LcmnNj_w~3)CyHNY?j66SdD-smI$o8$$*T6Cwb&h?0%}+RxiIzYsGqD0gPnUz0?}cPJong_=l*g=uuu63HMrVI$mHngEh;zZE za}~uVK#JQN!flKMh*?HWK5CnuZ&$E$jC|fVmpz0dcc$W_dZrDK4OjOU)8zSTJ(XvI*7Llh)U{|fsIHwAo}6c#Usg(X zSC`USxfM$4@|n~Z$p(Z;<(DuPS(hWrmi!S z>O&k-0hLNUg+517?B1*jtSCN`Gk9HM*Q|+l{Ao&?5q*?Bu!i%)qv=YGs!(Tiq zaM!ZuP(Rz$C2Z{s%MtClD>9AOTT7LDOsVoAIaKGalpsovBUL)>1{P5pwF|j33mJzR zEfi(1WyO}jGaa!g*pZld`ElcO`M^HbNuX_BD#GgNr4$&ei5z^h>gl7?$Mpg`QHI&< zGINl3RD?zt?4XN250Di(k@HEZByS_4%0Z4ye@1Ej08P3b4%K0>@gL<3+aY8a-)l#C z;?wsdX==iuCq<$j~-=f5qM8P%)}FSV0l9+p6cgt+;$?VDNutq0T{| zI4P*3Am!AnPu(7Ig%a4dEkfmirwyQOE=GJ$4p&o1Iz?ea5?m+o>7kv$0h-vdy_nXn zT(l~4jveN+-5yJ*9x^;zk9u9_iEuuoEh8<5Uz=Bk^!FCGj*D~E332V%#rc?YgDgXg z;n8Ad4w?y}v%w==agjQBL#5Cob$33F;Ub%G8&Y+xH{FS}`nh_#n2%Y=1E!Q>SA*;2AT>>||aVVLn05y~BP=Edu)Wev3 zMNR$EYS#oO#l(az{)L*=g-*9wXALKjk2rkinP?=+CDbJaGAn){^Il}kf*d02Ap2Y* z=$5uW&lH!@0QU-kWCL3n<*_9D(90`yXt;`Q42J18utW_)*WL4ngJ?x{2%EY%Jlgd5rlD&9`K_0{U(KoH12NBwB(m}D~ zAT!}oKsLt(@ot4Q)#N>MI#>}&Fw92k2xRme$fzaObR)#fe!cKKB!JM59AqJy(+~Zq zn|qaBa)XR^`hk9e(Mev4A#ye;Gv}jz#9xKlR`WTbW|B{?*US_h9XCO;QgQl}N+Om@Q$nKgJHevG_=L~m zcdc6o&WUFxcZ?9HFF=ph?67vfFb6X%L?n;`4&;~d#cswuuzJ7L#Ix!P-n z`2x+k#UX98+_Nr3Cb*Gw5l#C!Z^?ZUSGvf|JlykXOf3~vpySR=V-5*&xmjeKSSfU6 zZ%OJ_>OmThB*ZkqL^}1Fc*3qwWfu=CExxZ(jup$8F|l8fRTL*5NomON)GU;Z z!I*iyWeqc9u&&TW<)`@6S+KSmBkH*2uAUI97u}r~MTes3WK(uUSnFXs9kJ7Xo+(uO zKj^|TU|BN^#l4Zq0^yKCYQGL?YYT%2mH9m5Ru9B3(QBpv(ql>OaZ%uUu1vWW_{DmK zqdA5rU4^bc=VO)Rs_Q(0h?&7Nh4?FViQ5qr6%&OlN?CIr0uk5>FL6f0VvXa%_NY7j;Z&W#PN~fnwxKQC$!+X`$=h5XHNSW$~Kte4tN_J1oG?F99 z3PF#;Cqk5Uj6kJ~94h*K#xQL<$jGH0{jwY>gxGKC6ggf5vOgp#+aJYWNmge=(@b5- zxHANvJIM|gm&D2?Nr|f^R@}Q?V$$3&m&N8Zoxo>LdOI|sV|lNrxoylkqASE^#fY0{ zMU!3=n;l`n`LkD$#@UDfe#l>ig0C7mpmP#V5;=wF)er)9u`ovcyETP41|gA~~!ChoBN0z;e_<`UmH{1y{urI$c%r?K}D>rD^&&s#)6 zGhO41n1=Ye6!FX)5suagv>Y{M+I*=M3SGFy(W?sybF;!d-NPm{M=30pro?Y#x95om zElI6q-@dR1DtHaiee<9ck%Z@gglkltPyO;3xAA6u`Pq7V{+)Lj{eBOlKCE?3g^;Ir zR*$FCF;?>3Kv1oN+y_KbvT@s8$u{k~U=Y4vVoeLiivRj91Th`TIo9AuXuhm>N7#fphMO_-exQ(_5p5OK0z zo78I^-KVp4ueyVI6j;xp$lmSVjhUF$d6q2U!vL$StG8BQ3lFQ_gpgeg^g8lA z(Gm|j@V-Xy(;zO*Uwmp^7t7Afq(#L@vzD88a0oT8oRFo+zNp@&hdRmU&wx zS?mnTxT$WNv51ZiG>~8N?$@zbbA`slm@8FD0QR}piXY5FFR3Fc(-w2V`CaZo9_}o6 zVS3_8jMYc_C{gyoG*X@3>ol^}OmU-=W{{N7M$Ssa1g5QHhB~f=r_s$7RqGwY9Hu~P zhA;?bN=bqEhWiYgEcI8+1c z!TY&nQbSCXR90H{zIq{MRWINs2H7n>ezTmj9p}#Jki9~jX%F#QWk*zfHdgPxqG|i> zKfcn3{?B*v%kTgA_V(|WZ~pM@-#&c){PCwBU%&m&>)$_q`uO4V$M0V?A-?jz$Nlxg z4?n)Xd;9eB>)XFx|NQ+Apa1gH+m}zjSa-jC^P89V|I|-kIL;S;>reg{Te+JaQH3G? zRgrL-u)ZW``k{#*b-nLDXjXd3{89hC{~5v?$8xVG_cOLlt-zTP&V@6DWJPo( z$EYbi)9<^H82$Un1XY#S)-dR-qRKko77@r(zTj_l=XM|eCA&09_XCV^ zT}P>P-GAHqGTbBk)h|9mzBUDwr?Ev397 z!;DJ0??`Ph@A5LOnw8eVlJR~`UZ)T~b?ru#02<_6YZ?oG?FA7radFpOEt>*t69rV< zkAb+;qd?i+njqTSBdwv&ArAsn2f3o?`?;+rfj}IliO!tpOYYRM@d&I|v@1QDaYV-3 zP3;+H?7N6DP-G3zk_#aGbV}l=Ey6bsdsb4|HlAA)tbi(=BhtvVrgO0=-lmt;aY6Dh zcz^h}2+_Z$fAu@@88W>~9{TW_*7h(kN6imu=uBWnvhk2%Y&}1;5LVsK)*u0SN~S%( z+uLexo6I&nSBXl`N3tdFI{fxB<&_0wCTf-m)gdhlDM@AnDP7R$BBnhJGn!m7TCbV1 zaL{3ty@2W1By^J7Mjemt;QJM3#43@? zFfjF1e%C8{W$$;>>AA+1ilbe40P1moxjbb7jC`4#*g8AUs*JmuKs?XlO-GkoAhY;sJdegzRXcwj!bj!Dp5Tdg+`+fb56JY9@*=Dqv$*8 zonn|cYAJV_C^=+|gvdq|UxCJr=Yus}H>kS|q+qf^{ALt@r}DeLvB5V~gMHUrhG+e; zOQ~t!bDekvR8pf$i9|^2!Kjy%o1=Is#eL-P*40n>ww7Pg|13Js9EHc)w5SqX8WX14 z)4lvVv+kzT9YoEl(1S)Xoe9t!vjOrP0iMV14Lz$ER0p$amemu$>$4`>WzO5Y&T*onP_-+|;GO zTr)Q{rk`D51F&`(h%2K4JB^v3(kLMOEly!>1@OSjw<7k#uVYg_i&V)^%zCw7DI2QP zMd_{KdQ|UaJx;|Is-YhH(#LR%JYysIN|9tGi%L^c)ijmjdvanTMk=6*`kl8&tdFYA z@gxy7zEXeA%quP>?IU2Xb^#`Zj!l`FGf~*PZDvch@clAN(4-v0{>zY_oP*)nGqf zWibN~8|=?tX7Kkl;>Cs&(cco08VV_~{gYs!3&HrOB=ZbB9stt=8gHf)P|o8YhQfrQ z1cb@~Cdr7B$zYo;XO#3>*FebP=xdr14@|+=Jl`=?(d2`)DY`G?LS-o|4 zm3P;ny8zV@KHKvwfb@A8D7*R2MT1wqOw2Us4J_eMlzA$=$}HxZ_yQ6OjLvnYZZBpt z310nZwVh?ve>QWj0$XK_eel|?Jz3NAIt|Vvffo>XZ39RhK6olJ-gbKf6E&ePVOvei zqG|DMZ*BB82AFoIMTytIxlx=lQ%NyujY9O-C7(+%^U=nRiv~#T(6&%# zLP9Cdv)*9>-{)Hc`WZdD&%ja81vGlyz@tF@+_GBpQjDq*ccW5DBS||`DBQVGAivVz zdq9!D)gOwYRxLzZ2~0wZM`mTc%Uu20ruR&5JA0T>^swWvxe1~?G(f0M=1gFbr8c-) z@qn|>m6v(KgObw%Fl2e2L231x+xk)Y8rc3FC>^`5aJHxPsc@J6nrSBjmjp1y#!M^} zvm-Pc?l5YB7r^OC>^`5i}3mW*1C+w zXb6oetB1hrp>{D}Ae64l9$#?h@W-fFt(hh5aH}^b58ykFoCdzDt}~_<*1-9{Ky@X1 z*Mp7Q$*tY9)rr-P_9;ctQK0K~Y*NdCNMkyb1coJMD(F?zwN!~+4O%m>o_N{D3C;3P znC6F0Dp^GOt?zzl=-uP4z>ejK@9%d#EJMw5M;k z*2W;HI<-%A-|mrB!cqIk>QaImBEYIi&m7y;VSuJlYJy2ao4)ghj6sxYP;ADP_$2Q$ zGU(7fs!5%V@J+r?zG~m&l=t(2y83kKFF*d1rhuaqn5T6Vca1rGv0h3cR5lSf=4^tn z;f(pU_m~Oz0?=M9klMlbHPhh+psj+445)e}AxFe{G=icpM^E=MJI zp2{p^ri&V`%t2DpLP?;u0o!B&4G(&^=@lz|l_Ia-RLeDEx;+)Y>{e>>nj_Lu^l=ed zq|#&r+4%>I&`}tZH6ClzYEsLtEs@zAc z@SH%I%}bMjP6`fnG^+%~Yryi$?NNGL*r$~B08^7bw!|qPm0~hQV=lm{*OVqM%|Lin zbeO7C(pwCQKU$lb6stCdv=QmxU*HsF6OICz0qzK}os}7L z`8d}iz&>UA4!dJ5s~&lJ#$m!6xlwFC1{EOoKM9%sUNmzOS@N18r6o5KW3kBJNI^zj=|f-&Zct8sI)m9aa9Y;%r=H zgs1Sh=|CgP*Q)*KqcsRmVO|yEHZ!((`KTiYcBk=;Y*k_MvB%iP@*ZZSmb(^t6p+^x zfcd+-stDGYeWVwyVZZ{#F(*IeCh)HPq&2RuENB65YtQ&tkQ@q9jMMM|bjCTi4Uj)M zhtJWzLS8C9PvPBho7}~epA#kxt%)sNMnKuT6#x+iXb^$w=E$<=HU`&n3~o#=z#<}4 zm*m{rT(ANrUe()l1i`K?M;;AS|JqZ?Zs~BmhVmw!SE)Rl`|Bo7>8;**I=-01xd+Sj zG)IHy)GR4Z6StQeP4WClNY0rxbCz5)|0BCxcJ3;!Ap9z42vGukza%5DpCC~rrj`eh z2L{P91KvLM)#~2A5kj_nioWdbu2rjwSOtKi2I#kL0W10|P;~dwGv%08rSxp2Px9|_ zI3jxMx}ku+HF5y%Jf}Nt?9)elxnz}b4oADeua!&~*pOFG*mkUyu;{EF%FaLbl{Ec; zeFp7`01`EuB6=ApsJ8x5XrRx$)?-*A4SM~yW1JNVq|a0jQf>u}us_Ny5||vPwAEo; zL|&a|xm@)1?!$3P6>y>D?tPp9EPxJq?IY#f4{Xe)YQLH$bYeguE4>b+r4&e5ZXw-n zf-&65of#e)Gz@@{*<)NJL=d}EA^pjMdZ0ED-YteY3qXH_L8ecXC)%h&i@QatVF7*4 zg2b`sCi3PU<7jQlak`Hg4az0$J)g{qrKu%O)$H5pjyMZ|DsBO^9ADo?dz;t&WT5N= zFh(r&Y}i+d4aa!8F!l)f+!Q?oMP-9{B{BdJD3mSnQAaf#jM6x$Z$(H$R6x{6W+2vN zA!F|O%xt27(eRP1Rc9bO2T-!>Pr$RKJkYK*sML;4a{xe@gtU6R&AM#&7{3VpYmI6? zE}RQCIQqOQGkg+ZWg%!Pz1(k23vEYZ^qi4ZPEqJ(lC7DLpue7`UiyHx7}n`3Ua9$8 z30Eh2S@ezc=aecUTrjBUx$NMo9Rixw?CRSOeG?&6jJA_ujNoStiF8lm#=30~6dz=b z-hN0rh{b)Ba#Td9?kJ4b=#*7&r@slA4j>@NI>=g=d7xZcA&9Q!VJ1IFWHCAIz3p%j zx4Wf|84gX=(u%X%^%hT9rMHfKR5rEqnDReVfD|^e4imH0TBqbeDhJ4izdL7L?Dnc3|Agm#n6 zh(Chrnz7}d{r{5;kY5+Ic;a;DWRURb^aEv;(KdaM(8UXl>+e)GX>${E=*{Mp{2Fc! z^mc}gy#{Cr3yy%();t7{d3(jcwHWQE7Y#a{H&BTmgnmB9TfkvU87)m1HF}nmUtzAA zCN^c8cEvZh73CDoUN6%@ySxCr-O53h%c=SvVNzVt55Rs?OmkDXpl)Q3&DDsrau=^5 z`d3wNR%ENKo%q&H!xQN40suDw^eqM?-QB=r?gduU6cEcjt_a;x05<)sbA9%hhckn) zD4I_7(Zo@Pq=7^AbZ*F30Tq; zKBuf{w>soz?>9=HdVpOGpF4Kx1L%zn*rE&QZ?pPD)`V5-i~zf8JA2Xb+hy`|k3Dh< z4qDNvbCQnH&h`lT8!5Pe>BtM?bTj#qQKS)CZISpwl_e8r9lwBUMjG1fDetHqK@S7G zwzgl*;fxz<`NTXqdC7yZYW-*-tpG)-z?1AuZ$CcMwq-|PBIZcGv`w+)*WMc-T7yR% z+1a=VpN!kra5?BaofMFVZ+;hi%sOf90d=6E57#ovtwHOC3B>Bp_-(#(i|RZP94aOW zElJ-v5n1Ks)>=A2PFH5C-UJjmM(A`J5#quY5T!~;vK}y`y(OnH^I6TEBe4KwBE-GG zV>X{Emy_DlMWaE;+|I7c+)Y-2=aq>n;v44+M#$*SHuF88zMaBpmsR6LBvp5TZ@k99 z+xw=d&4@m-B0jcIcS(?iIW|Hp^E(npjf`tvdCcuA3<{YPy~MCCVGpFNSjs;5xv#v&`$g{-(8;srQ3TY9Zy7_)kGlmpAl}CGpbZ zNPX3ZbX&iCV3vNj82S3;4;xLzyoEpvo>x@=e9-}u2Q~_fokM#iOrUkoiEXnxcE`4D z+s29Qjyves=-9Sx+qUiGzTfN{+`;_^HK?ZsyY^m7LGQ$ZZ3q(r&$NMgD~>aNtW$eL zEkF|Xm$%!D-I2?)jBU2{agtnmU1Q;^7W4{AZ(TcLAQMHsBXuVl`!8hALQ69`W6b?Y-wS2{I zSc}lOJ+$88{j#KL0#BpcrZJI~1>9n7r^B5Io!jBFRyarD>GRYf9RJ^o(*OPAbPl>$ zD0!~q6y7B>M?%~~``0ROwNyFo=biL7{=OWR(&4u5f>a?XJ}3*hW`V0nw&}5-IwgX# zR*Y50IsGsEn6{`H9%zaktj=-Mx6(DOFPxIGCp>+PupJ9lp1>w8#Y$CI0NDw6i z4vUvC7ZSX!$}X5MWAf^k6(ZgPaU`F- z2;tE7w0l9zy)GT#wzx%QAMnjk7RM_hogW$Ivx@a(-Iuso{jY=gHmn=)d5>_`Gl3%K54m z7uhN!|Es{#_>t%VZu{7t+UOvPE}*SKJtjRBgH=WJd%b{aB9Ggd4+=Ct4I<0PEuTZL zLHC9|xe>F@lJ4wjEUlxD78gnwrpmwH`lD2XzGJ_nTp62PbTGWsDRZLVuFn%79;MB_ zW=Z>U(yxQ#+Kx!S^D~q#1556l_lm}g+zxxwm9CyL9fa*1N2`~x5Ti~5n_m1RA4}%3 zcn{WacoHs*%^wuz#EZe~9Pvw_N(m{KKsixu%Ul{78FeGxltg*!_JsL_CC)`X#T93I zqF!GBk6hIE$C$0?mWn{BWv)EgIyP8Ta3lwKi2A=GP5_}RA^gzF%INo64PT!HxFsdi z&}!a>8+*-Xd)JpWp#V|!+rEN9SJ(H$?RoLG-{;L??6Lr)?{lp5pYwLV@3&h4gKnR< zNB`<;zpvNgSYrS0kL&F&Kf{aX>Ta8Z?uTLd$In|-l2sW#m3EnVe&`YVZ;MXe7`joT zA7|1Tg7j1S-3l4Mfa=vPS4Jd9771dI1ppTJvu9;&$N-sP_FVC7HfCIX7;W}$HdrlXXR#Qovc4oopLKTOT^JuDOtF_JiPDV3VLtOWVKJKXZgb?7 zaD!Ka5*O^O_4YAJDKh(ZkPyLOQ`2GOZ*(|V1&8H_F6P&L78VBU8U9%^w<2VS9-aN# zu<9!VbZkC&?Q2-`>6O3it$EH_c<7~d{1O{? zl$2-OE|kv&eWj%DOYcp>#)O-G(xnye`*wb}%qqW1uJ$~1ZLEz*jlLeT=_&thIT%~P z*@&C1drII|8|7wd*1Qbb&f26~u$#x51oM-q1B&9PGwcSumJ8tB6YnciE~oU83C!nE znLo%Kw{Y_2!LzaD&S8Eb0F@1Pxq#L{sU4CHs#eS+_}xsSon;ZCaCQ4cqKq7IN%dH^k(|(!w-Qin%ZLSemplNSo;>1_olCz!JA=jV-Bjw^)N+vR zagNMN`>^fuI^N%6#uQgEQ?EmfDP^kkcJm(H;mOp$viwdCdo6YLGBpGrGi~Zkjm{QX z&{gj(qce4iOEl%j>G0))t z7Ci{O-G(?%_hbc%G6qWPCl<)xVsk_3e$>5%PDY%HK4Q{8Q08=}H1SnQm{?8nn3%I- zO+trw9?8h$vJ-+G?xloPR(+Tb)JFHrRZ{Ww4PiUsqG?obi6x7NLi+o>` zURG$Zo#Fh|uYWwy7j8y)VQt{`xORcqrPz1>%Nr{X^ITB}-g_O?g@jibnyZ51M(Q6= z{#YIQF9V{6ZyiZ?{kqGhwpMfd%9__5l6xJom_5HlrYk-UCi+LJPu%BRUN?vR8y9vq z%5vRu|JB~;44`d{S>o4N%^`~--!zn!$-LL_*J%S5C?X92Us@eZCX+)bSeI;9x`RIPM_c~r0t#?_Eq@txH0)8{4ylzjq+BygOiZc5} z`$dVRzEphSPcoP*NL=chHnDCmS2Z@lHc6?Pp)L`kJGo~P3#8U{mmo`ONZ)bg$ws+z zGzqI~_i3`kQ2yn&E(pI9Grv`FB~XUsLa`+ipqCQ5or4rCvZ3c1#BpTkBoX}^Ms6gL zfr3pXJ>9UfYFWE9@8W1k*|2zNqj4etFj3_{zxn1%Q#%7b#c}==Z-6HX33NYdRll{k zx^ldeff}=l%5q%%^EcaG|7Ly1w^qYJOMIgPiKp5(|4U`@j8J5P@GQVp8dQiTbUUM~ zz=r!T$Mb{Qx!T2%D?kv9?%(tdLt}T>e(epJ(a%DXy|f&8=Kc|?*;UJOnKvrb+XISy z)hzE&Z(!Kh{3`aNMg$QFF8~Jo*pDSJ;1-fm>BUTuCnk`?TC|7i#>VJeYUK0nw1=+B zgx4YGkwu;LN6H&+xnq7zOMjDD1xkN^d71SU>O5T^=D)|Wa4WEN$v;tA1r1pBtS^88 zEGh7^A&&8;EhE77c!P~&-e^I${kHtiM86j5z0MyHP3KSg$+S6gGy!|@o+ zHB}CSr&W4k+%m0l+GJX7I^JzWDJj+zCdg~1A&cf8n_oq8w-%QLZ^axHQout&fP5HZ z`MOZ#Rc&V%LXywAk(ualh689Dl3V=eM{efZxN{bjpRQlU_fXFF9=l#J-#Exq72~G+(l>i58=r2 z2`wLdTMc_d7tv71)ahd}`KN$9x3d{qWZ}W4D@ju8A(Yd8p;>8d(Oz9ys3RzG;5>c9 z(TFTGW1azUYcgZe;ZNH_K|mxeg$Jf~Mq}S^U_-Uu*b~;Hxa*7QmcaHcYU8t<1%gvp z(_!!^K$b|Et5i5E-y-4k?PFnMxM*| zJ4v>vm0Y@`rE$>~W}Q@>9Inf5;hzYFB?-0!PbTbH4Uf0C$EnjGlHGC2#9V2UXsk7& z05(~Tk-CKd4l60}h}~7Oy+VFCCZo&?Vz*LdGuvpYX4xxfdnye4_Oeq|{tMkmOB2UN zOr`edUgoDe%_E<&_62nd-sV`0K8km(S7mPUQ?h$COmXL+b3 zJhZ3fmqg+P8Kz*=W2kBg8#+>|OydgulaclPYi^&FW;DlWBun%3bn0K+(E$JX^G}<+ zmlsOr!I+rb_fL%j+!WL6>exqlaxf+DJB?MGb;?8Py|Uktcj_lbBA0QCB7Sx7K2MT% zyldwBxq9E!FeI>u14BYpEiT5wEk~O6w{21N3GjS|*%3QZj?l&Lk_?s71gMM!=fMLQ*qiocIJF8x>^* z>C?L&=NCQ1VTaPkuA#+C4H?~22_-(xUBc~+ixyLH))mRus#kx^x>o?Anv~3a52Tfm zp6iIC>L_t8;7!ik@V^V>a~BGA2w?kBVz__tHv`%u0dI5o1rk}`%0K{B^!anZtm@T% zJ9itCeoja}Ou`;HtdR-Ov1_N){2#LjhY|k=4OuR|Y*~PIp%#E*``ulk%nH&C)kFOc zp4p&xiyP!b_B?_|x^!PFwqjq&xhgNtR(>aCbp1%Gy9id^37A9}g=_O&{_(J2EFXjM zVsFDwg{oGJH4%`Z3|KMEA0fi5SqDy??i91o?P@N_E3SQ`MF5fOltG1to`c#l>L=tE z@^K+rsp#r9aqP}q@)Ly^l~UZlv#}5vP>7wWEb2GE%_Sep@!Q+l!B1gW56`KK)q0Di z3ZoH-H_ozHx;xsKG^OZ79NSYQW1BehlKM3!B5;X493NZtE~}l%^URcJ(;=rF)DE|tQg#C9bjwd3i(iPx4oX8?rlI!fsjIyrY zhsc!v^Il0jH+2>$s|YKs0ig8^HY~LHxTpoYv#?kA2*2a|10;&{ON2gG{Np?m*SW$D zo_hjhH1BJOYb?w);<~fALxnYUzsm-c1ZE@xaqg#5JlEiYh-e~l{S-6nONPZ-7KAB~ z0I`hTcq$eJiHOWgXtvRs{5!+Vr5ZIe1Dph;Il9DVo483*DBTkc#)GjrY3f%Z1>3i3 z31GX@VoK~iyZ9TaTG0UU98{dMUo|c+HUom?mcB4Kt-ZTdsYjrzwagYaNhU$$&?@X; zYoqQO;aN%(5fgpFbHos^&qYGwNtLbUw4tA4Lyv#iq%AfrpgBN5e0+z}`G0LyIfY2K z_M;R%!Z=f_Sr97@5PzzF4C|DzT+RN_#gz;s;Gz#8Kzf`yB`zua`j{s^I3W`7^Srw_ zJL|tYIgLuO;NWOKAHR%JSihd0`qf;lLELR$y=9lv&DZ_<{(9bR93duG&2Nu7yIoby&~4Se+S&fPIpojR zy~8){p40Tb=9{(T>3O$zcNBg*e!lrV?QU?>8>X;_Gl+HHjqU(*b34k>q=5jxp>-OC2@ z{QI#wAA3VN%Lcdo0=Kc>z_+@B!}r6K@0LS)JA*9V7(@sJBHpa~4>V zIhGLu=N03^gKWz_H_l$cEif1>97Y3&Z9^CV23+*enseifp8maDlXT>2RNI;juFr>q z&6f_7yQjclPG<4vkUku=`3{bmjS-Tf4$^PL^E@?<;Vj!Cca-9C`qN*!>09WK)%WQ3 zsK`_xH%y}$(F&&@G|mr_<3iv*eciy{S|}?I+`x$vrpTb46=Q^}!c#{!j9UU~ z(wHGyE3j3OLCL$Q@_34#KoT#C?oqK^0-GjmAuidO5L_k#*`H*f>}POYMgvS+xGSy_ zDZ-t!NAK7&r3NUbkg{tyEJ$Sg8vVqqKW&?mJWO_#;%K^jYOhS|)zQfmV1X-%AB*6U!2SUy^VLZMv z2ipwgYcBG3qv*L=P3dI}NbKMK#x)qdYV$UlKthNnaotPKu*IIOh8B#(Roz9Jir#U@ z%sAs!wgy>fb&*Laj0ggwlU|j?cC%1vums-wJD;A(WnEM&mtSJxgo#6cG7b?q=I) zCYZ@}^iws$ouRRus`%oRKJ_W=B&M$;_QsWPBUCR&$$!BHcougNG zz$woSd^+r#8FDPY)RRU97B;sZ(>TPTI)2ZfSqr%7@%vhXycjK@*{{$6G#nn~n{e!86PmM>Y^A^sp zOxCMVs}5ZK*Er&PW(iUJR5HauUu~bK#t^eu;->DI#mB#1fCE#Pux}lqC!9}EeiopU z$KU--`#$u~Pv#NMyqf^gHX4U09j>M!d6y4byto5tHD!Q9TbjD#t?CD-N>7k!7njod z)}s0fw!Vm34dkO2%8E3Y^b0~|HQkJNtxa?8vRfJUaO3r8$XZcVun|)Zo(TIGH>Uyk zxMdoNUwM5G^H4a_c6PdQObV??XG>|dkye(I7(*paj_@G-Y*_kaQ+bnX10P;5{EYeN}Ll`A1Anjid{aU71O7*tCLDHPEe+iPVGZUmEI%#2( zi+YFjHTvkZ;EDS5?dlt;9-4!oXRGPg+81pYX8#MLg?L5VI30fyJz@8hz~0;0YJt7y zN{`skR<$AuWq-*7(6lIg)01h$vJ-0Nkznm2IRf6>x8a(8xZ^lqKZx$OC##vj_)et) z&8ri(`T1e2>0{%QiqRkwj+k7l>sZ|h`D@FIaQY<#+cgkI=Te20vy>t`K}#D$*?axu z%0kax>MHBj6G?4>&>Wf)#vFsJWGOKNSLqX_476er)u-f{WB+3Kk;_zVG%1ZQY2IEu z_Uc8`7ERRnyuL~g3GRgnt8H}G=VwyG^u`m%%!5ktG?mpr3Sk}wkLIhaQO^{8-qho> zFkQIm&1!~pwf{1VC)cp}1T>LS)wx*;UL;Jt*j_HSEyry^Zlg{K4Xdr)ye@1F0P&~r zp9=9aUAA?`!sTyN^oe)6I<-!Ptzv+I8$}WMhgGeZJq6p_{R<)Mp|arc!h4VbKD4R9 z6`Dw?7@?u}Y+eL>MljvEc>^K}Y6EK&wXj|)cuvA^H6f#;+ybtelD&+zBi=M@85LPL zbtU5)ygNL>*tgD{e%^dsk;Kl)sF8_-stw8&X&vyEPbhpbo4*s*DrPZ(ij*r^o98=L zkCTK?V3lzrqzwNRlNZ2P-0>T)R)>_O;z#f@M;BHDe6}w{i(-Ig3e;v(`uAEn%;zxo zwS0neoB}ukp`SJO2F4~38u{E2En%p-IH-q7q-gsO7esZU!6`LM zge|0w3y_BXBTprEIHqze&Mbfa;9N8!U!hPEX>J$m7N03I?}IgPIhT%?Tx>jS5tI@m zZ6x}W_5ZiRo z*2ATQ2|GvOtpny#06wL*Ox6)^NW%{ECGOE^BGI&8Q|ZDhMC>c+Yh1h~HjHHP4IUX_ z&)2T6V5vDMqeKRCK(I0@n4RxrvU3tOscmeov(YZl^-Z>$ncXp+a9bQ(?2ysy1{ zsMKsM5@|9NRcYJgs%427Y^NKo?n1j3lAYd#zT;p z*#xFaZFu~y>n59*PlOwmA-fGMO*0{`e}j>ac>gWm-~4vZA$h_8mhXFW`!|6g3jJ+Z zM!MdO4val(tdfCTJ|_kb*0K48R(TPF>B0`y)-6NMbui=G(0&ZrO~h5;+#3lmj_*H| zs5Edl_dc`Zd`QhQL4}AL76zF{K5g$?;vz`GnnP72-k@Y~!_qLI=WcN!xUF>6Lt=`+ z{#`J7-=b+8BN2gmPkrjesI(sQc@&=&c^a>veqmANn_)oX+Gbb+GH7orTC-{Itwo2xFT4GXubDYS=LD`rC7oB*`SaBInJlW3O=M%vp& z9I5vS)e~f7ERT$$72%8#67Knm^ z%p-*QGTrjptCqW0ls@=RqzfiCsol1S|C?+>qWvas2cVRfwWF2iuzwc{?tQHUo|oDU zqw}liFzq)OD3MxfVFM=U9TF>FIs))MX2KBkvZA{UaWIXLy}Hhi(^sQ@RfFAuWn^7Q zNLzGQF|Fzb-13Qqd{^A4Yzamq>0!{5uzF}yc>^UgQJ=vE;;&e&wyOx8Jr4JqZ!!>QY09da8Lw(T* zdaR;DIHS;fE3)O=+6e}Zv0;*$O~BSv%}4Zl-hT>gcpw$KyQk7%fga_Y^lh?WBkM(T zjr}`6ABW#_*Q$4_Y5F;SjJ-DIHd0vCS`Q%^Z^jEJGcyU=U(F!TEdoUt&MV}dxJZw9 zMemN@>G}hT34$kl#@@+2mcGE?6IDCuSF6WJU-AH-P`MU7J4>r+s;h3q(ZnD7s)@>08PGIXx6beV^@>)bC9$?7Dxuay_tHGWzh`f zL=M_+fa_?Q^V1M;W5q8#@_!7^RpH1(UNa!bzIOati1RGSAiq%pLHU)Q(p!EMfWc4JpwL2|MbRr{|#<{WfrypUfz&K5m4@?;zV-Wm+l z9l5B9=6cX^sF>iZo7sSR5nA)_nIRRiT>Dd-pF?~G zQ&o+XGA=n4X{9zlUn*;oGNgWj>8to!JR&&t5fP8J&^EL799iE@N(A4fMfcAvtLh`7 zQ6{nbZO=1YprA36V3PU3;$?X%pExKJ4uZ zNlZ#?775IND1WAWH*vh+E~1n69o^1z@JBTTf=UOgDp3@sM3>c9(g)&CCCJeS(#@1+ z+gG*OzV(f0?wcV+mtn4748NAVphVvi)IzD(2OlsEH~?iLTUO)-4t59%X7CPk%sp>2 zb;xdG+8~sqdbZvU-t~)^;)#nc5-{@9HZZUW*VY0|b+#SmtH?1hs1;fZL6TpBOT=n~ zmJoxDrS-w4Xcif7dw=wU*6KC8uHK)F)*1jFg8$8Yqxr-;|nYgomRMp?eX z(3btg!?Aq?MD=Wbe6`3sE?Lb&tS@Z2$v8Ig;`|5E7*sR^#BEg|toxKy#qk_%q$ZSu z8}9Cf9Z{_Y!DpIrRT$!yOVb@RJ~XGOrUI7P%N%Mc1Yh}YbXOGurmn!o4Q10bK}Juq z!`Id(FeClxKhL@hkBcBFhk7MyIJ8c)?m*E+g~A3Y74$MT&lT4d?l zG>R7m8;5kCpDm-4YLa~e+UqwY(kM^rYqf2fC*BFkFH9Gy+aaK*Liq z9QV532yGnK@_r(VUXkU0F*`+rI14_bJ9|k^w(-)yiG4Gu(}4%PLd*xGMQ*&!Af;$Ao6t zh67#3rSMcn>0T89$VeRBoqE5&{NVbteegWaUJLBR>JbwE<86fYbpy5um$tM5HJu$9 zqW zCPhR}&L&5-v*qGOM^srEF<0hy<@~ph{^9zQi%;)Dm8Uz0C)t1ABn`E}Uhh(F5BR3I z&Cse0h#>)as?8X+sany{?R2pZi(vk@=dFU>CUpRy5TB52+j9t(7Co}SnPJLD#r3t! zK<)kw72PpPg9vjsH`I8BvJDoyNtWRR^H3TuRN~v|LRUY8*~zz!Nk53fQ;7wCqW@R7 zcsN})s@u5q6`Ma0P?;q7t$zlh&rom{nK9?Eh6O5xcSVUN1J{rq7lYGnuys|l``*lJY+E6lKJ%Z+VkU8dUpPWh zoo~xZF+1Cin}xHhKDH`1nddV|FHhC+1F5>$)=}zg#=L+;w9q|77PGgPL@|Bx0s&Hx zu`l)l$z$4KjF1hatQ$bL-=@#VErcEms7D;4KU)>Fu+g?!byXTHE!0*)Aho`hTeFVx zlvvS3ZHpbtXLlgA6=Im=E8nn%ApG8M(~cn@Q_~bz`3iP!(USe*;x!_ZpFS7+rOG}$ z^aFOW&hi2W=X``Xqh_D~tGlVDTW!`~9K3vyt>x^lAH|uSDknLU)j6n-#!4xWr`N}+zm zvG!-)gmJ$xotzJN!N$TWrzhA=K}37`3B;X`rgM}O8M%{ZlN%Z%t^Ty6>UGv7iRz8d zrQytWU;4sIAm3b`QBH+T0ad}R4Qgz%-T}6{JT+P7wQ(0Y7d<&vc53*mkU(020a^LI zGKR}WB09_0RM_rplRtQh=A;AVy4+0pm~h-*nWjHq=GHQHIH9{Eqb|n*4jg*ZLO7D_^xYP3oeardC?YrSl{s^$aH0^!%&X-+uLWsJ6 z48ovtH8`Py3PjUfi*CSgXH)(4TJA+ASO>-;u<-F&2q7;2Hce6Q8=}#7n4i#Lv3A(u z{Kvg<6H29G#JA4NDt{d}H!%$7lP*folazG4(y6*DrquMYckr?90S6WVRGen!UJsll(OHJi#}3bjSo2g#^2v&K=-T@RZ;#=c5`i zVp>vmzp`l`NbEj7-prGBhnv+^bP>FZl16U35g4n$CMGxb4ldK3Oa_wKxZ3Hb5m$;o z)&k59TFqwwQLl4^;I=NqJAyLF8=$`Vv|!hPx&XUFks!S0UseBk)rcs2Wgh#bEuA1a zv-?LRpUj*TvU9@w0bK9aFLfLT2cysyR_E-G>Av{LH<yRLH*8=Za>|O;fk+{!oT(yhGw#9ppXVP1h6?(&6O|mGd-8u3VYg-- zKRvNR92sH;E< zjL63nJn_;vML#^#S(;WWz%0Sb%i{Hd}XOy`n_ULo!+oG`e@V#C8>!*ZPht7j2U+yRUO>$y#BNDT01rTV~esl5WVu z*8DwH_B0vOb_*AyT#`vvPa%Z!NUIW)hGUGGgwTZ? ze03>p@BVzjUQ_p#F=pdy{nbM&>@BVX6i0f!0Z8T_Q^Q;M6UJ zWw*S;;yizUc5gogYLvrYSc4MV(HqJWuJ((;T4XS^J9=_<%Dt?VNMN_BbshAcrYL}x zcpCHzrglj@224#6#z&ydi#9apD$$2ZOovoQZ{#lTIF)|-xh2uluXckJ85#-TdWF)EVJ?9;`3rC4*QZ8f~|0~WsUv?>pCifbyRXJb+!Ns6dMiH6G<*G94d&3Z_+6IFB&N7zc=%0&Q#YjrS6;cu9!fg_ zJbnTNLLh_2KpSR=i8D_fG_K=xG8*3k|IHwD9jo`(#GCrov_OsWWyE&M9fOk0&tcOZQE)fY~M4zS+~$SSx-72_?M zw0R;M{j7$!KkTZ~8|*njN>c{_&*AA0_M)}(y3!T4)iD?l*OlL$cm85yU2mmYfJh7y z`VnUCLR5i!u+73fk(cs&tg7pv2D%Re?Yp!7W{t2at=m9)Gj(U!Zwg;cU6pkVf%g-dx-$C7u;r4vj zGAo^f#-dPC9wFi6vLhS+Q~VzLgCPKhCWYMpH&p`j|4o&^!N|n?|C_%U(%!?> z4r^<2SJ0lKS3hk{^!qsN+4kFomqch7UtKGDI)WKcQz-|2tEKYgC2*J$t^yZK&$KkX%Z=Zp3N>pV<{|QV%Dj!q7{G%^?5NJzZcl8G)q8nNv0UFF zx1tY8Qn;y^*_l6f=KZZ{^FTYaH+yun*tArH{-<$uuf*7U+nr@;V&lbKC{j8~(&= z)6+x@gzJlFQkoe{-$*w~&BRldXeioKqvvW|E=i_f&y>)e>Gp2AJX@;9VYYfl0jkxI z=a$SRbdupvf-+?7DD#@@0oa@?-9O+jBRQQ)Xn79gSUfA~K6_c@m#ePO!mgEn+rBU} z-XFTyu5Mtibm?2(Jusk4PBMDIOSfOnJ)3l1l*gHjT;3Ee6)YmU9~tQ6%X4R-EKW@Q zS1!UA?O>$*-2sU%+S~HP_q@Ouu$2(qFS>bPWrC;LtI(DV@w$qHVfNG!Svm-|E$BqGPc) zs`?-igmU}X5YBV_Ewu^NN9+e-0UVJz6z20ayjazD)A&()#0Nj&4=8sBzoxIuLshio zAJc|>r8^4~xI|5{A9B|dSzM--A`mzxZ6FlLX#zv?)3H~T#$P{uru0j-4bR1^6;TtQ z*5)PZ6OR@863zg{X3gZUIbdA6_;oF~%fBj%_Oya2dm)y=MFcLTGN`OqFRBOvu5leQ zFZJyUtIAOXbuSlgmwQsh5m>UetBXmLvmXbS8H$I*V-XjVE9aCL1LOt{lBjs6ozO@C zrVyEG_pz!OcV!6+J#EGQN#{RFH`t7o*cgrukrw=Q*${@%rY|3{cX>7-@4q0_aMJs! zeclrnn@!2C?VTQL-IqPYc`P$>JJEDwV8I0|BuH)=U9?h|Cx{W8>^2x*#dZWV#9hZm0jhuZs7lU${#`0(*O@ zLP7mX3Z0szk1Vfz1J?}s8buVTBtKw=<}9Iki7^qch!|(w*7u6z={O@^^Yhxgc)^1) z!@epV0TZpL1;0&u113zE!1DPhfMVh(OEn7M<)bA@J3XWOB!1!H9#CXQOU;);v(?3xv5hW8E=91?2a)UlM_9>fcy=!KfRnTGh$MlJrIqt|vNSq$yusTcH8)@m+2L&+y? zcg64}tc=XU9YMN>$WYj#e3CG5d;J|8Pmkp~O=6aAQphWsTn0L3c+nN$K0cE;zS^T>N1ft%Xx=F8A_d#kTT{XsqnDBwsQBr-h9P?F6T8Kh56 zr#X&C5-!6|VlY>PvrP#c|6m-ON)P_6$%-{s!1ua_sf;Q1!b9%JED zBMjS+figQ`t(&!bJY(Au$et-mlswBn{Bo#Zo~f7C!(oNfN56d`V!p8c(`tNd`>(`) zcbcO-tcpPs8oh|M_}jGVc!tfMq+??s!ZKuNE2@}%OM&mRX)O%MFebNIRb@PFd&FJs zh9Qm1Kdm&HA>XUDs?lXwm#Ho?SIH*>88oR|0=7SIf`5+4>dHYD*4Eofe!Y2e6}~b|%YbN0Nv145IcJ!|XM~Te*~v zLd?HW*4g=fvJbMm@wwCADfKxk@awUg%Vb7On~+3SgNZHvUrXgVi<~SPDwi<#Y*Q1n zT{matE&n)HvX_Y9ITq?g|-)lHjCf63k;zo5GyKmjY}?)6en2cu3DLRe#v`=ho2gMGQ=G{&JMjTo5g zuWzN+>M9G9)|Kd+BslB``CSX8XWVKbQ^pWbiDeAz@lXR*w~8)O zVDFK%z!|}N_&Ccm=4R5zKl-a0(YCP%?6QzQ{CC7{7s!N2L&oN>$WMj~g{ce|FY~kW zj0sR8>}3wb^nnm71h2resX76amcfQ*nfM#IWYD%r-@OHtzEdIt!BA)5QKNNDSUH4G zu~n~hcjF$naaMF|N0z&V!J zKDj239S#$MV+_THTxIAV!fgIiH2Z(jOrmRZ+vfrzuQ(F$eb5pqJ<4-8+uj+?9my@} zB_oX>O;WXNR1IU)=))!`udPd2e!~5BUF+(fP)m?QJE=-&lKD~#4y}k(MxN$^b_2Lvn)jkN`{L)@Lr96$9G*6@c&B2$Dh7rb&l(@ZlMhS?ERp2qzhczd|vie4<_EopJiH0U8$ zQWn2caRR&d?`&^Wcsn5bMl^qu5eZFooa{l$Pm-PX7i%%x&#VwE-9=YDYN5cTr0IqK zo&X?Xl9c6dH9-;_DAvF9oWH}N5r&oUa^rde6npus`Etz`8~{B58mkDCIOwtyH<$KtY3-jesg3xw9PUuCo#`iqm{T$jcP1BDFa5i%{XTGeniOF$*-l zIT2f2ymS9}d4}-G1;Q_-=Jc2FXsx2>yK-w`L#l~}v6R|5dh#}w8_9;eq!Kb%BQX;? zc4oC$#N6t#Y_wv025XO_aP}-jhwMc@F8-Rpz|uFtECBQz(=JyQ5Uj^$V&B{?s7RaR zrX`0PKzG+>_^TyqqY8B5^k^4X)i;9NXRoFhK%+j}6j-PLlC-Y!;4248h7Vi`kqQ~U zb-cEpDA9Vbtl*zM`tg?>K^SmFqjgNLTn+pJQJm^O8sRj$P!m66<}RigFcCXH9=+zdc;s*?HW1 zFWF)4D}9@&COiIBGo<~BH&wYgEvActa$KG*5vkc9J!UM^>$^T~Phk3JL2}mpynh9L zy<+>kz|Casb6sbCe=NJUwLHZpu#A8$2lCH~L92ZS{0Jn1YWp3C6J!j%vuDO=Z^toh zm17Ee3PZoirM;1BpAl?BqriLtlw##-{diVngG8_=B~ZA&~-lIXoc$^i9L_PlyV| zUSv-W%ikRqOU^FM=8Q!^-HSad~^83Q{+Uih?%YCXZq4_S)g009W*fn%pe1WtuB8oE28d5!E?Veed=fR*_=te_@i?gUl>K@(_3b}d&5VZt5;Yp#j1Jm=6^=9aFz(bBb> zvQdsnh0!u&)QOQjJoYJjPGh23H@L2u53ZKK*9zlTM}J=y$jOm0L>0|e1J+eQnD~pP za5l-k^L}YYwScN>pE6e2sRi6?PqnU=9oNzhsEzEPVuNgoN>fs6Hs;GLF$65Uya=Tt zmQR(ma>AhpAZIWf6D*WFI5!7?GfPWOn;U-qC-oCE3ob_6SdJ+r_7UtGN{owR*JS@& z+(R)t*_lK{0TOtOK?37aIF{5d8~ho8vFIGmEk>!SDX|xpJ{uorI0Td}%MiGdXBp zMdqW85l#VB2ks4QA1anncQ4j#D|nR}A*H{3^MP!zFz#22!%evBZr^d05s0J@1&iX~ z&#cUjRb*5u$6+K_N5PPlBPSbJbnTHE zee!YFxX;|{sC5PM9|ar*;vlfki=(|dDg*K?=F$2R50D@DNn)=y@!R@MtFxmXmekWA zmt7+RPuA^DY{wtarSmalg%4~u1tp`x0@uEBymoC{2jub0HN;wn7d6zVSwf<I94!uGSKPpk3^o?Z)ln zO&kGvChfODnd1k)IP;rD+*CEP=6z5fpji+hAs2M1D+2Regu<` ztHjnT7SKj9-6_EKV_El&UV3AcJ$8OqF>^+iFpwd zFXqpV{cFdrtXjDWt1{cXJRQ^FKIUN?j}x7+?wf)jYu4G5Kc6kPD74<#F9NKqy@r7^ z=+Dh50*jBwI8~KAb=B!N{-jfn4qvfHH_BRFrL@w%8oj!ZQQpE~uKb+XRHZ7xiX1j1)CzN2pPot&gZBTwF6Fj8<)Nv;O%ir0QKNvz_tH=7>9FdSR0 z|G6{E+HfWP+a3)>^E(?dd^gOuB{%&nEzXj*@)`QVijhiK7bU?P5m7z~cGf1va(Qni zS%=avUvbjzv}av?YdagVjWAo2<9u#f(Qh6;YM%ff^h!#yJerxU6KZ8_A=U1R@SK@E zglLP*iXqywxnD~}oa2h|>m7nvqar+eUVL$9z|nQ7sV@sk;ywTGZFt+A=Vq&p=pVdCt z&xg}38t^r!{p|^1elU95LaO%0NUgc=r^lqxuBsf~r7DRLrMCMwlAFSVIGYpJ zI=Q&LJCGB$W={BQ@%h3!#7>#ez!x@I7* z%QkQfbM~q~V|)-bO}nSNed3`>W$5nZkKvO1`}M={!a~yPHR{??tKOmP`oyRPnw8}- zmF|2M(!hd)F-}c659_j(>CnB`@YzBdWPuH1i)*+>&t0EuBD3Z))6Js|o+cVdz(bmh2Wp!7cI;j+-Ab z^cr#beKG?>GV~?Q;f9tP6Xuk$7}Lg^flLmspdTO?q$xI2LS4i_nH^h3;q`Zi){dFM zeoe0fSYboElCh4p7jtIZ@oI?ggEj-UIbBx)^kx2ilAP@W!Yl``_jQLbTFK)YgvhERq(2R98S#qRG3`fF=D?F4SLixNIF$GQstNVDQdVNX z2L2|X%e6ZYO`NYLDo*&G|0{ASUO8Fza9&^U6jnh~du8uoh=recNVGI$f3Msb+FM&P zLF!#l%tZ8yr8I=cjj56X^P)9#$M+)Kb&SZh>`puc(B)A%1;EZEvdg1fW@E|van_Gp z6NrvO@iEbQp zY|}oxrW)MTLE#&g+Ui1n;jf@%5n#~w9lB}SJ%PI= zXnD`jxMud#S?TWHNPXXLF@KPiDZRF3BXsrzWl-n|MCF`9#J3A)Gq!C0dD6!cf+MkQ zQ{Am!vx6ws>$_}yYeVklEjuH@WG(E^NxLEYqORL89?oVN@A2X$_n4!Pe$hH&>xJTg zF00ExJx0YW>dK2C7{t~?_-yZWd2ZO6;s1Cy9?zwtK8FUTBG>mKht z9dm1)<0D0I>6h~&t&o&PFvH|vbnHz1FcDRUa3~G!X>khLQEi8lCV!J|mnhnMxIb@? zs`0frQkG)C222uBrP}R?CQla<6vuo|PKuj~mJgb~PTyBZDmvQxhp!{tyyUZTHR1bb zwI0ZUMoOs?pORA6q5!-VVLWc^4YU}y?Rm%kx8Yv16h1XivN6DJPs-WAc2?&D{{IuV z$6JV(UR+NVbR>j{xgu(cBqAH!w|mGH__IV(^kqmemU{LBjtQQ?xR}ALALhNqm0|eY z5xtPrV58t$@3+xGesPCSKt0A3nzw8Zdlg(@>K%E)u3^*RX7@)(DvE%JiUka|Bj&7m zF1Y#R=w`Mkcvusrep$Hs4dX_yVlQoGFHh5+ulx8nut?k2mD}olt?Jk3&hcKek=Dck zEWMGYd@Z5Y5F60#jQ#5W`C2O4`rm(kvj0gW1cz#?!?@=tFbUir+<2p`33(OLNl{RU zGGB|=9;SaMgUBM%l*rcYQn@PXXiD-Ca~OCMBlZ|ieL84*H*{<&5g9u3F-XvW&GVMX zw7RNG^0xl|PC;$aUJf0-xlt;M&CI>*=r%ZJG7)D=C>7@U!N1gELHfy{U#PAnwhAn0 zOm*?L!#2Dx;Qq@5lggU?=HgLrOHvMi_b%E6mKS>*>3i88CRjRA`{~3Xqm&Xs$e{?0 zSmmanXA9y!rJ&f9gVjWb`UbPl^UmwiP+cA9608%w{=wEb1ysnC`%3YxI_f$(Jy~1$ zc~dUj2Z@Et?Po1o*}C7Y+Y`HJZ_eND@jr#ZlC(9q8h?#+7k=%BivW#(V&k$NB{4L% zj`pD1!A0o;+tkySi##<`!Yid3Xz{m4hpH1 z={g?`X2p!G#bHO4T0Cbo?Y|bVf4eEVH~A~^ITW*o55*f9{qf17BDkOY zVy@-(CbHPM9M3e2Y#MyqW8O;PMR|AV!e_eggiNQuUXog?V3QFVT$6#pxo(L8D+y3V{ z0V^n`*zuZ5O9%tEztrhv(||V6AnH`jn}4t?ojjsM#mi-|IreqFWu;&x{dJ{J;u$q) z-WE)>_MIUAZxEO2{X*QW^}iwB&-?#@80Ym>8ul+HKiq#t4@{P~e}5Jg;NLx~XMS@+ zQ?t)uxj$UGK)n>B=$Sl4nuP8L0uR&U4L5TX@IfCWd~hD5#WA;v&$zHrUZ>$K3^}iC zPfxGZPK0F;Eyu!r7M|>gQEiD><~5b|$-A?hYW{zWX!?(qR1(}`LJ;ygGXb(rG&%!N;VZ;?- z6%wmEu`Js=LEgXL1938O8_6hQ@Ij76+Q84@k~CYCmKh{Lfj=V8XOTRMERfMMM(GZ; zo>$QGy|qo6vw)CM(7R!=o@BS>pT+ML|73r0jq#Z63kGaLa1ujs1|!=ZPrXx_U&}M; zes$vuhg6F6{Oo90%-xl9m(ze{uJ}J#3>bCZBCBS}_$;+;G0;6hCfzM~!q%3A$qK|# z_8vID)})o<6-qj|+AZbE5ggfsB^Ww>{xZ8g#y8sil~TT6YfCT*jalBml|VUuwQEhxAI#+0PZ zNM<2z@lZR4pynSz%}>b-w2Pe4-mh|mQ|A4i;Hq!rXw%-*keT?!`Cgdr%j|sEEpH`U z=5Zj1t@njp4;tPL8H0g^y>AGqhs(R;UkWDf%E3?BULY1B6B0*LtcnO656PhaG|=Gc zQGck4Li-KQlPcYSD9tee55k+KQzlv#+**R0ip?bs*ZqIB%CbPlCl&{M&=R0h2;`Rk zwqfdg?l`q{q9x8BzP~vb^g5#a3;3p&hw$@W#ClRb(k*k>?8D9bf4Ak??YBSV+1)M? zJBY$K0~4>0CSNPetPnDf2xizPqxDvdf-D__BAN3;!nB4PBgmS%^HiAb|FZ6)psU@q zI#Op*jPFSf=Asf0cV7H59N@F3y4M1!tIddGU#(+12|HssX$Tgk(VdCNlPN7X!1W`D znD{Iljnv%t&XkOisS-IJ5~O7+<$q|j8eH}>C{{6obAUGIsI?Eb_os!O4{1NK2J=;^ zKuqjEv^nI~N7W26>Y^)fr)4}<@b&u3oT#wn_$Yjo{~^xW2JW)a5Yo+i{d6y`Aqr;pin!hwdnhrn zQ2O4xcj(q|!u@9ryF_g#0&TnDOF&IYMTIogLSKT-xZ%yH;iE_Dg%8zN{0l6uQH6vLn5eVL0RR)p_S}OFSvkG!z{k23S}-r#adF`OXhZR znQe3@Edi#6`Q3DlbW8Urp=K9!Q-50|b6rN@*hlxDj-&ri$7$y4X?bZVe5FIf`~40OIoL{j44~gsiufDCcuM+}O8Q0N zOrHm;cb9z*dz*tX{$_5Y=x$N||NRI9bd2&3MFyUQrw8-Uw-AHz+U85bKMO3nQ@Hh& ztWPI(li)t-Q$6K(%KBdu09>EWEfg=%k^xon4LNu=IA_`!nyQHvFR4dKF8(r#o`%x_!EBU|G zoIonb>(odyD?KHW3wgZQvWGuA?=pKHCZ8sM zaQN<$5fCUu_wP5F>#iO_LR)-rLrb)kN+&`IwR4Cz0?k-NsCS;~QUU%efqSF>cRKuIHQ=Sitsh6 zcloObvq6vYMfK@Vm?!OhUA9+lgt^?LmdG9%jBNT{w&BYMBLjIstS1&>)QL(5_?D2h zDNu&079{g0x!G=D(}N-i+C zbUSk^I5S6D(pg{`4)M z61}*ZIId*)XN)*bwto)rY)D~A5EFw&nHXm(^-`<+VSDg^KQT1Uyr5?_>$vD>y@Hl@ z?!3S>f)|6HDhkkKt+IX0gXcyPc}owk;WyR=8>TK}g!7U|lX2TAL@X+(Si0~d7SV0< zgEkDYm?zn2TS+6GJi90HZN?!V)ap7F`YNBw^&z>NP?<_I&-1IsE(%1A)&aK0v`fNR zRnP%)>7rbaCO}t(eax-IU3Y=lfu9&{5`U{vgekk^O(^TMSaR*$U9GO+!pocS^Yh#8 z@&}##SSeMTSJPAO`${*=;?XqSK_M1aM1&n@XWSXb)NtqC!n5pX+Tq!65H&!WPqc#8-@U6cmgyZ)~Q z+{`w#9HjKkOF%qJ8qs*4#VQ4aS&Ddf9sZUfh!vG83uZc8Wj#gE(_h30?z0jG0b;k} zCozH(B|CKp24C0Far*cDX(haB2$P}#*}V>?UZ|X6{7%`)t@?I$R3Y%%OjRsZcXCiKe@EEJb&T*@Ijh@6l7^q8I`AW@9hD>|`J1gO8j-Qdhjar}C=a!>yxWN#(ct}eIvX5{Lq zEZ!L^>ei$zp7Zj(G3KhQJ)g<3WIX)Kefv3?e_eE9)kyinlkm2_X|deh;^DPt`L<3_ z{DV8a5)B(T{Ar+&ynKG>pzPg4l{&iV=<;Rrires6dUbm)OzxaO}|JSa4PN9uZ5ncz(fZyRE~WG&yf!-xOO7t!Muddw1?ouNyPTHaS07 z`tMa8yfm3}gN^s2v{S@Os-`=KcGBoeGbMMmae2OmWwbZabyd8;_U?+~-36cPYQ^7{ z>C0E1f>%y$mi?JXHO%$+zK1(^`rEF9$M!oGDdC3}{ztEE!cU30*U{C4tEU!rasB+Y z#K%Qp=a|owZe~}~{-Gj6`}=F!Qk9=jDk1YF@?5PogC3n94i-|QPYjL%)y8Jj94$B zAdKOp2xb*r;~mFFcLIx(66kmKD?cjbPFI)d46^^TcUpC6Afpe5KyJ(Xy71 zyPB48rzmtcQ8_L#T8PFEYF>`E%21_*PcODi2|E3Q-Ne~5AwhPX&G++7V@@6$q@X}Q zHrlUnm_chVc>cfnH=WE`byRTQ#$hQJ!Fn%Z$WkP#9*6E*~ zKX#W!IvILfd3G;oks7B*l@?B1RJ&EBiAxZATWMPa%mi%Mg^lpXX3sW3j9;L$oN9;1 zR-CkSqlFk2mzl>-_fl_Z%4Ob>y58>U)M{E<^2@gTn~95`@2#r-a>Z}_^&@_Eoo94C zP7_ZVR4nnkcxsh8^GCvsKsBUQ+a6-!@ZF#)b&_6GcpCzU{le{$@LtC}r68#M5xjjtHVh z0=Bk?>}r}eVwz5WU`kx*iV-A8Eag1$;Y?AvYVw7K47imppeD8uNO^|^Gw+%}tqxJ~0n<2C1S6Hu~S@~1`-bX-J;~Y<&Tb#BeSwoMqt3QG+T!lS#r*LCT*EDi;GBdlMv#t z6U#yX*;>ZO)wO~uY)amm1?qtgAy(8hz=k7_@#j6&?`_EenGru{K|!sU$Pc4T)6WIzf49>B;PB|8{!jjH-BQmj8iW+)cVXtaMv5$(BkF*TI#voB$E6P+ zGbZPmQJ6INSID{_qbq3*^x_zBV4kX5HbA#gK=WXce>{(ZtsflTw6*;WX$WL1!ZX6} z^w%~0G^pe`B$nb3bUwgSMsW7H1HoTECy^Xoy#*053yxF>A2b;a}*-3E*wa-i>If6gr z=Nq0gT!=xIgA2hnaou45Xj{@MXiBPf*P_E7xFsbONQfRXJ^YH8Szje)6aWR{6mY4V zTb08QfLL+v9<`MUoGyKfrbcjIg^~QKL%e}~g{4X691MjDD1;>uqZmX|fGS<~6|CKY z*shpxaY1+so26)0?Be|sXEKJ!{t>$g*Aqp+y89`P*m2Y`D9(oPg5KOpis4|U2B|=V z)6q9ktN@d`wIc3_7}UYT$k@}>(vR5#r(0z}%jlrJ zcA`zY(`>=M;gaHPjW}7N?P|~nPdh976Ay<&vn(WmP;hePG*)Z_)K_%VUxRv}MH#Qa znT=EHSI6rk44`YVO$(z>(q7wHc#*3YRTMCK>C#ZfQ2h~u2_yWug%!EyW_sh=YM&ib zE-wGjj50nebMy);$6sUvKMCHCTtn=^#O? zyaL8Qfc1TpUsu9{G}ISP@<-NwP0AmqWQ^Uwv#L{vloje19>z#w(NupV&FCvXlg#mm zqZPQH^Z%eUECYm=kH_&1#RyH1Hm`2O#cI-|97qFYPPT9&#y#?nV?tjjyG_)b{?|O5 zzYfnRVI&`h1-T`U>a)Jb_eHL_9{M4_Rk#PW14*ryVG{z!&1->Jn#QzwrLBDC>_A zL$@?(`Kx-&VzGxjU8=R^Q73`2+wFIMfXT(apt3WQzL^z`G3(Y*7{`@m?yeo-+TvYe zI0{B_nJVxLxzX7?F-8$ocYw$xVq#ua z9*KZEAfrwt>C*=ZMMx6w{bruYI`YNhsG-u?2q#Y<)5gsp|5nVwn@hleY6M=rf|hj< zVnQ6S-$!9Jq?zcz}Y_TX{QItigp4-M!I{<_*W8dWvr#t0t z;=P^gcL^ojz10*cn+kymATcAMIjy9kgoKGF225r1jpAP*#-fnWzlVqiZ@&Qw3Hqxq zT$fMby@B}Lyu!_I7(!fcQeT3F7c1To)F%sfM9wd$l;-f9$U?2lPhcAr3nVE8)!zmy z0ED^(?WcsMV5Ou1FlYr8Wea1G4~gO!JZhhZc?@p^h0<$aZfy-u9cw&~A_Sp^ zj7Zl$_v{2h;1^e#z@K=u(pCb)N*66|&xs0(xCd5{V)X4_3fIEDJOTmx8c+nGxDz79 zAV+8~0f!K0DGX47e{3j2GM^9qd#WiCmA&jIP_!AQ)hayOD(v`I)wDNx?0orFcd z3OtK#LIc<;C@;G5xlht(8Xd7SfH-9)Fv8ZOTf?a0U zbg@IyY~$iWf@lk-BIW>HcNcNh7n&{e$I z$*hn4b%0pPjQH%;f2SU`l8Lm~O`$)wHF27fmojs_ph1|G5-|i*@mcl1*NPS>`ZzGj zT?Ivad>UIb;uJq4Msm{*5M0YXYJ|ykBU*2Y&=-GYmB|S|;^N~fBWDyA*R4G+vP*c1 z;}tq&C*p~XZdJk z;UdSYbRkjR-24k{!VwfFA0YN;xCJwIJW9=LMIb)Xj)u8u+n8b_|LY^Wl(gaofW!Dc zUclldy_U@A=Q-V!k%^R47T9&2zc+qGQ}~>8WzM87d$W$1K6!b6m~fV}v%Brxb0P#- zGIb+TCE~l}sO+_)7b`qp*!KCZ$=q}Ny~tA6%hKO4TP`E{rO$KNX-tRPdU?@^x7Rgv z@{Y2pR$NYL>h@lh5?UV+K}JER+}j!5e;CU}O%ft??xZ4O&6lT6X@=Hjb#xi38pnxq zXOW{rSudxxU>ZM>NnJ%|GckNL819LP z4kIJYp&*o6Yi&`nPu`+L1T>x!Al-^@WFke(A6~PQWrh)92;gXG_1&j@vX{HEPaN+L zE7GH&X{nIZ8>-|M6(E6dJ}TXo_e(#j;Ug(f!0&u_;n|*1b!S2IV<5MRV+zZX9aX_( zg(4mg=o89dZ%9s)YJZPX7oqQ@oi;Xa>z$&rpGBSUhGN#-b7aWe9j-c=kJI;DBTRAB zY0J-HbJpo1@2D$V?ay&Keuz_j)LEw#`+!>o?py8ZYgMDMh~?v zeM0ZR+%=={COx{=2fVa0Z0@>--?i`-{^5DaiZOKn`|dSo;!Bzx=jfl~0V`>h&LdxQ zBe=5q%RtmYdeldVYldylJq@ro4Llp`59C7IJidfr(d6!(K-zrY?1OEHVpYTLN3-yh z%9lL{_*tZrwYj6Tx$7n)GjvIh952HMv&)p&c7Nv}+_@U`$;Iu#HxC_>6_Ld!L-a&C znib@(N;OOyH)g=nbZ?pC5WSb02c%}5Hdb7~^MH6=MU^a@wfp9v9bPkjNGC+0317kG zE>v9G2ruax7pW>Ah|G)tvK6gh!jdJ!YNZmtfb9nRmK0{y8X0@$+ADgix9^!~d=2jm zdT-P_Bt)s^uw<5y4HgPm!ftZ!a!o3=vcGam_!S2}7E~$TiD}9h?9e zqw@;fB7@i#*R$()M8BHD3h~)8%s~^?Pxcl=R59}W0aGO>BY8}6+UH_;gUWKlkMUIk zg^DIGXHDjTY;y|AS`h9dl$bLwio9b}9T{OJbIDh{Tg^X>C1&d-n!%YpJEyz9mqceM z&%M2dyz${5Zx1`DRn3~z;*qyI#{zozm>4CqeqBp@LoFPquHB`{Kc@d+A3rr4m$j)W zeGS!d@8~{#X?f|g;PwS#uSvD}s_hnX{Uzs@ii{hUVniV#)7puHqJhgQx87eG1E)aR zCmvtykbS!*JJs5CIlZD#mAjxM80@~duiX7yZs*wHz^KkNIps^$$bProJO#~yyf$;a z7wa`2m(m6y(Uboh)+Sbqqm#h{-T(aJtWBHpLjh0MFIzZYJW1Neb}yH8*XWI zHk1Wr&}AC1LRgrF-KCC|o1&I~J!w1}9SXs~dC@hz@AkYFm)r=}(Hr=v>Gkkf}_-pSZk3 z;C%qqjC^BMX%dwc_Q-TmZd}Xi1yOQvHn!Wn(nH``QMXs>BUEY@qmj5wSuAVCZk!}! z+YvLs*aO_#IX<{tfUy<70HPRW+2QIXhjAwmC&>jF;HF16C2?AUe~|KpfoHcz{2wr7 z%&Fsey?z z=P*vviE5KtG&j?j3<|Zt)}+2HuiH)PG}>DpPnZR+-AVk5d@V6rw@` z0T8I#LcKPf84^vw?EVaw78nt)%F~_EopTg}5;(v_HKb|K5g8it#N!?ZFtNrdLpuN& z2bBK3kFOA9KML2ZBw|PXLtLL@pd=_T*QhOi+)Rpx?+}I)kFP=v1_OJ-c0_iO5i>l# zZQS_jklYD*1invBPK7@2$22OD=pP)yK?%Dw*&q#DgM)7{;r@tUITyKLd3T zDDB-VtM^D388Y_vV8vrkGr^+jU%mx(!GUo6N7p2t_mBa<94_FLf(-i^*Qpk%XqR44 zC2N6oad5Aw?-O=kfHl4;rj5@SN?Ai;5wIlcGMGIKZG>UL4%wHaUtTj)8iJ+yVU`uxQrP`bFu$U33J3H)vWb!!KbM5 zL?!WZ^fYsOP@?Hpi7)Me2lqzv!+Th6B9+il@2u@3z zoA1ZoU?2f+=ZB>;@-r)L*iSDm&sT{$=^#6tOYY#u%ihlVA68U)@gkiqV6H>?6kL{+ zM`FbB>e4gEs!0m+;~R3jAMUY30mr}QwMq%@mJ6?epfgYjaa&I=JaqsOz$nU3FM$jw z(()on00rgjb9epPN{MQ4SfIp$kdIKD#xS7!xUI+5Y(t%21{5=9$~y+%kT@cJ=t7Ke zVuZ62WP4rxhsvOg4|3YX9Ae*)#!q#u=(PoP{XUUDesFQhX6!HWbr-!&H~aVb3gb?= z5Ta62gW`jL{$LC!k>}t6s5pu1xt(Z;ON#J^jJDw8pz|dp!j342UHU6XX?_ecO7gJ2 zhZM27U4OW=LVL`@?*<& zx)#yUtDdNo&tjQeX58TWn*BA_n5On(1nfoW#6x?)wBhrw+c-yhoi9Fx(?WQAU1AG) zg?c5b{O8P)+e}a_RpfNs`8vN#t2FNNqv~pFJJIrCqWoO{PX@A6pka8ob9QYR7&?J$ zd!!YQnaf!zlm>~(w&Z5eDs#$svQ~KNhoxq+BFDebD{{>bdrqr<952S!>MMEThm5Je zH!ZySpmt)?eJ$h_UiC@L;?a~%tCcf@m$8tcivrs>WB8DAz4dUvu|}Kv6!4U@X|2WS z^TZpl$4ji{lh4Wg<$BPSI~uPYw!@v}YrZ*+se6_iTX*sNqg}mL$l1AD#uYXtmTDj% z-TQDY(B8Z3@7EKn0m== z1@A3MJ6x^|GR1puGHPG)tWE2I_AlBKKFD2>MvGE|g{t%QLOKBY65P#Tk+VsROCjGC z_#d*b*Ndw38r1w9$x5-2SLjLX>?xtNe8Nx9=&1yw+0DPdO}$6(I3wM{TXW5rWSE5> z4USwhl~H*?AG?0Dz}=`nI6}i#*>=#~$w|5TKv^`{)MGW_qPmTHt?kGV#O7#udb2sJ zYaD!djofeW`(`Rs%ME?2JmKz1*Sx$Chhxye+~({7%&_$`U8uskurgIbHZz*xG@ zsi#XhW^58sqfym|3|~W0Z#vs-xK1HyntVjv(U|Vz>?{iw%z$k%DS;hYZ3^~ds~z~; zy34kSbY215ZiLrlEmV;`uX#SJbsrxHpAm!YHs@mJhxPAB-#v-)p{vSv;@WVGXt!)v z1FK_hC+J|=SE6>Mgw=uiU5&X}3%P`qVQmdPVLRI|x?ckVS9(lUrbN-9)ymRLN+)4s z@AJJ|v3Kdp#+m5@up%$E#!2rqM@ko^XWPcAS^1+PskLXsRl0 zlwj*Cdykh*7k;RbYk*dF@{Q4JH&%A$?McMd2^;6X z(;swyT^Ya8W>yyZ(m~xXrdkdd@tK}f54CLj_duS%33v6y{OW1W&mI%&tX_zydY0zG-KChN8!qoZIKii{A`Q zZ}u-m^9gX<)O}HBWt-kd#?p=l@sgOcgfghC{V=l`kff~-eL^4qtT8Cr5X9zN>=~CT zUaGRAD*)hT!LESHw2qzcCWBv+-i}OUxo19Cv(x1Xuxc2J6>>{DjMBM&^cLBT z-@2FJLbqMYqhCtDrdFPu)1YX2NC-gy3oyg_pv@pKZIQu_K$&--N=z!A968k438G4T zTZ7dC=(YFob0Ic6nF`+^KNiC6-vOXQag^3uiob$$mlq6WcI#S zyedEFh`DoikgFt`$tt51U`?qa>LM~98gvL03mt*oCtrsz+7~GL_LA^Mv#yZ%swc3( z_7O{UAl^b9Q<>QV{PUKR%W>p!Z)l#X;V`l-inLBb+3eP_^88gyI+?lvQwDsBlOgT2 zfF;%yfX6#@=&qY=)(Y53_9)?yw7=F2l?cQ-K+&>7D?{HzFDIk{>fe~=H$YgME`J}vYE@>upa%KRgL%45sfK8oyoUx1YQsgk6nBViS zmoY3SsT4NoIlSwmQ&Bji@J_nQi^LzN&$WW`aOObR@%d3C?#atm4&-;NSM0i#Sg5a+ zk#2E8t43s%ayX&*KI~tOXa~;()xC*|A)xE@cZ+PwSY3I$Hsuo$x5=9Q#_>C)k$8b*&zei>yH?Y~Z~sPg#1mji^$JdE4J zwq*m3q=#Xe9PY##JDrfgEZ^bgiTj8VQzHB^MwVd@YpicFES zCfLkcRG^x`+#~QY@Mnws0?+7#Sge->K96>=!{tIR&g`{Lb6OpCr;4QVTvCftG zp@}kyT7^=c5y{e)Xn{3+VTy#L)Q8zrjfIUxrBT5(aDF0Od4{%&e z6qX-eG1dspoq3bMi-tC)3oQF}3PxSu_z8xA{A8GW3}rZjJXyq1@&Y~j6vh;~+cMT$fI>l0R6Sa{Fe|-Cm;FcDU$U0R5Dh*8KJP7~TZ^ zQDG$I05f+fTLag^gML}iaeeBq?uVn~?7xmdIX2_TdEYM_g9hVsxW?1DwdR-~LSLd~ z()zNGxW5E+p5vzd8W-H5Z?0x~IQ~NA?^>8e>edh4l-E>7`Qbaq=SSP%L`WJZk;C~(5dJjNE5E8` zV^x0aDp>2d=!FjgI|P>B@k2Z^F;Y6K&A}n{8g_bajcfvYIY*Ezj>>FSOfo0&k-I7% z5&;!N01cmS20j3=7@r1-rxsEO$<{fBUdV;kxsj0isdv`92Ool#-)8{<=TQVR@wU^< zYLp0Npi5Amy079rvYnH)bs&jAv+ax~V6veQ#!Do^5*b%O*_>V!FvJ#002AnZIGCKs zwmO&1#Hcav)_9?d3u$ms`Y(I9BxfsB5)h@TGzIQ2hP?>o{s@r5&5 z8VKh9!D{bIVBAxUn~L;0Xf#3+-jw|V8+-NYZ?$=G@F=qy5vacHByrd#|IqDZOzwc{ z!FpD6Pr=lvX%MSu-Ljyx7$0X60929C=)$Eg6D;kG&gdku7=7gIy`-s) zQm7*T*{wTGTn(ZAKNvfQE?u}FytZw;ZQHhO_ifv@ZQHhO+tzK{)@{4GjT=YTk6z+<4!D^0KFAH{#21ANC<(A-@hFG&6gGu7bQUUlDCI~Dm=yEl37MbSnL^*b_)_p)xMfgl z^Es-1LH8T#lnNKF*`_mMDoy+_Y?hZ7KY?6%c`(x=dWpb`fA8n}tN+*IRsXKfz_0J; z#oJl8I|jk%irKf{sNVym45rr{=WYAm(!Qxh@OMv zrdNU6>Sh65Q)qt>feca1{Z(^jS?ny7SUf946+fhKk7@l~!%HELahaTEM4j zW|kbTP3hK0ij8agZRfmJr-|l4rj~|0{(!9#EVB7@ItCsxaBvBtVGON!%Vbbmr!@&8 zBlj3*(WcSbkl zq$h&_1P$>GJl;fobBQ{i_i?}e@k6sZnmqIh+8Woqd=Q`0o&-hc) zEl874AxOR&@MumbtGA@+19Rntw`tTpRoJo)Tvf=jrgL*v$jYrENg>5xB{Dua-6vKR zUJgBi@7HIbF%IKbE-lyDkt%)6T}hb!M*gy_$LLMmTJL6NiQ7RjHCpXIt8vSm1X-YkTH zk^a#-H&4VX59N>Z3-}4Wg9lj=tAn0@{)DEgq$nT=+r~#)x(t+~OMjy1Gl9PW*Hb0n z1rkEHMeZ8c-6rH;&Ckah!fE&`PAY)cYF6- zOz`2(bS7n3@c(BAozIw3CVOr$V?hTDoB>=js<_4B&<&Mp`50N#_4DSINv2~j(Iago zvg5fZP1R$0b{MeO&~VA~N=X}Y&`cnSR(8ipuNj4ffj`b3GTSvC#OWU=u^TLwDbZ&~ zcKw;pRF}R=(aWjqZz!ouAc!Ch$H9xSv9hXq8UvuwaXJn{E^J65VyP1c>45;{|FCP= zV{28jTelU(0$b3om-k;tsyu~lB&sl37`|$*fZ;0VXY4N2;q21_ckRs0FjR4BuUkV! zKtt_r{-Bmu0<7*qO)<0CO1YW1cc(o|q-&d_7}SXH-B~}01Jte`ZSxKXm)f(feZpRL zo?hI@?tP=7dt~gg*yP~ns~B4CH#ug9sZ5&gM&t{suoA(G^3#MDP80xl2iyX?d~T;#ooUVRj}A4&4`NvVW0dxqvDsNQKTcM_IDyw@ zD&zNBua>FDFV_~!NxO)ti9VMqc);QolM9<<#e15xyvjB3KOnS``T~4|SD;V5iF~D3 zUM@0o%Vp~8!%v*!F{VoSNE+`6OOtKd->H%g85=&SJ0hid13~+)|K}{9*zJW`bkb|+ z+i!q+C=1bT8cJ;-K>!K2gow#8lG%90_8K=dZ9}g)L@uhHju-!@FQfl#H2Q(Y=6f7QQ@qy+?5=W%U~^%3E?^H2MV*XnHkfXpnPzAbC)6 z-LH{p%Jnz``OlJeXs>+41xr8^Tdw%kUruXa?iYv2uM`|*wYI{hiWeM~K#=?wjK*{< zislSPVk!;`8Y4gOL$MMNK!w^E&d5YQ>5YEjZErH&GJ5?XHP#vuflR z67p1{$~irpw8AT!bQmmiW8C_Sd-*$q0mmhdY~AN@tqD3(s9E|xZ(&h3Qbp9PZA3sL zoAZM4FBw_@29zh>Z}YWSU$BY|21o8m-pXN#qo^H2TzGS!+o{Sr_;tSI6fWd|F6=N$ z-~KZJN1lF4*{17K#dG&6`qHBFHA8)4mh+z*^>^Rgb{w7wYCVesMz_92L-7>ru|jsS zKGoT8(_KfmZM0J)d_4ov{9J0AGUfH4tzdybA~jAarJ8p*QI3K7VOC$e@Zk>8yHM?i zk41qkfdUD`4}y*`4v#BZjTjJWOqkt^I5u4Q6lsCk%?6B|^t_U-xdv;NXr@k;!t>HmUmum%N2sWfKEq8GDul;H1 zb(w5tFh}9uzSD2sgCBMnZg?4d$PI~>oQ%)}PZEt5LZmIGD)%)=%$1H?qk$=<@^8*Z zcZIO%`9N=LY0#?2aj?8Rg{x+kCS7$*))aCtK{c1~!cUPQ?xEvfBfyZD&ks@ksbFUv z73jlf#i+-KX~&P!%?l@!-V0UFGk9=z8Q9gzB95?MZj&aZ;3TegcK;wl%Q$b}<*bB=rf31)tPD<$qx=v) zFmSxCFvj_3Fs0@4RemG?k9|ra?;Au2?&sEr@1Or7#8>cTuOrwW1|9JBFkXQQMQg*;JrvzI*0 z=2h&2j8EjmP1-50>4KBb5*T|xkq0Y5{SVw$L!gsD83)8mX%Aa`39%H8hu`AbZ%=`f zK+*PQ2K^eE-iFd3Nvcud#s+~|%TrwCCX#9q4SZ7HF=47vS zPLh+hHc-Y9-1F57^|skB;2y~8=dH7{&#trOg`I7IP*ZZ%a%)erOB|6FPc@<5pjW8v z#p@A_<;{5JrcW|ELFiU(MoNj|cbI*RvV*^!O7hc{BnM>KKM_O)Z$iUI@w}PUT-;;E~ zw=@39bO#aL8+`gNeWt&kuRcC~DxH>Mk`!vAJ5V9JWCD^Do7@)X>B<-u+PgUV>lOgl z2qBi0Y20cyhy{;|n7T*kE}rl=>qc_4a^fCi+BP5(&y9UW*TUw(0sAcNAJexxK;!(& ztR6@#fBN@hDSOsCcIdc$MVC;^72*LZ=StJXChgm62sA&3+9btsDE5Ivz4?)ySN)q@zbXl2ahXEKB2hJDwz5;XuH&h{OA^03LR z-r)?fHuE7kb6zz_|9HvmKEbUE5Vn<4&^9s1xGb-eA;>F2SZ5xl zAh|I&lu(oA`@c50u(L4N_V^UFx7&6vF1o0DdgrmA6(Gj2M9musC;GhLJLn*;3P3QF z#=ma#DxplYJVecyUg__{&oeuwnYHK5UibNfTK)66Ohe;3as}jN1z^l)z|V4V18HN) zOS@t9_BNEQ_fv^Rw_z`ilDPK6U=II{-%jR{7nuC`95ftbqxO>3BuBTnn|mcX-R;lH z<+C}TcChG{3{GymAEwgPQ*!ZG0Hhe9-4`+d16LQEwR#xk`ODRx?+qsccB?PIS%?^p zF^Y8eTXae$Y(Sn@)KtF&{UM!CS+0yP0n`KKIN$<9s!B8y!uqVgyIG@P<&6EC0!G?HNs9?4mvDUyHe&189S?4z8+nSQSOVTKi?952w;Fyb(jDl5$;N z_$_M{YfEssjm$M-08nIAJO_AhMh*l_3wE~UzQo^ znpVlD64iafAT8#&P0h8E1zg>G!Xwz7WYq>fj@ef~2|m1=Z%z@r%;_P0J_tcwC*Ob| z|B19gI2z+$Stu4MNgtLYnbSZ+To@Qd#Ihq6Zzek*@x~qTf$sz2ZYG_^2Vag{l(J-3 zq?_h81;;}?u~@^mLm77T-@aXv7mc#$XW?YY=S>!mY2hAi(SXfdI_VCG9mwpnU@-lR zlUmU!CgStC2sS)nLfz8g<6D|u;>ml>*uuX(n9w%L$m*m*v7o|if`iN8L5w0xni=LW zNL4rdoRw{iF3MW3PX|HS=!X!)Q<7S93}bk|lRh0|PXr9q;zj<_AJ+=s4w@IAj|6^R znIAu3v-ZPm-%C0(&&f@Sb_7Dt(aUfCHR%^_RWm4I^#k5-ii4WK=Eay44(td_gPao0 zv13F9*16LHI|0n=xf$2r;U=033M<+xD=VctMIHWpw&~p@K6pP9jLBaQ^PhF?Uwi*- znnU;R#`J$=zA>g;VN<1vwZN|E(;WT~VC0VZZv60yhWo?@Fm!W=9r)Xj?#PESguR>y zj5=V`fQWSd1M8X9_aVhL$yDS z%Dv&t3p45{fEb?&iXS&L*Y1;StfmxC|Fr^erz=YImZk`#`ow;yG^!DGnOi%e!c8tZ zJsJA}ag2VoEY6{eqi4w{7tVtm&6d6>742JETmSNd?D!)^qXe3N07!kxRWZVpNI_hJ zOGU62Yefr$G&>95D!|a@D2AXL9NU6j45scYSp70QRtiX~25$2CBy$pjAMFtazT)1z%c!ubN1ACi#H= zsh=yBT(Ogbc#u=P8Rz5OaiH}UV1{llrKgIw4t+uVc~e!Lz7}>k#8r>B%ok_48W1Nv7d+u z*_K>CaDZfJ6w|!UkfkjwM3|q;H2W_kZoWH?{PTFLpi#uJ99;70bBhlg!=1}Lo-`;p z%sAc4(nUiXF~W#o9aW{^Q>|%HH1l4sX#%a|_)|~-I3shG&o4QMtQMi{q0up2p$pUJ z$3zSee^D=0Eq}y*8a!zdEMB}h4hY(mjL4NNUa2cLs4skN*2r;ZmOSU=x!Er;HDCAT zP%U78pk8HVO2Vr)g@m`o;N32F)|L?Rbtj-g0B=o{rt)kK{sd_4M^G;LB-s%cy8S3@ zZ)`Ntp{1Nkkmv;t&DqDYof2|%ivvUEE(ZB;N{E1SpJ{a+6@kN0Mh!@W3sjF%Lu>;A zn`b4((KD#vIeMVECI3Eq1OzJHp||vGk8?Kz75qo=HHdBfVa_ltV3P1@-XG_*NVM~i zkb*^1RJA!_aqUmb!Xs_*K7%nXY&GSOH7;NP?&A5k4h)WEUE5>R2ghqi+H$w~Jt*8= z{o-O5C>#}re(raZATDxc_>kDIV7{;*vJw~iLJ{4kXP&oT+xFt^fJ9Tfu&10E`zhmDlb9^586zHMHd=Oc8|pjhYXTVwTeW}?V60vRHrEJ9#;z z@7tgAvdrSjl|4fHSFGhrGWL~f$F4ET)@*BBQ{BLWOo6g`^xDBC*i z%5>W(mMmj(!`?HwLCc-yvpIHT^9V6@8Od6%VRsJAUUznke#c6Q_H?3gc_01Lb*Fv0 z$>XZ$*)6<@I%*V`?(?cA=AB!qZ0bL8QEOi(e{xzYf$!bf!BcEwdCjV4Yc~%~Si@^{ zUu;M#f8rxjU^_x|WsF^~vW;}yk^J@A)zNTaOsn08Oe^0^_Bf3=va0F%sFqCUm``M@+D1+8AWa&HMma_3JGWMu4AvdjY0BrE(ev}B zlUg$%$nvU=_O&dC!@Nb}3-1xWMvy^=A@uPk^($aCcq#cDNg%SSmZCpB`_ey*e+*xU zAlQ8d1i6A-%wbsPb)N*v{|MT@Q6(Ur;_+MV1{vFabuynP-^5%uGdy5*evogRHQq6f zal34#wuxh3ZoGj+ICf+X{I+qPVnOEyZNImafmh<3kL5Ms)`UT-+>+72s$HD2U?4lL z@Bq7z39{#+r=SqoF(5QZ#AH_El!-*G^TMF;e!_cH2t(YW7WOBAn4-d8?(01E*7r_3J?Z5wj%NkClaKobl3KTB-jfD;&E z=wAT zmC1e#H~(nK`DzQjn5Oo&#V!$&3DJ29<72E>R$Ap1Q1!P{RlwrlOKK?#cBQxd`fZ_` zIg2olCUJ9k zZ`~Tm6pSC##a_@NGdNaNpPOM&Z&Q!IMGG)FU2L3_F~}Vj3#&&j9AyCKt~Hy7=jRjP z?JqqD;qZ{RqIBj~i-$w(Q7{97omyV4l%$H^K$uTUzcE2m&OQmVN_8F!n_@RS-__&- zetFRsvbriGmY9Q=`@kml@Hi8XhR4r(M&d2&Lw^|dW^@#$Qjye?wme zK*!W0=tsJG`MRNdhNj$$d>%E5;pjiLr*zwTHQE99)6^_O)vTp8e0%4Z!f}Bdo*gLa z&Pyktoa^oKO5$ogz|lg?`9RvBgr`YT8i<}I2c~L$E@;I` zr+={Oe%K`NpRDI+y~)7S;$adr*kZR+=kL(TSP=c(3xS};oL3Y4mQ>!0dyrAz09^Q}wMGYja$wO{pY@|tbBv;3TWB3xX}{P=L+`O4Dc z#r!7z8y=7L^3_r_LRJD4uyo0^*8lb7dKD5TnhM^SB;=RDV5MKR($`^r12^J=nQ+dB z+{mBq256etr`J_>pCqU_ zW?;^6@#E9j&Jw_Z&e`+jOWNxa2-FxF2DGMd4}WC&FZy8~3o)>kQjC{YM_(l-|9WwU?WUww7q~_F`lkxwFWCHeifuFM z4S$2YaCxcYH^2C|(LB!Q&)t0!tw2jEjb~@4CtR9jYT=c}GC%KB#95Tv_4;VEbjnH- z?xY*PZ%q&VhV~ks2R17TPBC=k201`A>hiLN3vPZnlp|4sM>s)AZ!JNoZzTz4AWghj z@QK)#u)|rQr`{SSoYr8-nTUgwI#&ym)(a&e&hQqmACmG(_Ph=596?Jz){$x$B*n8` z2ha(L@!De6j6%l29ZFSf06U{B0D|I_%Q}F7Qqu}(F|>=K`nAa0fbK`sfCx7kOTfFh zrO4PDR>FA}99z&GO0{(8-f0yKB1!?~;VL9bohg`IV}NdB8Z3`LjqW}m%PWn5%*Iiy zv64Ub1qC3_NevJHXiZ$g0ic}bbn^cfV2ADh6R^X~#liW1vsr7@FN8N`(R_n=!DOIh z0+1E}RR$a2l|jOVYC-~yXi>z0ufJyGTe2BauqGAdfiKTWFAsK2U{soRC&!5AXC0@K%TLbC%IaApKepK|{Ew=4Zd zvj(57F9eh}tPota#Dy&Ogd}R}mmHbO5!oDz{>*keU*!?`y?HU~!ce*7si0OG=q2!AOdp}kOaUP7gf}Eh~s}G#2oh;{x>fg!Y!>A*iuhtyx zsT&fH=>vxpK#0%&-c{UlI)wTg=~yy)31u)!#^iLT>)!d5qtMXgJhd{p(SJ5Cuz1#4 zeqU!=Y7tB_NB^==34Ci?NpQ#*uphfI&*oR3m4fY}aw64*PU~LEA2GUc;do_s6Cr)aVK1&ak-KMLT1ehpc_1+a&z0SdYnRN z3zsHn5eqk}tWSCWtE#M5@`(*V_Za^Rx30lbRtJ&kpXT{G>Ko1!Z@<%?OZafhgI9xM z@4~kQ%OCTdXyC*Q#$)w%uLmZQTpx4mwVQLjT3un)L!)rU#4b;-smmTLiy(|VGJsm) z{fL(OU-1RvjPLsVyy7>$B5ORWH#(DM2%(KJ41A3qb1r3LY7ZUoxKqSR%HyA!ye+%~ zeHkg2#}d62v^5vHgcZgTjdukaScNGJ4*743g)r;SCF@j<98=6$s8M9AK&Ssl?OJU4 zLk(4Y;0hes`35y*A%b0um2)jKcxB*+DOb;bl@eqyh-LdkAHiOZ$M;!absICr^$A1) zRh;<>I|MyvffPDq(LnF#C@HSuXn$-Ax1? ztDFGIt~AgUkUdUyzSxa%Q8_rDo$Qi>{ayW(_)qz0cd7>B^vml^zR4ikafucPC$uLs zP`b%WSF%BhlX5nu0O59{6PV9!hBLS-FqPw&4BRYU2)BPJFAAhefPDF_k+buD1W#;# zm}=CYiF{lo3AH(XVBL74{_a^9>QH8*d*PVrp8cEagZ~u`-y)Eq@1KIZufkU7y_abq zUiqD+;)3+O?c3+DFUEr{lLnif?_Jv{p}d1{ydq`y!W}?_v+g4=%t&=F@W>yB88$2| z!5{-@3yDy^J-i#KC%79)Z5c%89rUg#~sG(Zyc)0bD?N_8>S(a z72h5oxV2`p$CN%A#H%Z?>E6ac{FjwF@9K=tQ6QQgmcfTb`yHBJIoa8D41bg(svc`5 zYOdK1mnPI0rfXD}LkCwdL8h7x?$Hh8CzHa#l{*Y$hBO5)`{n7Oiow*jovO`z#gAG6 z_{rjNamsJLUrcHDs8}Szb?h%|lq8I4p0|ks_t^v;f@Lt|pGTJDeroaBpfOx}9DliX zL&hPFi{!S&FIE)N`Z>|iJ3ox}V z?plgQR^>&;6l>RN$Th->-Q^*6Xk?6TRd2U~f6uDWS&UTYMcgJ_TW}mmm6YImv zKDHJ>*W2gW#P~6Xl>7(j@$T*%12UK=x*ieC%()+3lwC^m3UM#6R&hp18DNA9oDzL= zzGSlU*`+dA6<%HQdfQunRrwIR>>}U=9$qKIT=CNZbo6JX0!FHz%th`&)x4|1Gz)K+>tIhUk|k@nMDpS<<6z9a;$efi2yqOg}F z+I{Ftzs|#NcR}F>OZj->Gm=e#6Xn(~$Y}fgsB$P%{Dwq9AbQTg?{Fu-t&8G8FLAD# zmg$0!o}k>6Q)PM^KZ82S1`W9eMI7K^L)hk+Sgr%V6_BRg(u}Ct*iC{gvLl2sjp}(; zXP>$3*3Qm7(2^#G0Q5a$MRiRMuM}Xo4J2-L~slfgL1;@ zzndHHk8FI@?peX1!xPl3zpUUxm=5#|P320gVbWKDtZUvU8d+E-z{IrcgilmwJ^`X@ z!$NTYhF~26(J5^UHzLCPIT)*%LEg`5)4aaE7=xNjLMZ>yFi&_OoXLkHNwoGtr6b+h zf%!41nUBVI0SBH`ruK*0?ObSTrGpT}b2B+MJTVR}k4fYzb8Y_e3L;_Gch(L1%dNw8 z0{TB`o2We3qEoW&8fa9#q!dCk5r@m2S_k(z>HzxS#0x^Zm*R)%XB zJ32%33M>O!q?q+jA#Uqz8MSmdNVMh2@xb>BkNTLCydve#W@d3G+k%+Hm{T6(4{kOb zx!O1i%k?gS8gjc~CCdfLi6vtn5FCU4Yp$@J#sj%h6G2*!w;(DMpaE)G&;^brU?vp; z=X)mS+}pN#W5isqur}VDTLIf!<9KL;#bD3gk1)kkg}+2=fk4ZsfN8cx+ID+j8rDBO zuhCSN=f;gR)_KkG6v1xlK`tHyj&9tTlLMtC{HZf89aI=dNVap9z*tt>auR8*<#9D5 zS3CmdD!s^JgM}BQ8uXQq2rxX2?>|MZN_%a`CivczauQq>kmoZhdYm||HY9u z8O34T>~gWRc5nj<)Ily`5p%=+C15s$9A)2UvMsVz#^$yRnLL;u-6AG9m#VZ*0cHh= zD@?g$Axg$HHy2Cc8lDp7;%yhv`2UqB@UI3^cZt1bU~(5A(qO*<#|K<}xD&=DWBpVu9A6i}jt+D81p6 zJOmAeNld>)jtsQqDlG-Cf+c2Je;|A!&&)NSU3*H}Y$8Nt6rD(v{};9UuIIA+Sqg!Y zW4M-7pLDdP>iMUKm7Tda?QbtwXupjZo_R2rC`Bn9Slcx(5RczhCLhEjp2ypMZDs@R zm?A9=zk}1{Wz)qpPVt94?&{LxSuC6X2Y?4K9^E}V29O={ougPc7A0*4aQ>e zBMEFvJUTuNR&~7XD<#1-2Q(N3thnVD-4mu{IVNOsrC#rh%APpo9ZQpW1Zeb#fvH+U z59qzJZAZ09dq$c*0A!lT{mzl@BqoG9b_eKQxTHaXDiJ@e*0i;U!hzL1%!5vf_qx=D z%=NWTf~Nwo&j;+KaQ@S>7(1Hi+3#O>@0SRWRmJQ~20Ap!rd%KLxzcOsik1_N2P7C* z9ESepKU42W>s%BmB!mY50b_x-fWmkL0x?q(uZv!YcV0fDLPB`{)>Ete3C#lfT{dbo z$al1v$3A8vTA!-Twd;daVVKL`RI%4*)$_i#c zi_Lt7nH+ZNer$D4Z3&e^>L*{w&1`}?y&M=jussVy6koOllr zX-YPe^a8;2`j*l;<(_<9b?4RP9iCx=-tpfJbLAK;C3kq!<6K;5U~|^@ zuCpBo8l#r@i1;qL1Y#CSdj@7XQm^s8j;{Aj@Z4}my@48S1mRzFy*CezEA$`U$1gtF z^51d*3JPmT9R)Hp6HRe`ks;A#zQ7x9bI8CcfCP*+Z)y@nR~si9G94INcJL!P5|WFj zb04CTD*{0^MK@ik2bXPgC@mP#0v!rq{P|~f3y+D$5Pk$}I@KO>C%=P6h)yN%ai}|q zNzqU@svX3Vk`As=rX?;wJxLLJDb$cHbsH&c1#QJ}!ncr>RL1%tgoqzzf&0Mb*v9k; z+u#Ps2rVEyU%FzvifT}^1$Y%o^xU*9oIDd(8BMK`fqP>h7AD{f# zulSV+c5MI5WmMZ!eJ!KQpdPZPcc3fr63U2cU^++xF`_@y#W$&7!`X__vyMK!w0dpq z^X90ejK4PaL+bp?-dFJw>+Hh5R*N7der8j52bc0-Gq;iVx7?G{;tx%wfAxxV7apVm zhqF6g=$=$M!;JzNTY2DKE5Gu^ilYkN+}>Rx$;Iuz@-!(7iK~+bT8H`&mCm{8%yd)q zF>Fw2YKxks_CHOj}X~#$tuUh^QEP_0YE|7MMF}=E3(x>$7FH zO%Dnb+?Yf0M-CzrmrlP071`o}sf`N>g3Ra9Dtd%9^`n_6LX`On7#KR=65(}OL-bzVuoZk>2 zU#GiQV*M|fKX&?iYfr&b+IWu%4MC)cKDgcz&L0(bVgT*VklADSa;VAV9YsSyPD9XL z%=ya{U5(~t21hbB0u6d(KVTfIpk^3REBt|KXr@foJ2E=zE|ow*-tgj*nX$GJYN9%ta(!p6u~amJ=I zvOd2vctG1d@CjJOGA36STZMREENm5pssFuhV`2BuM(kr2lKqKPA%5JJ5woDEnZ*!M zev`PaI440}&LR5}8lzk>TCu9b@mGUi=6On7vXJo6jkGsWtiXOANtKJqPK)%f2ce>z@YBeToHMj1Os*KtIf`kIf}^tUOOhS50%;B6X- z9MdPhnR%d@bA@*&I-jbVQj*LE(LgG=f8hRLvsBN$q4+V?yOFAvxW-=8r9-GhTRoE4q(vYw~Yrig8ACi|u4cZ=p z%4}+u1ZvO7idW85#pJDS(I|lIv+ZkbU>O0>-tH5=tB219HzsJ^IF3##7EejX()jNk zI{?LwTguYEY|e#$-6X{K{*HqJ?Z-iiK@dNFabijT$*RlCT97_Eb)F|yU_SgljKb!o z>yx1&dKH@l+V)=zKIOki-~>829tYscbOr>p@c>ClMNzGnxq{q!1Cete4z$B2Fgc+^ z`IzWPVf=t5%<%LiMI;WZ#%~Bzhelj`JUr^dxdMCCJ!mUy>3+QXzlS=_L|@XDEMSMasvbdml|YO=ju) zu+wKzJq=+f;N~j@uB5%E6EAi}ZbPW9YE$osr$XgVM|NM~7XG@imU~yUlif|7=}`}5 zP11Q#>lpk#W5$wp<}&?LdR`=EN!yypc!i>f*tkvnb{Sa&qlUT8k!kN?#xNTY03Q6 ziD9=hv_mN6&TO4O<2)RG$L?Al_odT;r1j`X#DYi&3Hs$XIJVm*52s)=8{I?r378h) zn;`)5GOD21cb-q#emS=P6yxYkBVM!(6_>un_58=g?aR{gp9l!MRba4%RQDf^yDx zefn}gc0-L7W10*@74;ka2T|iW(koVV-SWAw;&& z&zl!&km<`^V-?%y%XQ;oY^p8n=+Sf?XNiev0i_`kLf@0y(^%G|H_O697_T8T8u$)% zRlCd~FQanplJ0|uC(Z_X_KUxCY_`JhY4BcTo6C^odi>wOk8+OW@BgBNHzhAY3fl}V zA9-(gMkVgOO5_T-04WzSv75nn$^X1_Jk`Sf+v$=GPi5?4!W+w;q|E(SooRr=bW-50 zDL59)Q!!^xh(&fF?7GUliK0Mw1Q%@3JMgnju!Q#I#tei&@1B#t z3lhQ>p<*J65zBq*ntwRP)c2--f_A~XOslzXR3Q@q03N?%(hLaMU;Qu9eR$tc+1%PbL)T=Gg?zg^lzA96T+k=bJNBk#32FK6g^}l0L z?3IFMEn3aSNBw(&RfhL11v)buL|lA9BX=L|t7CDpDH7+N%vkjI@LH;u^-GOUP>d!P zT_qR1K|6nd%J{5up_hG;nzVboK&xyQrxru{`#NRnRZq@h4E-7+c&-_m30&6fG7F?` zO-#q42%F1t{I?+{+qi6TwSjLQiFZr{+h4`IFxleGQP$^t>z03UIDD`p4#n@;38t#h zJkYn_Q$~&aV#L&G1~-&VPcf%Z#lPmg+!!e4MdzsZNGS=5q=nQSAVGz}5kUsUv>pEy z0PyZ_c4kP5AvxBFfF|Iu^LyJl`7t2D`-c=q4oojm36%l2< zbry;RW~C!-pNL9r)?y>Q2#0RZGoMnNfqMJKf3|TjO`|3lVdq?|dbb!S^~7#cOC>)# zxIcW+{7B9eqX(stWAbh^8fDm<(74#(H0xki(X2BymJQknpVVQo^LNC!`tPXF3w;to z1s~B31I6XL$)9S%%1NN(*|fO=4hQwyc9wT))2&&cPb*UZN1<6vMan{PF*WqNsS@$R z2fUvba~IedxO-KFV(!vNn$$&p{e*Y@%^s!m8-1mwQ|2RDPu|1` zuVME0`I2QjCZogMdnzwoEsgGt^919VGUQLj2x%|))axFcCvy`R=LSSg`&aH;LF$@Z zrVl?pMt)h(#pBR*N-9Z)u9IW9yc~Ofa{2mIouUN&%}QuyhpIo=_0r&lwBIB|tqa+a zNvXBwNSee#>X-7L9DAnzO+D7xU-GSn<}6PhH}+m$PG@5{kv`2u5!l+<$CL#K{IG== zI1zrFT@&(B{kqTADrCG)Xe{pceFGLTHfxD5)zNB@ zI7N6vtjkIz_#kf0j@GsgOqy$)EXR;CGysu~Cz8zbjl8incWP;lzl2UMFSH_WP~;&K z<@iRIbvrifIs8M<<$5Dc4oh28eslzT^C}}(ONTNoi=a~Ci3Yj{q3BXYNsTW)%lft;2lUJEh2FyWf$#zSV^A5%eJ_{~f=4x?~^y+LKpX6HC5 z<0SRhSo|L*8rj6zka>Sg;|DO!GR!HnyPUSzq>g}rDLcNKKcsAy?~E5I<=??UR<6UJ1Tn{i$_tagUGI7{eGhqcQAA448FWiQ$c4r4_@P1%e!48i23H zd#*9SKtWC-%d1~8mC(GN!op4jV3^YQ`fY3T^o&Gylq4W`UI@AZkC^msp>5d z@x~8U@$$7E(? z^+dL5#&J;`!sj8vi|avNzBEdYD|8yUN!L^X1(A;IBZqcU!Vn0jpKVh$ExKe%R5Ypf znzC_tPC>P6tNEjHC5#gmPfd;QTrzkSDI3uO!{dok-++p7@)F%^*QRHMyg~!54$8Vz zfnDN=W?BIQm`4S*WIUcspkT!}p8Km~VgbBvyeVGX9?+cQ;2@>qyHL5#B)l?420}pC z_9c{uBGD}XvS0I~o?EJYTPSlHu-N`Dr*n7PMyX4KFE83drgWiPB3M4vj$Geoz zm{cpCxE-a9UMw5wo%T^0oH8)$`CEy++!`{;+?a87&e^(X=(+}|H;y{PYfaFvU3D6c zAP~TLB0`ssJMAXCjaX_fy~JB$@Y0xQ!&k!9%Fa1DNtoSvMaXn71zutxg{Ps)L&CT{ z|FlQhog%by4vAGNSvGRIQ`UIezYhn*(6v>`+G?>Ik&i0c z$v$Sem9p_9$2z-F{>_GRm-R>>`U7sg+JCQYv+`}Th%V$sVnz0>`ySkRwHMwL?Xr>v z?$NO{OwLEXFvz$gZ3mmJvUbh{W!8SD;RR=w&FUrbg4yE%+BH2xQuB-%h6)ehmo8Tf zj4G<<#nxs%L?TZJDXQYty8T)s-pkhOeaf@Lm6;b$#2fi9FITeb!s(3=-) zPMsw_CQX|)mrfAJ*R?o-`X`_Hw!74ap?fV264-kS^Gt%0p+QWkOQkt**f;HU)UvTh zdnn$fr0Ykh8eIU&5M1MgvCF{Dd7xs-BFr^>JC%RP8519kE>WW2`Dl7>wI^bN!mJOl z5UerAWWnIqL0a$&MO^fQTOk6QqKODwFar0vQiK{~x;7MvSbun9!mY_s3o?aDM8CuY zX~>Tyf&f1Q56I;YBiwqjPSlLW2<+%~Bvhb|x~LQ7G%t@w6dW8MUow{1kC5;bQ9Xi^ zD2gNcv-!862y+-0vW>ZYfD%c(-sCU(UN}G3{`{2P#?WNA5w`_->|my#U46wkQJ@Vk z`^%Gi`2?;^d@P?x{G;s%u`|%}h_zs)`qIDhX_6kI>>8)RQKg9!Q+P4+SJ4e%CH82E ztxJ|eAg7D1;*NEPqP#(>UBb2yPOO8;?cic9yLe~sat=j}vrnX6gN+9h;A$;u(y5TicGGog`>gdFdWPBbVn(lAb2GVGsKt%Ye*~gDjcc3&QAmatb#-V|u za`Tz>EIo5_h*aA4{t88U1kmD{Gn3#nd=ZHRogl2?TrW))SFpcMNNnKNx`+xT&jsDv zV!_qej3@NSw;5H5bo1^Dod|6-gYEzICY3SGQ1pABDv}zk08^`+Vn60CsaYsVA?tpc zW_22sTh_(0OcYwF2-?^Y$-^7k(z9mMPEi~ju}Irfy9QM&`Z+u=yLZyYeol4$uFH~B zJAD@ISjnMw?XS-s>5){=+LUh}xjon5p$+u_h8kGq6aA~r?p<`{+w^~|2>h`RIuD0U zhxWU5Jd@8x_dam#O-k}HFu7tJ9KH5s_-BaCYEC<-W_Nw#SAvJ9 z!;cG<49xldAJdxhZ+eLHYdJ~3@~zwPwYYcDuqSA*KRUG#Zq9ekM(@ni1w-N^a!pA$ z{M)aBw22GayLg}Nx1m2H?>(y2%dpB9-}Z9UL*v zYAUY9mFPWk?UyAdg(ray?7pK=UOSaa=;HuaI+%~mZSAj53D3SXMw0|GUt696<+qmX zDn50B)8*ad9L_)S!G9o?SPvmYG07YG_ueQ7-3s@0s&$D=p-T6){E3^JB?MRWqENA`ra zdm9ht|D(OP49Yv%_Jwf`u7Tk0JUBsu1_i@cMrP=?HR6F3Q(=RbF^M2|lh!kw!Cl4q5HWQlefdFS3{;d? zoEgbkaB(rl)u8HDP=GPX4MreKvzsOJ;)fPN&Lla8^@ve&QKUVslT_AB9KHO~wY;W- z3kTx0#?21YT;uy2oi~)<+6YpfC-{d=2*ZWe41RE&vKzf|y^DqISs+b&? zdTCR=^hbQ{^L5b{9If4Kz1gSUbrM{y&TfBE&iLBcAYU{to*F0VUxmnSPpD%_*Ya8J z5maEQjOgQ&q@>U#D2EaLt?R8pjyuW<%Ln-x&W>wwH7esJbk;<%xN$9x@C20p^ zEMU_VC$&9ZYce2;DDvKO4h(jPRGGJtDr(M5z%%6sPayp_Y{^A;NHi4JIbWG+wi)}M z$C{m^W}f5YG!N~{;H9gY-wK*m$ndbTgg1)M6$3BNe$YfPcVYzyP`y8&YC}}?Hirh4 zhwT{_V_L)DLN!KRvbg=Qox_VYfjDeN{z`&;*dU%rCzgHvWq*cGrj6?8vuL3}&0F;n zU!gH+j*_kQhHC;iGbyYd^wpwC1%Lesq1lv&|L$5ai}>3?vUK;WnZ^WKiM6~XuODdr z{H6w3#-3XXE7E;q^cemCRpH})(ivHQHgtba!Ab3YbvySf#q=m4g_~_qh&riH(npJ} zONy^pf#y|%Wp?GT6A4;=MBTloROgJKE5X^us4l15h#bNs*6krAr!^j$ z8(F6m1TJmVd?zreGh4nIuaIHDx)#IWH{Db}4l9-FF#8UdiznldRH@UB8A-n#WHv<6 zi_c-TC!b1MM246O1?=GLTY*EFk-|Q>68QEg%QxB9b&`=dNh*^5C4psLPi zm@-iaX&E$zA_?|PR>!R?g z|9+ns9D)%_OB8G1!^Cr9g@$e`w?`if)OhQ8rR-H$1+#i_0ExOQs$)3h@@)c!L~dz& zvJvk{tjH-w^o>5jk84`|Vj$h;pTPG)5D#A+)IrbXoq3VAseNHCeQQ0(;uODmSa-%R zGA0qGMnPnXn*oPO{H);zo2sIO7d{N4q3YksFKhH}ch?QnDXgS|`b1xw(=_#6wDSvl zqm7T68mdzz2^?f>M@<=_F~Opm_aPAm*H?tYs_rlHyZ!#~b@S)(75(C4X6-X<>~NT$ z+WTido$0)4YJpNZOh2z_b#*B<>PyVKcaIz_CO^kuv(tU~y!g|)pgEvoLp%J3kCqQ) zp2=>Y$`RK^JLIUp3+Cgau~K&n8kT?d>Y)f*n$* zO&vIya(;|u0Shk#2v#!MiZ&`Bm^L<9jK8e0H&W6S&YR~+%oOFtgjt7kk$)!Ofee?s zk|i9DgfP1G3|AT3@|i!U@0-x>?S1*)QT^cZ6rS$}g_kb6o^=kf*#}US^y&jK%&v}L z3M8uR;!|CcAfDB)xkMH@O(Aw{8hhM(w!Tu=Eky#yT0O0x=x8Mm|Kwpag;g$30k?v{ zh49T=##m^$2PT|EF^~tDyOh5m_Cp}%#qv>xa8&n^i~vwq{VpsH(new@E1&wrbWNW~ zO1d}cor?y_!{Z}W#Yro1)`lW^SdmqnHh|0g_;YZP^Y-MJmo97nj*!rgXB_Sd6v;D{ zkPo0iJ{H6YKf>cXm9~^&ZHM8qp9e1jzV7Qkpkt%*%XNI_LlRDw`^dw&wTu85$6)9^ z#?~3$Hdb6{cC!lfA~vO@&Csc~Cz>iICEEq3Hkc2W6;iawd2$fcai|_Z7Uk@-F#hrM zl#gz!Z5Cd(JpB0qBg~5J*eTR{Pa8a$B6f_Iy?c?H_K^ey$%qm$SNeg;mjA^x-Ipj6 zq>D1HC^Ij40j_J-sv>3NbeTOlKs-3{{rHQc+3V0yApS!lySP(K8M7zzimnB=zxBa> zN%Nc{O~MCImHjG^da)TPdXF^Xlwy=J5spMB&f%z}Jxff8TA3367v+s^m!FK8X^?_y ztqlY0m^#%I11rN@?wbpJ^cE2BxBDp|$TqrWv)OW<8c@;Mz43Sb)bFFB4u6OH51JUhsv?nHudSv=9huvb9stC_Wyq-qF~oh{Fj~*MYXmX8{6WNT2Qy#UkZws8|QXow!$o zD9%5Z@ZP4)&xpArb*ry~lvURG%9=^#ZeK!JN5I7#+JcjqHnNx-OE?OtHrjBm*S0ky z_9$otWZU_Kk;i5#Z{n>%^sk5I5{AC;+K0e-0}_U#zGm&|+rDL9AeS6tGuhc+w2{Sb zSqP}&Iy@`-!2R6Gn&_3m#Ks)to9w_5gXB$C67iE$QmR4m{UloTPY)Sfk2qa z(L0)aGy_vAYP~GxA#|BG9l{#~?41FxfDe!S9?fYEzs0ZNkUueKl|X zN04HM3d($?Oq^V9XbeRjW#XJab)<&QP`NZc{SUsED?mFy_4MCYBQzK{3DVEHUq?xP z7d;_At@hRE%uPARv|5i*So^_AzN>eX=B~xx(}7rz!gFxHUj@` z)w}|(!!6#yOj{fq0(gdJKzr`^B;O<$svt~t^-iC6pf^4(Z2uweGTPANt7bIB;w2jT z4qilRbxecp9?M77T|zkpR%|5PXF|6RKF_!CS%YtoDNIG|))eq9D=V(A!r~Gt_D7!S?y}krBx( zQ-2OYwlg|>d4v#~gAC`!bU_ZBQrgoFKp_51mmc1!Z}-U{w*~PMSi`QVZ73|-hB^Qh z6kp=?v%uqcl+ODdD8LcN{+lrjgid9zzWHb*X4DRc?YsIZf{&gIRtGAm>;WPdlu(%# z*7(8SFQ0NUnY#~I%dv}5nzX^vK}F6Q0ui5luFPL^Zm_{qh;WYp2Tl=Q{OrfKi7q95 zIa^%u%NrF|K)V&@fz!Y&a8~oQx~hX#5hwB>?yE>0OFfvrxO}SLj<uQzuDy?T3W$elaU9e}^o% zHZFSi0!?a2yCcn>U|z{2QqBaOy#$|(7F&9d~`qTcO>S3Vy-^n<&VY(NH3oCcLW zo9G8POG;-DTO3+_tiD3aGg+1|*DB7W3NdJD%l#XG$#D}ibvqQrd* z3Y3JAz6^fEjdrUGtHg~TaByLv8I?`Rkdx%U9-Pm3nN_McBckwKr2%pdzG}0|C2P(q zgLB&(Vh!vOK_u0SsN*`xyEH~Jt zLH)DpK1E;VGo1s`>D!Ma5ZKxyr6(d3ZzuCGSI{4Xd&ENwDJ`Flh!fhskGPY#CnbLf zzV?IJLKC|R>8v^FvOG2)glt;i@ldUClB1*sCnafEL$G)jSR@05dW3Zeyk1SJG`sC1 zrb{REQ=&-A)ahlNdogVYjFr8viZ|Q1B>BpQ8}?Dl!jVSF<6&y=(_=_%Kz;Ag4t`?u zTItg!GG^OCH^@s|T{lK_7=xRPB=No71VvFq?iEW%VRTs$p7ISKtq5RWZQHa&8gC0m z%pGB;M`}r@%|$hyL5H3+*oQSbxqxZ5-M_VYvIY;iB_Bl1KJjfQjObDBBxKz*zU@g5 zXkI}NLzO0IQKnJtl=Q|ld7w)(q>R=yL}*)qr_m%+0AO6~pa^zM7QQp`Iebe8WjKF` zrQ|Lj@u^Qq11|})G&9J{aLEhU*uq>M#e&ALSyrfT)S>*sUS4}ZaW4isZVVVHK zBz?;U_DByXUVgFd)5eY2`lXW^{)=ejt1&oe7!{rD>`PJo$9c$07UBCrpoJ>psdx%l zuXv;&GjpGmw1}fcKG<|g6G6Zqx;YYn!Y#wH&-IrB-y&O z3BOR2a0C9Md?vGkTk6e1%Ul8X7;N=;-EXbnSb~$`>J7k`Oh!Ft;~ZHD2M+SYJRHcuqR%&d9c5 zMAMpCUg{JQ>ESm0X(FcC-d7*_sh<=5+Z8k&OmmSh%uwBK(Rh7hW0Xa!#nr4&4?~$z zX$2)lj12>0i@rf_zEgv|n+PtMx@zH0ImU(;ZoFG8Jy!^XdV))6_Ov6Z=~9ckLhE-x z?P+{hXtIbMkr3I=1#}!=dTm_XCnMFN*ek@=E>rDC9&2v0HdnTIFXVz-kiH6Yt zs?T})9p6wDK3$c#s0o-x@blSMN-V6-IrTkpC^u0nZVYYZMCi=i<7Z#Rn9;x7f76Vw z^1nP5Nb*mhq%$d+H0{Dj%KQ%92@#WS;f&8*<*?j0Fmku)qkkiqAzciM7dK|Yl{>x< z-8X8z1iHT7iB4Ea>7>DNDvwY8kg13zooxvzI7yNV)Esdh5&7;x z_Q`kDW;&8#0ZWMx@BoW0UHFjlne9AWZxcTj1(cY*Qs8XTe?q#=j zcqEWbqJoJ*LZS36ve7nxdj~I&u8Kn!+9AKOlyDAEf_=6H0(v|CMEiq#QhEiYuNkP# zox8ag2lzf>-*`#KCdc#@PBfu+G42{1sy@w-sBleQxMy3JR@Uc{sF)V91zCF^Q;Tv= z$)gE%2Xt9)JLqy@@SwDJM?gNxQFlSOnjlh>C3QlNrcP zg%7ajcP=g&_(%HT;OWo$f1ebJ##QDe>{ZNmnro)+_mdSzS`b`_?2Q~VsO=bH2B`IW z)VE;y!3{uR(*zo7A{RS1p4LOuL?E*eDSYF{WmjCWF|TF`>4>aip5jzP^0TU?!07b} z{S+G}>pq%W#rM5N!S~Unpp#v)C^HI$e_dC4aiXGB1?_$|whKG6C})GOB{ADle?qD* zrU*+X%%VJ)=?F`0%UIFiqCx=k_-uywB`eV812m`GafvVgzHo5izu1Ry)z)1@z+5r|dr!I$p%wW{mcJ6M4;lN;@IB@$IZIx_ zuikbdoNPjS2%KL@<6a1XeZkv7djH`wb?5(u@LrqHwF3|7IrA3!qOWyv$CmAxo(ky| zNZMnA?ws09)*04a+g+of1nOp0-3jkm>dP%_`@CQ&@xfyB8u+}|`|A5%{MP%ffEtIW zYt1fAk)#Wc72Xez8-wni$Qw`K*zp-K6f*SvzRMSpDk19?_#Cv=sq2?PJfhBw6BQf0 zXS2E14g}*$pSJZq!&kEBxNfV9hUQ;BSy>){|KT;{h9%FQ!}*`C{}&Fqxb$DNkf-fm zrmmk?|IN`Q5Z)TKHRi3E;mQT%&V5MsT;bWKAlMwS4R%(gnNJQGW&$EE(tU5MfCuws zz6bj?a2?XEBL9nc^O+v@+tBge56;a9D0d!!XHdjK&HCze{Ym55vAo7~bmQoi?8f85?*{u_$B{SiB>wO^?_RBlZ$@cInF|%aM1MfaUI?O41c8LnX=b(Et&R3^4Q=N6A+-D1A zdhlVlEAR5VE(X!B+sU9cAQvF9iTwCcEc!TS6gvyVCY0F|s9t_MViq}osoJxh z;Qv#8Z!a#L0Ftq*I;<2DM@VS4F(1w;ciyJW#u0WnZLBOu$1*Llw^A*}XM^yy7DT|p zWb->dpgRp2b;eNzpMc%RhPGS4t%w|yA3c!|0b~EeHQb$FfK-0O1c8_$tP2Noml4Ju z&x{fgn5J7kJkBl4=N6($X?HYJHQPEN_HXPnyfLf`Mxw#C7N^X3_aDwd?fA}mUp7It z)F`Zl?J=!wm_B=F)D#RDFwefwpGCq2(hWM#>wk24Z860M>NsZL8Zu0Nm1Jc3EcE@M zz@|W@IA~dS)R`%;$#pZqc5q#0*qocl4pcQg+g*@7fJYIF_fC-c*q{@27aM$LsE)37 zXv?B4r%EJGjYXnSr0#hs82@{RQrM|47W zexp6i=F5VYiYdTz7Phghsgdw^tZ9T|HXs>CZR^xF+Lx{())EhD7BQu0mXe@FGw>%x zI|l+o9kfA`iUp3~^c!@dk22(E#@#E!g|R9nBdIzoNz}JtYFl-|3v2{Vi5M}kb#+=s z`t3lXAP`C^MQ^RMcYBAcgx*(r#c<;!pSIv?*A3qn$u29e+ob#OVgvq(!(0TnQO-|ew7D5fXgj;Jh3g$j0#fR?(G)SX+m-6 z6F3&AOi46r0H7Uf_iZ9xf}gFZ+GQ<0gr-p9^<&!STr%sqfq}isfP1x_4SH24F8T+6 zh?fOszqIRCtg`yAIF7&WTiJquVFvW#Z1j; zBIm~1?lBLz)f&1rslGnKE*CRf&``I`6J)x0p{M(n)wlPVI8yV0n-1A#OeiWQBGvU) z%^B*!Vpds<+vc?60Oc2{zK)m}kNwW!!3OG~zafBwgzqxSc5IUy>HXKqCya^o=;wDKA1U6oMF?S#JbBA>*^G(9BNXVJ$V@4-3fBU&LR1+b(sv=&k(vDw|?OrpB*)k zRKiFRSPi_S;H&mx-iU!VoA1H0AU{B0uHj#M^2&Voc>mV{w1w@9OOJVuz=weOfxeY@ zAJ}J~*3Eky6vFztBTe}L+7gq-Ve*1GB*u}tFoI4bswg$EW3CaA4 zM=)=}5Q2gSD>%sAi?jZW_}7t;8`SQ64fsPJ}rYt?0R6)EkyBQoqlLw^~Cp=L4!w_;V$wK0d#AzgTP6dh@a9G$JW)Cy>aDQ>rVdc@kZ=Q-?$_#7R9{CTJ1-7LW_nFpf!d?naN9^oH@ zR1$H9TRmNzdZqj|UXf9L&f8oAU&7FFF3Oe?tX`E$S}Cer_Gk!Iyjajv$dIgZ?4%}s zG@YUdGjd1e>9P}v*W{9tLS%ioR?qrC78h}j$UhJ6z8YK9Rrn!+TQz7>vLZXGPO z(I=((I^sBLwNhV1d<&I7Cq}WrNH7~ zJD9EnZc#)UWbBASrq>jv$>QmOj~+?*K)YX=i$B_M2t;^;T4T6gL@GQCUS^CoPPR6u z0!gqgEKbqTbq+C~&>2X<$us(G1{Yt|Jy@MyFi$F8eKXNMOw`uHqSIRQSD*KUOTp9b zy|fZ2xstI*RaBE4R->s&cuZA(qumqjlFQ{ng*Qisz-)O63Dd%SRmnJI#WtcwF1z!l zXpn^BV@d*IRS8EXGRe?Lc2i3L4YhvV)9=L{i3u=u(0EFb9xJBn3+S7sLE+%l+ub1i zn8z(;Z^j4?S|_|P220?eJHyU*EI7^OckAc>k-KM6-7KZ12G26m;=y$Ro(R(k5fC5K{7#?FuP z(XT~S^SpJEKZ_H>Q%VrSOt%JXe-YX4m7079a|Qd&C`q9r17V;WE`r znObW$6-L>2fJ-WKh$^xbjgCL0rSZv#;&hiD?xTyLn1szeg&l(Gi*l0*?MzGusqj%z z=%A%cyH-%B`shU%@D{R&ym+-FEneu=1w6_e@%N(iB)Z9fNz;d99# z32`0GvW@aC8|AX+?aVnuRa z1H{idKUj7zdRs&NaQU+yjmdp+pFX2M!utXD2Kx2PT}kR@ok5^qz<`DZDD88gVsSfrP(MqMhwjh$S0NzVYqHvqAPp|R$Q$d~ z2M|dz5s|TZQR7Ym%GR^J=!B4%#%ZJ?TPds2%lV5%TwQuDK#MIQGme`+P)Y&i9y*i_ z(69d_OB1Pi!buJ9SCM+fD_w=&Dq(pn&<5JfQTpiu!K>5VVWfcHHV@>(hl-3paTG4s zR&G#e!IadcOq^z}{sAYBfu(3;$6s8|-6{J!Ta&pRSc+dD3Z3sDQk{xpfvR2~!;A>r z3*t{$+%DiG?Wsj)VX#%Jj!c*(&n5 z+P%S6$>WMH2RS3=X~LgWaljI#9P8^pK=$Vw;q)+)zs`qQ%z7S@BY>Zj9*j5P={pV) z7U>%jSo|<+oM`bT+)HV!;OW9w)OmmheBe`?#N!A+;?75DU9+r#IfvX zHDiC`=bOlLm?z@n%_TNA&B~f0=Fbz@d2|<(g3lGTNrYrCkpE7?vTD;TeY$k#%Z~v| zb!p?TB4c)iC>-R+1d^1sIer|0#t8GOnUk|m>$4g5bhq(2K)k1GTdv|G{Eu<>loIDx zQp+?C2%j92vh`$Fx3KG(=4h3A5Hh=+pRi-PT{(U8KM6YPx*Gionw_t%Q5Y3PPja~p zXWNDzCh6sk5&ZZUf$8Tl_eiz zTnUhx*oT8e1{t1MFfYt3cfhj0o)FKz)5`4Aw;B#6UG*nSp2(XAQL??{?Mv@PgO#S3 zuAC0y$FYT+?5Kb(c(OV)rn&6l2wn15#Q4H95qr!2itPv@_LVn|cl}?xgfLxnRVL0X zyII9G<&uqhC=q2C80?JkQ4s5r5Vk(Fr+JN7%MXm;XkE(MqI zZK-v`(PO=tX3ZSF7$0DYL??iyU*6i2-$xwk{c!C&bBx)o%Uipy5Kee8iJHw>wTV0D zcwrn^bL)~`Q8I1m>1buPQ^AC|ydg?95{~0a1F-AS_v9 zLut8JU;a+!bP2CDIALO3q@6c9&}eClDX75mrPXefOX*oQouBtp54!AA%8_kdhV`^8qnvtDa z?($)nsmqq=RM?W-LfATF$1ZFOV{iWE6=fBkPv-L<#h7ou29J_I%P`P_0g6O3_8v2s zHpuDy0fry1pbMu%`eCXQFx$|ZQTb$9cO2<6>^%aCG729H&n*{^l#~F{IB=|>92n|( z>eIo?iKVf$qrvDfhD3lwQBz}aI`}jXRy1}TTX-9ace_rUMNm$jWb%l2%;H^! zRgC|~q`37;Y@|(+i(7WqAe|u!Y}~{p>{!Fk9e|vHNFv>GE9sanALRl@e2Z@>XYsr; zijlCTCH3Gi4&zhVxhFsQkq{cL4b?ME)w!dvYz7Pa-qdkh^`9#kue`?>5t8;%5Tc;j z9)`RQxEpE2t3b(Z`4Dz>1b&jPq_v z3HCt3T89m_P-M*jsE|#oi)rVW9YIZ$BAdGYpdG=gk|A=TlC-8p6D`gJc z_mb#Pw$*aeUa~b6jBa$xGZ$`x#2XaaUN}s-Ob;!{jkf@bqh_&>L(=2i z=SVsArkoSq*D)}@X?rReZ0ptjYIJ$Fv;&HZul|Kla7)y4>1w z)6pNUPBTxi%VA1EYtK-FnNlG%KXP;HJxQtaz)CHVwF!o|&9@2-fF*z0i4;I-Gk!Y1 zHLui>pN5}(tv=~egO_}1zeVd@)y(JQap!ZniSiD<64Nf!KA4=)Zph#UGJxdG;Nd>N zc>myz&dDsRz@stv`J*f^?FSp}Je}s3@3MeZcd&@B)pialK6DJwQdIeQeP?EL_E2RE zJEJ!Xia?xD1^M+xn8gAzczD;y1T_1D6?~CxG#vZ(U~#JhnDPW@M3u-q?+>PV=S8%m zK00b;lQ|$JhmL21HqHzd(yOE$#uN6W3Q~{)BS$#gJ3T$5KA$xuYiJH^%xihD5`#D54(0XnCF6 zwZDM$HJ%^HfTo(~B+y6q3km4~SUdsA*5n;>DMvkXloA1F58`qwRZr0myV^^;^21~o zZcWA!sM!%rRmP7Z9DLKEfMu>ti)NUpkqN##DEk~%BU^${1K{uC<4K&zVzd^4O++5_ z9}(%k?r&MKk_|Fp-so33%ISXz4TcqB^iwLncHu|d%wk$H;HHUFNZAb+Tc@;uc*s7M z=#XZ;x)l)LApOc`CpJ5^GZ);HK8hpS@=Qt)FTDLFBI9KVPW*UoOz-tZ&}>(X9My_O zGm3(Dy@gytYA8$951v~?Sj}^QumsV!A@V>}R+Dfflg9!nOkp-ZDmA>kAjj~=ILiy% zuA>v=Q_N545;D32j7jk8*KXkt9T$|HYpn$6!ATwo*^s^kZ(9gt0$!me%E$<6lX$^S z6T|Er)O~m6Yt7uvBDCKU&bXzvW>S<@yPECtl}M#i~SAG5}*+m$hzrATG_q2pP z^6{XVi2iG2$W~zXb8N$PMVT6R--(+05|cJ9o>`1;GOFW*5f5h{KaPo!6_Q6lBO}B8 zol3|&LD$Yh#m?mP3uV~|*@3P%sl?eDem2>saRe!Tes(|)*o%qRw6Ec4_a@`F1gJER4pK8Em0 z>ti3vdX!6H-xB-O1FhBvKQhdqG(zqLNT8ODNoccvYk%noqAiIA@*XAYMqne2Lk7xt zP@8|j0OJQWQ)=bIX9SC6SB}>VpJmQW>0Sn=tF2r?$MldBf5Wd3PFW4^WBz`lt z>)|X(n02&QT z$wB3$5%JcpTVvA5hJEt_M;#VniCtn|(5rC0bR<2V%uVjj$@b|8q$IK)_x;A0)ktm~ocy5>!Sn)cm4(C0Ks!H#<~b8dF$iY?Mr55Idkx)- z@I@h(9G8jk+E*&5EWF@cOuE$F{H!g8_ZXH&7N(v7OZjFFdmKSy>$30X=h$7dK{)#< zyf4M;v?Q739KGoto*PcZLK8s?_S9$?HWkYh3y{6!`%&v0TC(t;MDV%VQ1prUG{3ZU z2?*tXSJ;O+pQmlC=sOquP%YQ=l{f}Wn2j!mj~@r-&YLSe2UpTOqqyK+PicJwGD00$ zAv@tmt>q7sBb%URJG9-LPU=h`BCyReI$ zO&;1uynB1CmW%%7N!~bRR2JR*7wfkkB-tmZA_5o0&QafHO?%d#2hE0UK#uZwH67(V zJE%VMyM1(3c7{9El{ma}a~2^GSWNg zh&9|X9b&MiMg0JQ(Dtl+USzr_$|o1+;)Neks^%yfgS3Xy79hFQ+ummS%QdUdwQ@>0 zwiXuL$as_yeKl8?qLV4x=aIMW=e3tXd6+?2`C6$fiuLYEl{yO%Of6*?QRZj%u1t)} zcZu6;U;0{)Nn6{>M0B`g>ccGHKvcVKF?YiWW zr4d1#W~n~FivsoWFjn$e5(3$Wy}T)a$(%oe-CPh4+}L$(42v`Yjz=#8yEq`B6PU$V zLlTwkhi%P3qX>+bJAM(5@-~8I*r5wS4c6^yqn5$Ph^6q5&cRP{4ZJLk?5q=6dE2a{ zqY#+y*T3+IuT6u+{US7!Q{Xlu{VCSL5MjBw$&=E#zmt+v_l)q|@-nRzH<47*I?k5X z_b0+hDxx{EHv(eJ;kRMR(&{7+bBnr$Fo9c`e#tu4bj8{wvmC*1(FF)Zu~-5dN{%$D zQJ-AFJr)cX3G#q7<|2Xg<6txA9__hmLk4gn*0@p3Tnp@+3TqTHE>{lUg32%Rn9@m~ zp>H`#AnX$SR+1L5dqViboFE0m2nh)Uz!6G*UE{v6cDi6X>lw|UKN!9E-JmJ|=|I=z z-pVtmw)={+GaQ%jcza_148GcFd~K5=;T-qTtWY!8jNX9&XK}N01vng^v3|PS@BIS8 zPV@J}LbOKO`{P&oK^H+VVQ=ZG?4vbV=rvf>QfVmz7&#?H)EO(J-RsJQ5CHm>73}l! zhYtX!y!r#PdSgS!6wIa-6b4r6qVU{@Bwlv9LxQHt4Ucsq24Tarq zN@TZlHsy9O;TG4^#Z*{`iIC9fu}~pP53Cr?b&EibB9A~+kVcsLt;vI+e#4b9F{6Wkc@!N@BB zz8qv1u3rD>n$3IF5)F_5-kz_foIR?tOgM4^=X@;4&JtUB>RqzRipWPckF1;$0EHN4 zrFvz?)=Ic}+I-6Pl07++yS&H1RD+ThFGHKNs{x)^0cHcI zLWKL`C0kk2i^JExKtdjHtg*>6qB8e?hXqFB{Qy++je6-FbigKLiVC`xOjKz^YX z(u6foVZboMbg*}qG##zDmh0%V#`psb^b-uA)sgC>8A9R!MPn_*sh^4Ga77t5S`H#Z-1Mw2TCwEnf!FU(<2H!>xbBe*B}jYoU=8j^!$xZH-1GgC)g-Wn6c9t#gwJ>MGE zSjYhqw8P{rtxDcoar&$haa$l{k@B}g^NQhNHb)%IJoz+MA2L%7bs{y#%LD=zf|r`qkd>9S=K8`OM%S5Wc_m7pCC(C z4};9Sh2-FxSi1WiZ7}(hK3mJd;+J*!EV^a7S09B~*apy}f#GAH;f8cGlhMK^;Y0T4 z)K66R0$XIH?sY3wh*ij@nYTo)x26g2-v9;g7S^cPKlQ_M%y>ggF$ z5#{3W+f{blf~B2obH~07oD4!nmAN@8^43v`BZvsN+YmYl;F~U_COMF^woRIg|0;^W z_RaLZ=n|`wgV@6_BPI*Cy5J!$$(9NF^B0ZLOS9JMgn%5CWv0iGsPMeuk1uZ0s*Q?e zZHY;KhkNb*_hd>++=~k^j|R^^uyFG|ez^79Ma@rqr2Mn#SEJBIA|bAq&hwlJgW%O- z+Iy0UtfqBUJ}QkrcoUa@gkA2895S1^w4v|5x=8nM&hHLy+5z?^JcagkaZ%+hS@(6D zzw^LOb)EL4po$5`jfL=oxHv#tlzZp5%m_RBT=29hWXn=at(WPH2u9dSut>{sZoppQ@%S8Xi)XZ-?C9uUR-X+qmhr8bj)Jw;le!Eo@NsaF&0bB> z@R9xP7$rqK^%NI5RCROi*LlWc374^Y>CE}MD#l}2tQ8paIj%XH}Upql6qCwW`j;X z|Eou@XpbS;!HhaF&?B|(6?HUuc+R}{IJOEv{@GMUh*i8#@_`vwtozHTvSnpee6j4@ zB|QwfK!2!dL6j#+Wqw?<>|>LB7)TG^>#~`_#2$p7u!F zymrorzj;2#r1=$95@;RtyNDT1e@9vX+veR)V~xTMcnPUrL{YC1&qLXCDy(0e_Gwo- zsE5%)=HqpvzNg##?7Uf-)u=XAE3;Q(zSwB0iw*;s3q&eZgwKusjInpTjWk&6wn9kF z#Ru(9!WaoeIu-p#57G2C^q@mMY@v6Jxhz@wNxq2$P)u2ha75RuV24C{x|vaVtQ490 z&k9AI4$@4il%RX1^D{K+C$ZbuL!z9-^gxb8|CvD0sD zjE4x2Cw-bc-)eJ}8bx_W6{Ea_u4R=~RZr~F&*1%ku(%g_?=8%NJoAGxYMXR|3eD33 zzdbsz1S!GRZsl~ZudRkdcrB;3CNFa0QF9bfa3*PuU%Gwj1xHK|6#Dd$V5#yMh~c{t zG?erb19$;wRbhD(ylv0fIp@#g*jlh)2RH$gNWttZmZ7Qd5%Zg6NYhbZN8M-0eM)-g zu$ml`tcVWy#n5$QlQ>6jdI?Lx*g}Z@8Ct7ZmSBMQ^Cl8^#EParwL2nt%r=|wtGf(3 zCb3Gbj_bzO`idr(MKX%sicI7c6_0ERK7P01#Mc$iI3k386Vs$&xwCqtGvgSa7 zkW3_wWW0q*$jf$b*(?>D%=g(U))PPG&UCXR#lt0<4v0>~3+eOZ{rL9K30%lEQiP zmO(YB-<-MZW%wJMkW-3A$6O56L3z%Z z;A;WyW>9-$HEUA3bUd-kAHomy6JT-PFn1t!NkqRboK-^Lgy34Q?H|Qln$}*as^+`nF33`%N zCpJ_jbi6ER%v;H%kgqCo#R5B>b{6UNc%H4<+-uFK8zdF7YDXdguT8S$X5Q_)AyZu#}HCsWykMs z@91jd{qN@C8SL@NH%{fdbE?735cbW^*}+zmvEv)!tFwpuv(tTp#%gPtL(>-o$)o(C zjfW$bq;w60HAQ>249&8Dqer;5g8ZRJ7|mjrm%E)dv7b39XAWm?_w+Ax?Lb0M%1i(G z;W_KSKRXw(u+z7&!w3BO5?zK)Lfc%QTuj?p-v%E*K_};IrB5fxFGMGAt8J){5BMb} z!_ECmpQVlo924L_)G)FC|Epo9|C^d$GQaex(kU40JJJd0+Zr2MsQ-`j7c zf583!w)qFr|JycMe@9)F^^aixi4Z{lyXQA3V@nGGZ99E(fzJ%|09JY?dUgNonMv(UyWQ`Ti4ja&eGOMje>$s+*0p9v@x_jqx}+ke<9>o`>Q_s-}?SygP!fb z^8wfa?2P}Q5AZ$#|C_#dyUc(0<(&cWKEMAP-!Iy4eSfhF_$~Wa8q+_>{sRucfB4J* zV0&K>f7t!6SOM4>7#M#0{O|bD1Ag=U#qOVcf2I8c4u*fg!SD|_82$kV!$06)_=oXe zc%RmP;P|UAf5ZE$pWz>HF#g8-7g@%C!13q!{*~_^a4`M@j`tb*AO11^0}jT2!0|pC z|3mhFN_!vQ_aOZDG5P6N>Yj_F_K_26h0nESG?{69_8^f>N z{a5>QUtnbe{JGwK^D(i|v;19_iG}gc-1%=l#{a~@!u}sNm{{1^{;rROg^}rZ-uSKW zoyPJzU;RmAez*KLpP5)$SpUw)#LE6>p8U5gE92i~S>D^n$hzSG_V^j_GC2&i(hFfsA5GcmFYFtM{T0eJb@m;i!;j9(dM3@q$`_lkp=fr*iskC&H;nU9ZAkb#f?JvQ_L-0JUzkFA}yjolw*&-+AY O2C&1CkO)eCh5KK&O!(md literal 0 HcmV?d00001 diff --git a/documentation/bblibrary.bib b/documentation/bblibrary.bib new file mode 100644 index 0000000..5667d06 --- /dev/null +++ b/documentation/bblibrary.bib @@ -0,0 +1,27914 @@ +@article{RN2354, + author = {Hazeltine, E. and Aparicio, P. and Ivry, R. B.}, + title = {The integrative coordination of multiple responses}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + year = {under revision}, + type = {Journal Article} +} + +@article{RN2304, + author = {Smith, M. A. and Shadmehr, R.}, + title = {Dysfunctional Error Feedback Control in Huntington's Disease in the Absence of Visual Feedback}, + year = {under review}, + type = {Journal Article} +} + +@article{RN427, + author = {Gehring, William J.}, + title = {Executive control in individuals with prefrontal lesions: An electrophysiological study}, + journal = {Journal of Cognitive Neuroscience}, + year = {submitted}, + type = {Journal Article} +} + +@article{RN2342, + author = {Taylor, Janet L.}, + title = {Independent control of voluntary movement and associated anticipatory postural responses in a bimanual task.}, + journal = {Clinical Neurophysiology}, + year = {in press}, + type = {Journal Article} +} + +@article{RN554, + author = {Semjen, Andras}, + title = {On the timing basis of bimanual coordination in discrete and continuous task}, + year = {in press}, + type = {Journal Article} +} + +@article{RN544, + author = {Ravizza, S. M. and Ivry, R. B.}, + title = {Comparison of the basal ganglia and cerebellum in shifting attention}, + journal = {Jornal of Cognitive Neuroscience}, + year = {in press}, + type = {Journal Article} +} + +@article{RN2989, + author = {Nozaki, D. and Yokoi, A. and Hirashima, M.}, + title = {Gain-field encoding of both arms' kinematics in the internal model enables +flexible bimanual action}, + journal = {Journal of Neuroscience}, + year = {in press}, + type = {Journal Article} +} + +@article{RN295, + author = {Mayr, Ulrich and Keele, Steven W.}, + title = {Backward inhibition during intentional shifts between task sets}, + year = {in press}, + type = {Journal Article} +} + +@inbook{RN560, + author = {Logan, Gordon D. and Zbrodoff, N. Jane}, + title = {Response features in the coordination of perception and action}, + booktitle = {Attention and Performance}, + editor = {Hommel, B. and Prinz, W.}, + year = {in press}, + type = {Book Section} +} + +@article{RN642, + author = {Hommel, Bernhard and Schneider, W. X.}, + title = {Visual attention and the selection of manual response: Distinct mechanisms operating on the same codes}, + journal = {Visual Cognition}, + year = {in press}, + type = {Journal Article} +} + +@article{RN429, + author = {Hollands, J. G. and Dyre, B. P.}, + title = {Bias in proportion judgments: the cyclical power model}, + journal = {Psychological Review}, + year = {in press}, + type = {Journal Article} +} + +@article{RN540, + author = {Hazeltine, Eliot and Poldrack, Russell and Gabrieli, John D. E.}, + title = {Neural activation during response competition}, + journal = {Journal of Cognitive Neuroscience}, + year = {in press}, + type = {Journal Article} +} + +@article{RN981, + author = {Glover, S.}, + title = {Separate visual representations in the planning and control of action}, + journal = {Behavioral and Brain Sciences}, + year = {in press}, + type = {Journal Article} +} + +@article{RN3207, + author = {Corbett, E.A. and Koerding, K.P. and Perreault, E.J.}, + title = {Real-time evaluation of a Non-invasive Neuroprosthetic Interface for Control of Reach}, + journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering}, + year = {in press}, + type = {Journal Article} +} + +@article{RN133, + author = {Connor, C. E. and Preddie, D. C. and Gallant, J. L. and Van Essen, D. C.}, + title = {Spatial attention effects in macaque area V4}, + journal = {Journal of Neuroscience}, + year = {in press}, + type = {Journal Article} +} + +@article{RN3275, + author = {Callaghan, M F and Freund, P and Draganski, B. and Anderson, E. and Cappelletti, M. and Chowdhury, R. and Diedrichsen, J. and Fitzgerald, T.G. and Smittenaar, P. and Helms, G. and Lutti, A. and Weiskopf, N.}, + title = {Wide-spread age-related differences in human brain microstructure revealed by quantitative MRI}, + journal = {Neurobiol Aging}, + year = {in press}, + type = {Journal Article} +} + +@article{RN134, + author = {Ashby, F. G. and Alfonso-Reese, L. A. and Turken, A. U.}, + title = {A Formal Neuropsychological theory of multiple systems in category learing}, + year = {in press}, + type = {Journal Article} +} + +@article{RN2355, + author = {Hazeltine, E. and Ivry, R.B.}, + title = {Response selection and bimanual interference after callosotomy: Evidence against subcortical dual-task limitations}, + year = {in preparation}, + type = {Journal Article} +} + +@article{RN3119, + author = {Ledoit, O. and Wolf, M.}, + title = {Improved estimation of the covariance matrix of stock returns with an application to portfolio selection}, + journal = {Journal of Empirical Finance}, + volume = {10(5)}, + number = {603–621}, + year = { 2003}, + type = {Journal Article} +} + +@article{RN3650, + author = {Poldrack, R. A. and Baker, C. I. and Durnez, J. and Gorgolewski, K. J. and Matthews, P. M. and Munafo, M. R. and Nichols, T. E. and Poline, J. B. and Vul, E. and Yarkoni, T.}, + title = {Scanning the horizon: towards transparent and reproducible neuroimaging research}, + journal = {Nat Rev Neurosci}, + volume = {18}, + number = {2}, + pages = {115-126}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {10.1038/nrn.2016.167}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28053326}, + year = {2017}, + type = {Journal Article} +} + +@article{RN3657, + author = {Khaligh-Razavi, S. M. and Henriksson, L. and Kay, K. and Kriegeskorte, N.}, + title = {Fixed versus mixed RSA: Explaining visual representations by fixed and mixed feature sets from shallow and deep computational models}, + journal = {J Math Psychol}, + volume = {76}, + number = {Pt B}, + pages = {184-197}, + ISSN = {0022-2496 (Print) +0022-2496 (Linking)}, + DOI = {10.1016/j.jmp.2016.10.007}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28298702}, + year = {2017}, + type = {Journal Article} +} + +@article{RN3659, + author = {Jonas, E. and Kording, K. P.}, + title = {Could a Neuroscientist Understand a Microprocessor?}, + journal = {PLoS Comput Biol}, + volume = {13}, + number = {1}, + pages = {e1005268}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1005268}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28081141}, + year = {2017}, + type = {Journal Article} +} + +@article{RN3651, + author = {Hammerbeck, U. and Yousif, N. and Hoad, D. and Greenwood, R. and Diedrichsen, J. and Rothwell, J.}, + title = {Chronic stroke surviors improve reaching accuracy by reducing movement variabilty at the trained movement speed}, + journal = {Neurorehabil Neural Repair}, + year = {2017}, + type = {Journal Article} +} + +@article{RN3539, + author = {Xu, J. and Ejaz, N. and Hertler, B. and Branscheidt, M. and Widmer, M. and ... and Luft, A. R. and Krakauer, J. W. and Diedrichsen, J.}, + title = {Recovery of hand function after stroke: separable systems for finger strength and control}, + journal = {BioRxiv}, + DOI = {10.1101/079269}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3538, + author = {Waters-Metenier, S. and Wiestler, T. and Diedrichsen, J.}, + title = {Cooperation not competition: bihemispheric tDCS and fMRI show role for ipsilateral hemisphere in motor sequence learning}, + journal = {BioRxiv}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3574, + author = {Wardle, S. G. and Kriegeskorte, N. and Grootswagers, T. and Khaligh-Razavi, S. M. and Carlson, T. A.}, + title = {Perceptual similarity of visual patterns predicts dynamic neural activation patterns measured with MEG}, + journal = {Neuroimage}, + volume = {132}, + pages = {59-70}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2016.02.019}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26899210}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3565, + author = {Walther, A. and Nili, H. and Ejaz, N. and Alink, A. and Kriegeskorte, N. and Diedrichsen, J.}, + title = {Reliability of dissimilarity measures for multi-voxel pattern analysis}, + journal = {Neuroimage}, + volume = {137}, + pages = {188-200}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2015.12.012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26707889}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3551, + author = {Todd, N. and Moeller, S. and Auerbach, E. J. and Yacoub, E. and Flandin, G. and Weiskopf, N.}, + title = {Evaluation of 2D multiband EPI imaging for high-resolution, whole-brain, task-based fMRI studies at 3T: Sensitivity and slice leakage artifacts}, + journal = {Neuroimage}, + volume = {124}, + number = {Pt A}, + pages = {32-42}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2015.08.056}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26341029}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3647, + author = {Tavor, I. and Parker Jones, O. and Mars, R. B. and Smith, S. M. and Behrens, T. E. and Jbabdi, S.}, + title = {Task-free MRI predicts individual differences in brain activity during task performance}, + journal = {Science}, + volume = {352}, + number = {6282}, + pages = {216-20}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.aad8127}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27124457}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3597, + author = {Naros, G. and Geyer, M. and Koch, S. and Mayr, L. and Ellinger, T. and Grimm, F. and Gharabaghi, A.}, + title = {Enhanced motor learning with bilateral transcranial direct current stimulation: Impact of polarity or current flow direction?}, + journal = {Clin Neurophysiol}, + volume = {127}, + number = {4}, + pages = {2119-26}, + ISSN = {1872-8952 (Electronic) +1388-2457 (Linking)}, + DOI = {10.1016/j.clinph.2015.12.020}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26818881}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3644, + author = {Moberget, T. and Ivry, R. B.}, + title = {Cerebellar contributions to motor control and language comprehension: searching for common computational principles}, + journal = {Ann N Y Acad Sci}, + volume = {1369}, + number = {1}, + pages = {154-71}, + ISSN = {1749-6632 (Electronic) +0077-8923 (Linking)}, + DOI = {10.1111/nyas.13094}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27206249}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3656, + author = {McClure, P. and Kriegeskorte, N.}, + title = {Representational Distance Learning for Deep Neural Networks}, + journal = {Front Comput Neurosci}, + volume = {10}, + pages = {131}, + ISSN = {1662-5188 (Linking)}, + DOI = {10.3389/fncom.2016.00131}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28082889}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3658, + author = {Marblestone, A. H. and Wayne, G. and Kording, K. P.}, + title = {Toward an Integration of Deep Learning and Neuroscience}, + journal = {Front Comput Neurosci}, + volume = {10}, + pages = {94}, + ISSN = {1662-5188 (Linking)}, + DOI = {10.3389/fncom.2016.00094}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27683554}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3542, + author = {Leo, A. and Handjaras, G. and Bianchi, M. and Marino, H. and Gabiccini, M. and Guidi, A. and Scilingo, E. P. and Pietrini, P. and Bicchi, A. and Santello, M. and Ricciardi, E.}, + title = {A synergy-based hand control is encoded in human motor cortical areas}, + journal = {Elife}, + volume = {5}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.13420}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26880543}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3568, + author = {Kriegeskorte, N. and Diedrichsen, J.}, + title = {Inferring brain-computational mechanisms with models of activity measurements}, + journal = {Proceedings of the Royal Society}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3571, + author = {Kording, K. and Jonas, E.}, + title = {Could a neuroscientist understand a microprocessor? }, + journal = {BioRxiv}, + DOI = {10.1101/055624}, + url = {biorxiv.org/content/early/2016/05/26/055624}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3570, + author = {Kobak, D. and Brendel, W. and Constantinidis, C. and Feierstein, C. E. and Kepecs, A. and Mainen, Z. F. and Qi, X. L. and Romo, R. and Uchida, N. and Machens, C. K.}, + title = {Demixed principal component analysis of neural population data}, + journal = {Elife}, + volume = {5}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.10989}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/27067378}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3642, + author = {Khaligh-Razavi, S.M. and Henriksson, L. and Kay, K. and Kriegeskorte, N. }, + title = {Fixed versus mixed RSA: Explaining visual representations by fixed and mixed feature sets from shallow and deep computational models }, + journal = {BioRxiv}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3641, + author = {Jozwik, K. M. and Kriegeskorte, N. and Mur, M.}, + title = {Visual features as stepping stones toward semantics: Explaining object similarity in IT and perception with non-negative least squares}, + journal = {Neuropsychologia}, + volume = {83}, + pages = {201-26}, + ISSN = {1873-3514 (Electronic) +0028-3932 (Linking)}, + DOI = {10.1016/j.neuropsychologia.2015.10.023}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/26493748}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3566, + author = {Huth, A. G. and de Heer, W. A. and Griffiths, T. L. and Theunissen, F. E. and Gallant, J. L.}, + title = {Natural speech reveals the semantic maps that tile human cerebral cortex}, + journal = {Nature}, + volume = {532}, + number = {7600}, + pages = {453-8}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature17637}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/27121839}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3572, + author = {Guntupalli, J. S. and Hanke, M. and Halchenko, Y. O. and Connolly, A. C. and Ramadge, P. J. and Haxby, J. V.}, + title = {A Model of Representational Spaces in Human Cortex}, + journal = {Cereb Cortex}, + volume = {26}, + number = {6}, + pages = {2919-34}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhw068}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26980615}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3564, + author = {Franklin, D. W. and Reichenbach, A. and Franklin, S. and Diedrichsen, J.}, + title = {Temporal Evolution of Spatial Computations for Visuomotor Control}, + journal = {J Neurosci}, + volume = {36}, + number = {8}, + pages = {2329-41}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.0052-15.2016}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26911681}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3543, + author = {Diedrichsen, J. and Zareamoghaddam, H. and Provost, S.}, + title = {The distribution of crossvalidated mahalanobis distances}, + journal = {ArXiv}, + year = {2016}, + type = {Journal Article} +} + +@misc{RN3569, + author = {Diedrichsen, J. and Arbuckle, S. and Yokoi, A.}, + title = {Pattern component modeling toolbox}, + url = {https://github.com/jdiedrichsen/pcm_toolbox}, + year = {2016}, + type = {Generic} +} + +@article{RN3573, + author = {Diedrichsen, J. and Kriegeskorte, N.}, + title = {Representational models: A common framework for understanding encoding, pattern-component, and representational-similarity analysis}, + journal = {BioRxiv}, + DOI = {10.1101/071472}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3559, + author = {Diedrichsen, J. and Kriegeskorte, N.}, + title = {Inference of representational models}, + journal = {BioRxiv}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3638, + author = {Cai, M. B. and Schuck, N. W. and Pillow, J. and Niv, Y.}, + title = {A Bayesian method for reducing bias in neural representational similarity analysis}, + journal = {BioRxiv}, + DOI = {10.1101/073932}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3407, + author = {Yousif, N. and Cole, J. and Rothwell, J. and Diedrichsen, J.}, + title = {Proprioception in motor learning: lessons from a deafferented subject}, + journal = {Exp Brain Res}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-015-4315-8}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25990821}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3410, + author = {Thurling, M. and Kahl, F. and Maderwald, S. and Stefanescu, R. M. and Schlamann, M. and Boele, H. J. and De Zeeuw, C. I. and Diedrichsen, J. and Ladd, M. E. and Koekkoek, S. K. and Timmann, D.}, + title = {Cerebellar cortex and cerebellar nuclei are concomitantly activated during eyeblink conditioning: a 7T fMRI study in humans}, + journal = {J Neurosci}, + volume = {35}, + number = {3}, + pages = {1228-39}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2492-14.2015}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25609637}, + year = {2015}, + type = {Journal Article} +} + +@inproceedings{RN3401, + author = {Thomik, A and Faisal, AA}, + title = {Sparse coding of natural human motion yields eigenmotions consistent across people}, + booktitle = {American Physical Society Meeting}, + type = {Conference Proceedings} +} + +@article{RN3408, + author = {Stefanescu, M. R. and Dohnalek, M. and Maderwald, S. and Thurling, M. and Minnerop, M. and Beck, A. and Schlamann, M. and Diedrichsen, J. and Ladd, M. E. and Timmann, D.}, + title = {Structural and functional MRI abnormalities of cerebellar cortex and nuclei in SCA3, SCA6 and Friedreich's ataxia}, + journal = {Brain}, + volume = {138}, + number = {Pt 5}, + pages = {1182-97}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {10.1093/brain/awv064}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25818870}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3409, + author = {Scharnowski, F. and Veit, R. and Zopf, R. and Studer, P. and Bock, S. and Diedrichsen, J. and Goebel, R. and Mathiak, K. and Birbaumer, N. and Weiskopf, N.}, + title = {Manipulating motor performance and memory through real-time fMRI neurofeedback}, + journal = {Biol Psychol}, + volume = {108}, + pages = {85-97}, + ISSN = {1873-6246 (Electronic) +0301-0511 (Linking)}, + DOI = {10.1016/j.biopsycho.2015.03.009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25796342}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3406, + author = {Pruszynski, J. A. and Diedrichsen, J.}, + title = {Neuroscience. Reading the mind to move the body}, + journal = {Science}, + volume = {348}, + number = {6237}, + pages = {860-1}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.aab3464}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25999491}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3441, + author = {Norman-Haignere, S. and Kanwisher, N. G. and McDermott, J. H.}, + title = {Distinct Cortical Pathways for Music and Speech Revealed by Hypothesis-Free Voxel Decomposition}, + journal = {Neuron}, + volume = {88}, + number = {6}, + pages = {1281-96}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2015.11.035}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26687225}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3545, + author = {Khaligh-Razavi, S. M. and Carlin, J. and Martin Cichy, R. and Kriegeskorte, N.}, + title = {The effects of recurrent dynamics on ventral-stream representational geometry}, + journal = {J Vis}, + volume = {15}, + number = {12}, + pages = {1089}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/15.12.1089}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26326777}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3442, + author = {Kell, A. and Yamins, D. and Norman-Haignere, S. and Seibert, D. and Hong, H. and DiCarlo, J. and McDermott, J.}, + title = {Computational similarities between visual and auditory cortex studied with convolutional neural networks, fMRI, and electrophysiology}, + journal = {J Vis}, + volume = {15}, + number = {12}, + pages = {1093}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/15.12.1093}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26326781}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3428, + author = {Kasuga, S. and Telgen, S. and Ushiba, J. and Nozaki, D. and Diedrichsen, J.}, + title = {Learning feedback and feedforward control in a mirror-reversed visual environment}, + journal = {J Neurophysiol}, + volume = {114}, + number = {4}, + pages = {2187-93}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00096.2015}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26245313}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3414, + author = {Galea, J. M. and Mallia, E. and Rothwell, J. and Diedrichsen, J.}, + title = {The dissociable effects of punishment and reward on motor learning}, + journal = {Nat Neurosci}, + volume = {18}, + number = {4}, + pages = {597-602}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3956}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25706473}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3394, + author = {Galea, J. M. and Mallia, E. and Rothwell, J. and Diedrichsen, J.}, + title = {The dissociable effects of punishment and reward on motor learning}, + journal = {Nat Neurosci}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3956}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25706473}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3426, + author = {Franklin, D. W. and Reichenbach, A. and Franklin, S. and J., Diedrichsen}, + title = {Temporal evolution of spatial computations for visuomotor control}, + journal = {Journal of Neuroscience}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3415, + author = {Ejaz, N. and Hamada, M. and Diedrichsen, J.}, + title = {Hand use predicts the structure of representations in sensorimotor cortex}, + journal = {Nat Neurosci}, + volume = {18}, + number = {7}, + pages = {1034-40}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.4038}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26030847}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3421, + author = {Diedrichsen, J. and Zotow, E.}, + title = {Surface-Based Display of Volume-Averaged Cerebellar Imaging Data}, + journal = {PLoS One}, + volume = {7}, + pages = {e0133402}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0133402}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26230510}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3411, + author = {Diedrichsen, J. and Kornysheva, K.}, + title = {Motor skill learning between selection and execution}, + journal = {Trends Cogn Sci}, + volume = {19}, + number = {4}, + pages = {227-33}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2015.02.003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25746123}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3620, + author = {Zimerman, M. and Heise, K. F. and Gerloff, C. and Cohen, L. G. and Hummel, F. C.}, + title = {Disrupting the ipsilateral motor cortex interferes with training of a complex motor task in older adults}, + journal = {Cereb Cortex}, + volume = {24}, + number = {4}, + pages = {1030-6}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhs385}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23242199}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3382, + author = {Zhou, H. and Lin, Z. and Voges, K. and Ju, C. and Gao, Z. and Bosman, L. W. and Ruigrok, T. J. and Hoebeek, F. E. and De Zeeuw, C. I. and Schonewille, M.}, + title = {Cerebellar modules operate at different frequencies}, + journal = {Elife}, + volume = {3}, + pages = {e02536}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.02536}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24843004}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3336, + author = {Wymbs, N. F. and Grafton, S. T.}, + title = {The Human Motor System Supports Sequence-Specific Representations over Multiple Training-Dependent Timescales}, + journal = {Cereb Cortex}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhu144}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24969473}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3289, + author = {Wu, H. G. and Miyamoto, Y. R. and Gonzalez Castro, L. N. and Olveczky, B. P. and Smith, M. A.}, + title = {Temporal structure of motor variability is dynamically regulated and predicts motor learning ability}, + journal = {Nat Neurosci}, + volume = {17}, + number = {2}, + pages = {312-21}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3616}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24413700}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3419, + author = {Wiestler, T. and Waters-Metenier, S. and Diedrichsen, J.}, + title = {Effector-independent motor sequence representations exist in extrinsic and intrinsic reference frames}, + journal = {J Neurosci}, + volume = {34}, + number = {14}, + pages = {5054-64}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5363-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24695723}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3278, + author = {Wiestler, T. and Waters-Metenier, S. and Diedrichsen, J.}, + title = {Effector-independent motor sequence representations exist in extrinsic and intrinsic reference frames}, + journal = {J Neurosci}, + volume = {34}, + number = {14}, + pages = {5054-64}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5363-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24695723}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3261, + author = {Waters-Metenier, S. and Husain, M. and Wiestler, T. and Diedrichsen, J.}, + title = {Bihemispheric transcranial direct current stimulation enhances effector-independent representations of motor synergy and sequence learning}, + journal = {J Neurosci}, + volume = {34}, + number = {3}, + pages = {1037-50}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/jneurosci.2282-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24431461}, + year = {2014}, + type = {Journal Article} +} + +@misc{RN3294, + year = {2014}, + type = {Conference Paper} +} + +@article{RN3604, + author = {Truong, D. Q. and Huber, M. and Xie, X. and Datta, A. and Rahman, A. and Parra, L. C. and Dmochowski, J. P. and Bikson, M.}, + title = {Clinician Accessible Tools for GUI Computational Models of Transcranial Electrical Stimulation: BONSAI and SPHERES}, + journal = {Brain Stimul}, + DOI = {10.1016/j.brs.2014.03.009 +10.1016/j.brs.2014.03.009.}, + url = {http://ac.els-cdn.com/S1935861X14001247/1-s2.0-S1935861X14001247-main.pdf?_tid=651b7aae-e37e-11e3-aeef-00000aab0f6b&acdnat=1400961955_988b4c08ba3d018b65cff87da3adafd5 +http://www.sciencedirect.com/science/article/pii/S1935861X14001247 +http://ac.els-cdn.com/S1935861X14001247/1-s2.0-S1935861X14001247-main.pdf?_tid=2eca38d6-970c-11e4-b379-00000aab0f27&acdnat=1420704110_2b3e5e2b2e038e750e5c83b528b10fb9}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3416, + author = {Telgen, S. and Parvin, D. and Diedrichsen, J.}, + title = {Mirror reversal and visual rotation are learned and consolidated via separate mechanisms: recalibrating or learning de novo?}, + journal = {J Neurosci}, + volume = {34}, + number = {41}, + pages = {13768-79}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5306-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25297103}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3366, + author = {Telgen, S. and Parvin, D. and Diedrichsen, J.}, + title = {Mirror reversal and visual rotation are learned and consolidated via separate mechanisms: recalibrating or learning de novo?}, + journal = {J Neurosci}, + volume = {34}, + number = {41}, + pages = {13768-79}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5306-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25297103}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3262, + author = {Smittenaar, P. and Prichard, G. and Fitzgerald, T. H. and Diedrichsen, J. and Dolan, R. J.}, + title = {Transcranial direct current stimulation of right dorsolateral prefrontal cortex does not affect model-based or model-free reinforcement learning in humans}, + journal = {PLoS One}, + volume = {9}, + number = {1}, + pages = {e86850}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0086850}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24475185}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3332, + author = {Shmuelof, L. and Yang, J. and Caffo, B. and Mazzoni, P. and Krakauer, J. W.}, + title = {The neural correlates of learned motor acuity}, + journal = {J Neurophysiol}, + volume = {112}, + number = {4}, + pages = {971-80}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00897.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24848466}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3335, + author = {Shmuelof, L. and Krakauer, J. W.}, + title = {Recent insights into perceptual and motor skill learning}, + journal = {Front Hum Neurosci}, + volume = {8}, + pages = {683}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2014.00683}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25232311}, + year = {2014}, + type = {Journal Article} +} + +@inproceedings{RN3389, + author = {Sereno, M. I. and J., Diedrichsen and Tachrout, M. and Silva, G. and De Zeeuw, C. I.}, + title = {Reconstruction and unfolding of the human cerbellar cortex from high-resolution post-mortem MRI}, + booktitle = {Annual meeting of the Society for Neuroscience }, + type = {Conference Proceedings} +} + +@article{RN3299, + author = {Ruitenberg, M. F. and Verwey, W. B. and Schutter, D. J. and Abrahamse, E. L.}, + title = {Cognitive and neural foundations of discrete sequence skill: a TMS study}, + journal = {Neuropsychologia}, + volume = {56}, + pages = {229-38}, + ISSN = {1873-3514 (Electronic) +0028-3932 (Linking)}, + DOI = {10.1016/j.neuropsychologia.2014.01.014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24486768}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3295, + author = {Reid, C. S. and Serrien, D. J.}, + title = {Primary motor cortex and ipsilateral control: A TMS study}, + journal = {Neuroscience}, + volume = {270C}, + pages = {20-26}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {10.1016/j.neuroscience.2014.04.005}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24726982}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3417, + author = {Reichenbach, A. and Franklin, D. W. and Zatka-Haas, P. and Diedrichsen, J.}, + title = {A dedicated binding mechanism for the visual control of movement}, + journal = {Curr Biol}, + volume = {24}, + number = {7}, + pages = {780-5}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {10.1016/j.cub.2014.02.030}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24631246}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3629, + author = {Ramirez, F. M. and Cichy, R. M. and Allefeld, C. and Haynes, J. D.}, + title = {The neural code for face orientation in the human fusiform face area}, + journal = {J Neurosci}, + volume = {34}, + number = {36}, + pages = {12155-67}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.3156-13.2014}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/25186759}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3340, + author = {Poldrack, R. A.}, + title = {Is "efficiency" a useful concept in cognitive neuroscience?}, + journal = {Dev Cogn Neurosci}, + ISSN = {1878-9307 (Electronic) +1878-9293 (Linking)}, + DOI = {10.1016/j.dcn.2014.06.001}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24981045}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3292, + author = {Peters, J. and Chen, S. X. and Komiyama, T.}, + title = {Emergence of reproducible spatiotemporal acitivity patterns during motor learning}, + journal = {Nature}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3589, + author = {O'Shea, J. and Boudrias, M. H. and Stagg, C. J. and Bachtiar, V. and Kischka, U. and Blicher, J. U. and Johansen-Berg, H.}, + title = {Predicting behavioural response to TDCS in chronic motor stroke}, + journal = {Neuroimage}, + volume = {85 Pt 3}, + pages = {924-33}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.05.096}, + url = {http://ac.els-cdn.com/S1053811913005983/1-s2.0-S1053811913005983-main.pdf?_tid=fa52cef8-7c70-11e3-a54c-00000aab0f26&acdnat=1389631222_ee7943c7fe0513f378bf228d05d662e0}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3300, + author = {Nili, H. and Wingfield, C. and Walther, A. and Su, L. and Marslen-Wilson, W. and Kriegeskorte, N.}, + title = {A toolbox for representational similarity analysis}, + journal = {PLoS Comput Biol}, + volume = {10}, + number = {4}, + pages = {e1003553}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1003553}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24743308}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3301, + author = {Mollazadeh, M. and Aggarwal, V. and Thakor, N. V. and Schieber, M. H.}, + title = {Principal components of hand kinematics and neurophysiological signals in motor cortex during reach to grasp movements}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00481.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24990564}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3645, + author = {Moberget, T. and Gullesen, E. H. and Andersson, S. and Ivry, R. B. and Endestad, T.}, + title = {Generalized role for the cerebellum in encoding internal models: evidence from semantic processing}, + journal = {J Neurosci}, + volume = {34}, + number = {8}, + pages = {2871-8}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2264-13.2014}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24553928}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3276, + author = {Manley, H. and Dayan, P. and Diedrichsen, J.}, + title = {When money is not enough: awareness, success, and variability in motor learning}, + journal = {PLoS One}, + volume = {9}, + number = {1}, + pages = {e86580}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0086580}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24489746}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3370, + author = {Lungu, O. and Monchi, O. and Albouy, G. and Jubault, T. and Ballarin, E. and Burnod, Y. and Doyon, J.}, + title = {Striatal and hippocampal involvement in motor sequence chunking depends on the learning strategy}, + journal = {PLoS One}, + volume = {9}, + number = {8}, + pages = {e103885}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0103885}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25148078}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3584, + author = {Lefebvre, S. and Thonnard, J. L. and Laloux, P. and Peeters, A. and Jamart, J. and Vandermeeren, Y.}, + title = {Single Session of Dual-tDCS Transiently Improves Precision Grip and Dexterity of the Paretic Hand After Stroke}, + journal = {Neurorehabil Neural Repair}, + volume = {28}, + number = {2}, + pages = {100-10}, + ISSN = {1545-9683}, + DOI = {10.1177/1545968313478485}, + url = {http://nnr.sagepub.com/content/28/2/100.full.pdf}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3290, + author = {Lee, S. J. and Chun, M. H.}, + title = {Combination transcranial direct current stimulation and virtual reality therapy for upper extremity training in patients with subacute stroke}, + journal = {Arch Phys Med Rehabil}, + volume = {95}, + number = {3}, + pages = {431-8}, + ISSN = {1532-821X (Electronic) +0003-9993 (Linking)}, + DOI = {10.1016/j.apmr.2013.10.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24239790}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3310, + author = {Kraskov, A. and Philipp, R. and Waldert, S. and Vigneswaran, G. and Quallo, M. M. and Lemon, R. N.}, + title = {Corticospinal mirror neurons}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {369}, + number = {1644}, + pages = {20130174}, + ISSN = {1471-2970 (Electronic) +0962-8436 (Linking)}, + DOI = {10.1098/rstb.2013.0174}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24778371}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3418, + author = {Kornysheva, K. and Diedrichsen, J.}, + title = {Human premotor areas parse sequences into their spatial and temporal features}, + journal = {Elife}, + volume = {3}, + pages = {e03043}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.03043}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25117541}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3343, + author = {Kirsch, E. and Rivlis, G. and Schieber, M. H.}, + title = {Primary Motor Cortex Neurons during Individuated Finger and Wrist Movements: Correlation of Spike Firing Rates with the Motion of Individual Digits versus Their Principal Components}, + journal = {Front Neurol}, + volume = {5}, + pages = {70}, + ISSN = {1664-2295 (Electronic) +1664-2295 (Linking)}, + DOI = {10.3389/fneur.2014.00070}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24904516}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3544, + author = {Khaligh-Razavi, S. M. and Kriegeskorte, N.}, + title = {Deep supervised, but not unsupervised, models may explain IT cortical representation}, + journal = {PLoS Comput Biol}, + volume = {10}, + number = {11}, + pages = {e1003915}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1003915}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25375136}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3373, + author = {Jin, X. and Tecuapetla, F. and Costa, R. M.}, + title = {Basal ganglia subcircuits distinctively encode the parsing and concatenation of action sequences}, + journal = {Nat Neurosci}, + volume = {17}, + number = {3}, + pages = {423-30}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3632}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24464039}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3342, + author = {Haxby, J. V. and Connolly, A. C. and Guntupalli, J. S.}, + title = {Decoding neural representational spaces using multivariate pattern analysis}, + journal = {Annu Rev Neurosci}, + volume = {37}, + pages = {435-56}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-062012-170325}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25002277}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3263, + author = {Hammerbeck, U. and Yousif, N. and Greenwood, R. and Rothwell, J. C. and Diedrichsen, J.}, + title = {Movement speed is biased by prior experience}, + journal = {J Neurophysiol}, + volume = {111}, + number = {1}, + pages = {128-34}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00522.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24133220}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3592, + author = {Ganguli, D. and Simoncelli, E. P.}, + title = {Efficient sensory encoding and Bayesian inference with heterogeneous neural populations}, + journal = {Neural Comput}, + volume = {26}, + number = {10}, + pages = {2103-34}, + ISSN = {1530-888X (Electronic) +0899-7667 (Linking)}, + DOI = {10.1162/NECO_a_00638}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25058702 +http://www.mitpressjournals.org/doi/pdfplus/10.1162/NECO_a_00638}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3422, + author = {Fairhall, A. and Sompolinsky, H.}, + title = {Editorial overview: theoretical and computational neuroscience}, + journal = {Curr Opin Neurobiol}, + volume = {25}, + pages = {v-viii}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2014.02.010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24656299}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3315, + author = {Fabbri, S. and Strnad, L. and Caramazza, A. and Lingnau, A.}, + title = {Overlapping representations for grip type and reach direction}, + journal = {Neuroimage}, + volume = {94}, + pages = {138-46}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2014.03.017}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24650596}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3423, + author = {Eliasmith, C. and Trujillo, O.}, + title = {The use and abuse of large-scale brain models}, + journal = {Curr Opin Neurobiol}, + volume = {25}, + pages = {1-6}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2013.09.009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24709593}, + year = {2014}, + type = {Journal Article} +} + +@inbook{RN3268, + author = {Diedrichsen, J. and Bastian, A. J.}, + title = {Cerebellar Function}, + booktitle = {The cognitive Neurosciences, fifth edition}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT press}, + address = {Cambridge, MA}, + pages = {451-460}, + year = {2014}, + type = {Book Section} +} + +@article{RN3535, + author = {Di Pino, G. and Pellegrino, G. and Assenza, G. and Capone, F. and Ferreri, F. and Formica, D. and Ranieri, F. and Tombini, M. and Ziemann, U. and Rothwell, J. C. and Di Lazzaro, V.}, + title = {Modulation of brain plasticity in stroke: a novel model for neurorehabilitation}, + journal = {Nat Rev Neurol}, + volume = {10}, + number = {10}, + pages = {597-608}, + ISSN = {1759-4766 (Electronic) +1759-4758 (Linking)}, + DOI = {10.1038/nrneurol.2014.162}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25201238}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3374, + author = {Crowe, D. A. and Zarco, W. and Bartolo, R. and Merchant, H.}, + title = {Dynamic representation of the temporal and sequential structure of rhythmic movements in the primate medial premotor cortex}, + journal = {J Neurosci}, + volume = {34}, + number = {36}, + pages = {11972-83}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2177-14.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25186744}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3637, + author = {Cichy, R. M. and Pantazis, D. and Oliva, A.}, + title = {Resolving human object recognition in space and time}, + journal = {Nat Neurosci}, + volume = {17}, + number = {3}, + pages = {455-62}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3635}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24464044}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3598, + author = {Antal, A. and Bikson, M. and Datta, A. and Lafon, B. and Dechent, P. and Parra, L. C. and Paulus, W.}, + title = {Imaging artifacts induced by electrical stimulation during conventional fMRI of the brain}, + journal = {Neuroimage}, + volume = {85 Pt 3}, + pages = {1040-7}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.10.026}, + url = {http://ac.els-cdn.com/S1053811912010294/1-s2.0-S1053811912010294-main.pdf?_tid=fd04e424-79b4-11e3-a7ff-00000aacb35f&acdnat=1389330579_d493398f0e717bbf9d71e2e41cc6400e}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3316, + author = {Allefeld, C. and Haynes, J. D.}, + title = {Searchlight-based multi-voxel pattern analysis of fMRI by cross-validated MANOVA}, + journal = {Neuroimage}, + volume = {89}, + pages = {345-57}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.11.043}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24296330}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3364, + author = {Acuna, D. E. and Wymbs, N. F. and Reynolds, C. A. and Picard, N. and Turner, R. S. and Strick, P. L. and Grafton, S. T. and Kording, K.}, + title = {Multi-faceted aspects of chunking enable robust algorithms}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00028.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25080566}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3257, + author = {Yang, Y. and Lisberger, S. G.}, + title = {Interaction of plasticity and circuit organization during the acquisition of cerebellum-dependent motor learning}, + journal = {Elife}, + volume = {2}, + number = {0}, + pages = {e01574}, + ISSN = {2050-084X (Electronic)}, + DOI = {10.7554/eLife.01574}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24381248}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3222, + author = {Wiestler, T. and Diedrichsen, J.}, + title = {Skill learning strengthens cortical representations of motor sequences}, + journal = {Elife}, + volume = {2}, + pages = {e00801}, + ISSN = {2050-084X (Electronic)}, + DOI = {10.7554/eLife.00801}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23853714}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3161, + author = {White, O. and Diedrichsen, J.}, + title = {Flexible switching of feedback control mechanisms allows for learning of different task dynamics}, + journal = {PLoS One}, + volume = {8}, + number = {2}, + pages = {e54771}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0054771 +PONE-D-12-21077 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23405093}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3391, + author = {Van Essen, D. C. and Smith, S. M. and Barch, D. M. and Behrens, T. E. and Yacoub, E. and Ugurbil, K.}, + title = {The WU-Minn Human Connectome Project: an overview}, + journal = {Neuroimage}, + volume = {80}, + pages = {62-79}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.05.041}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23684880}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3148, + author = {van der Zwaag, W. and Kusters, R. and Magill, A. and Gruetter, R. and Martuzzi, R. and Blanke, O. and Marques, J. P.}, + title = {Digit somatotopy in the human cerebellum: a 7T fMRI study}, + journal = {Neuroimage}, + volume = {67}, + pages = {354-62}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(12)01153-6 [pii] +10.1016/j.neuroimage.2012.11.041}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23238433}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3227, + author = {van Beers, R. J. and Brenner, E. and Smeets, J. B.}, + title = {Random walk of motor planning in task-irrelevant dimensions}, + journal = {J Neurophysiol}, + volume = {109}, + number = {4}, + pages = {969-77}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00706.2012 [pii] +10.1152/jn.00706.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23175799}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3224, + author = {Todd, M. T. and Nystrom, L. E. and Cohen, J. D.}, + title = {Confounds in multivariate pattern analysis: Theory and rule representation case study}, + journal = {Neuroimage}, + volume = {77}, + pages = {157-65}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(13)00288-7 [pii] +10.1016/j.neuroimage.2013.03.039}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23558095}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3312, + author = {Stelzer, J. and Chen, Y. and Turner, R.}, + title = {Statistical inference and multiple testing correction in classification-based multi-voxel pattern analysis (MVPA): random permutations and cluster size control}, + journal = {Neuroimage}, + volume = {65}, + pages = {69-82}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.09.063}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23041526}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3264, + author = {Stefanescu, M. R. and Thurling, M. and Maderwald, S. and Wiestler, T. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, + title = {A 7T fMRI study of cerebellar activation in sequential finger movement tasks}, + journal = {Exp Brain Res}, + volume = {228}, + number = {2}, + pages = {243-54}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-013-3558-5}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23732948}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3229, + author = {Stanley, J. and Krakauer, J. W.}, + title = {Motor skill depends on knowledge of facts}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {503}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00503}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=24009571}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3635, + author = {Siero, J. C. and Hermes, D. and Hoogduin, H. and Luijten, P. R. and Petridou, N. and Ramsey, N. F.}, + title = {BOLD consistently matches electrophysiology in human sensorimotor cortex at increasing movement rates: a combined 7T fMRI and ECoG study on neurovascular coupling}, + journal = {J Cereb Blood Flow Metab}, + volume = {33}, + number = {9}, + pages = {1448-56}, + ISSN = {1559-7016 (Electronic) +0271-678X (Linking)}, + DOI = {10.1038/jcbfm.2013.97}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23801242}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3655, + author = {Shenoy, K. V. and Sahani, M. and Churchland, M. M.}, + title = {Cortical control of arm movements: a dynamical systems perspective}, + journal = {Annu Rev Neurosci}, + volume = {36}, + pages = {337-59}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-062111-150509}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23725001}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3596, + author = {Sehm, B. and Kipping, J. and Schafer, A. and Villringer, A. and Ragert, P.}, + title = {A Comparison between Uni- and Bilateral tDCS Effects on Functional Connectivity of the Human Motor Cortex}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {183}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00183}, + url = {http://www.frontiersin.org/Journal/DownloadFile/1/231282/47765/1/21/fnhum-07-00183_pdf}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3619, + author = {Russo, R. and Wallace, D. and Fitzgerald, P. B. and Cooper, N. R.}, + title = {Perception of Comfort During Active and Sham Transcranial Direct Current Stimulation: A Double Blind Study}, + journal = {Brain Stimul}, + volume = {doi: 10.1016/j.brs.2013.05.009. [Epub ahead of print]}, + ISSN = {1935-861X (Electronic)}, + DOI = {10.1016/j.brs.2013.05.009}, + url = {http://ac.els-cdn.com/S1935861X13001678/1-s2.0-S1935861X13001678-main.pdf?_tid=d72456da-ebcb-11e2-89b5-00000aacb360&acdnat=1373727329_cb737ebe5f3567b925e351cc6fe35459}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3237, + author = {Ruddy, K. L. and Carson, R. G.}, + title = {Neural pathways mediating cross education of motor function}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {397}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00397}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23908616}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3265, + author = {Reichenbach, A. and Costello, A. and Zatka-Haas, P. and Diedrichsen, J.}, + title = {Mechanisms of responsibility assignment during redundant reaching movements}, + journal = {J Neurophysiol}, + volume = {109}, + number = {8}, + pages = {2021-8}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.01052.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23365179}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3260, + author = {Rehme, A. K. and Eickhoff, S. B. and Grefkes, C.}, + title = {State-dependent differences between functional and effective connectivity of the human cortical motor system}, + journal = {Neuroimage}, + volume = {67}, + pages = {237-46}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.11.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23201364}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3590, + author = {Rahman, A. and Reato, D. and Arlotti, M. and Gasca, F. and Datta, A. and Parra, L. C. and Bikson, M.}, + title = {Cellular Effects of Acute Direct Current Stimulation: Somatic and Synaptic Terminal Effects}, + journal = {J Physiol}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2012.247171}, + url = {http://jp.physoc.org/content/early/2013/03/06/jphysiol.2012.247171.full.pdf}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3339, + author = {Picard, N. and Matsuzaka, Y. and Strick, P. L.}, + title = {Extended practice of a motor skill is associated with reduced metabolic activity in M1}, + journal = {Nat Neurosci}, + volume = {16}, + number = {9}, + pages = {1340-7}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3477}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23912947}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3223, + author = {Penhune, V. B.}, + title = {Neural encoding of movement sequences in the human brain}, + journal = {Trends Cogn Sci}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {S1364-6613(13)00173-3 [pii] +10.1016/j.tics.2013.08.008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23973185}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3326, + author = {Park, S. W. and Dijkstra, T. M. and Sternad, D.}, + title = {Learning to never forget-time scales and specificity of long-term memory of a motor skill}, + journal = {Front Comput Neurosci}, + volume = {7}, + pages = {111}, + ISSN = {1662-5188 (Electronic) +1662-5188 (Linking)}, + DOI = {10.3389/fncom.2013.00111}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24032015}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3163, + author = {Omrani, M. and Diedrichsen, J. and Scott, S. H.}, + title = {Rapid feedback corrections during a bimanual postural task}, + journal = {J Neurophysiol}, + volume = {109}, + number = {1}, + pages = {147-61}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00669.2011 [pii] +10.1152/jn.00669.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23054604}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3398, + author = {Oby, E. R. and Ethier, C. and Miller, L. E.}, + title = {Movement representation in the primary motor cortex and its contribution to generalizable EMG predictions}, + journal = {J Neurophysiol}, + volume = {109}, + number = {3}, + pages = {666-78}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00331.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23155172}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3443, + author = {Norman-Haignere, S. and Kanwisher, N. and McDermott, J. H.}, + title = {Cortical pitch regions in humans respond primarily to resolved harmonics and are located in specific tonotopic regions of anterior auditory cortex}, + journal = {J Neurosci}, + volume = {33}, + number = {50}, + pages = {19451-69}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2880-13.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24336712}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3599, + author = {Mielke, D. and Wrede, A. and Schulz-Schaeffer, W. and Taghizadeh-Waghefi, A. and Nitsche, M. A. and Rohde, V. and Liebetanz, D.}, + title = {Cathodal transcranial direct current stimulation induces regional, long-lasting reductions of cortical blood flow in rats}, + journal = {Neurol Res}, + ISSN = {1743-1328 (Electronic) +0161-6412 (Linking)}, + DOI = {10.1179/1743132813y.0000000248}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3375, + author = {Merchant, H. and Perez, O. and Zarco, W. and Gamez, J.}, + title = {Interval tuning in the primate medial premotor cortex as a general timing mechanism}, + journal = {J Neurosci}, + volume = {33}, + number = {21}, + pages = {9082-96}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5513-12.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23699519}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3595, + author = {Lindenberg, R. and Nachtigall, L. and Meinzer, M. and Sieg, M. M. and Floel, A.}, + title = {Differential Effects of Dual and Unihemispheric Motor Cortex Stimulation in Older Adults}, + journal = {J Neurosci}, + volume = {33}, + number = {21}, + pages = {9176-9183}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/jneurosci.0055-13.2013}, + url = {http://www.jneurosci.org/content/33/21/9176.full.pdf}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3284, + author = {Laje, R. and Buonomano, D. V.}, + title = {Robust timing and motor patterns by taming chaos in recurrent neural networks}, + journal = {Nat Neurosci}, + volume = {16}, + number = {7}, + pages = {925-33}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3405}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23708144}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3179, + author = {Kurtzer, I. and Trautman, P. and Rasquinha, R. J. and Bhanpuri, N. H. and Scott, S. H. and Bastian, A. J.}, + title = {Cerebellar damage diminishes long-latency responses to multijoint perturbations}, + journal = {J Neurophysiol}, + volume = {109}, + number = {8}, + pages = {2228-41}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00145.2012 [pii] +10.1152/jn.00145.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23390311}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3293, + author = {Kuo, H. I. and Bikson, M. and Datta, A. and Minhas, P. and Paulus, W. and Kuo, M. F. and Nitsche, M. A.}, + title = {Comparing cortical plasticity induced by conventional and high-definition 4 x 1 ring tDCS: a neurophysiological study}, + journal = {Brain Stimul}, + volume = {6}, + number = {4}, + pages = {644-8}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2012.09.010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23149292}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3225, + author = {Kriegeskorte, N. and Kievit, R. A.}, + title = {Representational geometry: integrating cognition, computation, and the brain}, + journal = {Trends Cogn Sci}, + volume = {17}, + number = {8}, + pages = {401-12}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2013.06.007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23876494}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3582, + author = {Krause, B. and Marquez-Ruiz, J. and Kadosh, R. C.}, + title = {The effect of transcranial direct current stimulation: a role for cortical excitation/inhibition balance?}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {602}, + ISSN = {1662-5161 (Print) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00602}, + url = {http://www.frontiersin.org/Journal/DownloadFile/1/345965/59351/1/21/fnhum-07-00602_pdf}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3162, + author = {Kornysheva, K. and Sierk, A. and Diedrichsen, J.}, + title = {Interaction of temporal and ordinal representations in movement sequences}, + journal = {J Neurophysiol}, + volume = {109}, + number = {5}, + pages = {1416-24}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00509.2012 [pii] +10.1152/jn.00509.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23221413}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3594, + author = {Karok, S. and Witney, A. G.}, + title = {Enhanced motor learning following task-concurrent dual transcranial direct current stimulation}, + journal = {PLoS ONE}, + volume = {8}, + number = {12}, + pages = {e85693}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0085693}, + url = {http://www.plosone.org/article/fetchObject.action?uri=info%3Adoi%2F10.1371%2Fjournal.pone.0085693&representation=PDF}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3165, + author = {Huang, Y. and Zhen, Z. and Song, Y. and Zhu, Q. and Wang, S. and Liu, J.}, + title = {Motor training increases the stability of activation patterns in the primary motor cortex}, + journal = {PLoS One}, + volume = {8}, + number = {1}, + pages = {e53555}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0053555 +PONE-D-12-23739 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23308252}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3193, + author = {Hartwigsen, G. and Saur, D. and Price, C. J. and Baumgaertner, A. and Ulmer, S. and Siebner, H. R.}, + title = {Increased facilitatory connectivity from the pre-SMA to the left dorsal premotor cortex during pseudoword repetition}, + journal = {J Cogn Neurosci}, + volume = {25}, + number = {4}, + pages = {580-94}, + ISSN = {1530-8898 (Electronic) +0898-929X (Linking)}, + DOI = {10.1162/jocn_a_00342}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23249347}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3142, + author = {Hardwick, R. M. and Rottschy, C. and Miall, R. C. and Eickhoff, S. B.}, + title = {A quantitative meta-analysis and review of motor learning in the human brain}, + journal = {Neuroimage}, + volume = {67}, + pages = {283-97}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(12)01132-9 [pii] +10.1016/j.neuroimage.2012.11.020}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23194819}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3242, + author = {Hammerbeck, U. and Yousif, N. and Greenwood, R. J. and Rothwell, J. C. and Diedrichsen, J.}, + title = {Movement speed is biased by prior experience}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00522.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24133220}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3279, + author = {Haith, A. M. and Krakauer, J. W.}, + title = {Model-based and model-free mechanisms of human motor learning}, + journal = {Adv Exp Med Biol}, + volume = {782}, + pages = {1-21}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + DOI = {10.1007/978-1-4614-5465-6_1}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23296478}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3381, + author = {Glasser, M. F. and Sotiropoulos, S. N. and Wilson, J. A. and Coalson, T. S. and Fischl, B. and Andersson, J. L. and Xu, J. and Jbabdi, S. and Webster, M. and Polimeni, J. R. and Van Essen, D. C. and Jenkinson, M.}, + title = {The minimal preprocessing pipelines for the Human Connectome Project}, + journal = {Neuroimage}, + volume = {80}, + pages = {105-24}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.04.127}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23668970}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3259, + author = {Garrido, L. and Vaziri-Pashkam, M. and Nakayama, K. and Wilmer, J.}, + title = {The consequences of subtracting the mean pattern in fMRI multivariate correlation analyses}, + journal = {Front Neurosci}, + volume = {7}, + pages = {174}, + ISSN = {1662-4548 (Print) +1662-453X (Linking)}, + DOI = {10.3389/fnins.2013.00174}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24137107}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3172, + author = {Gallivan, J. P. and McLean, D. A. and Flanagan, J. R. and Culham, J. C.}, + title = {Where one hand meets the other: limb-specific and action-dependent movement plans decoded from preparatory signals in single human frontoparietal brain areas}, + journal = {J Neurosci}, + volume = {33}, + number = {5}, + pages = {1991-2008}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {33/5/1991 [pii] +10.1523/JNEUROSCI.0541-12.2013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23365237}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3243, + author = {Diedrichsen, J. and Wiestler, T. and Krakauer, J. W.}, + title = {Two distinct ipsilateral cortical representations for individuated finger movements}, + journal = {Cereb Cortex}, + volume = {23}, + number = {6}, + pages = {1362-77}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhs120}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22610393}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3266, + author = {Diedrichsen, J. and Wiestler, T. and Ejaz, N.}, + title = {A multivariate method to determine the dimensionality of neural representation from population activity}, + journal = {Neuroimage}, + volume = {76}, + pages = {225-35}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.02.062}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23523802}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3280, + author = {de Berker, A. O. and Bikson, M. and Bestmann, S.}, + title = {Predicting the behavioral impact of transcranial direct current stimulation: issues and limitations}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {613}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00613}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24109445}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3601, + author = {Cengiz, B. and Murase, N. and Rothwell, J. C.}, + title = {Opposite effects of weak transcranial direct current stimulation on different phases of short interval intracortical inhibition (SICI)}, + journal = {Exp Brain Res}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-012-3369-0}, + url = {http://link.springer.com/content/pdf/10.1007%2Fs00221-012-3369-0}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3636, + author = {Carlson, T. and Tovar, D. A. and Alink, A. and Kriegeskorte, N.}, + title = {Representational dynamics of object vision: the first 1000 ms}, + journal = {J Vis}, + volume = {13}, + number = {10}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/13.10.1}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23908380}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3617, + author = {Beaule, V. and Tremblay, S. and Theoret, H.}, + title = {Interhemispheric control of unilateral movement}, + journal = {Neural Plast}, + volume = {2012}, + pages = {627816}, + ISSN = {1687-5443 (Electronic)}, + DOI = {10.1155/2012/627816 +10.1155/2012/627816. Epub 2012 Dec 6.}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23304559}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3588, + author = {Batsikadze, G. and Moliadze, V. and Paulus, W. and Kuo, M. F. and Nitsche, M. A.}, + title = {Partially non-linear stimulation intensity-dependent effects of direct current stimulation on motor cortex excitability in humans}, + journal = {J Physiol}, + volume = {591}, + number = {Pt 7}, + pages = {1987-2000}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2012.249730}, + url = {http://jp.physoc.org/content/early/2013/01/20/jphysiol.2012.249730.full.pdf}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3390, + author = {Barch, D. M. and Burgess, G. C. and Harms, M. P. and Petersen, S. E. and Schlaggar, B. L. and Corbetta, M. and Glasser, M. F. and Curtiss, S. and Dixit, S. and Feldt, C. and Nolan, D. and Bryant, E. and Hartley, T. and Footer, O. and Bjork, J. M. and Poldrack, R. and Smith, S. and Johansen-Berg, H. and Snyder, A. Z. and Van Essen, D. C.}, + title = {Function in the human connectome: task-fMRI and individual differences in behavior}, + journal = {Neuroimage}, + volume = {80}, + pages = {169-89}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.05.033}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23684877}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3286, + author = {Ali, F. and Otchy, T. M. and Pehlevan, C. and Fantana, A. L. and Burak, Y. and Olveczky, B. P.}, + title = {The basal ganglia is necessary for learning spectral, but not temporal, features of birdsong}, + journal = {Neuron}, + volume = {80}, + number = {2}, + pages = {494-506}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2013.07.049}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24075977}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3285, + author = {Abrahamse, E. L. and Ruitenberg, M. F. and de Kleine, E. and Verwey, W. B.}, + title = {Control of automated behavior: insights from the discrete sequence production task}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {82}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00082}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23515430}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3622, + author = {Zimerman, M. and Heise, K. F. and Hoppe, J. and Cohen, L. G. and Gerloff, C. and Hummel, F. C.}, + title = {Modulation of training by single-session transcranial direct current stimulation to the intact motor cortex enhances motor skill acquisition of the paretic hand}, + journal = {Stroke}, + volume = {43}, + number = {8}, + pages = {2185-91}, + ISSN = {1524-4628 (Electronic) +0039-2499 (Linking)}, + DOI = {10.1161/STROKEAHA.111.645382}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/22618381}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3267, + author = {Yousif, N. and Diedrichsen, J.}, + title = {Structural learning in feedforward and feedback control}, + journal = {J Neurophysiol}, + volume = {108}, + number = {9}, + pages = {2373-82}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00315.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22896725}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3337, + author = {Wymbs, N. F. and Bassett, D. S. and Mucha, P. J. and Porter, M. A. and Grafton, S. T.}, + title = {Differential recruitment of the sensorimotor putamen and frontoparietal cortex during motor chunking in humans}, + journal = {Neuron}, + volume = {74}, + number = {5}, + pages = {936-46}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2012.03.038}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22681696}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3297, + author = {Vul, E. and Pashler, H.}, + title = {Voodoo and circularity errors}, + journal = {Neuroimage}, + volume = {62}, + number = {2}, + pages = {945-8}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.01.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22270348}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3296, + author = {Vul, E. and Pashler, H.}, + title = {Voodoo and circularity errors}, + journal = {Neuroimage}, + volume = {62}, + number = {2}, + pages = {945-8}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.01.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22270348}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3365, + author = {Verstynen, T. and Phillips, J. and Braun, E. and Workman, B. and Schunn, C. and Schneider, W.}, + title = {Dynamic sensorimotor planning during long-term sequence learning: the role of variability, response chunking and planning errors}, + journal = {PLoS One}, + volume = {7}, + number = {10}, + pages = {e47336}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0047336}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23056630}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3392, + author = {Tucholka, A. and Fritsch, V. and Poline, J. B. and Thirion, B.}, + title = {An empirical comparison of surface-based and volume-based group studies in neuroimaging}, + journal = {Neuroimage}, + volume = {63}, + number = {3}, + pages = {1443-53}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.06.019}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22732555}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3108, + author = {Tong, F. and Pratte, M. S.}, + title = {Decoding patterns of human brain activity}, + journal = {Annu Rev Psychol}, + volume = {63}, + pages = {483-509}, + ISSN = {1545-2085 (Electronic) +0066-4308 (Linking)}, + DOI = {10.1146/annurev-psych-120710-100412}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21943172}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3577, + author = {Takeuchi, N. and Oouchida, Y. and Izumi, S.}, + title = {Motor control and neural plasticity through interhemispheric interactions}, + journal = {Neural Plast}, + volume = {2012}, + pages = {823285}, + ISSN = {1687-5443 (Electronic)}, + DOI = {10.1155/2012/823285}, + url = {http://downloads.hindawi.com/journals/np/2012/823285.pdf}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3587, + author = {Takeuchi, N. and Izumi, S.}, + title = {Maladaptive plasticity for motor recovery after stroke: mechanisms and approaches}, + journal = {Neural Plast}, + volume = {2012}, + pages = {359728}, + ISSN = {1687-5443 (Electronic)}, + DOI = {10.1155/2012/359728}, + url = {http://downloads.hindawi.com/journals/np/2012/359728.pdf}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3329, + author = {Stoodley, C. J. and Valera, E. M. and Schmahmann, J. D.}, + title = {Functional topography of the cerebellum for motor and cognitive tasks: an fMRI study}, + journal = {Neuroimage}, + volume = {59}, + number = {2}, + pages = {1560-70}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2011.08.065}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21907811}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3606, + author = {Stagg, C. J. and Bachtiar, V. and O'Shea, J. and Allman, C. and Bosnell, R. A. and Kischka, U. and Matthews, P. M. and Johansen-Berg, H.}, + title = {Cortical activation changes underlying stimulation-induced behavioural gains in chronic stroke}, + journal = {Brain}, + volume = {135}, + number = {Pt 1}, + pages = {276-84}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {10.1093/brain/awr313}, + url = {http://brain.oxfordjournals.org/content/135/1/276.full.pdf}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3333, + author = {Shmuelof, L. and Krakauer, J. W. and Mazzoni, P.}, + title = {How is a motor skill learned? Change and invariance at the levels of task success and trajectory control}, + journal = {J Neurophysiol}, + volume = {108}, + number = {2}, + pages = {578-94}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00856.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22514286}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3120, + author = {Schlerf, J. and Ivry, R. B. and Diedrichsen, J.}, + title = {Encoding of sensory prediction errors in the human cerebellum}, + journal = {J Neurosci}, + volume = {32}, + number = {14}, + pages = {4913-22}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/14/4913 [pii] +10.1523/JNEUROSCI.4504-11.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22492047}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3249, + author = {Schaefer, S. Y. and Shelly, I. L. and Thoroughman, K. A.}, + title = {Beside the point: motor adaptation without feedback-based error correction in task-irrelevant conditions}, + journal = {J Neurophysiol}, + volume = {107}, + number = {4}, + pages = {1247-56}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00273.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22157120}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3134, + author = {Overduin, Simon A. and d’Avella, Andrea and Carmena, Jose M. and Bizzi, Emilio}, + title = {Microstimulation Activates a Handful of Muscle Synergies}, + journal = {Neuron}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3138, + author = {Omrani, M. and Diedrichsen, J. and Scott, S. H.}, + title = {Rapid Feedback Corrections during a Bimanual Postural Task}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00669.2011 [pii] +10.1152/jn.00669.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23054604}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3575, + author = {Ohlson, M. and Koski, T.}, + title = {On the Distribution of Matrix Quadratic Forms}, + journal = {Communications in Statistics - Theory and Methods}, + volume = {41}, + number = {18}, + pages = {3403-315}, + DOI = {10.1080/03610926.2011.563009}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3191, + author = {Nazarpour, K. and Barnard, A. and Jackson, A.}, + title = {Flexible cortical control of task-specific muscle synergies}, + journal = {J Neurosci}, + volume = {32}, + number = {36}, + pages = {12349-60}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/36/12349 [pii] +10.1523/JNEUROSCI.5481-11.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22956825}, + year = {2012}, + type = {Journal Article} +} + +@book{RN3567, + author = {Murphy, K. P.}, + title = {Machine Learning: A probabilistic perspective}, + publisher = {MIT press}, + address = {Cambridge, MA}, + year = {2012}, + type = {Book} +} + +@article{RN3602, + author = {Mordillo-Mateos, L. and Turpin-Fenoll, L. and Millan-Pascual, J. and Nunez-Perez, N. and Panyavin, I. and Gomez-Arguelles, J. M. and Botia-Paniagua, E. and Foffani, G. and Lang, N. and Oliviero, A.}, + title = {Effects of simultaneous bilateral tDCS of the human motor cortex}, + journal = {Brain Stimul}, + volume = {5}, + number = {3}, + pages = {214-22}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2011.05.001}, + url = {http://ac.els-cdn.com/S1935861X11000660/1-s2.0-S1935861X11000660-main.pdf?_tid=0d5dc260-6b19-11e2-9e05-00000aab0f6b&acdnat=1359576791_810405906d387936c337524cf43e3741}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3291, + author = {Lindenberg, R. and Zhu, L. L. and Schlaug, G.}, + title = {Combined central and peripheral stimulation to facilitate motor recovery after stroke: the effect of number of sessions on outcome}, + journal = {Neurorehabil Neural Repair}, + volume = {26}, + number = {5}, + pages = {479-83}, + ISSN = {1552-6844 (Electronic) +1545-9683 (Linking)}, + DOI = {10.1177/1545968311427568}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22258156}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3092, + author = {Latash, M. L.}, + title = {The bliss (not the problem) of motor abundance (not redundancy)}, + journal = {Exp Brain Res}, + volume = {217}, + number = {1}, + pages = {1-5}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-012-3000-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22246105}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3199, + author = {Landy, M. S. and Trommershauser, J. and Daw, N. D.}, + title = {Dynamic estimation of task-relevant variance in movement under risk}, + journal = {J Neurosci}, + volume = {32}, + number = {37}, + pages = {12702-11}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/37/12702 [pii] +10.1523/JNEUROSCI.6160-11.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22972994}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3123, + author = {Kutch, J. J. and Valero-Cuevas, F. J.}, + title = {Challenges and new approaches to proving the existence of muscle synergies of neural origin}, + journal = {PLoS Comput Biol}, + volume = {8}, + number = {5}, + pages = {e1002434}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1002434 +PCOMPBIOL-D-11-01006 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22570602}, + year = {2012}, + type = {Journal Article} +} + +@misc{RN3546, + year = {2012}, + type = {Conference Paper} +} + +@article{RN3610, + author = {Kim, C. R. and Kim, D. Y. and Kim, L. S. and Chun, M. H. and Kim, S. J. and Park, C. H.}, + title = {Modulation of cortical activity after anodal transcranial direct current stimulation of the lower limb motor cortex: a functional MRI study}, + journal = {Brain Stimul}, + volume = {5}, + number = {4}, + pages = {462-7}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2011.08.002}, + url = {http://ac.els-cdn.com/S1935861X11001161/1-s2.0-S1935861X11001161-main.pdf?_tid=9745b23e-a2e2-11e2-bfa5-00000aab0f01&acdnat=1365710665_ec14e48fd9dc6a559a0464ffab92bacb}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3618, + author = {Kessler, S. K. and Turkeltaub, P. E. and Benson, J. G. and Hamilton, R. H.}, + title = {Differences in the experience of active and sham transcranial direct current stimulation}, + journal = {Brain Stimul}, + volume = {5}, + number = {2}, + pages = {155-62}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2011.02.007}, + url = {http://ac.els-cdn.com/S1935861X11000246/1-s2.0-S1935861X11000246-main.pdf?_tid=7d2db064-c483-11e2-8008-00000aacb360&acdnat=1369408159_a59d0163eac81c31194c61d041f2d6e4}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3634, + author = {Hermes, D. and Siero, J. C. and Aarnoutse, E. J. and Leijten, F. S. and Petridou, N. and Ramsey, N. F.}, + title = {Dissociation between neuronal activity in sensorimotor cortex and hand movement revealed as a function of movement rate}, + journal = {J Neurosci}, + volume = {32}, + number = {28}, + pages = {9736-44}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.0357-12.2012}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/22787059}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3168, + author = {Haith, A. M. and Reppert, T. R. and Shadmehr, R.}, + title = {Evidence for hyperbolic temporal discounting of reward in control of movements}, + journal = {J Neurosci}, + volume = {32}, + number = {34}, + pages = {11727-36}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/34/11727 [pii] +10.1523/JNEUROSCI.0424-12.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22915115}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3444, + author = {Fedorenko, E. and McDermott, J. H. and Norman-Haignere, S. and Kanwisher, N.}, + title = {Sensitivity to musical structure in the human brain}, + journal = {J Neurophysiol}, + volume = {108}, + number = {12}, + pages = {3289-300}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00209.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23019005}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3424, + author = {Eliasmith, C. and Stewart, T. C. and Choo, X. and Bekolay, T. and DeWolf, T. and Tang, Y. and Rasmussen, D.}, + title = {A large-scale model of the functioning brain}, + journal = {Science}, + volume = {338}, + number = {6111}, + pages = {1202-5}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.1225266}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23197532}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3550, + author = {Eklund, A. and Andersson, M. and Josephson, C. and Johannesson, M. and Knutsson, H.}, + title = {Does parametric fMRI analysis with SPM yield valid results? An empirical study of 1484 rest datasets}, + journal = {Neuroimage}, + volume = {61}, + number = {3}, + pages = {565-78}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.03.093}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22507229}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3038, + author = {Donchin, O. and Rabe, K. and Diedrichsen, J. and Lally, N. and Schoch, B. and Gizewski, E. R. and Timmann, D.}, + title = {Cerebellar regions involved in adaptation to force field and visuomotor perturbation}, + journal = {J Neurophysiol}, + volume = {107}, + number = {1}, + pages = {134-47}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00007.2011 [pii] +10.1152/jn.00007.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21975446}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3090, + author = {Dimitriou, M. and Franklin, D. W. and Wolpert, D. M.}, + title = {Task-dependent coordination of rapid bimanual motor responses}, + journal = {J Neurophysiol}, + volume = {107}, + number = {3}, + pages = {890-901}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00787.2011 [pii] +10.1152/jn.00787.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22072514}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3139, + author = {Diedrichsen, J. and Classen, J.}, + title = {Stimulating news about modular motor control}, + journal = {Neuron}, + volume = {76}, + number = {6}, + pages = {1043-1045}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3140, + author = {Diedrichsen, J.}, + title = {Motor Coordination}, + journal = {Scholarpedia}, + volume = {7}, + number = {12}, + pages = {12309}, + DOI = {10.4249/scholarpedia.12309}, + url = {http://www.scholarpedia.org/article/Motor_coordination}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3627, + author = {DiCarlo, J. J. and Zoccolan, D. and Rust, N. C.}, + title = {How does the brain solve visual object recognition?}, + journal = {Neuron}, + volume = {73}, + number = {3}, + pages = {415-34}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2012.01.010}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/22325196}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3341, + author = {Cisek, P.}, + title = {Making decisions through a distributed consensus}, + journal = {Curr Opin Neurobiol}, + volume = {22}, + number = {6}, + pages = {927-36}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2012.05.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22683275}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3094, + author = {Churchland, M. M. and Cunningham, J. P. and Kaufman, M. T. and Foster, J. D. and Nuyujukian, P. and Ryu, S. I. and Shenoy, K. V.}, + title = {Neural population dynamics during reaching}, + journal = {Nature}, + volume = {487}, + number = {7405}, + pages = {51-6}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature11129 [pii] +10.1038/nature11129}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22722855}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3247, + author = {Boutin, A. and Panzer, S. and Salesse, R. N. and Blandin, Y.}, + title = {Testing promotes effector transfer}, + journal = {Acta Psychol (Amst)}, + volume = {141}, + number = {3}, + pages = {400-7}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2012.09.014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23098907}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3248, + author = {Boutin, A. and Badets, A. and Salesse, R. N. and Fries, U. and Panzer, S. and Blandin, Y.}, + title = {Practice makes transfer of motor skills imperfect}, + journal = {Psychol Res}, + volume = {76}, + number = {5}, + pages = {611-25}, + ISSN = {1430-2772 (Electronic) +0340-0727 (Linking)}, + DOI = {10.1007/s00426-011-0355-2}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21671102}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3184, + author = {Bhanpuri, N. H. and Okamura, A. M. and Bastian, A. J.}, + title = {Active force perception depends on cerebellar function}, + journal = {J Neurophysiol}, + volume = {107}, + number = {6}, + pages = {1612-20}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00983.2011 [pii] +10.1152/jn.00983.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22190620}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3048, + author = {Yokoi, A. and Hirashima, M. and Nozaki, D.}, + title = {Gain field encoding of the kinematics of both arms in the internal model enables flexible bimanual action}, + journal = {J Neurosci}, + volume = {31}, + number = {47}, + pages = {17058-68}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/47/17058 [pii] +10.1523/JNEUROSCI.2982-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22114275}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3209, + author = {Yeo, B. T. and Krienen, F. M. and Sepulcre, J. and Sabuncu, M. R. and Lashkari, D. and Hollinshead, M. and Roffman, J. L. and Smoller, J. W. and Zollei, L. and Polimeni, J. R. and Fischl, B. and Liu, H. and Buckner, R. L.}, + title = {The organization of the human cerebral cortex estimated by intrinsic functional connectivity}, + journal = {J Neurophysiol}, + volume = {106}, + number = {3}, + pages = {1125-65}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00338.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21653723}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2993, + author = {Wolpert, D. M. and Diedrichsen, J. and Flanagan, J. R.}, + title = {Principles of sensorimotor learning}, + journal = {Nat Rev Neurosci}, + volume = {12}, + number = {12}, + pages = {739-51}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {10.1038/nrn3112}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22033537}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3031, + author = {Wiestler, T. and McGonigle, D. J. and Diedrichsen, J.}, + title = {Integration of sensory and motor representations of single fingers in the human cerebellum}, + journal = {J Neurophysiol}, + volume = {105}, + number = {6}, + pages = {3042-53}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00106.2011 [pii] +10.1152/jn.00106.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21471398}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2982, + author = {White, O. and Thonnard, J. L. and Wing, A. M. and Bracewell, R. M. and Diedrichsen, J. and Lefevre, P.}, + title = {Grip force regulates hand impedance to optimize object stability in high impact loads}, + journal = {Neuroscience}, + volume = {189C}, + pages = {269-276}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {S0306-4522(11)00495-7 [pii] +10.1016/j.neuroscience.2011.04.055}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21640167}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3177, + author = {Verstynen, T. and Sabes, P. N.}, + title = {How each movement changes the next: an experimental and theoretical study of fast adaptive priors in reaching}, + journal = {J Neurosci}, + volume = {31}, + number = {27}, + pages = {10050-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/27/10050 [pii] +10.1523/JNEUROSCI.6525-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21734297}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3030, + author = {Verstynen, T. and Ivry, R. B.}, + title = {Network dynamics mediating ipsilateral motor cortex activity during unimanual actions}, + journal = {J Cogn Neurosci}, + volume = {23}, + number = {9}, + pages = {2468-80}, + ISSN = {1530-8898 (Electronic) +0898-929X (Linking)}, + DOI = {10.1162/jocn.2011.21612}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21268666}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2995, + author = {Turnham, E. J. and Braun, D. A. and Wolpert, D. M.}, + title = {Inferring visuomotor priors for sensorimotor learning}, + journal = {PLoS Comput Biol}, + volume = {7}, + number = {3}, + pages = {e1001112}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1001112}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21483475}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2994, + author = {Turnham, E. J. and Braun, D. A. and Wolpert, D. M.}, + title = {Facilitation of learning induced by both random and gradual visuomotor task variation}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00635.2011 [pii] +10.1152/jn.00635.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22131385}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3557, + author = {Stevenson, I. H. and Kording, K. P.}, + title = {How advances in neural recording affect data analysis}, + journal = {Nat Neurosci}, + volume = {14}, + number = {2}, + pages = {139-42}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.2731}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21270781}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3556, + author = {Stevenson, I. H. and Cherian, A. and London, B. M. and Sachs, N. A. and Lindberg, E. and Reimer, J. and Slutzky, M. W. and Hatsopoulos, N. G. and Miller, L. E. and Kording, K. P.}, + title = {Statistical assessment of the stability of neural movement representations}, + journal = {J Neurophysiol}, + volume = {106}, + number = {2}, + pages = {764-74}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00626.2010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21613593}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3001, + author = {Sternad, D. and Abe, M. O. and Hu, X. and Muller, H.}, + title = {Neuromotor noise, error tolerance and velocity-dependent costs in skilled performance}, + journal = {PLoS Comput Biol}, + volume = {7}, + number = {9}, + pages = {e1002159}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1002159 +09-PLCB-RA-1522 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21966262}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2978, + author = {Soteropoulos, D. S. and Edgley, S. A. and Baker, S. N.}, + title = {Lack of evidence for direct corticospinal contributions to control of the ipsilateral forelimb in monkey}, + journal = {J Neurosci}, + volume = {31}, + number = {31}, + pages = {11208-19}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/31/11208 [pii] +10.1523/JNEUROSCI.0257-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21813682}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3210, + author = {Shea, C. H. and Kovacs, A. J. and Panzer, S.}, + title = {The coding and inter-manual transfer of movement sequences}, + journal = {Front Psychol}, + volume = {2}, + pages = {52}, + ISSN = {1664-1078 (Electronic)}, + DOI = {10.3389/fpsyg.2011.00052}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21716583}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3226, + author = {Reis, J. and Fritsch, B.}, + title = {Modulation of motor performance and motor learning by transcranial direct current stimulation}, + journal = {Curr Opin Neurol}, + volume = {24}, + number = {6}, + pages = {590-6}, + ISSN = {1473-6551 (Electronic) +1350-7540 (Linking)}, + DOI = {10.1097/WCO.0b013e32834c3db0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21968548}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3004, + author = {Pruszynski, J. A. and Kurtzer, I. and Nashed, J. Y. and Omrani, M. and Brouwer, B. and Scott, S. H.}, + title = {Primary motor cortex underlies multi-joint integration for fast feedback control}, + journal = {Nature}, + volume = {478}, + number = {7369}, + pages = {387-90}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature10436 [pii] +10.1038/nature10436}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21964335}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3154, + author = {Prsa, M. and Thier, P.}, + title = {The role of the cerebellum in saccadic adaptation as a window into neural mechanisms of motor learning}, + journal = {Eur J Neurosci}, + volume = {33}, + number = {11}, + pages = {2114-28}, + ISSN = {1460-9568 (Electronic) +0953-816X (Linking)}, + DOI = {10.1111/j.1460-9568.2011.07693.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21645105}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3241, + author = {Orban de Xivry, J. J. and Marko, M. K. and Pekny, S. E. and Pastor, D. and Izawa, J. and Celnik, P. and Shadmehr, R.}, + title = {Stimulation of the human motor cortex alters generalization patterns of motor learning}, + journal = {J Neurosci}, + volume = {31}, + number = {19}, + pages = {7102-10}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/19/7102 [pii] +10.1523/JNEUROSCI.0273-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21562272}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2983, + author = {Oosterhof, N. N. and Wiestler, T. and Downing, P. E. and Diedrichsen, J.}, + title = {A comparison of volume-based and surface-based multi-voxel pattern analysis}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {593-600}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.04.270}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20621701}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3585, + author = {Nitsche, M. A. and Paulus, W.}, + title = {Transcranial direct current stimulation--update 2011}, + journal = {Restor Neurol Neurosci}, + volume = {29}, + number = {6}, + pages = {463-92}, + ISSN = {0922-6028 (Print) +0922-6028 (Linking)}, + DOI = {10.3233/rnn-2011-0618}, + url = {http://iospress.metapress.com/content/252r1135vu705h53/}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3579, + author = {Nitsche, M. A.}, + title = {Beyond the target area: remote effects of non-invasive brain stimulation in humans}, + journal = {J Physiol}, + volume = {589}, + number = {Pt 13}, + pages = {3053-4}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2011.211599}, + url = {http://jp.physoc.org/content/589/13/3053 +http://jp.physoc.org/content/589/13/3053.full.pdf}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3096, + author = {Naselaris, T. and Kay, K. N. and Nishimoto, S. and Gallant, J. L.}, + title = {Encoding and decoding in fMRI}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {400-10}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.07.073}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20691790}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3087, + author = {Mussa-Ivaldi, F. A. and Casadio, M. and Danziger, Z. C. and Mosier, K. M. and Scheidt, R. A.}, + title = {Sensory motor remapping of space in human-machine interfaces}, + journal = {Prog Brain Res}, + volume = {191}, + pages = {45-64}, + ISSN = {1875-7855 (Electronic) +0079-6123 (Linking)}, + DOI = {B978-0-444-53752-2.00014-X [pii] +10.1016/B978-0-444-53752-2.00014-X}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21741543}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3082, + author = {Martin, J. R. and Budgeon, M. K. and Zatsiorsky, V. M. and Latash, M. L.}, + title = {Stabilization of the total force in multi-finger pressing tasks studied with the 'inverse piano' technique}, + journal = {Hum Mov Sci}, + volume = {30}, + number = {3}, + pages = {446-58}, + ISSN = {1872-7646 (Electronic) +0167-9457 (Linking)}, + DOI = {S0167-9457(10)00180-6 [pii] +10.1016/j.humov.2010.08.021}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21450360}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3593, + author = {Mahmoudi, H. and Borhani Haghighi, A. and Petramfar, P. and Jahanshahi, S. and Salehi, Z. and Fregni, F.}, + title = {Transcranial direct current stimulation: electrode montage in stroke}, + journal = {Disabil Rehabil}, + volume = {33}, + number = {15-16}, + pages = {1383-8}, + ISSN = {1464-5165 (Electronic) +0963-8288 (Linking)}, + DOI = {10.3109/09638288.2010.532283 [doi]}, + url = {http://informahealthcare.com/doi/abs/10.3109/09638288.2010.532283 +http://informahealthcare.com/doi/pdfplus/10.3109/09638288.2010.532283}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2954, + author = {Madelain, L. and Paeye, C. and Wallman, J.}, + title = {Modification of saccadic gain by reinforcement}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.01094.2009 [pii] +10.1152/jn.01094.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21525366}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3011, + author = {Ma, L. and Narayana, S. and Robin, D. A. and Fox, P. T. and Xiong, J.}, + title = {Changes occur in resting state network of motor system during 4 weeks of motor skill learning}, + journal = {Neuroimage}, + volume = {58}, + number = {1}, + pages = {226-33}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(11)00622-7 [pii] +10.1016/j.neuroimage.2011.06.014}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21689765}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3088, + author = {Liu, X. and Mosier, K. M. and Mussa-Ivaldi, F. A. and Casadio, M. and Scheidt, R. A.}, + title = {Reorganization of finger coordination patterns during adaptation to rotation and scaling of a newly learned sensorimotor transformation}, + journal = {J Neurophysiol}, + volume = {105}, + number = {1}, + pages = {454-73}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00247.2010 [pii] +10.1152/jn.00247.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20980541}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3014, + author = {Li, S. and Mayhew, S. D. and Kourtzi, Z.}, + title = {Learning Shapes Spatiotemporal Brain Patterns for Flexible Categorical Decisions}, + journal = {Cereb Cortex}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhr309 [pii] +10.1093/cercor/bhr309}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22079922}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3037, + author = {Lally, N. and Frendo, B. and Diedrichsen, J.}, + title = {Sensory cancellation of self-movement facilitates visual motion detection}, + journal = {J Vis}, + volume = {11}, + number = {14}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {11.14.5 [pii] +10.1167/11.14.5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22147221}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3605, + author = {Kwon, Y. H. and Jang, S. H.}, + title = {The enhanced cortical activation induced by transcranial direct current stimulation during hand movements}, + journal = {Neurosci Lett}, + volume = {492}, + number = {2}, + pages = {105-8}, + ISSN = {1872-7972 (Electronic) +0304-3940 (Linking)}, + DOI = {S0304-3940(11)00112-1 [pii] +10.1016/j.neulet.2011.01.066 [doi]}, + url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-5230PY6-2-1&_cdi=4862&_user=125795&_pii=S0304394011001121&_origin=gateway&_coverDate=04%2F01%2F2011&_sk=995079997&view=c&wchp=dGLbVlW-zSkzk&md5=f5e9faffc685885d8a668d0e2709479f&ie=/sdarticle.pdf}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3402, + author = {Kutch, J. J. and Valero-Cuevas, F. J.}, + title = {Muscle redundancy does not imply robustness to muscle dysfunction}, + journal = {J Biomech}, + volume = {44}, + number = {7}, + pages = {1264-70}, + ISSN = {1873-2380 (Electronic) +0021-9290 (Linking)}, + DOI = {10.1016/j.jbiomech.2011.02.014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21420091}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2985, + author = {Kuper, M. and Thurling, M. and Stefanescu, R. and Maderwald, S. and Roths, J. and Elles, H. G. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, + title = {Evidence for a motor somatotopy in the cerebellar dentate nucleus-an fMRI study in humans}, + journal = {Hum Brain Mapp}, + ISSN = {1097-0193 (Electronic) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.21400}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21938757}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2984, + author = {Kuper, M. and Dimitrova, A. and Thurling, M. and Maderwald, S. and Roths, J. and Elles, H. G. and Gizewski, E. R. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, + title = {Evidence for a motor and a non-motor domain in the human dentate nucleus--an fMRI study}, + journal = {Neuroimage}, + volume = {54}, + number = {4}, + pages = {2612-22}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(10)01458-8 [pii] +10.1016/j.neuroimage.2010.11.028}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21081171}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3625, + author = {Kriegeskorte, N.}, + title = {Pattern-information analysis: from stimulus decoding to computational-model testing}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {411-21}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2011.01.061}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/21281719}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2956, + author = {Izawa, J. and Shadmehr, R.}, + title = {Learning from sensory and reward prediction errors during motor adaptation}, + journal = {PLoS Comput Biol}, + volume = {7}, + number = {3}, + pages = {e1002012}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1002012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21423711}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3051, + author = {Huang, V. S. and Haith, A. and Mazzoni, P. and Krakauer, J. W.}, + title = {Rethinking motor learning and savings in adaptation paradigms: model-free memory for successful actions combines with internal models}, + journal = {Neuron}, + volume = {70}, + number = {4}, + pages = {787-801}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(11)00338-2 [pii] +10.1016/j.neuron.2011.04.012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21609832}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2955, + author = {Hosp, J. A. and Pekanovic, A. and Rioult-Pedotti, M. S. and Luft, A. R.}, + title = {Dopaminergic projections from midbrain to primary motor cortex mediate motor skill learning}, + journal = {J Neurosci}, + volume = {31}, + number = {7}, + pages = {2481-7}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/7/2481 [pii] +10.1523/JNEUROSCI.5411-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21325515}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3003, + author = {Hatsopoulos, N. G. and Suminski, A. J.}, + title = {Sensing with the motor cortex}, + journal = {Neuron}, + volume = {72}, + number = {3}, + pages = {477-87}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(11)00932-9 [pii] +10.1016/j.neuron.2011.10.020}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22078507}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3219, + author = {Gruetzmacher, N. and Panzer, S. and Blandin, Y. and Shea, C. H.}, + title = {Observation and physical practice: coding of simple motor sequences}, + journal = {Q J Exp Psychol (Hove)}, + volume = {64}, + number = {6}, + pages = {1111-23}, + ISSN = {1747-0226 (Electronic) +1747-0218 (Linking)}, + DOI = {10.1080/17470218.2010.543286}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21302186}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3126, + author = {Griffin, D. M. and Hudson, H. M. and Belhaj-Saif, A. and Cheney, P. D.}, + title = {Hijacking cortical motor output with repetitive microstimulation}, + journal = {J Neurosci}, + volume = {31}, + number = {37}, + pages = {13088-96}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/37/13088 [pii] +10.1523/JNEUROSCI.6322-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21917792}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3404, + author = {Gallivan, J. P. and McLean, D. A. and Smith, F. W. and Culham, J. C.}, + title = {Decoding effector-dependent and effector-independent movement intentions from human parieto-frontal brain activity}, + journal = {J Neurosci}, + volume = {31}, + number = {47}, + pages = {17149-68}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.1058-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22114283}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2981, + author = {Galea, J. M. and Vazquez, A. and Pasricha, N. and Orban de Xivry, J. J. and Celnik, P.}, + title = {Dissociating the Roles of the Cerebellum and Motor Cortex during Adaptive Learning: The Motor Cortex Retains What the Cerebellum Learns}, + journal = {Cereb Cortex}, + volume = {21}, + number = {8}, + pages = {1761-70}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhq246 [pii] +10.1093/cercor/bhq246}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21139077}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3195, + author = {Freeman, J. and Brouwer, G. J. and Heeger, D. J. and Merriam, E. P.}, + title = {Orientation decoding depends on maps, not columns}, + journal = {J Neurosci}, + volume = {31}, + number = {13}, + pages = {4792-804}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/13/4792 [pii] +10.1523/JNEUROSCI.5160-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21451017}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2992, + author = {Fautrelle, L. and Pichat, C. and Ricolfi, F. and Peyrin, C. and Bonnetblanc, F.}, + title = {Catching falling objects: the role of the cerebellum in processing sensory-motor errors that may influence updating of feedforward commands. An fMRI study}, + journal = {Neuroscience}, + volume = {190}, + pages = {135-44}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {S0306-4522(11)00718-4 [pii] +10.1016/j.neuroscience.2011.06.034}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21718759}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3021, + author = {Draganski, B. and Ashburner, J. and Hutton, C. and Kherif, F. and Frackowiak, R. S. and Helms, G. and Weiskopf, N.}, + title = {Regional specificity of MRI contrast parameter changes in normal ageing revealed by voxel-based quantification (VBQ)}, + journal = {Neuroimage}, + volume = {55}, + number = {4}, + pages = {1423-34}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(11)00088-7 [pii] +10.1016/j.neuroimage.2011.01.052}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21277375}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3033, + author = {Diedrichsen, J. and Ridgway, G. R. and Friston, K. J. and Wiestler, T.}, + title = {Comparing the similarity and spatial structure of neural representations: a pattern-component model}, + journal = {Neuroimage}, + volume = {55}, + number = {4}, + pages = {1665-78}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2011.01.044}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21256225}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2942, + author = {Diedrichsen, J. and Maderwald, S. and Kuper, M. and Thurling, M. and Rabe, K. and Gizewski, E. R. and Ladd, M. E. and Timmann, D.}, + title = {Imaging the deep cerebellar nuclei: a probabilistic atlas and normalization procedure}, + journal = {Neuroimage}, + volume = {54}, + number = {3}, + pages = {1786-94}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.10.035}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20965257}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3020, + author = {Dayan, E. and Cohen, L. G.}, + title = {Neuroplasticity subserving motor skill learning}, + journal = {Neuron}, + volume = {72}, + number = {3}, + pages = {443-54}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(11)00918-4 [pii] +10.1016/j.neuron.2011.10.008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22078504}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3334, + author = {Costa, R. M.}, + title = {A selectionist account of de novo action learning}, + journal = {Curr Opin Neurobiol}, + volume = {21}, + number = {4}, + pages = {579-86}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2011.05.004}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21641793}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3206, + author = {Corbett, E.A. and Perreault, E.J. and Kuiken, T.A.}, + title = {A Comparison of EMG and Force as Interfaces for Prosthetic Control}, + journal = {Journal of Rehabilitation Research and Development}, + volume = {48}, + number = {6}, + pages = {629-642}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2958, + author = {Christensen, A. and Ilg, W. and Giese, M. A.}, + title = {Spatiotemporal tuning of the facilitation of biological motion perception by concurrent motor execution}, + journal = {J Neurosci}, + volume = {31}, + number = {9}, + pages = {3493-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/9/3493 [pii] +10.1523/JNEUROSCI.4277-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21368061}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2990, + author = {Chen, Y. and Namburi, P. and Elliott, L. T. and Heinzle, J. and Soon, C. S. and Chee, M. W. and Haynes, J. D.}, + title = {Cortical surface-based searchlight decoding}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {582-92}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(10)01008-6 [pii] +10.1016/j.neuroimage.2010.07.035}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20656043}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3628, + author = {Chaimow, D. and Yacoub, E. and Ugurbil, K. and Shmuel, A.}, + title = {Modeling and analysis of mechanisms underlying fMRI-based decoding of information conveyed in cortical columns}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {627-42}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.09.037}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20868757}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3208, + author = {Buckner, R. L. and Krienen, F. M. and Castellanos, A. and Diaz, J. C. and Yeo, B. T.}, + title = {The organization of the human cerebellum estimated by intrinsic functional connectivity}, + journal = {J Neurophysiol}, + volume = {106}, + number = {5}, + pages = {2322-45}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00339.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21795627}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3583, + author = {Bolognini, N. and Vallar, G. and Casati, C. and Latif, L. A. and El-Nazer, R. and Williams, J. and Banco, E. and Macea, D. D. and Tesio, L. and Chessa, C. and Fregni, F.}, + title = {Neurophysiological and behavioral effects of tDCS combined with constraint-induced movement therapy in poststroke patients}, + journal = {Neurorehabil Neural Repair}, + volume = {25}, + number = {9}, + pages = {819-29}, + ISSN = {1552-6844 (Electronic) +1545-9683 (Linking)}, + DOI = {1545968311411056 [pii] +10.1177/1545968311411056 [doi]}, + url = {http://nnr.sagepub.com/content/25/9/819.full.pdf}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3122, + author = {Berkes, P. and Orban, G. and Lengyel, M. and Fiser, J.}, + title = {Spontaneous cortical activity reveals hallmarks of an optimal internal model of the environment}, + journal = {Science}, + volume = {331}, + number = {6013}, + pages = {83-7}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {331/6013/83 [pii] +10.1126/science.1195870}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21212356}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2949, + author = {Balsters, J. H. and Ramnani, N.}, + title = {Cerebellar plasticity and the automation of first-order rules}, + journal = {J Neurosci}, + volume = {31}, + number = {6}, + pages = {2305-12}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/6/2305 [pii] +10.1523/JNEUROSCI.4358-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21307266}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3281, + author = {Baker, S. N.}, + title = {The primate reticulospinal tract, hand function and functional recovery}, + journal = {J Physiol}, + volume = {589}, + number = {Pt 23}, + pages = {5603-12}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2011.215160}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21878519}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2953, + author = {Abe, M. and Schambra, H. and Wassermann, E. M. and Luckenbaugh, D. and Schweighofer, N. and Cohen, L. G.}, + title = {Reward Improves Long-Term Retention of a Motor Memory through Induction of Offline Memory Gains}, + journal = {Curr Biol}, + volume = {21}, + number = {7}, + pages = {557-62}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(11)00221-1 [pii] +10.1016/j.cub.2011.02.030}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21419628}, + year = {2011}, + type = {Journal Article} +} + +@article{RN2878, + author = {Ziemann, U.}, + title = {TMS in cognitive neuroscience: virtual lesion and beyond}, + journal = {Cortex}, + volume = {46}, + number = {1}, + pages = {124-7}, + ISSN = {1973-8102 (Electronic) +0010-9452 (Linking)}, + DOI = {S0010-9452(09)00099-9 [pii] +10.1016/j.cortex.2009.02.020}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19344895}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3345, + author = {Yu, W. S. and van Duinen, H. and Gandevia, S. C.}, + title = {Limits to the control of the human thumb and fingers in flexion and extension}, + journal = {J Neurophysiol}, + volume = {103}, + number = {1}, + pages = {278-89}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00797.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19889847}, + year = {2010}, + type = {Journal Article} +} + +@misc{RN2979, + year = {2010}, + type = {Conference Paper} +} + +@article{RN2967, + author = {Yedimenko, J. A. and Perez, M. A.}, + title = {The effect of bilateral isometric forces in different directions on motor cortical function in humans}, + journal = {J Neurophysiol}, + volume = {104}, + number = {6}, + pages = {2922-31}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00020.2010 [pii] +10.1152/jn.00020.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20668276}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3586, + author = {Williams, J. A. and Pascual-Leone, A. and Fregni, F.}, + title = {Interhemispheric modulation induced by cortical stimulation and motor training}, + journal = {Phys Ther}, + volume = {90}, + number = {3}, + pages = {398-410}, + ISSN = {1538-6724 (Electronic) +0031-9023 (Linking)}, + DOI = {ptj.20090075 [pii] +10.2522/ptj.20090075 [doi]}, + url = {http://ptjournal.apta.org/content/90/3/398.full.pdf}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2944, + author = {White, O. and Diedrichsen, J.}, + title = {Responsibility assignment in redundant systems}, + journal = {Curr Biol}, + volume = {20}, + number = {14}, + pages = {1290-5}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(10)00774-8 [pii] +10.1016/j.cub.2010.05.069}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20598886}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3600, + author = {Vernieri, F. and Assenza, G. and Maggio, P. and Tibuzzi, F. and Zappasodi, F. and Altamura, C. and Corbetto, M. and Trotta, L. and Palazzo, P. and Ercolani, M. and Tecchio, F. and Rossini, P. M.}, + title = {Cortical neuromodulation modifies cerebral vasomotor reactivity}, + journal = {Stroke}, + volume = {41}, + number = {9}, + pages = {2087-90}, + ISSN = {1524-4628 (Electronic) +0039-2499 (Linking)}, + DOI = {STROKEAHA.110.583088 [pii] +10.1161/STROKEAHA.110.583088 [doi]}, + url = {http://stroke.ahajournals.org/cgi/reprint/41/9/2087.pdf}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3420, + author = {Van Pelt, S. and Toni, I. and Diedrichsen, J. and Medendorp, W. P.}, + title = {Repetition suppression dissociates spatial frames of reference in human saccade generation}, + journal = {J Neurophysiol}, + volume = {104}, + number = {3}, + pages = {1239-48}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00393.2010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20592124}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2881, + author = {Utz, K. S. and Dimova, V. and Oppenlander, K. and Kerkhoff, G.}, + title = {Electrified minds: Transcranial direct current stimulation (tDCS) and Galvanic Vestibular Stimulation (GVS) as methods of non-invasive brain stimulation in neuropsychology-A review of current data and future implications}, + journal = {Neuropsychologia}, + volume = {48}, + number = {10}, + pages = {2789-2810}, + ISSN = {1873-3514 (Electronic) +0028-3932 (Linking)}, + DOI = {S0028-3932(10)00231-9 [pii] +10.1016/j.neuropsychologia.2010.06.002}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20542047}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3189, + author = {Timmann, D. and Daum, I.}, + title = {How consistent are cognitive impairments in patients with cerebellar disorders?}, + journal = {Behav Neurol}, + volume = {23}, + number = {1-2}, + pages = {81-100}, + ISSN = {1875-8584 (Electronic) +0953-4180 (Linking)}, + DOI = {QJ7R0RR90671J803 [pii] +10.3233/BEN-2010-0271}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20714063}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2925, + author = {Swisher, J. D. and Gatenby, J. C. and Gore, J. C. and Wolfe, B. A. and Moon, C. H. and Kim, S. G. and Tong, F.}, + title = {Multiscale pattern analysis of orientation-selective activity in the primary visual cortex}, + journal = {J Neurosci}, + volume = {30}, + number = {1}, + pages = {325-30}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/1/325 [pii] +10.1523/JNEUROSCI.4811-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20053913}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3330, + author = {Stoodley, C. J. and Valera, E. M. and Schmahmann, J. D.}, + title = {An fMRI study of intra-individual functional topography in the human cerebellum}, + journal = {Behav Neurol}, + volume = {23}, + number = {1-2}, + pages = {65-79}, + ISSN = {1875-8584 (Electronic) +0953-4180 (Linking)}, + DOI = {10.3233/BEN-2010-0268}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20714062}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3331, + author = {Stoodley, C. J. and Schmahmann, J. D.}, + title = {Evidence for topographic organization in the cerebellum of motor control versus cognitive and affective processing}, + journal = {Cortex}, + volume = {46}, + number = {7}, + pages = {831-44}, + ISSN = {1973-8102 (Electronic) +0010-9452 (Linking)}, + DOI = {10.1016/j.cortex.2009.11.008}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20152963}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2842, + author = {Steele, C. J. and Penhune, V. B.}, + title = {Specific increases within global decreases: a functional magnetic resonance imaging investigation of five days of motor sequence learning}, + journal = {J Neurosci}, + volume = {30}, + number = {24}, + pages = {8332-41}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/24/8332 [pii] +10.1523/JNEUROSCI.5569-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20554884}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2906, + author = {Shadmehr, R. and Smith, M. A. and Krakauer, J. W.}, + title = {Error correction, sensory prediction, and adaptation in motor control}, + journal = {Annu Rev Neurosci}, + volume = {33}, + pages = {89-108}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-060909-153135}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20367317}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3167, + author = {Shadmehr, R. and Orban de Xivry, J. J. and Xu-Wilson, M. and Shih, T. Y.}, + title = {Temporal discounting of reward and the cost of time in motor control}, + journal = {J Neurosci}, + volume = {30}, + number = {31}, + pages = {10507-16}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/31/10507 [pii] +10.1523/JNEUROSCI.1343-10.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20685993}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3166, + author = {Shadmehr, R.}, + title = {Control of movements and temporal discounting of reward}, + journal = {Curr Opin Neurobiol}, + volume = {20}, + number = {6}, + pages = {726-30}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {S0959-4388(10)00137-6 [pii] +10.1016/j.conb.2010.08.017}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20833031}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2938, + author = {Sehm, B. and Perez, M. A. and Xu, B. and Hidler, J. and Cohen, L. G.}, + title = {Functional neuroanatomy of mirroring during a unimanual force generation task}, + journal = {Cereb Cortex}, + volume = {20}, + number = {1}, + pages = {34-45}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhp075 [pii] +10.1093/cercor/bhp075}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19435709}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2890, + author = {Schlerf, J. E. and Verstynen, T. D. and Ivry, R. B. and Spencer, R. M.}, + title = {Evidence of a novel somatopic map in the human neocerebellum during complex actions}, + journal = {J Neurophysiol}, + volume = {103}, + number = {6}, + pages = {3330-6}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.01117.2009 [pii] +10.1152/jn.01117.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20393055}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2891, + author = {Sanchez-Panchuelo, R. M. and Francis, S. and Bowtell, R. and Schluppeck, D.}, + title = {Mapping human somatosensory cortex in individual subjects with 7T functional MRI}, + journal = {J Neurophysiol}, + volume = {103}, + number = {5}, + pages = {2544-56}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {01017.2009 [pii] +10.1152/jn.01017.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20164393}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2762, + author = {Salmi, Juha and Pallesen, Karen Johanne and Neuvonen, Tuomas and Brattico, Elvira and Korvenoja, Antti and Salonen, Oili}, + title = {Cognitive and Motor Loops of the Human Cerebro-cerebellar System}, + journal = {Journal of Cognitive Neuroscience}, + volume = {xx}, + pages = {1-14}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3102, + author = {Rokach, Lior}, + title = {Ensemble-based classifiers}, + journal = {Artificial Intelligence Review}, + volume = {33}, + pages = {1-39}, + DOI = {10.1007/s10462-009-9124-7}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3055, + author = {Roelfsema, P. R. and van Ooyen, A. and Watanabe, T.}, + title = {Perceptual learning rules based on reinforcers and attention}, + journal = {Trends Cogn Sci}, + volume = {14}, + number = {2}, + pages = {64-71}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {S1364-6613(09)00261-7 [pii] +10.1016/j.tics.2009.11.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20060771}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2965, + author = {Reichenbach, A. and Bresciani, J. P. and Peer, A. and Bulthoff, H. H. and Thielscher, A.}, + title = {Contributions of the PPC to Online Control of Visually Guided Reaching Movements Assessed with fMRI-Guided TMS}, + journal = {Cereb Cortex}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhq225 [pii] +10.1093/cercor/bhq225}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21084453}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3151, + author = {Prsa, M. and Dicke, P. W. and Thier, P.}, + title = {The absence of eye muscle fatigue indicates that the nervous system compensates for non-motor disturbances of oculomotor function}, + journal = {J Neurosci}, + volume = {30}, + number = {47}, + pages = {15834-42}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/47/15834 [pii] +10.1523/JNEUROSCI.3901-10.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21106822}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2934, + author = {Prevosto, V. and Graf, W. and Ugolini, G.}, + title = {Cerebellar inputs to intraparietal cortex areas LIP and MIP: functional frameworks for adaptive control of eye movements, reaching, and arm/eye/head movement coordination}, + journal = {Cereb Cortex}, + volume = {20}, + number = {1}, + pages = {214-28}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhp091 [pii] +10.1093/cercor/bhp091}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19465740}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3040, + author = {Oosterhof, N. N. and Wiggett, A. J. and Diedrichsen, J. and Tipper, S. P. and Downing, P. E.}, + title = {Surface-based information mapping reveals crossmodal vision-action representations in human parietal and occipitotemporal cortex}, + journal = {J Neurophysiol}, + volume = {104}, + number = {2}, + pages = {1077-89}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00326.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20538772}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2971, + author = {Oliveira, F. T. and Diedrichsen, J. and Verstynen, T. and Duque, J. and Ivry, R. B.}, + title = {Transcranial magnetic stimulation of posterior parietal cortex affects decisions of hand choice}, + journal = {Proc Natl Acad Sci U S A}, + volume = {107}, + number = {41}, + pages = {17751-6}, + ISSN = {1091-6490 (Electronic) +0027-8424 (Linking)}, + DOI = {1006223107 [pii] +10.1073/pnas.1006223107}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20876098}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2911, + author = {Misaki, M. and Kim, Y. and Bandettini, P. A. and Kriegeskorte, N.}, + title = {Comparison of multivariate classifiers and response normalizations for pattern-information fMRI}, + journal = {Neuroimage}, + volume = {53}, + number = {1}, + pages = {103-18}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.05.051}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20580933}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3012, + author = {Ma, L. and Wang, B. and Narayana, S. and Hazeltine, E. and Chen, X. and Robin, D. A. and Fox, P. T. and Xiong, J.}, + title = {Changes in regional activity are accompanied with changes in inter-regional connectivity during 4 weeks motor learning}, + journal = {Brain Res}, + volume = {1318}, + pages = {64-76}, + ISSN = {1872-6240 (Electronic) +0006-8993 (Linking)}, + DOI = {S0006-8993(09)02771-1 [pii] +10.1016/j.brainres.2009.12.073}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20051230}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2932, + author = {Lindenberg, R. and Renga, V. and Zhu, L. L. and Nair, D. and Schlaug, G.}, + title = {Bihemispheric brain stimulation facilitates motor recovery in chronic stroke patients}, + journal = {Neurology}, + volume = {75}, + number = {24}, + pages = {2176-84}, + ISSN = {1526-632X (Electronic) +0028-3878 (Linking)}, + DOI = {WNL.0b013e318202013a [pii] +10.1212/WNL.0b013e318202013a}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21068427}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3239, + author = {Lee, M. and Hinder, M. R. and Gandevia, S. C. and Carroll, T. J.}, + title = {The ipsilateral motor cortex contributes to cross-limb transfer of performance gains after ballistic motor practice}, + journal = {J Physiol}, + volume = {588}, + number = {Pt 1}, + pages = {201-12}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2009.183855}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19917563}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3643, + author = {Kriegeskorte, N. and Cusack, R. and Bandettini, P.}, + title = {How does an fMRI voxel sample the neuronal activity pattern: compact-kernel or complex spatiotemporal filter?}, + journal = {Neuroimage}, + volume = {49}, + number = {3}, + pages = {1965-76}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2009.09.059}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/19800408}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3211, + author = {Kovacs, A. J. and Boyle, J. and Grutmatcher, N. and Shea, C. H.}, + title = {Coding of on-line and pre-planned movement sequences}, + journal = {Acta Psychol (Amst)}, + volume = {133}, + number = {2}, + pages = {119-26}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2009.10.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19939342}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3359, + author = {Komiyama, T. and Sato, T. R. and O'Connor, D. H. and Zhang, Y. X. and Huber, D. and Hooks, B. M. and Gabitto, M. and Svoboda, K.}, + title = {Learning-related fine-scale specificity imaged in motor cortex circuits of behaving mice}, + journal = {Nature}, + volume = {464}, + number = {7292}, + pages = {1182-6}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature08897}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20376005}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2939, + author = {Hummel, F. C. and Heise, K. and Celnik, P. and Floel, A. and Gerloff, C. and Cohen, L. G.}, + title = {Facilitating skilled right hand motor function in older subjects by anodal polarization over the left primary motor cortex}, + journal = {Neurobiol Aging}, + volume = {31}, + number = {12}, + pages = {2160-8}, + ISSN = {1558-1497 (Electronic) +0197-4580 (Linking)}, + DOI = {S0197-4580(08)00422-3 [pii] +10.1016/j.neurobiolaging.2008.12.008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19201066}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3201, + author = {Hudson, T. E. and Tassinari, H. and Landy, M. S.}, + title = {Compensation for changing motor uncertainty}, + journal = {PLoS Comput Biol}, + volume = {6}, + number = {11}, + pages = {e1000982}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000982}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21079679}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2977, + author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {Context-dependent partitioning of motor learning in bimanual movements}, + journal = {J Neurophysiol}, + volume = {104}, + number = {4}, + pages = {2082-91}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00299.2010 [pii] +10.1152/jn.00299.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20685927}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3649, + author = {Hasson, U. and Malach, R. and Heeger, D. J.}, + title = {Reliability of cortical activity during natural stimulation}, + journal = {Trends Cogn Sci}, + volume = {14}, + number = {1}, + pages = {40-8}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2009.10.011}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20004608}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3133, + author = {Hart, C. B. and Giszter, S. F.}, + title = {A neural basis for motor primitives in the spinal cord}, + journal = {J Neurosci}, + volume = {30}, + number = {4}, + pages = {1322-36}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/4/1322 [pii] +10.1523/JNEUROSCI.5894-08.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20107059}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3052, + author = {Glascher, J. and Daw, N. and Dayan, P. and O'Doherty, J. P.}, + title = {States versus rewards: dissociable neural prediction error signals underlying model-based and model-free reinforcement learning}, + journal = {Neuron}, + volume = {66}, + number = {4}, + pages = {585-95}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(10)00287-4 [pii] +10.1016/j.neuron.2010.04.016}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20510862}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2991, + author = {Gentner, R. and Gorges, S. and Weise, D. and aufm Kampe, K. and Buttmann, M. and Classen, J.}, + title = {Encoding of motor skill in the corticomuscular system of musicians}, + journal = {Curr Biol}, + volume = {20}, + number = {20}, + pages = {1869-74}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(10)01163-2 [pii] +10.1016/j.cub.2010.09.045}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20951047}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2933, + author = {Fritsch, B. and Reis, J. and Martinowich, K. and Schambra, H. M. and Ji, Y. and Cohen, L. G. and Lu, B.}, + title = {Direct current stimulation promotes BDNF-dependent synaptic plasticity: potential implications for motor learning}, + journal = {Neuron}, + volume = {66}, + number = {2}, + pages = {198-204}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(10)00238-2 [pii] +10.1016/j.neuron.2010.03.035}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20434997}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2960, + author = {Eisenberg, M. and Shmuelof, L. and Vaadia, E. and Zohary, E.}, + title = {Functional organization of human motor cortex: directional selectivity for movement}, + journal = {J Neurosci}, + volume = {30}, + number = {26}, + pages = {8897-905}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/26/8897 [pii] +10.1523/JNEUROSCI.0007-10.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20592212}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2805, + author = {Diedrichsen, J. and White, O. and Newman, D. and Lally, N.}, + title = {Use-dependent and error-based learning of motor behaviors}, + journal = {J Neurosci}, + volume = {30}, + number = {15}, + pages = {5159-66}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/15/5159 [pii] +10.1523/JNEUROSCI.5406-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20392938}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2867, + author = {Diedrichsen, J. and Verstynen, T. and Schlerf, J. and Wiestler, T.}, + title = {Advances in functional imaging of the human cerebellum}, + journal = {Curr Opin Neurol}, + volume = {23}, + number = {4}, + pages = {382-7}, + ISSN = {1473-6551 (Electronic) +1080-8248 (Linking)}, + DOI = {10.1097/WCO.0b013e32833be837}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20581682}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2768, + author = {Diedrichsen, J. and Shadmehr, R. and Ivry, R. B.}, + title = {The coordination of movement: optimal feedback control and beyond}, + journal = {Trends Cogn Sci}, + volume = {14}, + number = {1}, + pages = {31-9}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {S1364-6613(09)00258-7 [pii] +10.1016/j.tics.2009.11.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20005767}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3372, + author = {Debas, K. and Carrier, J. and Orban, P. and Barakat, M. and Lungu, O. and Vandewalle, G. and Hadj Tahar, A. and Bellec, P. and Karni, A. and Ungerleider, L. G. and Benali, H. and Doyon, J.}, + title = {Brain plasticity related to the consolidation of motor sequence learning and motor adaptation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {107}, + number = {41}, + pages = {17839-44}, + ISSN = {1091-6490 (Electronic) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.1013176107}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20876115}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2828, + author = {Criscimagna-Hemminger, S. E. and Bastian, A. J. and Shadmehr, R.}, + title = {Size of Error Affects Cerebellar Contributions to Motor Learning}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {00822.2009 [pii] +10.1152/jn.00822.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20164398 +http://jn.physiology.org/cgi/content/abstract/103/4/2275}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2948, + author = {Coynel, D. and Marrelec, G. and Perlbarg, V. and Pelegrini-Issac, M. and Van de Moortele, P. F. and Ugurbil, K. and Doyon, J. and Benali, H. and Lehericy, S.}, + title = {Dynamics of motor-related functional integration during motor sequence learning}, + journal = {Neuroimage}, + volume = {49}, + number = {1}, + pages = {759-66}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)00939-2 [pii] +10.1016/j.neuroimage.2009.08.048}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19716894}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3553, + author = {Churchland, M. M. and Yu, B. M. and Cunningham, J. P. and Sugrue, L. P. and Cohen, M. R. and Corrado, G. S. and Newsome, W. T. and Clark, A. M. and Hosseini, P. and Scott, B. B. and Bradley, D. C. and Smith, M. A. and Kohn, A. and Movshon, J. A. and Armstrong, K. M. and Moore, T. and Chang, S. W. and Snyder, L. H. and Lisberger, S. G. and Priebe, N. J. and Finn, I. M. and Ferster, D. and Ryu, S. I. and Santhanam, G. and Sahani, M. and Shenoy, K. V.}, + title = {Stimulus onset quenches neural variability: a widespread cortical phenomenon}, + journal = {Nat Neurosci}, + volume = {13}, + number = {3}, + pages = {369-78}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.2501}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20173745}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2937, + author = {Censor, N. and Dimyan, M. A. and Cohen, L. G.}, + title = {Modification of existing human motor memories is enabled by primary cortical processing during memory reactivation}, + journal = {Curr Biol}, + volume = {20}, + number = {17}, + pages = {1545-9}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(10)00998-X [pii] +10.1016/j.cub.2010.07.047}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20817532}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2963, + author = {Bisley, J. W. and Goldberg, M. E.}, + title = {Attention, intention, and priority in the parietal lobe}, + journal = {Annu Rev Neurosci}, + volume = {33}, + pages = {1-21}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-060909-152823}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20192813}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2905, + author = {Bestmann, S. and Swayne, O. and Blankenburg, F. and Ruff, C. C. and Teo, J. and Weiskopf, N. and Driver, J. and Rothwell, J. C. and Ward, N. S.}, + title = {The role of contralesional dorsal premotor cortex after stroke as studied with concurrent TMS-fMRI}, + journal = {J Neurosci}, + volume = {30}, + number = {36}, + pages = {11926-37}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/36/11926 [pii] +10.1523/JNEUROSCI.5642-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20826657}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2807, + author = {Balsters, J. H. and Cussans, E. and Diedrichsen, J. and Phillips, K. A. and Preuss, T. M. and Rilling, J. K. and Ramnani, N.}, + title = {Evolution of the cerebellar cortex: the selective expansion of prefrontal-projecting cerebellar lobules}, + journal = {Neuroimage}, + volume = {49}, + number = {3}, + pages = {2045-52}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)01116-1 [pii] +10.1016/j.neuroimage.2009.10.045}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19857577}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2830, + author = {Astafiev, S. V. and Snyder, A. Z. and Shulman, G. L. and Corbetta, M.}, + title = {Comment on "Modafinil shifts human locus coeruleus to low-tonic, high-phasic activity during functional MRI" and "Homeostatic sleep pressure and responses to sustained attention in the suprachiasmatic area"}, + journal = {Science}, + volume = {328}, + number = {5976}, + pages = {309; author reply 309}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {328/5976/309-a [pii] +10.1126/science.1177200}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20395497}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3233, + author = {Andujar, J. E. and Lajoie, K. and Drew, T.}, + title = {A contribution of area 5 of the posterior parietal cortex to the planning of visually guided locomotion: limb-specific and limb-independent effects}, + journal = {J Neurophysiol}, + volume = {103}, + number = {2}, + pages = {986-1006}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00912.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20018828}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3146, + author = {Zilles, K. and Amunts, K.}, + title = {Receptor mapping: architecture of the human cerebral cortex}, + journal = {Curr Opin Neurol}, + volume = {22}, + number = {4}, + pages = {331-9}, + ISSN = {1473-6551 (Electronic) +1350-7540 (Linking)}, + DOI = {10.1097/WCO.0b013e32832d95db}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19512925}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3552, + author = {Yu, B. M. and Cunningham, J. P. and Santhanam, G. and Ryu, S. I. and Shenoy, K. V. and Sahani, M.}, + title = {Gaussian-process factor analysis for low-dimensional single-trial analysis of neural population activity}, + journal = {J Neurophysiol}, + volume = {102}, + number = {1}, + pages = {614-35}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.90941.2008}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19357332}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2940, + author = {Xu, L. and Johnson, T. D. and Nichols, T. E. and Nee, D. E.}, + title = {Modeling inter-subject variability in FMRI activation location: a Bayesian hierarchical spatial model}, + journal = {Biometrics}, + volume = {65}, + number = {4}, + pages = {1041-51}, + ISSN = {1541-0420 (Electronic) +0006-341X (Linking)}, + DOI = {BIOM1190 [pii] +10.1111/j.1541-0420.2008.01190.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19210732}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3013, + author = {Xiong, J. and Ma, L. and Wang, B. and Narayana, S. and Duff, E. P. and Egan, G. F. and Fox, P. T.}, + title = {Long-term motor training induced changes in regional cerebral blood flow in both task and resting states}, + journal = {Neuroimage}, + volume = {45}, + number = {1}, + pages = {75-82}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)01218-4 [pii] +10.1016/j.neuroimage.2008.11.016}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19100845}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2650, + author = {Wymbs, N. F. and Grafton, S. T.}, + title = {Neural substrates of practice structure that support future off-line learning}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19692514 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2884, + author = {Wipf, D. and Nagarajan, S.}, + title = {A unified Bayesian framework for MEG/EEG source imaging}, + journal = {Neuroimage}, + volume = {44}, + number = {3}, + pages = {947-66}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00187-0 [pii] +10.1016/j.neuroimage.2008.02.059}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18602278}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2637, + author = {Wei, K. and Kording, K.}, + title = {Relevance of error: what drives motor adaptation?}, + journal = {J Neurophysiol}, + volume = {101}, + number = {2}, + pages = {655-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19019979 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN3313, + author = {Vul, E. and Harris, C. and Winkielman, P. and Pashler, H.}, + title = {Puzzelingly high correlatations in fMRI studies on emotion, personality, and social cognition}, + journal = {Perspectives on Psychological Science}, + volume = {4}, + number = {3}, + pages = {274-283}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2907, + author = {van Broekhoven, P. C. and Schraa-Tam, C. K. and van der Lugt, A. and Smits, M. and Frens, M. A. and van der Geest, J. N.}, + title = {Cerebellar contributions to the processing of saccadic errors}, + journal = {Cerebellum}, + volume = {8}, + number = {3}, + pages = {403-15}, + ISSN = {1473-4230 (Electronic) +1473-4222 (Linking)}, + DOI = {10.1007/s12311-009-0116-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19472026}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2660, + author = {Valero-Cuevas, F. J. and Venkadesan, M. and Todorov, E.}, + title = {Structured variability of muscle activations supports the minimal intervention principle of motor control}, + journal = {J Neurophysiol}, + volume = {102}, + number = {1}, + pages = {59-68}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19369362 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2704, + author = {Tresch, M. C. and Jarc, A.}, + title = {The case for and against muscle synergies}, + journal = {Curr Opin Neurobiol}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {S0959-4388(09)00124-X [pii] +10.1016/j.conb.2009.09.002}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19828310}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3412, + author = {Timmann, D. and Konczak, J. and Ilg, W. and Donchin, O. and Hermsdorfer, J. and Gizewski, E. R. and Schoch, B.}, + title = {Current advances in lesion-symptom mapping of the human cerebellum}, + journal = {Neuroscience}, + volume = {162}, + number = {3}, + pages = {836-51}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {10.1016/j.neuroscience.2009.01.040}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19409233}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2714, + author = {Thomsen, K. and Piilgaard, H. and Gjedde, A. and Bonvento, G. and Lauritzen, M.}, + title = {Principal cell spiking, postsynaptic excitation, and oxygen consumption in the rat cerebellar cortex}, + journal = {J Neurophysiol}, + volume = {102}, + number = {3}, + pages = {1503-12}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00289.2009 [pii] +10.1152/jn.00289.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19571198}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2677, + author = {Takahashi, C. and Diedrichsen, J. and Watt, S. J.}, + title = {Integration of vision and haptics during tool use}, + journal = {J Vis}, + volume = {9}, + number = {6}, + pages = {3 1-13}, + ISSN = {1534-7362 (Electronic)}, + DOI = {10.1167/9.6.3 +/9/6/3/ [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19761294}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2752, + author = {Strick, P. L. and Dum, R. P. and Fiez, J. A.}, + title = {Cerebellum and nonmotor function}, + journal = {Annu Rev Neurosci}, + volume = {32}, + pages = {413-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19555291 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2724, + author = {Stoodley, C. J. and Schmahmann, J. D.}, + title = {Functional topography in the human cerebellum: a meta-analysis of neuroimaging studies}, + journal = {Neuroimage}, + volume = {44}, + number = {2}, + pages = {489-501}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00972-5 [pii] +10.1016/j.neuroimage.2008.08.039}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18835452}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3653, + author = {Stephan, K. E. and Penny, W. D. and Daunizeau, J. and Moran, R. J. and Friston, K. J.}, + title = {Bayesian model selection for group studies}, + journal = {Neuroimage}, + volume = {46}, + number = {4}, + pages = {1004-17}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2009.03.025}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/19306932}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3611, + author = {Stagg, C. J. and O'Shea, J. and Kincses, Z. T. and Woolrich, M. and Matthews, P. M. and Johansen-Berg, H.}, + title = {Modulation of movement-associated cortical activation by transcranial direct current stimulation}, + journal = {Eur J Neurosci}, + volume = {30}, + number = {7}, + pages = {1412-23}, + ISSN = {1460-9568 (Electronic)}, + DOI = {EJN6937 [pii] +10.1111/j.1460-9568.2009.06937.x [doi]}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3612, + author = {Stagg, C. J. and Best, J. G. and Stephenson, M. C. and O'Shea, J. and Wylezinska, M. and Kincses, Z. T. and Morris, P. G. and Matthews, P. M. and Johansen-Berg, H.}, + title = {Polarity-sensitive modulation of cortical neurotransmitters by transcranial stimulation}, + journal = {J Neurosci}, + volume = {29}, + number = {16}, + pages = {5202-6}, + ISSN = {1529-2401 (Electronic)}, + DOI = {29/16/5202 [pii] +10.1523/JNEUROSCI.4432-08.2009 [doi]}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2893, + author = {Sing, G. C. and Joiner, W. M. and Nanayakkara, T. and Brayanov, J. B. and Smith, M. A.}, + title = {Primitives for motor adaptation reflect correlated neural tuning to position and velocity}, + journal = {Neuron}, + volume = {64}, + number = {4}, + pages = {575-89}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(09)00795-8 [pii] +10.1016/j.neuron.2009.10.001}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19945398}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3283, + author = {Schieber, M. H. and Lang, C. E. and Reilly, K. T. and McNulty, P. and Sirigu, A.}, + title = {Selective activation of human finger muscles after stroke or amputation}, + journal = {Adv Exp Med Biol}, + volume = {629}, + pages = {559-75}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + DOI = {10.1007/978-0-387-77064-2_30}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19227521}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2687, + author = {Schaefer, S. Y. and Haaland, K. Y. and Sainburg, R. L.}, + title = {Hemispheric specialization and functional impact of ipsilesional deficits in movement coordination and accuracy}, + journal = {Neuropsychologia}, + volume = {47}, + number = {13}, + pages = {2953-66}, + ISSN = {1873-3514 (Electronic)}, + DOI = {S0028-3932(09)00275-9 [pii] +10.1016/j.neuropsychologia.2009.06.025}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19573544}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3238, + author = {Romei, V. and Thut, G. and Ramos-Estebanez, C. and Pascual-Leone, A.}, + title = {M1 contributes to the intrinsic but not the extrinsic components of motor-skills}, + journal = {Cortex}, + volume = {45}, + number = {9}, + pages = {1058-64}, + ISSN = {1973-8102 (Electronic) +0010-9452 (Linking)}, + DOI = {10.1016/j.cortex.2009.01.003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19243742}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3282, + author = {Riddle, C. N. and Edgley, S. A. and Baker, S. N.}, + title = {Direct and indirect connections with upper limb motoneurons from the primate reticulospinal tract}, + journal = {J Neurosci}, + volume = {29}, + number = {15}, + pages = {4993-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.3720-08.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19369568}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3141, + author = {Resulaj, A. and Kiani, R. and Wolpert, D. M. and Shadlen, M. N.}, + title = {Changes of mind in decision-making}, + journal = {Nature}, + volume = {461}, + number = {7261}, + pages = {263-6}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature08275 [pii] +10.1038/nature08275}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19693010}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2652, + author = {Reis, J. and Schambra, H. M. and Cohen, L. G. and Buch, E. R. and Fritsch, B. and Zarahn, E. and Celnik, P. A. and Krakauer, J. W.}, + title = {Noninvasive cortical stimulation enhances motor skill acquisition over multiple days through an effect on consolidation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {106}, + number = {5}, + pages = {1590-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19164589 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2856, + author = {Rathelot, J. A. and Strick, P. L.}, + title = {Subdivisions of primary motor cortex based on cortico-motoneuronal cells}, + journal = {Proc Natl Acad Sci U S A}, + volume = {106}, + number = {3}, + pages = {918-23}, + ISSN = {1091-6490 (Electronic) +0027-8424 (Linking)}, + DOI = {0808362106 [pii] +10.1073/pnas.0808362106}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19139417}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2739, + author = {Prakash, Neal and Hageman, Nathan and Hua, Xue and Toga, Arthur W and Perlman, Susan L and Salamon, Noriko}, + title = {Patterns of fractional anisotropy changes in white matter of cerebellar peduncles distinguish spinocerebellar ataxia-1 from multiple system atrophy and other ataxia syndromes}, + journal = {NeuroImage}, + volume = {47}, + pages = {72-81}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3157, + author = {Perez, M. A. and Cohen, L. G.}, + title = {Interhemispheric inhibition between primary motor cortices: what have we learned?}, + journal = {J Physiol}, + volume = {587}, + number = {Pt 4}, + pages = {725-6}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {jphysiol.2008.166926 [pii] +10.1113/jphysiol.2008.166926}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19103676}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2909, + author = {Pereira, F. and Mitchell, T. and Botvinick, M.}, + title = {Machine learning classifiers and fMRI: a tutorial overview}, + journal = {Neuroimage}, + volume = {45}, + number = {1 Suppl}, + pages = {S199-209}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2008.11.007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19070668}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3218, + author = {Panzer, S. and Krueger, M. and Muehlbauer, T. and Kovacs, A. J. and Shea, C. H.}, + title = {Inter-manual transfer and practice: coding of simple motor sequences}, + journal = {Acta Psychol (Amst)}, + volume = {131}, + number = {2}, + pages = {99-109}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2009.03.004}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19389659}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2627, + author = {O'Sullivan, I. and Burdet, E. and Diedrichsen, J.}, + title = {Dissociating variability and effort as determinants of coordination}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {4}, + pages = {e1000345}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19360132 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2765, + author = {O'Reilly, J. X. and Beckmann, C. F. and Tomassini, V. and Ramnani, N. and Johansen-Berg, H.}, + title = {Distinct and Overlapping Functional Zones in the Cerebellum Defined by Resting State Functional Connectivity}, + journal = {Cereb Cortex}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19684249 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2641, + author = {Nozaki, D. and Scott, S. H.}, + title = {Multi-compartment model can explain partial transfer of learning within the same limb between unimanual and bimanual reaching}, + journal = {Exp Brain Res}, + volume = {194}, + number = {3}, + pages = {451-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19205679 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2701, + author = {Nishida, M. and Pearsall, J. and Buckner, R. L. and Walker, M. P.}, + title = {REM sleep, prefrontal theta, and the consolidation of human emotional memory}, + journal = {Cereb Cortex}, + volume = {19}, + number = {5}, + pages = {1158-66}, + ISSN = {1460-2199 (Electronic) +1460-2199 (Linking)}, + DOI = {bhn155 [pii] +10.1093/cercor/bhn155}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18832332}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3097, + author = {Naselaris, T. and Prenger, R. J. and Kay, K. N. and Oliver, M. and Gallant, J. L.}, + title = {Bayesian reconstruction of natural images from human brain activity}, + journal = {Neuron}, + volume = {63}, + number = {6}, + pages = {902-15}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(09)00685-0 [pii] +10.1016/j.neuron.2009.09.006}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19778517}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2773, + author = {Nagengast, A. J. and Braun, D. A. and Wolpert, D. M.}, + title = {Optimal control predicts human performance on objects with internal degrees of freedom}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {6}, + pages = {e1000419}, + ISSN = {1553-7358 (Electronic)}, + DOI = {10.1371/journal.pcbi.1000419}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19557193}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2673, + author = {Mutha, P. K. and Sainburg, R. L.}, + title = {Shared Bimanual Tasks Elicit Bimanual Reflexes during Movement}, + journal = {J Neurophysiol}, + ISSN = {0022-3077 (Print)}, + DOI = {91335.2008 [pii] +10.1152/jn.91335.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19793874}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2776, + author = {Muller, H. and Sternad, D.}, + title = {Motor learning: changes in the structure of variability in a redundant task}, + journal = {Adv Exp Med Biol}, + volume = {629}, + pages = {439-56}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + DOI = {10.1007/978-0-387-77064-2_23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19227514}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3062, + author = {Molina-Luna, K. and Pekanovic, A. and Rohrich, S. and Hertler, B. and Schubring-Giese, M. and Rioult-Pedotti, M. S. and Luft, A. R.}, + title = {Dopamine in motor cortex is necessary for skill learning and synaptic plasticity}, + journal = {PLoS One}, + volume = {4}, + number = {9}, + pages = {e7082}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0007082}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19759902}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2854, + author = {Marshall, R. S. and Zarahn, E. and Alon, L. and Minzer, B. and Lazar, R. M. and Krakauer, J. W.}, + title = {Early imaging correlates of subsequent motor recovery after stroke}, + journal = {Ann Neurol}, + volume = {65}, + number = {5}, + pages = {596-602}, + ISSN = {1531-8249 (Electronic) +0364-5134 (Linking)}, + DOI = {10.1002/ana.21636}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19479972}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2957, + author = {Luft, A. R. and Schwarz, S.}, + title = {Dopaminergic signals in primary motor cortex}, + journal = {Int J Dev Neurosci}, + volume = {27}, + number = {5}, + pages = {415-21}, + ISSN = {1873-474X (Electronic) +0736-5748 (Linking)}, + DOI = {S0736-5748(09)00067-7 [pii] +10.1016/j.ijdevneu.2009.05.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19446627}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3015, + author = {Li, S. and Mayhew, S. D. and Kourtzi, Z.}, + title = {Learning shapes the representation of behavioral choice in the human brain}, + journal = {Neuron}, + volume = {62}, + number = {3}, + pages = {441-52}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(09)00239-6 [pii] +10.1016/j.neuron.2009.03.016}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19447098}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2734, + author = {Krienen, F. M. and Buckner, R. L.}, + title = {Segregated fronto-cerebellar circuits revealed by intrinsic functional connectivity}, + journal = {Cereb Cortex}, + volume = {19}, + number = {10}, + pages = {2485-97}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhp135 [pii] +10.1093/cercor/bhp135}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19592571}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3029, + author = {Kriegeskorte, N. and Simmons, W. K. and Bellgowan, P. S. and Baker, C. I.}, + title = {Circular analysis in systems neuroscience: the dangers of double dipping}, + journal = {Nat Neurosci}, + volume = {12}, + number = {5}, + pages = {535-40}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {nn.2303 [pii] +10.1038/nn.2303}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19396166}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3213, + author = {Kovacs, A. J. and Muhlbauer, T. and Shea, C. H.}, + title = {The coding and effector transfer of movement sequences}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {35}, + number = {2}, + pages = {390-407}, + ISSN = {0096-1523 (Print) +0096-1523 (Linking)}, + DOI = {10.1037/a0012733}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19331496}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3214, + author = {Kovacs, A. J. and Han, D. W. and Shea, C. H.}, + title = {Representation of movement sequences is related to task characteristics}, + journal = {Acta Psychol (Amst)}, + volume = {132}, + number = {1}, + pages = {54-61}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2009.06.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19631919}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3221, + author = {Klein, A. and Andersson, J. and Ardekani, B. A. and Ashburner, J. and Avants, B. and Chiang, M. C. and Christensen, G. E. and Collins, D. L. and Gee, J. and Hellier, P. and Song, J. H. and Jenkinson, M. and Lepage, C. and Rueckert, D. and Thompson, P. and Vercauteren, T. and Woods, R. P. and Mann, J. J. and Parsey, R. V.}, + title = {Evaluation of 14 nonlinear deformation algorithms applied to human brain MRI registration}, + journal = {Neuroimage}, + volume = {46}, + number = {3}, + pages = {786-802}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2008.12.037}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19195496}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3144, + author = {Kiebel, S. J. and von Kriegstein, K. and Daunizeau, J. and Friston, K. J.}, + title = {Recognizing sequences of sequences}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {8}, + pages = {e1000464}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000464}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19680429}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2820, + author = {Kanaan, R. A. and Borgwardt, S. and McGuire, P. K. and Craig, M. C. and Murphy, D. G. and Picchioni, M. and Shergill, S. S. and Jones, D. K. and Catani, M.}, + title = {Microstructural organization of cerebellar tracts in schizophrenia}, + journal = {Biol Psychiatry}, + volume = {66}, + number = {11}, + pages = {1067-9}, + ISSN = {1873-2402 (Electronic) +0006-3223 (Linking)}, + DOI = {S0006-3223(09)00901-9 [pii] +10.1016/j.biopsych.2009.07.028}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19733836}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3609, + author = {Jang, S. H. and Ahn, S. H. and Byun, W. M. and Kim, C. S. and Lee, M. Y. and Kwon, Y. H.}, + title = {The effect of transcranial direct current stimulation on the cortical activation by motor task in the human brain: an fMRI study}, + journal = {Neurosci Lett}, + volume = {460}, + number = {2}, + pages = {117-20}, + ISSN = {1872-7972 (Electronic) +0304-3940 (Linking)}, + DOI = {S0304-3940(09)00662-4 [pii] +10.1016/j.neulet.2009.05.037 [doi]}, + url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-4W9XBHK-8-3&_cdi=4862&_user=125795&_pii=S0304394009006624&_origin=search&_coverDate=08%2F28%2F2009&_sk=995399997&view=c&wchp=dGLbVlb-zSkWA&md5=13526f47ea6e8d6ee4a22861eaae3a42&ie=/sdarticle.pdf}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3022, + author = {Hutton, C. and Draganski, B. and Ashburner, J. and Weiskopf, N.}, + title = {A comparison between voxel-based cortical thickness and voxel-based morphometry in normal aging}, + journal = {Neuroimage}, + volume = {48}, + number = {2}, + pages = {371-80}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)00679-X [pii] +10.1016/j.neuroimage.2009.06.043}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19559801}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2622, + author = {Huang, V. S. and Krakauer, J. W.}, + title = {Robotic neurorehabilitation: a computational motor learning perspective}, + journal = {J Neuroeng Rehabil}, + volume = {6}, + pages = {5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19243614 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2681, + author = {Howarth, C. and Peppiatt-Wildman, C. M. and Attwell, D.}, + title = {The energy use associated with neural computation in the cerebellum}, + journal = {J Cereb Blood Flow Metab}, + ISSN = {1559-7016 (Electronic)}, + DOI = {jcbfm2009231 [pii] +10.1038/jcbfm.2009.231}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19888288}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2705, + author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {A modular planar robotic manipulandum with end-point torque control}, + journal = {J Neurosci Methods}, + volume = {181}, + number = {2}, + pages = {199-211}, + ISSN = {1872-678X (Electronic) +0165-0270 (Linking)}, + DOI = {S0165-0270(09)00263-5 [pii] +10.1016/j.jneumeth.2009.05.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19450621}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3027, + author = {Horenstein, C. and Lowe, M. J. and Koenig, K. A. and Phillips, M. D.}, + title = {Comparison of unilateral and bilateral complex finger tapping-related activation in premotor and primary motor cortex}, + journal = {Hum Brain Mapp}, + volume = {30}, + number = {4}, + pages = {1397-412}, + ISSN = {1097-0193 (Electronic) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.20610}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18537112}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2757, + author = {Hong, Ji Heon and Kim, Oh Lyong and Kim, Seong Ho and Lee, Mi Young and Jang, Sung Ho}, + title = {Cerebellar peduncle injury in patients with ataxia following diffuse axonal injury}, + journal = {Brain Research Bulletin}, + volume = {80}, + pages = {30-35}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2889, + author = {Helms, G. and Draganski, B. and Frackowiak, R. and Ashburner, J. and Weiskopf, N.}, + title = {Improved segmentation of deep brain grey matter structures using magnetization transfer (MT) parameter maps}, + journal = {Neuroimage}, + volume = {47}, + number = {1}, + pages = {194-8}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)00295-X [pii] +10.1016/j.neuroimage.2009.03.053}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19344771}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2733, + author = {Habas, C. and Kamdar, N. and Nguyen, D. and Prater, K. and Beckmann, C. F. and Menon, V. and Greicius, M. D.}, + title = {Distinct cerebellar contributions to intrinsic connectivity networks}, + journal = {J Neurosci}, + volume = {29}, + number = {26}, + pages = {8586-94}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/26/8586 [pii] +10.1523/JNEUROSCI.1868-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19571149}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2784, + author = {Habas, C.}, + title = {Functional imaging of the deep cerebellar nuclei: a review}, + journal = {Cerebellum}, + volume = {9}, + number = {1}, + pages = {22-8}, + ISSN = {1473-4230 (Electronic) +1473-4222 (Linking)}, + DOI = {10.1007/s12311-009-0119-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19513801}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2786, + author = {Haacke, E. M. and Mittal, S. and Wu, Z. and Neelavalli, J. and Cheng, Y. C.}, + title = {Susceptibility-weighted imaging: technical aspects and clinical applications, part 1}, + journal = {AJNR Am J Neuroradiol}, + volume = {30}, + number = {1}, + pages = {19-30}, + ISSN = {1936-959X (Electronic) +0195-6108 (Linking)}, + DOI = {ajnr.A1400 [pii] +10.3174/ajnr.A1400}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19039041}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2755, + author = {Granziera, Cristina and Schmahmann, Jeremy Dan and Hadjikhani, Nouchine and Meyer, Heiko and Meuli, Reto and Wedeen, Van and Krueger, Gunnar}, + title = {Diffusion Spectrum Imaging Shows the Structural Basis of Functional Cerebellar Circuits in the Human Cerebellum InVivo}, + journal = {PloS One}, + volume = {4}, + pages = {1-6}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2737, + author = {Granziera, Cristina and Schmahmann, Jeremy Dan and Hadjikhani, Nouchine and Meyer, Heiko and Meuli, Reto and Wedeen, Van and Krueger, Gunnar}, + title = {Diffusion Spectrum Imaging Shows the Structural Basis of Functional Cerebellar Circuits in the Human Cerebellum InVivo}, + journal = {PloS One}, + volume = {4}, + pages = {1-6}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2903, + author = {Ganguly, K. and Secundo, L. and Ranade, G. and Orsborn, A. and Chang, E. F. and Dimitrov, D. F. and Wallis, J. D. and Barbaro, N. M. and Knight, R. T. and Carmena, J. M.}, + title = {Cortical representation of ipsilateral arm movements in monkey and man}, + journal = {J Neurosci}, + volume = {29}, + number = {41}, + pages = {12948-56}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/41/12948 [pii] +10.1523/JNEUROSCI.2471-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19828809}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3360, + author = {Ganguly, K. and Carmena, J. M.}, + title = {Emergence of a stable cortical map for neuroprosthetic control}, + journal = {PLoS Biol}, + volume = {7}, + number = {7}, + pages = {e1000153}, + ISSN = {1545-7885 (Electronic) +1544-9173 (Linking)}, + DOI = {10.1371/journal.pbio.1000153}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19621062}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2707, + author = {Galea, J. M. and Jayaram, G. and Ajagbe, L. and Celnik, P.}, + title = {Modulation of cerebellar excitability by polarity-specific noninvasive direct current stimulation}, + journal = {J Neurosci}, + volume = {29}, + number = {28}, + pages = {9115-22}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/28/9115 [pii] +10.1523/JNEUROSCI.2184-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19605648}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2876, + author = {Galea, J. M. and Celnik, P.}, + title = {Brain polarization enhances the formation and retention of motor memories}, + journal = {J Neurophysiol}, + volume = {102}, + number = {1}, + pages = {294-301}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00184.2009 [pii] +10.1152/jn.00184.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19386757}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2897, + author = {Friston, K. J.}, + title = {Modalities, modes, and models in functional neuroimaging}, + journal = {Science}, + volume = {326}, + number = {5951}, + pages = {399-403}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {326/5951/399 [pii] +10.1126/science.1174521}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19833961}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2658, + author = {Friston, K.}, + title = {The free-energy principle: a rough guide to the brain?}, + journal = {Trends Cogn Sci}, + volume = {13}, + number = {7}, + pages = {293-301}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19559644 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2972, + author = {Fries, P.}, + title = {Neuronal gamma-band synchronization as a fundamental process in cortical computation}, + journal = {Annu Rev Neurosci}, + volume = {32}, + pages = {209-24}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev.neuro.051508.135603}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19400723}, + year = {2009}, + type = {Journal Article} +} + +@misc{RN2682, + pages = {702.8}, + year = {2009}, + type = {Conference Paper} +} + +@article{RN3194, + author = {Eger, E. and Michel, V. and Thirion, B. and Amadon, A. and Dehaene, S. and Kleinschmidt, A.}, + title = {Deciphering cortical number coding from human brain activity patterns}, + journal = {Curr Biol}, + volume = {19}, + number = {19}, + pages = {1608-15}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(09)01623-6 [pii] +10.1016/j.cub.2009.08.047}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19781939}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2970, + author = {Duque, J. and Ivry, R. B.}, + title = {Role of corticospinal suppression during motor preparation}, + journal = {Cereb Cortex}, + volume = {19}, + number = {9}, + pages = {2013-24}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhn230 [pii] +10.1093/cercor/bhn230}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19126798}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3118, + author = {Doyon, J. and Korman, M. and Morin, A. and Dostie, V. and Hadj Tahar, A. and Benali, H. and Karni, A. and Ungerleider, L. G. and Carrier, J.}, + title = {Contribution of night and day sleep vs. simple passage of time to the consolidation of motor sequence and visuomotor adaptation learning}, + journal = {Exp Brain Res}, + volume = {195}, + number = {1}, + pages = {15-26}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-009-1748-y}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19277618}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3363, + author = {Dombeck, D. A. and Graziano, M. S. and Tank, D. W.}, + title = {Functional clustering of neurons in motor cortex determined by cellular resolution imaging in awake behaving mice}, + journal = {J Neurosci}, + volume = {29}, + number = {44}, + pages = {13751-60}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2985-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19889987}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2608, + author = {Diedrichsen, J. and Gush, S.}, + title = {Reversal of bimanual feedback responses with changes in task goal}, + journal = {J Neurophysiol}, + volume = {101}, + number = {1}, + pages = {283-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18987120 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2674, + author = {Diedrichsen, J. and Dowling, N.}, + title = {Bimanual coordination as task-dependent linear control policies}, + journal = {Hum Mov Sci}, + volume = {28}, + number = {3}, + pages = {334-47}, + ISSN = {1872-7646 (Electronic)}, + DOI = {S0167-9457(08)00100-0 [pii] +10.1016/j.humov.2008.10.003}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19131136}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2678, + author = {Diedrichsen, J. and Balsters, J. H. and Flavell, J. and Cussans, E. and Ramnani, N.}, + title = {A probabilistic MR atlas of the human cerebellum}, + journal = {Neuroimage}, + volume = {46}, + number = {1}, + pages = {39-46}, + ISSN = {1095-9572 (Electronic)}, + DOI = {10.1016/j.neuroimage.2009.01.045}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19457380}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3050, + author = {Dam, G. and Kording, K.}, + title = {Exploration and exploitation during sequential search}, + journal = {Cogn Sci}, + volume = {33}, + number = {3}, + pages = {530-41}, + ISSN = {0364-0213 (Print) +0364-0213 (Linking)}, + DOI = {10.1111/j.1551-6709.2009.01021.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21585479}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2633, + author = {Croxson, P. L. and Walton, M. E. and O'Reilly, J. X. and Behrens, T. E. and Rushworth, M. F.}, + title = {Effort-based cost-benefit valuation and the human brain}, + journal = {J Neurosci}, + volume = {29}, + number = {14}, + pages = {4531-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19357278 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2679, + author = {Cothros, N. and Wong, J. and Gribble, P. L.}, + title = {Visual cues signaling object grasp reduce interference in motor learning}, + journal = {J Neurophysiol}, + volume = {102}, + number = {4}, + pages = {2112-20}, + ISSN = {1522-1598 (Electronic)}, + DOI = {00493.2009 [pii] +10.1152/jn.00493.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19657075}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2651, + author = {Cohen, N. R. and Cross, E. S. and Wymbs, N. F. and Grafton, S. T.}, + title = {Transient disruption of M1 during response planning impairs subsequent offline consolidation}, + journal = {Exp Brain Res}, + volume = {196}, + number = {2}, + pages = {303-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19462166 }, + year = {2009}, + type = {Journal Article} +} + +@misc{RN2689, + pages = {367.26}, + year = {2009}, + type = {Conference Paper} +} + +@article{RN2744, + author = {Chang, Catie and Glover, Gary}, + title = {Relationship between respiration, end-tidal CO2, and BOLD signals in resting-state fMRI}, + journal = {NeuroImage}, + volume = {47}, + number = {4}, + pages = {1381-1393}, + url = {citeulike-article-id:4385922 +http://dx.doi.org/10.1016/j.neuroimage.2009.04.048 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2750, + author = {Chang, Catie and Cunningham, John and Glover, Gary}, + title = {Influence of heart rate on the BOLD signal: The cardiac response function}, + journal = {NeuroImage}, + volume = {44}, + number = {3}, + pages = {857-869}, + url = {citeulike-article-id:3739300 +http://dx.doi.org/10.1016/j.neuroimage.2008.09.029 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN3159, + author = {Camus, M. and Ragert, P. and Vandermeeren, Y. and Cohen, L. G.}, + title = {Mechanisms controlling motor output to a transfer hand after learning a sequential pinch force skill with the opposite hand}, + journal = {Clin Neurophysiol}, + volume = {120}, + number = {10}, + pages = {1859-65}, + ISSN = {1872-8952 (Electronic) +1388-2457 (Linking)}, + DOI = {S1388-2457(09)00500-8 [pii] +10.1016/j.clinph.2009.08.013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19766535}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3536, + author = {Calhoun, V. D. and Liu, J. and Adali, T.}, + title = {A review of group ICA for fMRI data and ICA for joint inference of imaging, genetic, and ERP data}, + journal = {Neuroimage}, + volume = {45}, + number = {1 Suppl}, + pages = {S163-72}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2008.10.057}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19059344}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2919, + author = {Brus-Ramer, M. and Carmel, J. B. and Martin, J. H.}, + title = {Motor cortex bilateral motor representation depends on subcortical and interhemispheric interactions}, + journal = {J Neurosci}, + volume = {29}, + number = {19}, + pages = {6196-206}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/19/6196 [pii] +10.1523/JNEUROSCI.5852-08.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19439597}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2657, + author = {Braun, D. A. and Ortega, P. A. and Wolpert, D. M.}, + title = {Nash equilibria in multi-agent motor interactions}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {8}, + pages = {e1000468}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19680426 }, + year = {2009}, + type = {Journal Article} +} + +@article{RN2775, + author = {Braun, D. A. and Aertsen, A. and Wolpert, D. M. and Mehring, C.}, + title = {Motor task variation induces structural learning}, + journal = {Curr Biol}, + volume = {19}, + number = {4}, + pages = {352-7}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(09)00608-3 [pii] +10.1016/j.cub.2009.01.036}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19217296}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2774, + author = {Braun, D. A. and Aertsen, A. and Wolpert, D. M. and Mehring, C.}, + title = {Learning optimal adaptation strategies in unpredictable motor tasks}, + journal = {J Neurosci}, + volume = {29}, + number = {20}, + pages = {6472-8}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/20/6472 [pii] +10.1523/JNEUROSCI.3075-08.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19458218}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2900, + author = {Berry, A. and Krueger, R. and Simonet, G.}, + title = {Maximal label search algorithms to compute perfect and minimal elimination orderings}, + journal = {SIAM Journal on Discrete Mathematics}, + volume = {23}, + number = {1}, + pages = {428-446}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3178, + author = {Azevedo, F. A. and Carvalho, L. R. and Grinberg, L. T. and Farfel, J. M. and Ferretti, R. E. and Leite, R. E. and Jacob Filho, W. and Lent, R. and Herculano-Houzel, S.}, + title = {Equal numbers of neuronal and nonneuronal cells make the human brain an isometrically scaled-up primate brain}, + journal = {J Comp Neurol}, + volume = {513}, + number = {5}, + pages = {532-41}, + ISSN = {1096-9861 (Electronic) +0021-9967 (Linking)}, + DOI = {10.1002/cne.21974}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19226510}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2753, + author = {Argyelan, Miklos and Carbon, Maren and Niethammer, Martin and Ulug, Aziz M and Voss, Henning U and Bressman, Susan B and Dhawan, Vijay and Eidelberg, David}, + title = {Cerebellothalamocortical Connectivity Regulates Penetrance in Dystonia}, + journal = {Journal of neuroscience}, + volume = {29}, + pages = {9740 -9747}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2962, + author = {Apps, R. and Hawkes, R.}, + title = {Cerebellar cortical organization: a one-map hypothesis}, + journal = {Nat Rev Neurosci}, + volume = {10}, + number = {9}, + pages = {670-81}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {nrn2698 [pii] +10.1038/nrn2698}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19693030}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2966, + author = {Zarahn, E. and Weston, G. D. and Liang, J. and Mazzoni, P. and Krakauer, J. W.}, + title = {Explaining savings for visuomotor adaptation: linear time-invariant state-space models are not sufficient}, + journal = {J Neurophysiol}, + volume = {100}, + number = {5}, + pages = {2537-48}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90529.2008 [pii] +10.1152/jn.90529.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18596178}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2918, + author = {Wisneski, K. J. and Anderson, N. and Schalk, G. and Smyth, M. and Moran, D. and Leuthardt, E. C.}, + title = {Unique cortical physiology associated with ipsilateral hand movements and neuroprosthetic implications}, + journal = {Stroke}, + volume = {39}, + number = {12}, + pages = {3351-9}, + ISSN = {1524-4628 (Electronic) +0039-2499 (Linking)}, + DOI = {STROKEAHA.108.518175 [pii] +10.1161/STROKEAHA.108.518175}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18927456}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2870, + author = {White, O. and Dowling, N. and Bracewell, R. M. and Diedrichsen, J.}, + title = {Hand interactions in rapid grip force adjustments are independent of object dynamics}, + journal = {J Neurophysiol}, + volume = {100}, + number = {5}, + pages = {2738-45}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90593.2008 [pii] +10.1152/jn.90593.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18768641}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2564, + author = {White, O. and Diedrichsen, J.}, + title = {Motor control: from joints to objects and back}, + journal = {Curr Biol}, + volume = {18}, + number = {12}, + pages = {R532-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18579100 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2742, + author = {Wedeen, J and Wang, P and Schmahmann, D and Benner, T and Tseng, I and Dai, G and Pandya, N and Hagmann, P}, + title = {Diffusion spectrum magnetic resonance imaging (DSI) tractography of crossing fibers}, + journal = {Methods}, + volume = {41}, + pages = {1267 - 1277}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2618, + author = {Wagner, M. J. and Smith, M. A.}, + title = {Shared internal models for feedforward and feedback control}, + journal = {J Neurosci}, + volume = {28}, + number = {42}, + pages = {10663-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18923042 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN3075, + author = {Vines, B. W. and Nair, D. and Schlaug, G.}, + title = {Modulating activity in the motor cortex affects performance for the two hands differently depending upon which hemisphere is stimulated}, + journal = {Eur J Neurosci}, + volume = {28}, + number = {8}, + pages = {1667-73}, + ISSN = {1460-9568 (Electronic) +0953-816X (Linking)}, + DOI = {EJN6459 [pii] +10.1111/j.1460-9568.2008.06459.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18973584}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2931, + author = {Vines, B. W. and Cerruti, C. and Schlaug, G.}, + title = {Dual-hemisphere tDCS facilitates greater improvements for healthy subjects' non-dominant hand compared to uni-hemisphere stimulation}, + journal = {BMC Neurosci}, + volume = {9}, + pages = {103}, + ISSN = {1471-2202 (Electronic) +1471-2202 (Linking)}, + DOI = {1471-2202-9-103 [pii] +10.1186/1471-2202-9-103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18957075}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3059, + author = {Trommershauser, J. and Maloney, L. T. and Landy, M. S.}, + title = {Decision making, movement planning and statistical decision theory}, + journal = {Trends Cogn Sci}, + volume = {12}, + number = {8}, + pages = {291-7}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {S1364-6613(08)00153-8 [pii] +10.1016/j.tics.2008.04.010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18614390}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2791, + author = {Timmann, D. and Brandauer, B. and Hermsdörfer, J. and Ilg, W. and Konczak, J. and Gerwig, M. and Gizewski, E. R. and Schoch, B.}, + title = {Lesion-symptom mapping of the human cerebellum}, + journal = {Cerebellum}, + volume = {7}, + number = {4}, + pages = {602-6}, + ISSN = {1473-4230 (Electronic) +1473-4222 (Linking)}, + DOI = {10.1007/s12311-008-0066-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18949530}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2848, + author = {Talelli, P. and Waddingham, W. and Ewas, A. and Rothwell, J. C. and Ward, N. S.}, + title = {The effect of age on task-related modulation of interhemispheric balance}, + journal = {Exp Brain Res}, + volume = {186}, + number = {1}, + pages = {59-66}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-007-1205-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18040671}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2847, + author = {Talelli, P. and Ewas, A. and Waddingham, W. and Rothwell, J. C. and Ward, N. S.}, + title = {Neural correlates of age-related changes in cortical neurophysiology}, + journal = {Neuroimage}, + volume = {40}, + number = {4}, + pages = {1772-81}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00066-9 [pii] +10.1016/j.neuroimage.2008.01.039}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18329904}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2582, + author = {Synofzik, M. and Lindner, A. and Thier, P.}, + title = {The cerebellum updates predictions about the visual consequences of one's behavior}, + journal = {Curr Biol}, + volume = {18}, + number = {11}, + pages = {814-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18514520 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2536, + author = {Srimal, R. and Diedrichsen, J. and Ryklin, E. B. and Curtis, C. E.}, + title = {Obligatory adaptation of saccade gains}, + journal = {J Neurophysiol}, + volume = {99}, + number = {3}, + pages = {1554-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18234985 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2576, + author = {Soetedjo, R. and Kojima, Y. and Fuchs, A.}, + title = {Complex spike activity signals the direction and size of dysmetric saccade errors}, + journal = {Prog Brain Res}, + volume = {171}, + pages = {153-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18718294 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2910, + author = {Shadmehr, R. and Krakauer, J. W.}, + title = {A computational neuroanatomy for motor control}, + journal = {Exp Brain Res}, + volume = {185}, + number = {3}, + pages = {359-81}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-008-1280-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18251019}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2686, + author = {Shabbott, B. A. and Sainburg, R. L.}, + title = {Differentiating between two models of motor lateralization}, + journal = {J Neurophysiol}, + volume = {100}, + number = {2}, + pages = {565-75}, + ISSN = {0022-3077 (Print)}, + DOI = {90349.2008 [pii] +10.1152/jn.90349.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18497366}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2929, + author = {Scheperjans, F. and Hermann, K. and Eickhoff, S. B. and Amunts, K. and Schleicher, A. and Zilles, K.}, + title = {Observer-independent cytoarchitectonic mapping of the human superior parietal cortex}, + journal = {Cereb Cortex}, + volume = {18}, + number = {4}, + pages = {846-67}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhm116 [pii] +10.1093/cercor/bhm116}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17644831}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2761, + author = {Saksena, Sona and Husain, Nuzhat and Malik, Gyanendra K and Trivedi, Richa and Sarma, Manoj and Rathore, Ramkishore S and Pandey, Chandra M and Gupta, Rakesh K}, + title = {Comparative Evaluation of the Cerebral and Cerebellar White Matter Development in Pediatric Age Group using Quantitative Diffusion Tensor Imaging}, + journal = {Cerebellum}, + volume = {7}, + pages = {392-400}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2740, + author = {Saksena, Sona and Husain, Nuzhat and Malik, Gyanendra K and Trivedi, Richa and Sarma, Manoj and Rathore, Ramkishore S and Pandey, Chandra M and Gupta, Rakesh K}, + title = {Comparative Evaluation of the Cerebral and Cerebellar White Matter Development in Pediatric Age Group using Quantitative Diffusion Tensor Imaging}, + journal = {Cerebellum}, + volume = {7}, + pages = {392-400}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3128, + author = {Radhakrishnan, S. M. and Baker, S. N. and Jackson, A.}, + title = {Learning a novel myoelectric-controlled interface task}, + journal = {J Neurophysiol}, + volume = {100}, + number = {4}, + pages = {2397-408}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90614.2008 [pii] +10.1152/jn.90614.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18667540}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2557, + author = {Pruszynski, J. A. and Kurtzer, I. and Scott, S. H.}, + title = {Rapid motor responses are appropriately tuned to the metrics of a visuospatial task}, + journal = {J Neurophysiol}, + volume = {100}, + number = {1}, + pages = {224-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18463184 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2872, + author = {Prabhakaran, S. and Zarahn, E. and Riley, C. and Speizer, A. and Chong, J. Y. and Lazar, R. M. and Marshall, R. S. and Krakauer, J. W.}, + title = {Inter-individual variability in the capacity for motor recovery after ischemic stroke}, + journal = {Neurorehabil Neural Repair}, + volume = {22}, + number = {1}, + pages = {64-71}, + ISSN = {1545-9683 (Print) +1545-9683 (Linking)}, + DOI = {1545968307305302 [pii] +10.1177/1545968307305302}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17687024}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2887, + author = {Peters, J. and Schaal, S.}, + title = {Reinforcement learning of motor skills with policy gradients}, + journal = {Neural Netw}, + volume = {21}, + number = {4}, + pages = {682-97}, + ISSN = {0893-6080 (Print) +0893-6080 (Linking)}, + DOI = {S0893-6080(08)00070-1 [pii] +10.1016/j.neunet.2008.02.003}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18482830}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3158, + author = {Perez, M. A. and Cohen, L. G.}, + title = {Mechanisms underlying functional changes in the primary motor cortex ipsilateral to an active hand}, + journal = {J Neurosci}, + volume = {28}, + number = {22}, + pages = {5631-40}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {28/22/5631 [pii] +10.1523/JNEUROSCI.0093-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18509024}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2661, + author = {Overduin, S. A. and d'Avella, A. and Roh, J. and Bizzi, E.}, + title = {Modulation of muscle synergy recruitment in primate grasping}, + journal = {J Neurosci}, + volume = {28}, + number = {4}, + pages = {880-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18216196 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2732, + author = {O'Reilly, J. X. and Mesulam, M. M. and Nobre, A. C.}, + title = {The cerebellum predicts the timing of perceptual events}, + journal = {J Neurosci}, + volume = {28}, + number = {9}, + pages = {2252-60}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {28/9/2252 [pii] +10.1523/JNEUROSCI.2742-07.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18305258}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2845, + author = {Noskin, O. and Krakauer, J. W. and Lazar, R. M. and Festa, J. R. and Handy, C. and O'Brien, K. A. and Marshall, R. S.}, + title = {Ipsilateral motor dysfunction from unilateral stroke: implications for the functional neuroanatomy of hemiparesis}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {79}, + number = {4}, + pages = {401-6}, + ISSN = {1468-330X (Electronic) +0022-3050 (Linking)}, + DOI = {jnnp.2007.118463 [pii] +10.1136/jnnp.2007.118463}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17635970}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2873, + author = {Nitsche, M. A. and Cohen, L. G. and Wassermann, E. M. and Priori, A. and Lang, N. and Antal, A. and Paulus, W. and Hummel, F. and Boggio, P. S. and Fregni, F. and Pascual-Leone, A.}, + title = {Transcranial direct current stimulation: State of the art 2008}, + journal = {Brain Stimul}, + volume = {1}, + number = {3}, + pages = {206-23}, + ISSN = {1935-861X (Print)}, + DOI = {S1935-861X(08)00040-5 [pii] +10.1016/j.brs.2008.06.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20633386}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2532, + author = {Naito, E. and Scheperjans, F. and Eickhoff, S. B. and Amunts, K. and Roland, P. E. and Zilles, K. and Ehrsson, H. H.}, + title = {Human superior parietal lobule is involved in somatic perception of bimanual interaction with an external object}, + journal = {J Neurophysiol}, + volume = {99}, + number = {2}, + pages = {695-703}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18003884 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2580, + author = {Mulliken, G. H. and Musallam, S. and Andersen, R. A.}, + title = {Forward estimation of movement state in posterior parietal cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {105}, + number = {24}, + pages = {8170-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18499800 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN3541, + author = {Mitchell, T. M. and Shinkareva, S. V. and Carlson, A. and Chang, K. M. and Malave, V. L. and Mason, R. A. and Just, M. A.}, + title = {Predicting human brain activity associated with the meanings of nouns}, + journal = {Science}, + volume = {320}, + number = {5880}, + pages = {1191-5}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.1152876}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18511683}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3205, + author = {Miller, L.A. and Stubblefield, K.A. and Lipschutz, R.D. and Lock, B.A. and Kuiken, T.A.}, + title = {Improved Myoelectric Prosthesis Control Using Targeted Reinnervation Surgery: A Case Series}, + journal = {IEEE Trans Neural Syst Rehabil Eng}, + volume = {2}, + pages = {46-50}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2999, + author = {Meier, J. D. and Aflalo, T. N. and Kastner, S. and Graziano, M. S.}, + title = {Complex organization of human primary motor cortex: a high-resolution fMRI study}, + journal = {J Neurophysiol}, + volume = {100}, + number = {4}, + pages = {1800-12}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90531.2008 [pii] +10.1152/jn.90531.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18684903}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3173, + author = {Medina, J. F. and Lisberger, S. G.}, + title = {Links from complex spikes to local plasticity and motor learning in the cerebellum of awake-behaving monkeys}, + journal = {Nat Neurosci}, + volume = {11}, + number = {10}, + pages = {1185-92}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {nn.2197 [pii] +10.1038/nn.2197}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18806784}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2711, + author = {Liu, T. and Xu, D. and Ashe, J. and Bushara, K.}, + title = {Specificity of inferior olive response to stimulus timing}, + journal = {J Neurophysiol}, + volume = {100}, + number = {3}, + pages = {1557-61}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00961.2007 [pii] +10.1152/jn.00961.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18632890}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2871, + author = {Li, W. and Piech, V. and Gilbert, C. D.}, + title = {Learning to link visual contours}, + journal = {Neuron}, + volume = {57}, + number = {3}, + pages = {442-51}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(07)01011-2 [pii] +10.1016/j.neuron.2007.12.011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18255036}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3608, + author = {Kwon, Y. H. and Ko, M. H. and Ahn, S. H. and Kim, Y. H. and Song, J. C. and Lee, C. H. and Chang, M. C. and Jang, S. H.}, + title = {Primary motor cortex activation by transcranial direct current stimulation in the human brain}, + journal = {Neurosci Lett}, + volume = {435}, + number = {1}, + pages = {56-9}, + ISSN = {0304-3940 (Print) +0304-3940 (Linking)}, + DOI = {S0304-3940(08)00180-8 [pii] +10.1016/j.neulet.2008.02.012 [doi]}, + url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-4RTM34M-4-5&_cdi=4862&_user=125795&_pii=S0304394008001808&_origin=search&_coverDate=04%2F11%2F2008&_sk=995649998&view=c&wchp=dGLzVtb-zSkzV&md5=e84e238e92baf6b9a52578bc6d129950&ie=/sdarticle.pdf}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2659, + author = {Kutch, J. J. and Kuo, A. D. and Bloch, A. M. and Rymer, W. Z.}, + title = {Endpoint force fluctuations reveal flexible rather than synergistic patterns of muscle cooperation}, + journal = {J Neurophysiol}, + volume = {100}, + number = {5}, + pages = {2455-71}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18799603 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2558, + author = {Kurtzer, I. and Pruszynski, J. A. and Scott, S. H.}, + title = {Long-latency reflexes of the human arm reflect an internal model of limb dynamics}, + journal = {Curr Biol}, + volume = {18}, + number = {6}, + pages = {449-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18356051 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2838, + author = {Kriegeskorte, N. and Mur, M. and Ruff, D. A. and Kiani, R. and Bodurka, J. and Esteky, H. and Tanaka, K. and Bandettini, P. A.}, + title = {Matching categorical object representations in inferior temporal cortex of man and monkey}, + journal = {Neuron}, + volume = {60}, + number = {6}, + pages = {1126-41}, + ISSN = {1097-4199 (Electronic) +1097-4199 (Linking)}, + DOI = {10.1016/j.neuron.2008.10.043 [doi]}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2697, + author = {Kriegeskorte, N. and Mur, M. and Bandettini, P.}, + title = {Representational similarity analysis - connecting the branches of systems neuroscience}, + journal = {Front Syst Neurosci}, + volume = {2}, + pages = {4}, + ISSN = {1662-5137 (Electronic)}, + DOI = {10.3389/neuro.06.004.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19104670}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2869, + author = {Kluzik, J. and Diedrichsen, J. and Shadmehr, R. and Bastian, A. J.}, + title = {Reach adaptation: what determines whether we learn an internal model of the tool or adapt the model of our arm?}, + journal = {J Neurophysiol}, + volume = {100}, + number = {3}, + pages = {1455-64}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90334.2008 [pii] +10.1152/jn.90334.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18596187}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3098, + author = {Kay, K. N. and Naselaris, T. and Prenger, R. J. and Gallant, J. L.}, + title = {Identifying natural images from human brain activity}, + journal = {Nature}, + volume = {452}, + number = {7185}, + pages = {352-5}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature06713}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18322462}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2758, + author = {Jissendi, P and Baudry, S and Balériaux, D}, + title = {Diffusion tensor imaging (DTI) and tractography of the cerebellar projections to prefrontal and posterior parietal cortices: A study at 3T}, + journal = {Journal of Neuroradiology}, + volume = {35}, + pages = {42-50}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3287, + author = {Jimenez, L.}, + title = {Taking patterns for chunks: is there any evidence of chunk learning in continuous serial reaction-time tasks?}, + journal = {Psychol Res}, + volume = {72}, + number = {4}, + pages = {387-96}, + ISSN = {0340-0727 (Print) +0340-0727 (Linking)}, + DOI = {10.1007/s00426-007-0121-7}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17647014}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2620, + author = {Jax, S. A. and Rosenbaum, D. A.}, + title = {Hand path priming in manual obstacle avoidance: Rapid decay of dorsal stream information}, + journal = {Neuropsychologia}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18597796 }, + year = {2008}, + type = {Journal Article} +} + +@book{RN3555, + author = {Izenman, A. J.}, + title = {Modern multivatiate stasitical techniques}, + publisher = {Spinger}, + address = {New York}, + year = {2008}, + type = {Book} +} + +@article{RN2590, + author = {Izawa, J. and Rane, T. and Donchin, O. and Shadmehr, R.}, + title = {Motor adaptation as a process of reoptimization}, + journal = {J Neurosci}, + volume = {28}, + number = {11}, + pages = {2883-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18337419 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2703, + author = {Ingram, J. N. and Kording, K. P. and Howard, I. S. and Wolpert, D. M.}, + title = {The statistics of natural hand movements}, + journal = {Exp Brain Res}, + volume = {188}, + number = {2}, + pages = {223-36}, + ISSN = {1432-1106 (Electronic) +1432-1106 (Linking)}, + DOI = {10.1007/s00221-008-1355-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18369608}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3202, + author = {Hudson, T. E. and Maloney, L. T. and Landy, M. S.}, + title = {Optimal compensation for temporal uncertainty in movement planning}, + journal = {PLoS Comput Biol}, + volume = {4}, + number = {7}, + pages = {e1000130}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000130}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18654619}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2868, + author = {Huang, V. S. and Shadmehr, R. and Diedrichsen, J.}, + title = {Active learning: learning a motor skill without a coach}, + journal = {J Neurophysiol}, + volume = {100}, + number = {2}, + pages = {879-87}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {01095.2007 [pii] +10.1152/jn.01095.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18509079}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2615, + author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {Composition and decomposition in bimanual dynamic learning}, + journal = {J Neurosci}, + volume = {28}, + number = {42}, + pages = {10531-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18923029 }, + year = {2008}, + type = {Journal Article} +} + +@inproceedings{RN2636, + author = {Hoffmann, H. and Theodorou, E. and Schaal, S.}, + title = {Optimized strategies in human reinforcement learning}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@article{RN2745, + author = {Harvey, Ann and Pattinson, Kyle and Brooks, Jonathan and Mayhew, Stephen and Jenkinson, Mark and Wise, Richard}, + title = {Brainstem functional magnetic resonance imaging: Disentangling signal from physiological noise}, + journal = {Journal of Magnetic Resonance Imaging}, + volume = {28}, + number = {6}, + pages = {1337-1344}, + url = {citeulike-article-id:6719734 +http://dx.doi.org/10.1002/jmri.21623 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2702, + author = {Han, C. E. and Arbib, M. A. and Schweighofer, N.}, + title = {Stroke rehabilitation reaches a threshold}, + journal = {PLoS Comput Biol}, + volume = {4}, + number = {8}, + pages = {e1000133}, + ISSN = {1553-7358 (Electronic)}, + DOI = {10.1371/journal.pcbi.1000133}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18769588}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2518, + author = {Grafton, S. T. and Schmitt, P. and Van Horn, J. and Diedrichsen, J.}, + title = {Neural substrates of visuomotor learning based on improved feedback control and prediction}, + journal = {Neuroimage}, + volume = {39}, + number = {3}, + pages = {1383-95}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18032069 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2598, + author = {Golla, H. and Tziridis, K. and Haarmeier, T. and Catz, N. and Barash, S. and Thier, P.}, + title = {Reduced saccadic resilience and impaired saccadic adaptation due to cerebellar disease}, + journal = {Eur J Neurosci}, + volume = {27}, + number = {1}, + pages = {132-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18184318 }, + year = {2008}, + type = {Journal Article} +} + +@misc{RN2883, + year = {2008}, + type = {Computer Program} +} + +@article{RN2850, + author = {Friston, K. and Chu, C. and Mourao-Miranda, J. and Hulme, O. and Rees, G. and Penny, W. and Ashburner, J.}, + title = {Bayesian decoding of brain images}, + journal = {Neuroimage}, + volume = {39}, + number = {1}, + pages = {181-205}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.08.013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17919928}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2959, + author = {Franklin, D. W. and Wolpert, D. M.}, + title = {Specificity of reflex adaptation for task-relevant variability}, + journal = {J Neurosci}, + volume = {28}, + number = {52}, + pages = {14165-75}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {28/52/14165 [pii] +10.1523/JNEUROSCI.4406-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19109499}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2780, + author = {Franklin, D. W. and Burdet, E. and Tee, K. P. and Osu, R. and Chew, C. M. and Milner, T. E. and Kawato, M.}, + title = {CNS learns stable, accurate, and efficient movements using a simple algorithm}, + journal = {J Neurosci}, + volume = {28}, + number = {44}, + pages = {11165-73}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {28/44/11165 [pii] +10.1523/JNEUROSCI.3099-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18971459}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2928, + author = {Fischl, B. and Rajendran, N. and Busa, E. and Augustinack, J. and Hinds, O. and Yeo, B. T. and Mohlberg, H. and Amunts, K. and Zilles, K.}, + title = {Cortical folding patterns and predicting cytoarchitecture}, + journal = {Cereb Cortex}, + volume = {18}, + number = {8}, + pages = {1973-80}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhm225 [pii] +10.1093/cercor/bhm225}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18079129}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3049, + author = {Faisal, A. A. and Selen, L. P. and Wolpert, D. M.}, + title = {Noise in the nervous system}, + journal = {Nat Rev Neurosci}, + volume = {9}, + number = {4}, + pages = {292-303}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {nrn2258 [pii] +10.1038/nrn2258}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18319728}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3558, + author = {Dumoulin, S. O. and Wandell, B. A.}, + title = {Population receptive field estimates in human visual cortex}, + journal = {Neuroimage}, + volume = {39}, + number = {2}, + pages = {647-60}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.09.034}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17977024}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2779, + author = {Dovat, L and Lambercy, O and Gassert, R and Maeder, T and Teo, CL and Milner, T and Burdet, E}, + title = {HandCARE: A Cable-Actuated Rehabilitation Equipment to Train Hand Function after Stroke}, + journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering }, + volume = {16}, + number = {6}, + pages = {382-91}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3036, + author = {Devor, A. and Hillman, E. M. and Tian, P. and Waeber, C. and Teng, I. C. and Ruvinskaya, L. and Shalinsky, M. H. and Zhu, H. and Haslinger, R. H. and Narayanan, S. N. and Ulbert, I. and Dunn, A. K. and Lo, E. H. and Rosen, B. R. and Dale, A. M. and Kleinfeld, D. and Boas, D. A.}, + title = {Stimulus-induced changes in blood flow and 2-deoxyglucose uptake dissociate in ipsilateral somatosensory cortex}, + journal = {J Neurosci}, + volume = {28}, + number = {53}, + pages = {14347-57}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {28/53/14347 [pii] +10.1523/JNEUROSCI.4307-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19118167}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2573, + author = {De Zeeuw, C. I. and Hoebeek, F. E. and Schonewille, M.}, + title = {Causes and consequences of oscillations in the cerebellar cortex}, + journal = {Neuron}, + volume = {58}, + number = {5}, + pages = {655-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18549777 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN3053, + author = {Dayan, P. and Daw, N. D.}, + title = {Decision theory, reinforcement learning, and the brain}, + journal = {Cogn Affect Behav Neurosci}, + volume = {8}, + number = {4}, + pages = {429-53}, + ISSN = {1530-7026 (Print) +1530-7026 (Linking)}, + DOI = {8/4/429 [pii] +10.3758/CABN.8.4.429}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19033240}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2640, + author = {Cothros, N. and Wong, J. and Gribble, P. L.}, + title = {Distinct haptic cues do not reduce interference when learning to reach in multiple force fields}, + journal = {PLoS One}, + volume = {3}, + number = {4}, + pages = {e1990}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18431477 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN3204, + author = {Cipriani, C. and Zaccone, F. and Micera, S. and Carrozza, M.C.}, + title = {On the Shared Control of an EMG-Controlled Prosthetic Hand: Analysis of User-Prosthesis Interaction}, + journal = {IEEE Transactions on Robotics}, + volume = {24}, + number = {1}, + pages = {170-184}, + DOI = {10.1109/TRO.2007.910708}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3250, + author = {Cincotta, M. and Ziemann, U.}, + title = {Neurophysiology of unimanual motor control and mirror movements}, + journal = {Clin Neurophysiol}, + volume = {119}, + number = {4}, + pages = {744-62}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {10.1016/j.clinph.2007.11.047}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18187362}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2754, + author = {Carbon, Maren and Kingsley, Peter B and Tang, Chengke and Bressman, Susan and Eidelberg, David}, + title = {Microstructural White Matter Changes in Primary Torsion Dystonia}, + journal = {Movement Disorders}, + volume = {23}, + pages = {234-239}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2736, + author = {Carbon, Maren and Kingsley, Peter B and Tang, Chengke and Bressman, Susan and Eidelberg, David}, + title = {Microstructural White Matter Changes in Primary Torsion Dystonia}, + journal = {Movement Disorders}, + volume = {23}, + pages = {234-239}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2587, + author = {Burge, J. and Ernst, M. O. and Banks, M. S.}, + title = {The statistical determinants of adaptation rate in human reaching}, + journal = {J Vis}, + volume = {8}, + number = {4}, + pages = {20 1-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18484859 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2525, + author = {Brooks, J. C. and Beckmann, C. F. and Miller, K. L. and Wise, R. G. and Porro, C. A. and Tracey, I. and Jenkinson, M.}, + title = {Physiological noise modelling for spinal functional magnetic resonance imaging studies}, + journal = {Neuroimage}, + volume = {39}, + number = {2}, + pages = {680-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17950627 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2749, + author = {Birn, Rasmus and Smith, Monica and Jones, Tyler and Bandettini, Peter}, + title = {The respiration response function: The temporal dynamics of fMRI signal fluctuations related to changes in respiration}, + journal = {NeuroImage}, + volume = {40}, + number = {2}, + pages = {644-654}, + url = {citeulike-article-id:2649988 +http://dx.doi.org/10.1016/j.neuroimage.2007.11.059 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2904, + author = {Bestmann, S. and Ruff, C. C. and Blankenburg, F. and Weiskopf, N. and Driver, J. and Rothwell, J. C.}, + title = {Mapping causal interregional influences with concurrent TMS-fMRI}, + journal = {Exp Brain Res}, + volume = {191}, + number = {4}, + pages = {383-402}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-008-1601-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18936922}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2646, + author = {Berniker, M. and Kording, K.}, + title = {Estimating the sources of motor errors for adaptation and generalization}, + journal = {Nat Neurosci}, + volume = {11}, + number = {12}, + pages = {1454-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19011624 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN3026, + author = {Berkowitz, A. L. and Ansari, D.}, + title = {Generation of novel motor sequences: the neural correlates of musical improvisation}, + journal = {Neuroimage}, + volume = {41}, + number = {2}, + pages = {535-43}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00160-2 [pii] +10.1016/j.neuroimage.2008.02.028}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18420426}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3025, + author = {Berkowitz, A. L. and Ansari, D.}, + title = {Generation of novel motor sequences: the neural correlates of musical improvisation}, + journal = {Neuroimage}, + volume = {41}, + number = {2}, + pages = {535-43}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00160-2 [pii] +10.1016/j.neuroimage.2008.02.028}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18420426}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3317, + author = {Ben-Hur, A. and Ong, C. S. and Sonnenburg, S. and Scholkopf, B. and Ratsch, G.}, + title = {Support vector machines and kernels for computational biology}, + journal = {PLoS Comput Biol}, + volume = {4}, + number = {10}, + pages = {e1000173}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000173}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18974822}, + year = {2008}, + type = {Journal Article} +} + +@article{RN2964, + author = {Bays, P. M. and Husain, M.}, + title = {Dynamic shifts of limited working memory resources in human vision}, + journal = {Science}, + volume = {321}, + number = {5890}, + pages = {851-4}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {321/5890/851 [pii] +10.1126/science.1158023}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18687968}, + year = {2008}, + type = {Journal Article} +} + +@inproceedings{RN2548, + author = {Balsters, J.H., Cussans, E., Diedrichsen, J., Philips, K., Preuss, T.M., Rilling, J.K., & Ramnani, N. }, + title = {Evolution of the Cerebellar Cortex: Selective expansion of prefrontal-projecting lobules}, + booktitle = {Organization for Human Brain Mapping}, + type = {Conference Proceedings} +} + +@article{RN2555, + author = {Baldissera, F. and Rota, V. and Esposti, R.}, + title = {Anticipatory postural adjustments in arm muscles associated with movements of the contralateral limb and their possible role in interlimb coordination}, + journal = {Exp Brain Res}, + volume = {185}, + number = {1}, + pages = {63-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17912507 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2554, + author = {Baldissera, F. and Rota, V. and Esposti, R.}, + title = {Postural adjustments in arm and leg muscles associated with isodirectional and antidirectional coupling of upper limb movements in the horizontal plane}, + journal = {Exp Brain Res}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18594800 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2670, + author = {Badre, D.}, + title = {Cognitive control, hierarchy, and the rostro-caudal organization of the frontal lobes}, + journal = {Trends Cogn Sci}, + volume = {12}, + number = {5}, + pages = {193-200}, + ISSN = {1364-6613 (Print)}, + DOI = {S1364-6613(08)00061-2 [pii] +10.1016/j.tics.2008.02.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18403252}, + year = {2008}, + type = {Journal Article} +} + +@inproceedings{RN2606, + author = {Andersson, J.L., Smith, S.M., Jenkinson, M.}, + title = {FNIRT - FMRIB's Non-linear Image Registration Tool}, + booktitle = {Organization for Human Brain Mapping}, + type = {Conference Proceedings} +} + +@article{RN2629, + author = {Ahmed, A. A. and Wolpert, D. M. and Flanagan, J. R.}, + title = {Flexible representations of dynamics are used in object manipulation}, + journal = {Curr Biol}, + volume = {18}, + number = {10}, + pages = {763-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18485709 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2861, + author = {Acharya, S. and Tenore, F. and Aggarwal, V. and Etienne-Cummings, R. and Schieber, M. H. and Thakor, N. V.}, + title = {Decoding individuated finger movements using volume-constrained neuronal ensembles in the M1 hand area}, + journal = {IEEE Trans Neural Syst Rehabil Eng}, + volume = {16}, + number = {1}, + pages = {15-23}, + ISSN = {1534-4320 (Print) +1534-4320 (Linking)}, + DOI = {10.1109/TNSRE.2007.916269}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18303801}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3231, + author = {Wu, W. and Hatsopoulos, N. G.}, + title = {Coordinate system representations of movement direction in the premotor cortex}, + journal = {Exp Brain Res}, + volume = {176}, + number = {4}, + pages = {652-7}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-006-0818-7}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17180398}, + year = {2007}, + type = {Journal Article} +} + +@inproceedings{RN2572, + author = {Winkelman, B. H. and Frens, M. A.}, + title = {Three dimensional oculomotor tuning of complex and simple spikes in Purkinje cells of the cerebellar flocculus. }, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@article{RN2560, + author = {Weiss, D. J. and Wark, J. D. and Rosenbaum, D. A.}, + title = {Monkey see, monkey plan, monkey do: the end-state comfort effect in cotton-top tamarins (Saguinus oedipus)}, + journal = {Psychol Sci}, + volume = {18}, + number = {12}, + pages = {1063-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18031413 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2470, + author = {Verstynen, T. and Spencer, R. and Stinear, C. M. and Konkle, T. and Diedrichsen, J. and Byblow, W. D. and Ivry, R. B.}, + title = {Ipsilateral corticospinal projections do not predict congenital mirror movements: A case report}, + journal = {Neuropsychologia}, + volume = {45}, + number = {4}, + pages = {844-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17023008 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2602, + author = {Ullsperger, M. and Nittono, H. and von Cramon, D. Y.}, + title = {When goals are missed: dealing with self-generated and externally induced failure}, + journal = {Neuroimage}, + volume = {35}, + number = {3}, + pages = {1356-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17350291 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2507, + author = {Tseng, Y. W. and Diedrichsen, J. and Krakauer, J. W. and Shadmehr, R. and Bastian, A. J.}, + title = {Sensory prediction errors drive cerebellum-dependent adaptation of reaching}, + journal = {J Neurophysiol}, + volume = {98}, + number = {1}, + pages = {54-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17507504 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2706, + author = {Todorov, E.}, + title = {Probabilistic inference of multijoint movements, skeletal parameters and marker attachments from diverse motion capture data}, + journal = {IEEE Trans Biomed Eng}, + volume = {54}, + number = {11}, + pages = {1927-39}, + ISSN = {0018-9294 (Print) +0018-9294 (Linking)}, + DOI = {10.1109/TBME.2007.903521}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18018688}, + year = {2007}, + type = {Journal Article} +} + +@inbook{RN2495, + author = {Todorov, E.}, + title = {Optimal Control Theory}, + booktitle = {Bayesian Brain. Probabilistic Approaches to Neural Coding}, + editor = {Kenji Doya and Shin Ishii and Alexandre Pouget and Rao, Rajesh P. N.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {269-294}, + year = {2007}, + type = {Book Section} +} + +@article{RN2527, + author = {Tcheang, L. and Bays, P. M. and Ingram, J. N. and Wolpert, D. M.}, + title = {Simultaneous bimanual dynamics are learned without interference}, + journal = {Exp Brain Res}, + volume = {183}, + number = {1}, + pages = {17-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17611745 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2510, + author = {Sternad, D. and Wei, K. and Diedrichsen, J. and Ivry, R. B.}, + title = {Intermanual interactions during initiation and production of rhythmic and discrete movements in individuals lacking a corpus callosum}, + journal = {Exp Brain Res}, + volume = {176}, + number = {4}, + pages = {559-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16917769 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN3085, + author = {Slobounov, S. and Ray, W. and Cao, C. and Chiang, H.}, + title = {Modulation of cortical activity as a result of task-specific practice}, + journal = {Neurosci Lett}, + volume = {421}, + number = {2}, + pages = {126-31}, + ISSN = {0304-3940 (Print) +0304-3940 (Linking)}, + DOI = {S0304-3940(07)00496-X [pii] +10.1016/j.neulet.2007.04.077}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17566654}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2747, + author = {Shmueli, Karin and van Gelderen, Peter and de Zwart, Jacco and Horovitz, Silvina and Fukunaga, Masaki and Jansma, Martijn and Duyn, Jeff}, + title = {Low-frequency fluctuations in the cardiac rate as a source of variance in the resting-state fMRI BOLD signal}, + journal = {NeuroImage}, + volume = {38}, + number = {2}, + pages = {306-320}, + url = {citeulike-article-id:1902953 +http://dx.doi.org/10.1016/j.neuroimage.2007.07.037 }, + year = {2007}, + type = {Journal Article} +} + +@misc{RN2951, + url = {http://www.fmrirobot.org/}, + year = {2007}, + type = {Web Page} +} + +@article{RN2763, + author = {Schmahmann, Jeremy D and Pandya, Deepak N and Wang, Ruopeng and Dai, Guangping and Crespigny, Alex J De and Wedeen, Van J}, + title = {Association fibre pathways of the brain: parallel observations from diffusion spectrum imaging and autoradiography}, + journal = {Brain}, + volume = {130}, + pages = {630-653}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2741, + author = {Schmahmann, Jeremy D and Pandya, Deepak N and Wang, Ruopeng and Dai, Guangping and Crespigny, Alex J De and Wedeen, Van J}, + title = {Association fibre pathways of the brain: parallel observations from diffusion spectrum imaging and autoradiography}, + journal = {Brain}, + volume = {130}, + pages = {630-653}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3397, + author = {Schieber, M. H. and Rivlis, G.}, + title = {Partial reconstruction of muscle activity from a pruned network of diverse motor cortex neurons}, + journal = {J Neurophysiol}, + volume = {97}, + number = {1}, + pages = {70-82}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00544.2006}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17035361}, + year = {2007}, + type = {Journal Article} +} + +@misc{RN2546, + url = {http://www.sph.sc.edu/comd/rorden/mricron}, + year = {2007}, + type = {Computer Program} +} + +@article{RN2767, + author = {Rancz, E. A. and Ishikawa, T. and Duguid, I. and Chadderton, P. and Mahon, S. and Hausser, M.}, + title = {High-fidelity transmission of sensory information by single cerebellar mossy fibre boutons}, + journal = {Nature}, + volume = {450}, + number = {7173}, + pages = {1245-8}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature05995 [pii] +10.1038/nature05995}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18097412}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2879, + author = {Poreisz, C. and Boros, K. and Antal, A. and Paulus, W.}, + title = {Safety aspects of transcranial direct current stimulation concerning healthy subjects and patients}, + journal = {Brain Res Bull}, + volume = {72}, + number = {4-6}, + pages = {208-14}, + ISSN = {0361-9230 (Print) +0361-9230 (Linking)}, + DOI = {S0361-9230(07)00011-1 [pii] +10.1016/j.brainresbull.2007.01.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17452283}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2500, + author = {Pollok, B. and Butz, M. and Gross, J. and Schnitzler, A.}, + title = {Intercerebellar coupling contributes to bimanual coordination}, + journal = {J Cogn Neurosci}, + volume = {19}, + number = {4}, + pages = {704-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17381260 }, + year = {2007}, + type = {Journal Article} +} + +@inproceedings{RN2708, + author = {Peters, J. and Schaal, S.}, + title = {Using reward-weighted regression for reinforcement learning of task space control}, + booktitle = {IEEE Symposium on approximate dynamic programming and reinforcement learning }, + pages = {262-267}, + url = {http://www-clmc.usc.edu/publications/P/peters-ADPRL2007.pdf}, + type = {Conference Proceedings} +} + +@article{RN3114, + author = {Perlmutter, J. S. and Thach, W. T.}, + title = {Writer's cramp: questions of causation}, + journal = {Neurology}, + volume = {69}, + number = {4}, + pages = {331-2}, + ISSN = {1526-632X (Electronic) +0028-3878 (Linking)}, + DOI = {69/4/331 [pii] +10.1212/01.wnl.0000269330.95232.7c}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17646624}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3156, + author = {Perez, M. A. and Wise, S. P. and Willingham, D. T. and Cohen, L. G.}, + title = {Neurophysiological mechanisms involved in transfer of procedural knowledge}, + journal = {J Neurosci}, + volume = {27}, + number = {5}, + pages = {1045-53}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {27/5/1045 [pii] +10.1523/JNEUROSCI.4128-06.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17267558}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3155, + author = {Perez, M. A. and Tanaka, S. and Wise, S. P. and Sadato, N. and Tanabe, H. C. and Willingham, D. T. and Cohen, L. G.}, + title = {Neural substrates of intermanual transfer of a newly acquired motor skill}, + journal = {Curr Biol}, + volume = {17}, + number = {21}, + pages = {1896-902}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(07)02021-0 [pii] +10.1016/j.cub.2007.09.058}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17964167}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2579, + author = {Miall, R. C. and Christensen, L. O. and Cain, O. and Stanley, J.}, + title = {Disruption of state estimation in the human lateral cerebellum}, + journal = {PLoS Biol}, + volume = {5}, + number = {11}, + pages = {e316}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18044990 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2583, + author = {Mazzoni, P. and Hristova, A. and Krakauer, J. W.}, + title = {Why don't we move faster? Parkinson's disease, movement vigor, and implicit motivation}, + journal = {J Neurosci}, + volume = {27}, + number = {27}, + pages = {7105-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17611263 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2857, + author = {Matsuzaka, Y. and Picard, N. and Strick, P. L.}, + title = {Skill representation in the primary motor cortex after long-term practice}, + journal = {J Neurophysiol}, + volume = {97}, + number = {2}, + pages = {1819-32}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00784.2006 [pii] +10.1152/jn.00784.2006}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17182912}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3058, + author = {MacLin, O. H. and Dixon, M. R. and Daugherty, D. and Small, S. L.}, + title = {Using a computer simulation of three slot machines to investigate a gambler's preference among varying densities of near-miss alternatives}, + journal = {Behav Res Methods}, + volume = {39}, + number = {2}, + pages = {237-41}, + ISSN = {1554-351X (Print) +1554-351X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17695350}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2672, + author = {Liu, D. and Todorov, E.}, + title = {Evidence for the flexible sensorimotor strategies predicted by optimal feedback control}, + journal = {J Neurosci}, + volume = {27}, + number = {35}, + pages = {9354-68}, + ISSN = {1529-2401 (Electronic)}, + DOI = {27/35/9354 [pii] +10.1523/JNEUROSCI.1110-06.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17728449}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3016, + author = {Li, S. and Ostwald, D. and Giese, M. and Kourtzi, Z.}, + title = {Flexible coding for categorical decisions in the human brain}, + journal = {J Neurosci}, + volume = {27}, + number = {45}, + pages = {12321-30}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {27/45/12321 [pii] +10.1523/JNEUROSCI.3795-07.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17989296}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2551, + author = {Lancaster, J. L. and Tordesillas-Gutierrez, D. and Martinez, M. and Salinas, F. and Evans, A. and Zilles, K. and Mazziotta, J. C. and Fox, P. T.}, + title = {Bias between MNI and Talairach coordinates analyzed using the ICBM-152 brain template}, + journal = {Hum Brain Mapp}, + volume = {28}, + number = {11}, + pages = {1194-205}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17266101 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2778, + author = {Lambercy, O and Dovat, L and Gassert, R and Teo, CL and Milner, T and Burdet, E}, + title = {A Haptic Knob for Rehabilitation of Hand Function}, + journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering }, + volume = {15}, + number = {3}, + pages = {356-66}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3640, + author = {Kriegeskorte, N. and Bandettini, P.}, + title = {Analyzing for information, not activation, to exploit high-resolution fMRI}, + journal = {Neuroimage}, + volume = {38}, + number = {4}, + pages = {649-62}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.02.022}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/17804260}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2855, + author = {Krakauer, J. W.}, + title = {Avoiding performance and task confounds: multimodal investigation of brain reorganization after stroke rehabilitation}, + journal = {Exp Neurol}, + volume = {204}, + number = {2}, + pages = {491-5}, + ISSN = {0014-4886 (Print) +0014-4886 (Linking)}, + DOI = {S0014-4886(07)00006-4 [pii] +10.1016/j.expneurol.2006.12.026}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17331501}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3116, + author = {Korman, M. and Doyon, J. and Doljansky, J. and Carrier, J. and Dagan, Y. and Karni, A.}, + title = {Daytime sleep condenses the time course of motor memory consolidation}, + journal = {Nat Neurosci}, + volume = {10}, + number = {9}, + pages = {1206-13}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {nn1959 [pii] +10.1038/nn1959}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17694051}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2552, + author = {Kording, K.}, + title = {Decision theory: what "should" the nervous system do?}, + journal = {Science}, + volume = {318}, + number = {5850}, + pages = {606-10}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17962554 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN3560, + author = {Kiani, R. and Esteky, H. and Mirpour, K. and Tanaka, K.}, + title = {Object category structure in response patterns of neuronal population in monkey inferior temporal cortex}, + journal = {J Neurophysiol}, + volume = {97}, + number = {6}, + pages = {4296-309}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00024.2007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17428910}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2519, + author = {Keuthen, N. J. and Makris, N. and Schlerf, J. E. and Martis, B. and Savage, C. R. and McMullin, K. and Seidman, L. J. and Schmahmann, J. D. and Kennedy, D. N. and Hodge, S. M. and Rauch, S. L.}, + title = {Evidence for reduced cerebellar volumes in trichotillomania}, + journal = {Biol Psychiatry}, + volume = {61}, + number = {3}, + pages = {374-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16945351 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN3603, + author = {Jeffery, D. T. and Norton, J. A. and Roy, F. D. and Gorassini, M. A.}, + title = {Effects of transcranial direct current stimulation on the excitability of the leg motor cortex}, + journal = {Exp Brain Res}, + volume = {182}, + number = {2}, + pages = {281-7}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-007-1093-y [doi]}, + url = {http://www.springerlink.com/content/851rm4243p124275/fulltext.pdf}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2621, + author = {Jax, S. A. and Rosenbaum, D. A.}, + title = {Hand path priming in manual obstacle avoidance: evidence that the dorsal stream does not only control visually guided actions in real time}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {33}, + number = {2}, + pages = {425-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17469977 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2497, + author = {Huang, V. S. and Shadmehr, R.}, + title = {Evolution of motor memory during the seconds after observation of motor error}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17428900 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2877, + author = {Hallett, M.}, + title = {Transcranial magnetic stimulation: a primer}, + journal = {Neuron}, + volume = {55}, + number = {2}, + pages = {187-99}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(07)00460-6 [pii] +10.1016/j.neuron.2007.06.026}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17640522}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2980, + author = {Hagler, D. J., Jr. and Riecke, L. and Sereno, M. I.}, + title = {Parietal and superior frontal visuospatial maps activated by pointing and saccades}, + journal = {Neuroimage}, + volume = {35}, + number = {4}, + pages = {1562-77}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(07)00010-9 [pii] +10.1016/j.neuroimage.2007.01.033}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17376706}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2654, + author = {Hadipour-Niktarash, A. and Lee, C. K. and Desmond, J. E. and Shadmehr, R.}, + title = {Impairment of retention but not acquisition of a visuomotor skill through time-dependent disruption of primary motor cortex}, + journal = {J Neurosci}, + volume = {27}, + number = {49}, + pages = {13413-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18057199 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2716, + author = {Habas, C. and Cabanis, E. A.}, + title = {The neural network involved in a bimanual tactile-tactile matching discrimination task: a functional imaging study at 3 T}, + journal = {Neuroradiology}, + volume = {49}, + number = {8}, + pages = {681-8}, + ISSN = {0028-3940 (Print) +0028-3940 (Linking)}, + DOI = {10.1007/s00234-007-0239-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17546450}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2715, + author = {Habas, C. and Cabanis, E. A.}, + title = {Anatomical parcellation of the brainstem and cerebellar white matter: a preliminary probabilistic tractography study at 3 T}, + journal = {Neuroradiology}, + volume = {49}, + number = {10}, + pages = {849-63}, + ISSN = {1432-1920 (Electronic) +0028-3940 (Linking)}, + DOI = {10.1007/s00234-007-0267-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17701168}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2589, + author = {Guigon, E. and Baraduc, P. and Desmurget, M.}, + title = {Computational motor control: redundancy and invariance}, + journal = {J Neurophysiol}, + volume = {97}, + number = {1}, + pages = {331-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17005621 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2996, + author = {Graziano, M. S. and Aflalo, T. N.}, + title = {Mapping behavioral repertoire onto the cortex}, + journal = {Neuron}, + volume = {56}, + number = {2}, + pages = {239-51}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(07)00711-8 [pii] +10.1016/j.neuron.2007.09.013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17964243}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2968, + author = {Glickstein, M.}, + title = {What does the cerebellum really do?}, + journal = {Curr Biol}, + volume = {17}, + number = {19}, + pages = {R824-7}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(07)01785-X [pii] +10.1016/j.cub.2007.08.009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17925205}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2785, + author = {Gizewski, E. R. and de Greiff, A. and Maderwald, S. and Timmann, D. and Forsting, M. and Ladd, M. E.}, + title = {fMRI at 7 T: whole-brain coverage and signal advantages even infratentorially?}, + journal = {Neuroimage}, + volume = {37}, + number = {3}, + pages = {761-8}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(07)00516-2 [pii] +10.1016/j.neuroimage.2007.06.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17644414}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3200, + author = {Gepshtein, S. and Seydell, A. and Trommershauser, J.}, + title = {Optimality of human movement under natural variations of visual-motor uncertainty}, + journal = {J Vis}, + volume = {7}, + number = {5}, + pages = {13 1-18}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/7.5.13 +7/5/13 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18217853}, + year = {2007}, + type = {Journal Article} +} + +@book{RN3614, + author = {Friston, K.J. and Ashburner, J. and Kiebel, S.J. and Nichols, T.E. and Penny, W.D. }, + title = {Statistical Parametric Mapping: The Analysis of Functional Brain Images}, + publisher = {Academic Press}, + year = {2007}, + type = {Edited Book} +} + +@article{RN3255, + author = {Friston, K. and Mattout, J. and Trujillo-Barreto, N. and Ashburner, J. and Penny, W.}, + title = {Variational free energy and the Laplace approximation}, + journal = {Neuroimage}, + volume = {34}, + number = {1}, + pages = {220-34}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2006.08.035}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17055746}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2766, + author = {Fox, M. D. and Raichle, M. E.}, + title = {Spontaneous fluctuations in brain activity observed with functional magnetic resonance imaging}, + journal = {Nat Rev Neurosci}, + volume = {8}, + number = {9}, + pages = {700-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17704812 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2529, + author = {Eickhoff, S. B. and Paus, T. and Caspers, S. and Grosbras, M. H. and Evans, A. C. and Zilles, K. and Amunts, K.}, + title = {Assignment of functional activations to probabilistic cytoarchitectonic areas revisited}, + journal = {Neuroimage}, + volume = {36}, + number = {3}, + pages = {511-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17499520 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2508, + author = {Diedrichsen, J. and Verstynen, T. and Hon, A. and Zhang, Y. and Ivry, R. B.}, + title = {Illusions of force perception: the role of sensori-motor predictions, visual information, and motor errors}, + journal = {J Neurophysiol}, + volume = {97}, + number = {5}, + pages = {3305-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17344369 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2511, + author = {Diedrichsen, J. and Criscimagna-Hemminger, S. E. and Shadmehr, R.}, + title = {Dissociating timing and coordination as functions of the cerebellum}, + journal = {J Neurosci}, + volume = {27}, + number = {23}, + pages = {6291-301}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17554003 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2537, + author = {Diedrichsen, J.}, + title = {Optimal task-dependent changes of bimanual feedback control and adaptation}, + journal = {Curr Biol}, + volume = {17}, + number = {19}, + pages = {1675-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17900901 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN3626, + author = {DiCarlo, J. J. and Cox, D. D.}, + title = {Untangling invariant object recognition}, + journal = {Trends Cogn Sci}, + volume = {11}, + number = {8}, + pages = {333-41}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2007.06.010}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/17631409}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3035, + author = {Devor, A. and Tian, P. and Nishimura, N. and Teng, I. C. and Hillman, E. M. and Narayanan, S. N. and Ulbert, I. and Boas, D. A. and Kleinfeld, D. and Dale, A. M.}, + title = {Suppressed neuronal activity and concurrent arteriolar vasoconstriction may explain negative blood oxygenation level-dependent signal}, + journal = {J Neurosci}, + volume = {27}, + number = {16}, + pages = {4452-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {27/16/4452 [pii] +10.1523/JNEUROSCI.0134-07.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17442830}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2790, + author = {Deoni, S. C. and Catani, M.}, + title = {Visualization of the deep cerebellar nuclei using quantitative T1 and rho magnetic resonance imaging at 3 Tesla}, + journal = {Neuroimage}, + volume = {37}, + number = {4}, + pages = {1260-6}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(07)00572-1 [pii] +10.1016/j.neuroimage.2007.06.036}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17702607}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3095, + author = {Churchland, M. M. and Yu, B. M. and Sahani, M. and Shenoy, K. V.}, + title = {Techniques for extracting single-trial activity patterns from large-scale neural recordings}, + journal = {Curr Opin Neurobiol}, + volume = {17}, + number = {5}, + pages = {609-18}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + DOI = {S0959-4388(07)00119-5 [pii] +10.1016/j.conb.2007.11.001}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18093826}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2515, + author = {Braun, D. A. and Wolpert, D. M.}, + title = {Optimal control: when redundancy matters}, + journal = {Curr Biol}, + volume = {17}, + number = {22}, + pages = {R973-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18029255 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2764, + author = {Behrens, T. E. and Berg, H. J. and Jbabdi, S. and Rushworth, M. F. and Woolrich, M. W.}, + title = {Probabilistic diffusion tractography with multiple fibre orientations: What can we gain?}, + journal = {Neuroimage}, + volume = {34}, + number = {1}, + pages = {144-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17070705 }, + year = {2007}, + type = {Journal Article} +} + +@article{RN2862, + author = {Begliomini, C. and Wall, M. B. and Smith, A. T. and Castiello, U.}, + title = {Differential cortical activity for precision and whole-hand visually guided grasping in humans}, + journal = {Eur J Neurosci}, + volume = {25}, + number = {4}, + pages = {1245-52}, + ISSN = {0953-816X (Print) +0953-816X (Linking)}, + DOI = {EJN5365 [pii] +10.1111/j.1460-9568.2007.05365.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17331220}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3203, + author = {Battaglia, P. W. and Schrater, P. R.}, + title = {Humans trade off viewing time and movement duration to improve visuomotor accuracy in a fast reaching task}, + journal = {J Neurosci}, + volume = {27}, + number = {26}, + pages = {6984-94}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {27/26/6984 [pii] +10.1523/JNEUROSCI.1309-07.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17596447}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3220, + author = {Ashburner, J.}, + title = {A fast diffeomorphic image registration algorithm}, + journal = {Neuroimage}, + volume = {38}, + number = {1}, + pages = {95-113}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.07.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17761438}, + year = {2007}, + type = {Journal Article} +} + +@article{RN3562, + author = {Aguirre, G. K.}, + title = {Continuous carry-over designs for fMRI}, + journal = {Neuroimage}, + volume = {35}, + number = {4}, + pages = {1480-94}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.02.005}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17376705}, + year = {2007}, + type = {Journal Article} +} + +@article{RN2436, + author = {Xu, D. and Liu, T. and Ashe, J. and Bushara, K. O.}, + title = {Role of the olivo-cerebellar system in timing}, + journal = {J Neurosci}, + volume = {26}, + number = {22}, + pages = {5990-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16738241 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2638, + author = {Ward, N. S. and Frackowiak, R. S.}, + title = {The functional anatomy of cerebral reorganisation after focal brain injury}, + journal = {J Physiol Paris}, + volume = {99}, + number = {4-6}, + pages = {425-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16750616 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2427, + author = {Wang, J. and Sainburg, R. L.}, + title = {The symmetry of interlimb transfer depends on workspace locations}, + journal = {Exp Brain Res}, + volume = {170}, + number = {4}, + pages = {464-71}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16328262 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2429, + author = {Vaziri, S. and Diedrichsen, J. and Shadmehr, R.}, + title = {Why does the brain predict sensory consequences of oculomotor commands? Optimal integration of the predicted and the actual sensory feedback}, + journal = {J Neurosci}, + volume = {26}, + number = {16}, + pages = {4188-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16624939 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2425, + author = {van Mier, H. I. and Petersen, S. E.}, + title = {Intermanual transfer effects in sequential tactuomotor learning: evidence for effector independent coding}, + journal = {Neuropsychologia}, + volume = {44}, + number = {6}, + pages = {939-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16198379 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2533, + author = {Toga, A. W. and Thompson, P. M. and Mori, S. and Amunts, K. and Zilles, K.}, + title = {Towards multimodal atlases of the human brain}, + journal = {Nat Rev Neurosci}, + volume = {7}, + number = {12}, + pages = {952-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17115077 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN3176, + author = {Tanaka, H. and Krakauer, J. W. and Qian, N.}, + title = {An optimization principle for determining movement duration}, + journal = {J Neurophysiol}, + volume = {95}, + number = {6}, + pages = {3875-86}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00751.2005 [pii] +10.1152/jn.00751.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16571740}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2700, + author = {Takashima, A. and Petersson, K. M. and Rutters, F. and Tendolkar, I. and Jensen, O. and Zwarts, M. J. and McNaughton, B. L. and Fernandez, G.}, + title = {Declarative memory consolidation in humans: a prospective functional magnetic resonance imaging study}, + journal = {Proc Natl Acad Sci U S A}, + volume = {103}, + number = {3}, + pages = {756-61}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {0507774103 [pii] +10.1073/pnas.0507774103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16407110}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2577, + author = {Soetedjo, R. and Fuchs, A. F.}, + title = {Complex spike activity of purkinje cells in the oculomotor vermis during behavioral adaptation of monkey saccades}, + journal = {J Neurosci}, + volume = {26}, + number = {29}, + pages = {7741-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16855102 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2626, + author = {Smith, M. A. and Ghazizadeh, A. and Shadmehr, R.}, + title = {Interacting adaptive processes with different timescales underlie short-term motor learning}, + journal = {PLoS Biol}, + volume = {4}, + number = {6}, + pages = {e179}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16700627 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2459, + author = {Shmuel, A. and Augath, M. and Oeltermann, A. and Logothetis, N. K.}, + title = {Negative functional MRI response correlates with decreases in neuronal activity in monkey visual area V1}, + journal = {Nat Neurosci}, + volume = {9}, + number = {4}, + pages = {569-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16547508 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2597, + author = {Seidler, R. D. and Noll, D. C. and Chintalapati, P.}, + title = {Bilateral basal ganglia activation associated with sensorimotor adaptation}, + journal = {Exp Brain Res}, + volume = {175}, + number = {3}, + pages = {544-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16794848 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2792, + author = {Saxe, R. and Brett, M. and Kanwisher, N.}, + title = {Divide and conquer: a defense of functional localizers}, + journal = {Neuroimage}, + volume = {30}, + number = {4}, + pages = {1088-96; discussion 1097-9}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(05)02579-6 [pii] +10.1016/j.neuroimage.2005.12.062}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16635578}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2599, + author = {Rosenbaum, D. A. and Dawson, A. M. and Challis, J. H.}, + title = {Haptic tracking permits bimanual independence}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {32}, + number = {5}, + pages = {1266-75}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17002536 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2655, + author = {Richardson, A. G. and Overduin, S. A. and Valero-Cabre, A. and Padoa-Schioppa, C. and Pascual-Leone, A. and Bizzi, E. and Press, D. Z.}, + title = {Disruption of primary motor cortex before learning impairs memory of movement dynamics}, + journal = {J Neurosci}, + volume = {26}, + number = {48}, + pages = {12466-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17135408 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2474, + author = {Reed, K. and Peshkin, M. and Hartmann, M. J. and Grabowecky, M. and Patton, J. and Vishton, P. M.}, + title = {Haptically linked dyads: are two motor-control systems better than one?}, + journal = {Psychol Sci}, + volume = {17}, + number = {5}, + pages = {365-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16683920 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2858, + author = {Rathelot, J. A. and Strick, P. L.}, + title = {Muscle representation in the macaque motor cortex: an anatomical perspective}, + journal = {Proc Natl Acad Sci U S A}, + volume = {103}, + number = {21}, + pages = {8257-62}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {0602933103 [pii] +10.1073/pnas.0602933103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16702556}, + year = {2006}, + type = {Journal Article} +} + +@book{RN2882, + author = {Rasmussen, C. E. and Williams, C. K. I.}, + title = {Gaussian processes for machine learning}, + publisher = {The MIT Press}, + address = {Cambridge, Massachusetts}, + year = {2006}, + type = {Book} +} + +@article{RN2543, + author = {Ramnani, N. and Behrens, T. E. and Johansen-Berg, H. and Richter, M. C. and Pinsk, M. A. and Andersson, J. L. and Rudebeck, P. and Ciccarelli, O. and Richter, W. and Thompson, A. J. and Gross, C. G. and Robson, M. D. and Kastner, S. and Matthews, P. M.}, + title = {The evolution of prefrontal inputs to the cortico-pontine system: diffusion imaging evidence from Macaque monkeys and humans}, + journal = {Cereb Cortex}, + volume = {16}, + number = {6}, + pages = {811-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16120793 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2446, + author = {Ramnani, N.}, + title = {The primate cortico-cerebellar system: anatomy and function}, + journal = {Nat Rev Neurosci}, + volume = {7}, + number = {7}, + pages = {511-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16791141 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN3083, + author = {Raghavan, P. and Petra, E. and Krakauer, J. W. and Gordon, A. M.}, + title = {Patterns of impairment in digit independence after subcortical stroke}, + journal = {J Neurophysiol}, + volume = {95}, + number = {1}, + pages = {369-78}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00873.2005 [pii] +10.1152/jn.00873.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16207778}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2468, + author = {Pasalar, S. and Roitman, A. V. and Durfee, W. K. and Ebner, T. J.}, + title = {Force field effects on cerebellar Purkinje cell discharge with implications for internal models}, + journal = {Nat Neurosci}, + volume = {9}, + number = {11}, + pages = {1404-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17028585 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2472, + author = {Nozaki, D. and Kurtzer, I. and Scott, S. H.}, + title = {Limited transfer of learning between unimanual and bimanual skills within the same limb}, + journal = {Nat Neurosci}, + volume = {9}, + number = {11}, + pages = {1364-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17028583 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2839, + author = {Norman, K. A. and Polyn, S. M. and Detre, G. J. and Haxby, J. V.}, + title = {Beyond mind-reading: multi-voxel pattern analysis of fMRI data}, + journal = {Trends Cogn Sci}, + volume = {10}, + number = {9}, + pages = {424-30}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2006.07.005 [doi]}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2596, + author = {Morton, S. M. and Bastian, A. J.}, + title = {Cerebellar contributions to locomotor adaptations during splitbelt treadmill walking}, + journal = {J Neurosci}, + volume = {26}, + number = {36}, + pages = {9107-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16957067 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2473, + author = {Mazzoni, P. and Krakauer, J. W.}, + title = {An implicit plan overrides an explicit strategy during visuomotor adaptation}, + journal = {J Neurosci}, + volume = {26}, + number = {14}, + pages = {3642-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16597717 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2392, + author = {Mayr, U. and Diedrichsen, J. and Ivry, R. and Keele, S. W.}, + title = {Dissociating Task-set Selection from Task-set Inhibition in the Prefrontal Cortex}, + journal = {J Cogn Neurosci}, + volume = {18}, + number = {1}, + pages = {14-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16417679}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2547, + author = {Kurtzer, I. and Pruszynski, J. A. and Herter, T. M. and Scott, S. H.}, + title = {Primate upper limb muscles exhibit activity patterns that differ from their anatomical action during a postural task}, + journal = {J Neurophysiol}, + volume = {95}, + number = {1}, + pages = {493-504}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16251262 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2836, + author = {Kriegeskorte, N. and Goebel, R. and Bandettini, P.}, + title = {Information-based functional brain mapping}, + journal = {Proc Natl Acad Sci U S A}, + volume = {103}, + number = {10}, + pages = {3863-8}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2477, + author = {Kanwisher, N. and Yovel, G.}, + title = {The fusiform face area: a cortical region specialized for the perception of faces}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {361}, + number = {1476}, + pages = {2109-28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17118927 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2835, + author = {Kamitani, Y. and Tong, F.}, + title = {Decoding seen and attended motion directions from activity in the human visual cortex}, + journal = {Curr Biol}, + volume = {16}, + number = {11}, + pages = {1096-102}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(06)01464-3 [pii] +10.1016/j.cub.2006.04.003}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16753563}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2458, + author = {Johansson, R. S. and Theorin, A. and Westling, G. and Andersson, M. and Ohki, Y. and Nyberg, L.}, + title = {How a lateralized brain supports symmetrical bimanual tasks}, + journal = {PLoS Biol}, + volume = {4}, + number = {6}, + pages = {e158}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16669700 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN3578, + author = {Hummel, F. C. and Cohen, L. G.}, + title = {Non-invasive brain stimulation: a new strategy to improve neurorehabilitation after stroke?}, + journal = {Lancet Neurol}, + volume = {5}, + number = {8}, + pages = {708-12}, + ISSN = {1474-4422 (Print) +1474-4422 (Linking)}, + DOI = {S1474-4422(06)70525-7 [pii] +10.1016/S1474-4422(06)70525-7 [doi]}, + url = {http://ac.els-cdn.com/S1474442206705257/1-s2.0-S1474442206705257-main.pdf?_tid=5a443de8be7a27796400c2d967428e7e&acdnat=1338119400_19f94d437ecd2893fcabff48f2ba1ae0}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2451, + author = {Heuer, H. and Klein, W.}, + title = {The influence of movement cues on intermanual interactions}, + journal = {Psychol Res}, + volume = {70}, + number = {4}, + pages = {229-244}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082546 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2413, + author = {Heuer, H. and Klein, W.}, + title = {Intermanual interactions related to movement amplitudes and endpoint locations}, + journal = {J Mot Behav}, + volume = {38}, + number = {2}, + pages = {126-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16531395}, + year = {2006}, + type = {Journal Article} +} + +@article{RN3112, + author = {Haynes, J. D. and Rees, G.}, + title = {Decoding mental states from brain activity in humans}, + journal = {Nat Rev Neurosci}, + volume = {7}, + number = {7}, + pages = {523-34}, + ISSN = {1471-003X (Print) +1471-003X (Linking)}, + DOI = {nrn1931 [pii] +10.1038/nrn1931}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16791142}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2588, + author = {Harris, C. M. and Wolpert, D. M.}, + title = {The main sequence of saccades optimizes speed-accuracy trade-off}, + journal = {Biol Cybern}, + volume = {95}, + number = {1}, + pages = {21-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16555070 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2914, + author = {Hagler, D. J., Jr. and Saygin, A. P. and Sereno, M. I.}, + title = {Smoothing and cluster thresholding for cortical surface-based group analysis of fMRI data}, + journal = {Neuroimage}, + volume = {33}, + number = {4}, + pages = {1093-103}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(06)00791-9 [pii] +10.1016/j.neuroimage.2006.07.036}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17011792}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2534, + author = {Gomi, H. and Abekawa, N. and Nishida, S.}, + title = {Spatiotemporal tuning of rapid interactions between visual-motion analysis and reaching movement}, + journal = {J Neurosci}, + volume = {26}, + number = {20}, + pages = {5301-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16707782 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2924, + author = {Gerloff, C. and Bushara, K. and Sailer, A. and Wassermann, E. M. and Chen, R. and Matsuoka, T. and Waldvogel, D. and Wittenberg, G. F. and Ishii, K. and Cohen, L. G. and Hallett, M.}, + title = {Multimodal imaging of brain reorganization in motor areas of the contralesional hemisphere of well recovered patients after capsular stroke}, + journal = {Brain}, + volume = {129}, + number = {Pt 3}, + pages = {791-808}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {awh713 [pii] +10.1093/brain/awh713}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16364955}, + year = {2006}, + type = {Journal Article} +} + +@article{RN3121, + author = {Gentner, R. and Classen, J.}, + title = {Modular organization of finger movements by the human central nervous system}, + journal = {Neuron}, + volume = {52}, + number = {4}, + pages = {731-42}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(06)00776-8 [pii] +10.1016/j.neuron.2006.09.038}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17114055}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2793, + author = {Friston, K. J. and Rotshtein, P. and Geng, J. J. and Sterzer, P. and Henson, R. N.}, + title = {A critique of functional localisers}, + journal = {Neuroimage}, + volume = {30}, + number = {4}, + pages = {1077-87}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(05)00602-6 [pii] +10.1016/j.neuroimage.2005.08.012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16635579}, + year = {2006}, + type = {Journal Article} +} + +@article{RN3005, + author = {Floyer-Lea, A. and Wylezinska, M. and Kincses, T. and Matthews, P. M.}, + title = {Rapid modulation of GABA concentration in human sensorimotor cortex during motor learning}, + journal = {J Neurophysiol}, + volume = {95}, + number = {3}, + pages = {1639-44}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00346.2005 [pii] +10.1152/jn.00346.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16221751}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2530, + author = {Eickhoff, S. B. and Heim, S. and Zilles, K. and Amunts, K.}, + title = {Testing anatomically specified hypotheses in functional imaging using cytoarchitectonic maps}, + journal = {Neuroimage}, + volume = {32}, + number = {2}, + pages = {570-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16781166 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2595, + author = {Dimitrova, A. and Zeljko, D. and Schwarze, F. and Maschke, M. and Gerwig, M. and Frings, M. and Beck, A. and Aurich, V. and Forsting, M. and Timmann, D.}, + title = {Probabilistic 3D MRI atlas of the human cerebellar dentate/interposed nuclei}, + journal = {Neuroimage}, + volume = {30}, + number = {1}, + pages = {12-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16257240 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2575, + author = {Dimitrova, A. and de Greiff, A. and Schoch, B. and Gerwig, M. and Frings, M. and Gizewski, E. R. and Timmann, D.}, + title = {Activation of cerebellar nuclei comparing finger, foot and tongue movements as revealed by fMRI}, + journal = {Brain Res Bull}, + volume = {71}, + number = {1-3}, + pages = {233-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17113951 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN3032, + author = {Diedrichsen, J. and Grafton, S. and Albert, N. and Hazeltine, E. and Ivry, R. B.}, + title = {Goal-selection and movement-related conflict during bimanual reaching movements}, + journal = {Cereb Cortex}, + volume = {16}, + number = {12}, + pages = {1729-38}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + DOI = {bhj108 [pii] +10.1093/cercor/bhj108}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16400162}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2471, + author = {Diedrichsen, J.}, + title = {A spatially unbiased atlas template of the human cerebellum}, + journal = {Neuroimage}, + volume = {33}, + number = {1}, + pages = {127-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16904911 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2506, + author = {de Poel, H. J. and Peper, C. L. and Beek, P. J.}, + title = {Laterally focused attention modulates asymmetric coupling in rhythmic interlimb coordination}, + journal = {Psychol Res}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17021836 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2484, + author = {Davare, M. and Andres, M. and Cosnard, G. and Thonnard, J. L. and Olivier, E.}, + title = {Dissociating the role of ventral and dorsal premotor cortex in precision grasping}, + journal = {J Neurosci}, + volume = {26}, + number = {8}, + pages = {2260-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16495453 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2662, + author = {d'Avella, A. and Portone, A. and Fernandez, L. and Lacquaniti, F.}, + title = {Control of fast-reaching movements by muscle synergy combinations}, + journal = {J Neurosci}, + volume = {26}, + number = {30}, + pages = {7791-810}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16870725 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN3171, + author = {Culham, J. C. and Valyear, K. F.}, + title = {Human parietal cortex in action}, + journal = {Curr Opin Neurobiol}, + volume = {16}, + number = {2}, + pages = {205-12}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + DOI = {S0959-4388(06)00030-4 [pii] +10.1016/j.conb.2006.03.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16563735}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2746, + author = {Crone, Eveline and Somsen, Riek and Zanolie, Kiki and Van der Molen, Maurits}, + title = {A heart rate analysis of developmental change in feedback processing and rule shifting from childhood to early adulthood}, + journal = {Journal of experimental child psychology}, + volume = {95}, + number = {2}, + pages = {99-116}, + url = {citeulike-article-id:6377590 +http://dx.doi.org/10.1016/j.jecp.2006.03.007 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2642, + author = {Cothros, N. and Wong, J. D. and Gribble, P. L.}, + title = {Are there distinct neural representations of object and limb dynamics?}, + journal = {Exp Brain Res}, + volume = {173}, + number = {4}, + pages = {689-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16525798 }, + year = {2006}, + type = {Journal Article} +} + +@book{RN2584, + author = {Congdon, P}, + title = {Bayesian statistical modeling }, + publisher = {Wiley}, + address = {London}, + edition = {second edition}, + year = {2006}, + type = {Book} +} + +@article{RN3198, + author = {Churchland, M. M. and Afshar, A. and Shenoy, K. V.}, + title = {A central source of movement variability}, + journal = {Neuron}, + volume = {52}, + number = {6}, + pages = {1085-96}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(06)00871-3 [pii] +10.1016/j.neuron.2006.10.034}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17178410}, + year = {2006}, + type = {Journal Article} +} + +@article{RN2605, + author = {Chib, V. S. and Patton, J. L. and Lynch, K. M. and Mussa-Ivaldi, F. A.}, + title = {Haptic identification of surfaces as fields of force}, + journal = {J Neurophysiol}, + volume = {95}, + number = {2}, + pages = {1068-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16207784 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2628, + author = {Chhabra, M. and Jacobs, R. A.}, + title = {Properties of synergies arising from a theory of optimal motor behavior}, + journal = {Neural Comput}, + volume = {18}, + number = {10}, + pages = {2320-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16907628 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2496, + author = {Chen, H. and Hua, S. E. and Smith, M. A. and Lenz, F. A. and Shadmehr, R.}, + title = {Effects of human cerebellar thalamus disruption on adaptive control of reaching}, + journal = {Cereb Cortex}, + volume = {16}, + number = {10}, + pages = {1462-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16357337 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2538, + author = {Bays, P. M. and Wolpert, D. M.}, + title = {Actions and consequences in bimanual interaction are represented in different coordinate systems}, + journal = {J Neurosci}, + volume = {26}, + number = {26}, + pages = {7121-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16807341 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2454, + author = {Bays, P. M. and Flanagan, J. R. and Wolpert, D. M.}, + title = {Attenuation of self-generated tactile sensations is predictive, not postdictive}, + journal = {PLoS Biol}, + volume = {4}, + number = {2}, + pages = {e28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16402860 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2467, + author = {Bastian, A. J.}, + title = {Learning to predict the future: the cerebellum adapts feedforward movement control}, + journal = {Curr Opin Neurobiol}, + volume = {16}, + number = {6}, + pages = {645-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17071073 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2382, + author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and Swinnen, S. P.}, + title = {Spatial interference during bimanual coordination: Differential brain networks associated with control of movement amplitude and direction}, + journal = {Hum Brain Mapp}, + volume = {26}, + number = {4}, + pages = {286-300}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15965999}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2363, + author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and Swinnen, S. P.}, + title = {The role of anterior cingulate cortex and precuneus in the coordination of motor behaviour}, + journal = {Eur J Neurosci}, + volume = {22}, + number = {1}, + pages = {235-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16029213}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2743, + author = {Wedeen, V J and Hagmann, P and Tseng, W Y and Reese, T G and Weisskoff, R M}, + title = {Mapping complex tissue architecture with diffusion spectrum magnetic resonance imaging}, + journal = {Magn. Reson. Med.}, + volume = {54}, + pages = {1377-86}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2284, + author = {Wainscott, S. K. and Donchin, O. and Shadmehr, R.}, + title = {Internal models and contextual cues: encoding serial order and direction of movement}, + journal = {J Neurophysiol}, + volume = {93}, + number = {2}, + pages = {786-800}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385598}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2380, + author = {Wager, T. D. and Keller, M. C. and Lacey, S. C. and Jonides, J.}, + title = {Increased sensitivity in neuroimaging analyses using robust regression}, + journal = {Neuroimage}, + volume = {26}, + number = {1}, + pages = {99-113}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15862210}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2338, + author = {Verstynen, T. and Diedrichsen, J. and Albert, N. and Aparicio, P. and Ivry, R. B.}, + title = {Ipsilateral motor cortex activity during unimanual hand movements relates to task complexity}, + journal = {J Neurophysiol}, + volume = {93}, + number = {3}, + pages = {1209-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15525809}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2434, + author = {Vangheluwe, S. and Wenderoth, N. and Swinnen, S. P.}, + title = {Learning and transfer of an ipsilateral coordination task: evidence for a dual-layer movement representation}, + journal = {J Cogn Neurosci}, + volume = {17}, + number = {9}, + pages = {1460-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16197699 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2396, + author = {Van Essen, D. C.}, + title = {A Population-Average, Landmark- and Surface-based (PALS) atlas of human cerebral cortex}, + journal = {Neuroimage}, + volume = {28}, + number = {3}, + pages = {635-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16172003}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3060, + author = {Trommershauser, J. and Gepshtein, S. and Maloney, L. T. and Landy, M. S. and Banks, M. S.}, + title = {Optimal compensation for changes in task-relevant movement variability}, + journal = {J Neurosci}, + volume = {25}, + number = {31}, + pages = {7169-78}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {25/31/7169 [pii] +10.1523/JNEUROSCI.1906-05.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16079399}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2494, + author = {Todorov, E. and Li, W.}, + title = {A generalized iterative LQG method for locally-optimal feedback control on constrained nonlinear stochastic systems}, + journal = {Proceedings of the American Control Conference}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2452, + author = {Todorov, Emanuel}, + title = {Stochastic optimal control and estimation methods adapted to the noise characteristics of the sensory motor system}, + journal = {Neural Computation}, + volume = {17}, + pages = {1084-1108}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2663, + author = {Ting, L. H. and Macpherson, J. M.}, + title = {A limited set of muscle synergies for force control during a postural task}, + journal = {J Neurophysiol}, + volume = {93}, + number = {1}, + pages = {609-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15342720 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN3181, + author = {Thompson, R. F.}, + title = {In search of memory traces}, + journal = {Annu Rev Psychol}, + volume = {56}, + pages = {1-23}, + ISSN = {0066-4308 (Print) +0066-4308 (Linking)}, + DOI = {10.1146/annurev.psych.56.091103.070239}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15709927}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2306, + author = {Smith, M. A. and Shadmehr, R.}, + title = {Intact Ability to Learn Internal Models of Arm Dynamics in Huntington's Disease But Not Cerebellar Degeneration}, + journal = {J Neurophysiol}, + volume = {93}, + number = {5}, + pages = {2809-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15625094}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3376, + author = {Shmiel, T. and Drori, R. and Shmiel, O. and Ben-Shaul, Y. and Nadasdy, Z. and Shemesh, M. and Teicher, M. and Abeles, M.}, + title = {Neurons of the cerebral cortex exhibit precise interspike timing in correspondence to behavior}, + journal = {Proc Natl Acad Sci U S A}, + volume = {102}, + number = {51}, + pages = {18655-7}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.0509346102}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/16339894}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2526, + author = {Shergill, S. S. and Samson, G. and Bays, P. M. and Frith, C. D. and Wolpert, D. M.}, + title = {Evidence for sensory prediction deficits in schizophrenia}, + journal = {Am J Psychiatry}, + volume = {162}, + number = {12}, + pages = {2384-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16330607 }, + year = {2005}, + type = {Journal Article} +} + +@book{RN2513, + author = {Shadmehr, R. and Wise, S. P.}, + title = {The computational neurobiology of reaching and pointing}, + publisher = {MIT Press}, + address = {Cambridge}, + year = {2005}, + type = {Book} +} + +@inbook{RN2644, + author = {Shadmehr, R and Donchin, O and Hwang, EJ and Hemminger, SE and Rao, A }, + title = {Learning dynamics of reaching +}, + booktitle = {Motor Cortex in Voluntary Movements: A Distributed +System for Distributed Functions}, + editor = {Riehle A, Vaadia E.}, + publisher = {CRC Press}, + address = {Boca Raton, FL}, + pages = {297–328}, + year = {2005}, + type = {Book Section} +} + +@article{RN2541, + author = {Sergio, L. E. and Hamel-Paquet, C. and Kalaska, J. F.}, + title = {Motor cortex neural correlates of output kinematics and kinetics during isometric-force and arm-reaching tasks}, + journal = {J Neurophysiol}, + volume = {94}, + number = {4}, + pages = {2353-78}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15888522 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2571, + author = {Schmolesky, M. T. and De Zeeuw, C. I. and Hansel, C.}, + title = {Climbing fiber synaptic plasticity and modifications in Purkinje cell excitability}, + journal = {Prog Brain Res}, + volume = {148}, + pages = {81-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15661183 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2375, + author = {Schluppeck, D. and Glimcher, P. and Heeger, D. J.}, + title = {Topographic organization for delayed saccades in human posterior parietal cortex}, + journal = {J Neurophysiol}, + volume = {94}, + number = {2}, + pages = {1372-84}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15817644}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2623, + author = {Scheidt, R. A. and Conditt, M. A. and Secco, E. L. and Mussa-Ivaldi, F. A.}, + title = {Interaction of visual and proprioceptive feedback during adaptation of human reaching movements}, + journal = {J Neurophysiol}, + volume = {93}, + number = {6}, + pages = {3200-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659526 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2230, + author = {Scheidt, R. A. and Conditt, M. A. and Secco, E. L. and Mussa-Ivaldi, F. A.}, + title = {Interaction of Visual and Proprioceptive Feedback During Adaptation of Human Reaching Movements}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659526}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2688, + author = {Sainburg, R. L.}, + title = {Handedness: differential specializations for control of trajectory and position}, + journal = {Exerc Sport Sci Rev}, + volume = {33}, + number = {4}, + pages = {206-13}, + ISSN = {0091-6331 (Print)}, + DOI = {00003677-200510000-00010 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16239839}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2685, + author = {Sainburg, R. L.}, + title = {Handedness: differential specializations for control of trajectory and position}, + journal = {Exerc Sport Sci Rev}, + volume = {33}, + number = {4}, + pages = {206-13}, + ISSN = {0091-6331 (Print)}, + DOI = {00003677-200510000-00010 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16239839}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2535, + author = {Saijo, N. and Murakami, I. and Nishida, S. and Gomi, H.}, + title = {Large-field visual motion directly induces an involuntary rapid manual following response}, + journal = {J Neurosci}, + volume = {25}, + number = {20}, + pages = {4941-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15901775 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2374, + author = {Rushworth, M. F. and Kennerley, S. W. and Walton, M. E.}, + title = {Cognitive neuroscience: resolving conflict in and over the medial frontal cortex}, + journal = {Curr Biol}, + volume = {15}, + number = {2}, + pages = {R54-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15668156}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3305, + author = {Rosa, M. G. and Tweedale, R.}, + title = {Brain maps, great and small: lessons from comparative studies of primate visual cortical organization}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {360}, + number = {1456}, + pages = {665-91}, + ISSN = {0962-8436 (Print) +0962-8436 (Linking)}, + DOI = {10.1098/rstb.2005.1626}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15937007}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3054, + author = {Roelfsema, P. R. and van Ooyen, A.}, + title = {Attention-gated reinforcement learning of internal representations for classification}, + journal = {Neural Comput}, + volume = {17}, + number = {10}, + pages = {2176-214}, + ISSN = {0899-7667 (Print) +0899-7667 (Linking)}, + DOI = {10.1162/0899766054615699}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16105222}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3624, + author = {Quiroga, R. Q. and Reddy, L. and Kreiman, G. and Koch, C. and Fried, I.}, + title = {Invariant visual representation by single neurons in the human brain}, + journal = {Nature}, + volume = {435}, + number = {7045}, + pages = {1102-7}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature03687}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/15973409}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2501, + author = {Pollok, B. and Sudmeyer, M. and Gross, J. and Schnitzler, A.}, + title = {The oscillatory network of simple repetitive bimanual movements}, + journal = {Brain Res Cogn Brain Res}, + volume = {25}, + number = {1}, + pages = {300-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16023333 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2499, + author = {Pollok, B. and Gross, J. and Muller, K. and Aschersleben, G. and Schnitzler, A.}, + title = {The cerebral oscillatory network associated with auditorily paced finger movements}, + journal = {Neuroimage}, + volume = {24}, + number = {3}, + pages = {646-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15652300 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN3433, + author = {Penny, W. D. and Trujillo-Barreto, N. J. and Friston, K. J.}, + title = {Bayesian fMRI time series analysis with spatial priors}, + journal = {Neuroimage}, + volume = {24}, + number = {2}, + pages = {350-62}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2004.08.034}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15627578}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3356, + author = {Penhune, V. B. and Doyon, J.}, + title = {Cerebellum and M1 interaction during early learning of timed motor sequences}, + journal = {Neuroimage}, + volume = {26}, + number = {3}, + pages = {801-12}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2005.02.041}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15955490}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2430, + author = {Paulin, M. G.}, + title = {Evolution of the cerebellum as a neuronal machine for Bayesian state estimation}, + journal = {J Neural Eng}, + volume = {2}, + number = {3}, + pages = {S219-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16135886 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2353, + author = {Park, J. H. and Shea, C. H.}, + title = {Sequence learning: Response structure and effector transfer}, + journal = {The Quarterly Journal of Experimental Psychology}, + volume = {58A}, + pages = {387-419}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2727, + author = {Pantazis, D. and Nichols, T. E. and Baillet, S. and Leahy, R. M.}, + title = {A comparison of random field theory and permutation methods for the statistical analysis of MEG data}, + journal = {Neuroimage}, + volume = {25}, + number = {2}, + pages = {383-94}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(04)00567-1 [pii] +10.1016/j.neuroimage.2004.09.040}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15784416}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2491, + author = {Pan, X. and Todorov, E. and Li, W.}, + title = {Towards an Integrated System for Estimating Multi-joint Movement from Diverse Sensor Data}, + journal = {Conf Proc IEEE Eng Med Biol Soc}, + volume = {5}, + pages = {4982-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17281363 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2376, + author = {Oullier, O. and Jantzen, K. J. and Steinberg, F. L. and Kelso, J. A.}, + title = {Neural substrates of real and imagined sensorimotor coordination}, + journal = {Cereb Cortex}, + volume = {15}, + number = {7}, + pages = {975-85}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15563729}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3548, + author = {O'Toole, A. J. and Jiang, F. and Abdi, H. and Haxby, J. V.}, + title = {Partially distributed representations of objects and faces in ventral temporal cortex}, + journal = {J Cogn Neurosci}, + volume = {17}, + number = {4}, + pages = {580-90}, + ISSN = {0898-929X (Print) +0898-929X (Linking)}, + DOI = {10.1162/0898929053467550}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15829079}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2612, + author = {Nozaki, D. and Nakazawa, K. and Akai, M.}, + title = {Muscle activity determined by cosine tuning with a nontrivial preferred direction during isometric force exertion by lower limb}, + journal = {J Neurophysiol}, + volume = {93}, + number = {5}, + pages = {2614-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15647398 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2461, + author = {Nitschke, M. F. and Arp, T. and Stavrou, G. and Erdmann, C. and Heide, W.}, + title = {The cerebellum in the cerebro-cerebellar network for the control of eye and hand movements--an fMRI study}, + journal = {Prog Brain Res}, + volume = {148}, + pages = {151-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15661188 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2874, + author = {Nitsche, M. A. and Seeber, A. and Frommann, K. and Klein, C. C. and Rochford, C. and Nitsche, M. S. and Fricke, K. and Liebetanz, D. and Lang, N. and Antal, A. and Paulus, W. and Tergau, F.}, + title = {Modulating parameters of excitability during and after transcranial direct current stimulation of the human motor cortex}, + journal = {J Physiol}, + volume = {568}, + number = {Pt 1}, + pages = {291-303}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + DOI = {jphysiol.2005.092429 [pii] +10.1113/jphysiol.2005.092429}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16002441}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2373, + author = {Nachev, P. and Rees, G. and Parton, A. and Kennard, C. and Husain, M.}, + title = {Volition and conflict in human medial frontal cortex}, + journal = {Curr Biol}, + volume = {15}, + number = {2}, + pages = {122-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15668167}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3065, + author = {Mosier, K. M. and Scheidt, R. A. and Acosta, S. and Mussa-Ivaldi, F. A.}, + title = {Remapping hand movements in a novel geometrical environment}, + journal = {J Neurophysiol}, + volume = {94}, + number = {6}, + pages = {4362-72}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00380.2005 [pii] +10.1152/jn.00380.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16148276}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2431, + author = {Miall, R. C. and Jenkinson, E. W.}, + title = {Functional imaging of changes in cerebellar activity related to learning during a novel eye-hand tracking task}, + journal = {Exp Brain Res}, + volume = {166}, + number = {2}, + pages = {170-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082535 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2343, + author = {Mattar, A. A. and Gribble, P. L.}, + title = {Motor learning by observing}, + journal = {Neuron}, + volume = {46}, + number = {1}, + pages = {153-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15820701}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2603, + author = {Mars, R. B. and Coles, M. G. and Grol, M. J. and Holroyd, C. B. and Nieuwenhuis, S. and Hulstijn, W. and Toni, I.}, + title = {Neural dynamics of error processing in medial frontal cortex}, + journal = {Neuroimage}, + volume = {28}, + number = {4}, + pages = {1007-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16055352 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2394, + author = {Makris, N. and Schlerf, J. E. and Hodge, S. M. and Haselgrove, C. and Albaugh, M. D. and Seidman, L. J. and Rauch, S. L. and Harris, G. and Biederman, J. and Caviness, V. S., Jr. and Kennedy, D. N. and Schmahmann, J. D.}, + title = {MRI-based surface-assisted parcellation of human cerebellar cortex: an anatomically specified method with estimate of reliability}, + journal = {Neuroimage}, + volume = {25}, + number = {4}, + pages = {1146-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850732}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2348, + author = {Maddox, W. T. and Aparicio, P. and Marchant, N. L. and Ivry, R. B.}, + title = {Rule-based category learning is impaired in patients with Parkinson's disease but not in patients with cerebellar disorders}, + journal = {J Cogn Neurosci}, + volume = {17}, + number = {5}, + pages = {707-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15904539}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2581, + author = {Loewenstein, Y. and Mahon, S. and Chadderton, P. and Kitamura, K. and Sompolinsky, H. and Yarom, Y. and Hausser, M.}, + title = {Bistability of cerebellar Purkinje cells modulated by sensory stimulation}, + journal = {Nat Neurosci}, + volume = {8}, + number = {2}, + pages = {202-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15665875 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2492, + author = {Li, W. and Todorov, E. and Pan, X.}, + title = {Hierarchical Feedback and Learning for Multi-joint Arm Movement Control}, + journal = {Conf Proc IEEE Eng Med Biol Soc}, + volume = {4}, + pages = {4400-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17281211 }, + year = {2005}, + type = {Journal Article} +} + +@inproceedings{RN2350, + author = {Lehericy, S. and Lenglet, C. and Doyon, J. and Benali, H. and Van de Moortele, P. F. and Sapiro, G. and Faugeras, O. and Deriche, R. and Ugurbil, K.}, + title = {Activation shifts from the premotor to the sensorimotor territory of the striatum during the course of motor sequence learning}, + booktitle = {Human Brain Mapping}, + type = {Conference Proceedings} +} + +@article{RN3399, + author = {Lauritzen, M.}, + title = {Reading vascular changes in brain imaging: is dendritic calcium the key?}, + journal = {Nat Rev Neurosci}, + volume = {6}, + number = {1}, + pages = {77-85}, + ISSN = {1471-003X (Print) +1471-003X (Linking)}, + DOI = {10.1038/nrn1589}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15611729}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2309, + author = {Kunde, W. and Weigelt, M.}, + title = {Goal congruency in bimanual object manipulation}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {31}, + number = {1}, + pages = {145-56}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15709869}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3185, + author = {Konczak, J. and Schoch, B. and Dimitrova, A. and Gizewski, E. and Timmann, D.}, + title = {Functional recovery of children and adolescents after cerebellar tumour resection}, + journal = {Brain}, + volume = {128}, + number = {Pt 6}, + pages = {1428-41}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {awh385 [pii] +10.1093/brain/awh385}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659424}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2295, + author = {Karnath, H. O. and Perenin, M. T.}, + title = {Cortical Control of Visually Guided Reaching: Evidence from Patients with Optic Ataxia}, + journal = {Cereb Cortex}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15716470}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2926, + author = {Kamitani, Y. and Tong, F.}, + title = {Decoding the visual and subjective contents of the human brain}, + journal = {Nat Neurosci}, + volume = {8}, + number = {5}, + pages = {679-85}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {10.1038/nn1444}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15852014}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2328, + author = {Johnson-Frey, S. H. and Newman-Norlund, R. and Grafton, S. T.}, + title = {A distributed left hemisphere network active during planning of everyday tool use skills}, + journal = {Cereb Cortex}, + volume = {15}, + number = {6}, + pages = {681-95}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15342430}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2441, + author = {Jantzen, K. J. and Steinberg, F. L. and Kelso, J. A.}, + title = {Functional MRI reveals the existence of modality and coordination-dependent timing networks}, + journal = {Neuroimage}, + volume = {25}, + number = {4}, + pages = {1031-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850722 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2880, + author = {Iyer, M. B. and Mattu, U. and Grafman, J. and Lomarev, M. and Sato, S. and Wassermann, E. M.}, + title = {Safety and cognitive effect of frontal DC brain polarization in healthy individuals}, + journal = {Neurology}, + volume = {64}, + number = {5}, + pages = {872-5}, + ISSN = {1526-632X (Electronic) +0028-3878 (Linking)}, + DOI = {64/5/872 [pii] +10.1212/01.WNL.0000152986.07469.E9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15753425}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2853, + author = {Huang, Y. Z. and Edwards, M. J. and Rounis, E. and Bhatia, K. P. and Rothwell, J. C.}, + title = {Theta burst stimulation of the human motor cortex}, + journal = {Neuron}, + volume = {45}, + number = {2}, + pages = {201-6}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896627304008463 [pii] +10.1016/j.neuron.2004.12.033}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15664172}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2368, + author = {Hore, J. and Watts, S.}, + title = {Timing finger opening in overarm throwing based on a spatial representation of hand path}, + journal = {J Neurophysiol}, + volume = {93}, + number = {6}, + pages = {3189-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15911892}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2381, + author = {Heuer, H. and Klein, W.}, + title = {The influence of movement cues on intermanual interactions}, + journal = {Psychol Res}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082546}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2834, + author = {Haynes, J. D. and Rees, G.}, + title = {Predicting the stream of consciousness from activity in human visual cortex}, + journal = {Curr Biol}, + volume = {15}, + number = {14}, + pages = {1301-7}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(05)00661-5 [pii] +10.1016/j.cub.2005.06.026 [doi]}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2833, + author = {Haynes, J. D. and Rees, G.}, + title = {Predicting the orientation of invisible stimuli from activity in human primary visual cortex}, + journal = {Nat Neurosci}, + volume = {8}, + number = {5}, + pages = {686-91}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {nn1445 [pii] +10.1038/nn1445 [doi]}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2614, + author = {Haruno, M. and Wolpert, D. M.}, + title = {Optimal control of redundant muscles in step-tracking wrist movements}, + journal = {J Neurophysiol}, + volume = {94}, + number = {6}, + pages = {4244-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16079196 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN3028, + author = {Hanakawa, T. and Parikh, S. and Bruno, M. K. and Hallett, M.}, + title = {Finger and face representations in the ipsilateral precentral motor areas in humans}, + journal = {J Neurophysiol}, + volume = {93}, + number = {5}, + pages = {2950-8}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00784.2004 [pii] +10.1152/jn.00784.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15625099}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2502, + author = {Gross, J. and Pollok, B. and Dirks, M. and Timmermann, L. and Butz, M. and Schnitzler, A.}, + title = {Task-dependent oscillations during unimanual and bimanual movements in the human primary motor cortex and SMA studied with magnetoencephalography}, + journal = {Neuroimage}, + volume = {26}, + number = {1}, + pages = {91-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15862209 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2265, + author = {Graydon, F. X. and Friston, K. J. and Thomas, C. G. and Brooks, V. B. and Menon, R. S.}, + title = {Learning-related fMRI activation associated with a rotational visuo-motor transformation}, + journal = {Brain Res Cogn Brain Res}, + volume = {22}, + number = {3}, + pages = {373-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15722208}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2437, + author = {Gerwig, M. and Hajjar, K. and Dimitrova, A. and Maschke, M. and Kolb, F. P. and Frings, M. and Thilmann, A. F. and Forsting, M. and Diener, H. C. and Timmann, D.}, + title = {Timing of conditioned eyeblink responses is impaired in cerebellar patients}, + journal = {J Neurosci}, + volume = {25}, + number = {15}, + pages = {3919-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15829644 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2684, + author = {Fujita, M.}, + title = {Feed-forward associative learning for volitional movement control}, + journal = {Neurosci Res}, + volume = {52}, + number = {2}, + pages = {153-65}, + ISSN = {0168-0102 (Print)}, + DOI = {S0168-0102(05)00065-9 [pii] +10.1016/j.neures.2005.02.006}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15893576}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3006, + author = {Floyer-Lea, A. and Matthews, P. M.}, + title = {Distinguishable brain activation networks for short- and long-term motor skill learning}, + journal = {J Neurophysiol}, + volume = {94}, + number = {1}, + pages = {512-8}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00717.2004 [pii] +10.1152/jn.00717.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15716371}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3425, + author = {Eliasmith, C.}, + title = {A unified approach to building and controlling spiking attractor networks}, + journal = {Neural Comput}, + volume = {17}, + number = {6}, + pages = {1276-314}, + ISSN = {0899-7667 (Print) +0899-7667 (Linking)}, + DOI = {10.1162/0899766053630332}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15901399}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2531, + author = {Eickhoff, S. B. and Stephan, K. E. and Mohlberg, H. and Grefkes, C. and Fink, G. R. and Amunts, K. and Zilles, K.}, + title = {A new SPM toolbox for combining probabilistic cytoarchitectonic maps and functional imaging data}, + journal = {Neuroimage}, + volume = {25}, + number = {4}, + pages = {1325-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850749 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2336, + author = {Diedrichsen, J. and Verstynen, T. and Lehman, S. L. and Ivry, R. B.}, + title = {Cerebellar involvement in anticipating the consequences of self-produced actions during bimanual movements}, + journal = {J Neurophysiol}, + volume = {93}, + number = {2}, + pages = {801-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15356182}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2372, + author = {Diedrichsen, J. and Shadmehr, R.}, + title = {Detecting and adjusting for artifacts in fMRI time series data}, + journal = {Neuroimage}, + volume = {27}, + number = {3}, + pages = {624-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15975828}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2341, + author = {Diedrichsen, J. and Hashambhoy, Yasmin L. and Rane, Tushar and Shadmehr, R.}, + title = {Neural correlates of reach errors}, + journal = {Journal of Neuroscience}, + volume = {25}, + number = {43}, + pages = {9919-9931}, + year = {2005}, + type = {Journal Article} +} + +@inproceedings{RN2453, + author = {Diedrichsen, J.}, + title = {The coordination of complex movements}, + booktitle = {Advances in computational motor control}, + type = {Conference Proceedings} +} + +@misc{RN2305, + url = {http://www.bme.jhu.edu/~jdiedric/download/caret/Caret_surface_statistics.pdf}, + year = {2005}, + type = {Web Page} +} + +@article{RN2293, + author = {Della-Maggiore, V. and McIntosh, A. R.}, + title = {Time course of changes in brain activity and functional connectivity associated with long-term adaptation to a rotational transformation}, + journal = {J Neurophysiol}, + volume = {93}, + number = {4}, + pages = {2254-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15574799}, + year = {2005}, + type = {Journal Article} +} + +@article{RN3074, + author = {Daw, N. D. and Niv, Y. and Dayan, P.}, + title = {Uncertainty-based competition between prefrontal and dorsolateral striatal systems for behavioral control}, + journal = {Nat Neurosci}, + volume = {8}, + number = {12}, + pages = {1704-11}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {nn1560 [pii] +10.1038/nn1560}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16286932}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2632, + author = {d'Avella, A. and Bizzi, E.}, + title = {Shared and specific muscle synergies in natural motor behaviors}, + journal = {Proc Natl Acad Sci U S A}, + volume = {102}, + number = {8}, + pages = {3076-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15708969 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2435, + author = {Chen, S. H. and Desmond, J. E.}, + title = {Cerebrocerebellar networks during articulatory rehearsal and verbal working memory tasks}, + journal = {Neuroimage}, + volume = {24}, + number = {2}, + pages = {332-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15627576 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2450, + author = {Chen, J. L. and Penhune, V. B. and Zatorre, R. J.}, + title = {Tapping in synchrony to auditory rhythms: effect of temporal structure on behavior and neural activity}, + journal = {Ann N Y Acad Sci}, + volume = {1060}, + pages = {400-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16597792 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2539, + author = {Catz, N. and Dicke, P. W. and Thier, P.}, + title = {Cerebellar complex spike firing is suitable to induce as well as to stabilize motor learning}, + journal = {Curr Biol}, + volume = {15}, + number = {24}, + pages = {2179-89}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16360681 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2377, + author = {Carson, R. G.}, + title = {Neural pathways mediating bilateral interactions between the upper limbs}, + journal = {Brain Res Brain Res Rev}, + volume = {49}, + number = {3}, + pages = {641-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15904971}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2448, + author = {Buchsbaum, B. R. and Olsen, R. K. and Koch, P. F. and Kohn, P. and Kippenhan, J. S. and Berman, K. F.}, + title = {Reading, hearing, and the planum temporale}, + journal = {Neuroimage}, + volume = {24}, + number = {2}, + pages = {444-54}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15627586 }, + year = {2005}, + type = {Journal Article} +} + +@book{RN2902, + author = {Borg, I. and Groenen, P.}, + title = {Modern Multidimensional Scaling: theory and applications}, + publisher = {Springer-Verlag}, + address = {New York}, + edition = {2nd}, + year = {2005}, + type = {Book} +} + +@article{RN2440, + author = {Bengtsson, S. L. and Ehrsson, H. H. and Forssberg, H. and Ullen, F.}, + title = {Effector-independent voluntary timing: behavioural and neuroimaging evidence}, + journal = {Eur J Neurosci}, + volume = {22}, + number = {12}, + pages = {3255-65}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16367791 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2455, + author = {Bays, P. M. and Wolpert, D. M. and Flanagan, J. R.}, + title = {Perception of the consequences of self-action is temporally tuned and event driven}, + journal = {Curr Biol}, + volume = {15}, + number = {12}, + pages = {1125-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15964278 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2556, + author = {Baldissera, F. and Esposti, R.}, + title = {Postural constraints to coupling of ipsilateral hand-foot movements}, + journal = {Neuroreport}, + volume = {16}, + number = {15}, + pages = {1615-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16189465 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2388, + author = {Ashburner, J. and Friston, K. J.}, + title = {Unified segmentation}, + journal = {Neuroimage}, + volume = {26}, + number = {3}, + pages = {839-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15955494}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2521, + author = {Apps, R. and Garwicz, M.}, + title = {Anatomical and physiological foundations of cerebellar information processing}, + journal = {Nat Rev Neurosci}, + volume = {6}, + number = {4}, + pages = {297-311}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15803161 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2337, + author = {Aparicio, P. and Diedrichsen, J. and Ivry, R. B.}, + title = {Effects of focal basal ganglia lesions on timing and force control}, + journal = {Brain Cogn}, + volume = {58}, + number = {1}, + pages = {62-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15878727}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2177, + author = {Zago, M. and Bosco, G. and Maffei, V. and Iosa, M. and Ivanenko, Y. P. and Lacquaniti, F.}, + title = {Internal models of target motion: expected dynamics overrides measured kinematics in timing manual interceptions}, + journal = {J Neurophysiol}, + volume = {91}, + number = {4}, + pages = {1620-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14627663}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2220, + author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and van Hecke, P. and Swinnen, S. P.}, + title = {Parieto-premotor areas mediate directional interference during bimanual movements}, + journal = {Cereb Cortex}, + volume = {14}, + number = {10}, + pages = {1153-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15142955}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2240, + author = {Welsh, T. and Elliott, D.}, + title = {Movement trajectories in the presence of a distracting stimulus: evidence for a response activation model of selective reaching}, + journal = {Q J Exp Psychol A}, + volume = {57}, + number = {6}, + pages = {1031-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15370515}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3272, + author = {Wang, J. and Sainburg, R. L.}, + title = {Interlimb transfer of novel inertial dynamics is asymmetrical}, + journal = {J Neurophysiol}, + volume = {92}, + number = {1}, + pages = {349-60}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00960.2003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15028745}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2426, + author = {Wang, J. and Sainburg, R. L.}, + title = {Limitations in interlimb transfer of visuomotor rotations}, + journal = {Exp Brain Res}, + volume = {155}, + number = {1}, + pages = {1-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15064878 }, + year = {2004}, + type = {Journal Article} +} + +@inbook{RN2782, + author = {Voogd, J}, + title = {Cerebellum and precerebellar nuclei}, + booktitle = {Human Nervous System}, + editor = {Paxinos, G and Mai, JK}, + publisher = {Elsevier}, + edition = {2nd Edition}, + chapter = {11}, + pages = {321-392}, + year = {2004}, + type = {Book Section} +} + +@article{RN2183, + author = {Vangheluwe, S. and Puttemans, V. and Wenderoth, N. and Van Baelen, M. and Swinnen, S. P.}, + title = {Inter- and intralimb transfer of a bimanual task: generalisability of limb dissociation}, + journal = {Behav Brain Res}, + volume = {154}, + number = {2}, + pages = {535-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15313043}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2261, + author = {Van Essen, D. C.}, + title = {Surface-based approaches to spatial localization and registration in primate cerebral cortex}, + journal = {Neuroimage}, + volume = {23 Suppl 1}, + pages = {S97-107}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15501104}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3056, + author = {van Beers, R. J. and Haggard, P. and Wolpert, D. M.}, + title = {The role of execution noise in movement variability}, + journal = {J Neurophysiol}, + volume = {91}, + number = {2}, + pages = {1050-63}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00652.2003 +00652.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14561687}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2118, + author = {Uozumi, T. and Tamagawa, A. and Hashimoto, T. and Tsuji, S.}, + title = {Motor hand representation in cortical area 44}, + journal = {Neurology}, + volume = {62}, + number = {5}, + pages = {757-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15007126}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2562, + author = {Todorov, E.}, + title = {Optimality principles in sensorimotor control}, + journal = {Nat Neurosci}, + volume = {7}, + number = {9}, + pages = {907-15}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15332089 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2465, + author = {Thomsen, K. and Offenhauser, N. and Lauritzen, M.}, + title = {Principal neuron spiking: neither necessary nor sufficient for cerebral blood flow in rat cerebellum}, + journal = {J Physiol}, + volume = {560}, + number = {Pt 1}, + pages = {181-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15272036 }, + year = {2004}, + type = {Journal Article} +} + +@misc{RN2136, + url = {https://dsc.sensable.com/datafiles/ghost/GHOSTProgrammersGuide.pdf}, + year = {2004}, + type = {Web Page} +} + +@article{RN3145, + author = {Sugihara, I. and Shinoda, Y.}, + title = {Molecular, topographic, and functional organization of the cerebellar cortex: a study with combined aldolase C and olivocerebellar labeling}, + journal = {J Neurosci}, + volume = {24}, + number = {40}, + pages = {8771-85}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {24/40/8771 [pii] +10.1523/JNEUROSCI.1961-04.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15470143}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3113, + author = {Sugihara, I. and Shinoda, Y.}, + title = {Molecular, topographic, and functional organization of the cerebellar cortex: a study with combined aldolase C and olivocerebellar labeling}, + journal = {J Neurosci}, + volume = {24}, + number = {40}, + pages = {8771-85}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {24/40/8771 [pii] +10.1523/JNEUROSCI.1961-04.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15470143}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2222, + author = {Sommer, M. A. and Wurtz, R. H.}, + title = {What the brain stem tells the frontal cortex. II. Role of the SC-MD-FEF pathway in corollary discharge}, + journal = {J Neurophysiol}, + volume = {91}, + number = {3}, + pages = {1403-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14573557}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2528, + author = {Smith, S. M. and Jenkinson, M. and Woolrich, M. W. and Beckmann, C. F. and Behrens, T. E. and Johansen-Berg, H. and Bannister, P. R. and De Luca, M. and Drobnjak, I. and Flitney, D. E. and Niazy, R. K. and Saunders, J. and Vickers, J. and Zhang, Y. and De Stefano, N. and Brady, J. M. and Matthews, P. M.}, + title = {Advances in functional and structural MR image analysis and implementation as FSL}, + journal = {Neuroimage}, + volume = {23 Suppl 1}, + pages = {S208-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15501092 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2111, + author = {Smith, A. C. and Frank, L. M. and Wirth, S. and Yanike, M. and Hu, D. and Kubota, Y. and Graybiel, A. M. and Suzuki, W. A. and Brown, E. N.}, + title = {Dynamic analysis of learning in behavioral experiments}, + journal = {J Neurosci}, + volume = {24}, + number = {2}, + pages = {447-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14724243}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2226, + author = {Sheth, B. R. and Shimojo, S.}, + title = {Extrinsic cues suppress the encoding of intrinsic cues}, + journal = {J Cogn Neurosci}, + volume = {16}, + number = {2}, + pages = {339-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15068602}, + year = {2004}, + type = {Journal Article} +} + +@inbook{RN2307, + author = {Shadmehr, R. and Wise, R.}, + title = {Motor Learning and Memory for Reaching and Pointing}, + booktitle = {The Cognitive Neurosciences, Third Edition}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {511-524}, + year = {2004}, + type = {Book Section} +} + +@article{RN2503, + author = {Serrien, D. J. and Brown, P.}, + title = {Changes in functional coupling patterns during bimanual task performance}, + journal = {Neuroreport}, + volume = {15}, + number = {9}, + pages = {1387-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15194858 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2308, + author = {Serences, J. T. and Schwarzbach, J. and Courtney, S. M. and Golay, X. and Yantis, S.}, + title = {Control of object-based attention in human cortex}, + journal = {Cereb Cortex}, + volume = {14}, + number = {12}, + pages = {1346-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15166105}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2299, + author = {Seidler, R. D. and Noll, D. C. and Thiers, G.}, + title = {Feedforward and feedback processes in motor control}, + journal = {Neuroimage}, + volume = {22}, + number = {4}, + pages = {1775-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15275933}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2179, + author = {Scott, S. H.}, + title = {Optimal feedback control and the neural basis of volitional motor control}, + journal = {Nat Rev Neurosci}, + volume = {5}, + number = {7}, + pages = {532-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15208695}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2119, + author = {Schwartz, A. B. and Moran, D. W. and Reina, G. A.}, + title = {Differential representation of perception and action in the frontal cortex}, + journal = {Science}, + volume = {303}, + number = {5656}, + pages = {380-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14726593}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2223, + author = {Schmitz, C. and Jenmalm, P. and Ehrsson, H. H. and Forssberg, H.}, + title = {Brain activity during predictable and unpredictable weight changes when lifting objects}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385599}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3150, + author = {Schmahmann, J. D.}, + title = {Disorders of the cerebellum: ataxia, dysmetria of thought, and the cerebellar cognitive affective syndrome}, + journal = {J Neuropsychiatry Clin Neurosci}, + volume = {16}, + number = {3}, + pages = {367-78}, + ISSN = {0895-0172 (Print) +0895-0172 (Linking)}, + DOI = {10.1176/appi.neuropsych.16.3.367 +16/3/367 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15377747}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2860, + author = {Schieber, M. H. and Santello, M.}, + title = {Hand function: peripheral and central constraints on performance}, + journal = {J Appl Physiol}, + volume = {96}, + number = {6}, + pages = {2293-300}, + ISSN = {8750-7587 (Print) +0161-7567 (Linking)}, + DOI = {10.1152/japplphysiol.01063.2003 +96/6/2293 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15133016}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2244, + author = {Schaal, S. and Sternad, D. and Osu, R. and Kawato, M.}, + title = {Rhythmic arm movement is not discrete}, + journal = {Nat Neurosci}, + volume = {7}, + number = {10}, + pages = {1136-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15452580}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3378, + author = {Sakai, K. and Hikosaka, O. and Nakamura, K.}, + title = {Emergence of rhythm during motor learning}, + journal = {Trends Cogn Sci}, + volume = {8}, + number = {12}, + pages = {547-53}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2004.10.005}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15556024}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2089, + author = {Robertson, E. M. and Pascual-Leone, A. and Press, D. Z.}, + title = {Awareness modifies the skill-learning benefits of sleep}, + journal = {Curr Biol}, + volume = {14}, + number = {3}, + pages = {208-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761652}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2082, + author = {Robertson, E. M. and Pascual-Leone, A. and Press, D. Z.}, + title = {Awareness modifies the skill-learning benefits of sleep}, + journal = {Curr Biol}, + volume = {14}, + number = {3}, + pages = {208-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761652}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2185, + author = {Robertson, E. M. and Pascual-Leone, A. and Miall, R. C.}, + title = {Current concepts in procedural consolidation}, + journal = {Nat Rev Neurosci}, + volume = {5}, + number = {7}, + pages = {576-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15208699}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2379, + author = {Rissman, J. and Gazzaley, A. and D'Esposito, M.}, + title = {Measuring functional connectivity during distinct stages of a cognitive task}, + journal = {Neuroimage}, + volume = {23}, + number = {2}, + pages = {752-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15488425}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2256, + author = {Redish, A. D.}, + title = {Addiction as a computational process gone awry}, + journal = {Science}, + volume = {306}, + number = {5703}, + pages = {1944-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15591205}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3652, + author = {Penny, W. D. and Stephan, K. E. and Mechelli, A. and Friston, K. J.}, + title = {Comparing dynamic causal models}, + journal = {Neuroimage}, + volume = {22}, + number = {3}, + pages = {1157-72}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2004.03.026}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/15219588}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2344, + author = {Padoa-Schioppa, C. and Li, C. S. and Bizzi, E.}, + title = {Neuronal activity in the supplementary motor area of monkeys adapting to a new dynamic environment}, + journal = {J Neurophysiol}, + volume = {91}, + number = {1}, + pages = {449-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968016}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2645, + author = {Osu, R. and Hirai, S. and Yoshioka, T. and Kawato, M.}, + title = {Random presentation enables subjects to adapt to two opposing forces on the hand}, + journal = {Nat Neurosci}, + volume = {7}, + number = {2}, + pages = {111-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14745452 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN3534, + author = {Murase, N. and Duque, J. and Mazzocchio, R. and Cohen, L. G.}, + title = {Influence of interhemispheric interactions on motor function in chronic stroke}, + journal = {Ann Neurol}, + volume = {55}, + number = {3}, + pages = {400-9}, + ISSN = {0364-5134 (Print) +0364-5134 (Linking)}, + DOI = {10.1002/ana.10848}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/14991818}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2115, + author = {Miall, R. C. and Jenkinson, N. and Kulkarni, K.}, + title = {Adaptation to rotated visual feedback: a re-examination of motor interference}, + journal = {Exp Brain Res}, + volume = {154}, + number = {2}, + pages = {201-10}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14608451}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2197, + author = {Medendorp, W. P. and Goltz, H. C. and Crawford, J. D. and Vilis, T.}, + title = {Integration of target and effector information in human posterior parietal cortex for the planning of action}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15356184}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2075, + author = {McNaughton, S. and Timmann, D. and Watts, S. and Hore, J.}, + title = {Overarm throwing speed in cerebellar subjects: effect of timing of ball release}, + journal = {Exp Brain Res}, + volume = {154}, + number = {4}, + pages = {470-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14579002}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2797, + author = {Maschke, M. and Weber, J. and Dimitrova, A. and Bonnet, U. and Bohrenkamper, J. and Sturm, S. and Kindsvater, K. and Muller, B. W. and Gastpar, M. and Diener, H. C. and Forsting, M. and Timmann, D.}, + title = {Age-related changes of the dentate nuclei in normal adults as revealed by 3D fast low angle shot (FLASH) echo sequence magnetic resonance imaging}, + journal = {J Neurol}, + volume = {251}, + number = {6}, + pages = {740-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15311352 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2051, + author = {Maschke, M. and Gomez, C. M. and Ebner, T. J. and Konczak, J.}, + title = {Hereditary cerebellar ataxia progressively impairs force adaptation during goal-directed arm movements}, + journal = {J Neurophysiol}, + volume = {91}, + number = {1}, + pages = {230-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13679403}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2184, + author = {Marotta, J. J. and Keith, G. P. and Crawford, J. D.}, + title = {Task-Specific Sensorimotor Adaptation to Reversing Prisms}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385588}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2717, + author = {Manni, E. and Petrosini, L.}, + title = {A century of cerebellar somatotopy: a debated representation}, + journal = {Nat Rev Neurosci}, + volume = {5}, + number = {3}, + pages = {241-9}, + ISSN = {1471-003X (Print) +1471-003X (Linking)}, + DOI = {10.1038/nrn1347 +nrn1347 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14976523}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2493, + author = {Li, W. and Todorov, E. and Pan, X.}, + title = {Hierarchical optimal control of redundant biomechanical systems}, + journal = {Conf Proc IEEE Eng Med Biol Soc}, + volume = {6}, + pages = {4618-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17271336 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2365, + author = {Lewis, P. A. and Wing, A. M. and Pope, P. A. and Praamstra, P. and Miall, R. C.}, + title = {Brain activity correlates differentially with increasing temporal complexity of rhythms during initialisation, synchronisation, and continuation phases of paced finger tapping}, + journal = {Neuropsychologia}, + volume = {42}, + number = {10}, + pages = {1301-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15193939}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2356, + author = {Lehericy, S. and Ducros, M. and Van de Moortele, P. F. and Francois, C. and Thivard, L. and Poupon, C. and Swindale, N. and Ugurbil, K. and Kim, D. S.}, + title = {Diffusion tensor fiber tracking shows distinct corticostriatal circuits in humans}, + journal = {Ann Neurol}, + volume = {55}, + number = {4}, + pages = {522-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15048891}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3344, + author = {Lang, C. E. and Schieber, M. H.}, + title = {Human finger independence: limitations due to passive mechanical coupling versus active neuromuscular control}, + journal = {J Neurophysiol}, + volume = {92}, + number = {5}, + pages = {2802-10}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00480.2004}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15212429}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3100, + author = {Lang, C. E. and Schieber, M. H.}, + title = {Reduced muscle selectivity during individuated finger movements in humans after damage to the motor cortex or corticospinal tract}, + journal = {J Neurophysiol}, + volume = {91}, + number = {4}, + pages = {1722-33}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00805.2003 +00805.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14668295}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2155, + author = {Krakauer, J. W. and Ghilardi, M. F. and Mentis, M. and Barnes, A. and Veytsman, M. and Eidelberg, D. and Ghez, C.}, + title = {Differential cortical and subcortical activations in learning rotations and gains for reaching: a PET study}, + journal = {J Neurophysiol}, + volume = {91}, + number = {2}, + pages = {924-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14523069}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2263, + author = {Koyama, M. and Hasegawa, I. and Osada, T. and Adachi, Y. and Nakahara, K. and Miyashita, Y.}, + title = {Functional magnetic resonance imaging of macaque monkeys performing visually guided saccade tasks: comparison of cortical eye fields with humans}, + journal = {Neuron}, + volume = {41}, + number = {5}, + pages = {795-807}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15003178}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2255, + author = {Kording, K. P. and Wolpert, D. M.}, + title = {Bayesian integration in sensorimotor learning}, + journal = {Nature}, + volume = {427}, + number = {6971}, + pages = {244-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14724638}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2253, + author = {Kording, K. P. and Wolpert, D. M.}, + title = {The loss function of sensorimotor learning}, + journal = {Proc Natl Acad Sci U S A}, + volume = {101}, + number = {26}, + pages = {9839-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15210973}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2254, + author = {Kording, K. P. and Ku, S. P. and Wolpert, D. M.}, + title = {Bayesian integration in force estimation}, + journal = {J Neurophysiol}, + volume = {92}, + number = {5}, + pages = {3161-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15190091}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2252, + author = {Kording, K. P. and Fukunaga, I. and Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {A neuroeconomics approach to inferring utility functions in sensorimotor control}, + journal = {PLoS Biol}, + volume = {2}, + number = {10}, + pages = {e330}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15383835}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2190, + author = {Kojima, Y. and Iwamoto, Y. and Yoshida, K.}, + title = {Memory of learning facilitates saccadic adaptation in the monkey}, + journal = {J Neurosci}, + volume = {24}, + number = {34}, + pages = {7531-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15329400}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2950, + author = {Kennerley, S. W. and Sakai, K. and Rushworth, M. F.}, + title = {Organization of action sequences and the role of the pre-SMA}, + journal = {J Neurophysiol}, + volume = {91}, + number = {2}, + pages = {978-93}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00651.2003 +00651.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14573560}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2432, + author = {Ivry, R. B. and Spencer, R. M.}, + title = {The neural representation of time}, + journal = {Curr Opin Neurobiol}, + volume = {14}, + number = {2}, + pages = {225-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15082329 }, + year = {2004}, + type = {Journal Article} +} + +@inproceedings{RN2131, + author = {Ivry, R. B. and Spencer, R. M.}, + title = {How might the cerbellum contribute to sequence learning}, + booktitle = {Motor Learning & Plasticity Satellite Meeting of the Neural Control of Movement Conference}, + type = {Conference Proceedings} +} + +@inbook{RN1014, + author = {Ivry, R. B. and Diedrichsen, J. and Spencer, R. M. and Hazeltine, E. and Semjen, A.}, + title = {A cognitive neuroscience perspective on bimanual coordination and interference}, + booktitle = {Interlimb Coordination}, + editor = {Swinnen, S. and Duysens, J.}, + publisher = {Kluwer Academic Publishing}, + address = {Boston}, + pages = {259-295}, + year = {2004}, + type = {Book Section} +} + +@article{RN2059, + author = {Imamizu, H. and Kuroda, T. and Yoshioka, T. and Kawato, M.}, + title = {Functional magnetic resonance imaging examination of two modular architectures for switching multiple internal models}, + journal = {J Neurosci}, + volume = {24}, + number = {5}, + pages = {1173-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14762135}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2189, + author = {Huber, R. and Ghilardi, M. F. and Massimini, M. and Tononi, G.}, + title = {Local sleep and learning}, + journal = {Nature}, + volume = {430}, + number = {6995}, + pages = {78-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15184907}, + year = {2004}, + type = {Journal Article} +} + +@inbook{RN2476, + author = {Horton, J C and Sincich, L C}, + title = {A new foundation for the visual cortical hierachy}, + booktitle = {The cognitive neurosciences III}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press }, + address = {Boston}, + pages = {233-243}, + year = {2004}, + type = {Book Section} +} + +@article{RN2049, + author = {Horn, K. M. and Pong, M. and Gibson, A. R.}, + title = {Discharge of inferior olive cells during reaching errors and perturbations}, + journal = {Brain Res}, + volume = {996}, + number = {2}, + pages = {148-58}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14697492}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2609, + author = {Holroyd, C. B. and Nieuwenhuis, S. and Yeung, N. and Nystrom, L. and Mars, R. B. and Coles, M. G. and Cohen, J. D.}, + title = {Dorsal anterior cingulate cortex shows fMRI response to internal and external error signals}, + journal = {Nat Neurosci}, + volume = {7}, + number = {5}, + pages = {497-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15097995 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2487, + author = {Hillis, J. M. and Watt, S. J. and Landy, M. S. and Banks, M. S.}, + title = {Slant from texture and disparity cues: optimal cue combination}, + journal = {J Vis}, + volume = {4}, + number = {12}, + pages = {967-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15669906 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2096, + author = {Hasson, U. and Nir, Y. and Levy, I. and Fuhrmann, G. and Malach, R.}, + title = {Intersubject synchronization of cortical activity during natural vision}, + journal = {Science}, + volume = {303}, + number = {5664}, + pages = {1634-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15016991}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2445, + author = {Harrington, D. L. and Boyd, L. A. and Mayer, A. R. and Sheltraw, D. M. and Lee, R. R. and Huang, M. and Rao, S. M.}, + title = {Neural representation of interval encoding and decision making}, + journal = {Brain Res Cogn Brain Res}, + volume = {21}, + number = {2}, + pages = {193-205}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15464351 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2099, + author = {Handwerker, D. A. and Ollinger, J. M. and D'Esposito, M.}, + title = {Variation of BOLD hemodynamic responses across subjects and brain regions and their effects on statistical analyses}, + journal = {Neuroimage}, + volume = {21}, + number = {4}, + pages = {1639-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15050587}, + year = {2004}, + type = {Journal Article} +} + +@inbook{RN2475, + author = {Hackert, T. A. and Kaas, J. H.}, + title = {Auditory cortex in primates: Functional subdivisions and processing streams }, + booktitle = {The cognitive Neurosciences III}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {215-232}, + year = {2004}, + type = {Book Section} +} + +@article{RN2160, + author = {Haaland, K. Y. and Elsinger, C. L. and Mayer, A. R. and Durgerian, S. and Rao, S. M.}, + title = {Motor sequence complexity and performing hand produce differential patterns of hemispheric lateralization}, + journal = {J Cogn Neurosci}, + volume = {16}, + number = {4}, + pages = {621-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15165352}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2787, + author = {Haacke, E. M. and Xu, Y. and Cheng, Y. C. and Reichenbach, J. R.}, + title = {Susceptibility weighted imaging (SWI)}, + journal = {Magn Reson Med}, + volume = {52}, + number = {3}, + pages = {612-8}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + DOI = {10.1002/mrm.20198}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15334582}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2043, + author = {Greger, B. and Norris, S. A. and Thach, W. T.}, + title = {Spike firing in the lateral cerebellar cortex correlated with movement and motor parameters irrespective of the effector limb}, + journal = {J Neurophysiol}, + volume = {91}, + number = {1}, + pages = {576-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12878717}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2258, + author = {Grefkes, C. and Ritzl, A. and Zilles, K. and Fink, G. R.}, + title = {Human medial intraparietal cortex subserves visuomotor coordinate transformation}, + journal = {Neuroimage}, + volume = {23}, + number = {4}, + pages = {1494-506}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15589113}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3125, + author = {Graziano, M. S. and Patel, K. T. and Taylor, C. S.}, + title = {Mapping from motor cortex to biceps and triceps altered by elbow angle}, + journal = {J Neurophysiol}, + volume = {92}, + number = {1}, + pages = {395-407}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.01241.2003 +01241.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14985414}, + year = {2004}, + type = {Journal Article} +} + +@inbook{RN2415, + author = {Grafton, S. and Ivry, R.B.}, + title = {The representation of action. }, + booktitle = {The Cognitive Neurosciences, 3rd Edition}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {441-451}, + year = {2004}, + type = {Book Section} +} + +@article{RN3081, + author = {Goodman, S. R. and Latash, M. L. and Zatsiorsky, V. M.}, + title = {Indices of nonlinearity in finger force interaction}, + journal = {Biol Cybern}, + volume = {90}, + number = {4}, + pages = {264-71}, + ISSN = {0340-1200 (Print) +0340-1200 (Linking)}, + DOI = {10.1007/s00422-004-0466-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15085345}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3007, + author = {Floyer-Lea, A. and Matthews, P. M.}, + title = {Changing brain networks for visuomotor control with increased movement automaticity}, + journal = {J Neurophysiol}, + volume = {92}, + number = {4}, + pages = {2405-12}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.01092.2003 +92/4/2405 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15381748}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2107, + author = {Diedrichsen, J. and Werner, S. and Schmidt, T. and Trommershauser, J.}, + title = {Immediate spatial distortions of pointing movements induced by visual landmarks}, + journal = {Percept Psychophys}, + volume = {66}, + number = {1}, + pages = {89-103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15095943}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2106, + author = {Diedrichsen, J. and Nambisan, R. and Kennerley, S. W. and Ivry, R. B.}, + title = {Independent on-line control of the two hands during bimanual reaching}, + journal = {Eur J Neurosci}, + volume = {19}, + number = {6}, + pages = {1643-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15066160}, + year = {2004}, + type = {Journal Article} +} + +@inproceedings{RN2144, + author = {Diedrichsen, Jörn and Ivry, Richard B. and Shadmehr, Reza}, + title = {How do two movements become one?}, + booktitle = {Neural Control of Movement. Satellite: Motor Plasticity.}, + type = {Conference Proceedings} +} + +@inproceedings{RN2150, + author = {Diedrichsen, J. and Hashambhoy, Yasmin L. and Shadmehr, R.}, + title = {fMRI based comparison of force- and visually-induced errors during reaching movements.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@inproceedings{RN2145, + author = {Diedrichsen, J. and Donchin, O.}, + title = {Learning models: Structures, Signals and Noise}, + booktitle = {Computational Neuroscience. Workshop: State-space models for motor learning and adaptation}, + type = {Conference Proceedings} +} + +@article{RN2269, + author = {Desmurget, M. and Gaveau, V. and Vindras, P. and Turner, R. S. and Broussolle, E. and Thobois, S.}, + title = {On-line motor control in patients with Parkinson's disease}, + journal = {Brain}, + volume = {127}, + number = {Pt 8}, + pages = {1755-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15215215}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2108, + author = {Derakhshan, I. and Diedrichsen, J. and Hazeltine, E. and Ivry, R. B.}, + title = {Hugo Liepmann revisited, this time with numbers}, + journal = {J Neurophysiol}, + volume = {91}, + number = {6}, + pages = {2934-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15136607}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2294, + author = {Della-Maggiore, V. and Malfait, N. and Ostry, D. J. and Paus, T.}, + title = {Stimulation of the posterior parietal cortex interferes with arm trajectory adjustments during the learning of new dynamics}, + journal = {J Neurosci}, + volume = {24}, + number = {44}, + pages = {9971-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15525782}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2369, + author = {Debicki, D. B. and Gribble, P. L. and Watts, S. and Hore, J.}, + title = {Kinematics of wrist joint flexion in overarm throws made by skilled subjects}, + journal = {Exp Brain Res}, + volume = {154}, + number = {3}, + pages = {382-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14598003}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2121, + author = {Debaere, F. and Wenderoth, N. and Sunaert, S. and Van Hecke, P. and Swinnen, S. P.}, + title = {Changes in brain activation during the acquisition of a new bimanual coodination task}, + journal = {Neuropsychologia}, + volume = {42}, + number = {7}, + pages = {855-67}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14998701}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2228, + author = {Davidson, P. R. and Wolpert, D. M.}, + title = {Scaling down motor memories: de-adaptation after motor learning}, + journal = {Neurosci Lett}, + volume = {370}, + number = {2-3}, + pages = {102-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15488303}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2238, + author = {Curtis, C. E. and Cole, M. W. and Rao, V. Y. and D'Esposito, M.}, + title = {Canceling Planned Action: An fMRI Study of Countermanding Saccades}, + journal = {Cereb Cortex}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15616130}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3338, + author = {Costa, R. M. and Cohen, D. and Nicolelis, M. A.}, + title = {Differential corticostriatal plasticity during fast and slow motor skill learning in mice}, + journal = {Curr Biol}, + volume = {14}, + number = {13}, + pages = {1124-34}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {10.1016/j.cub.2004.06.053}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15242609}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2033, + author = {Cordo, P. J. and Gurfinkel, V. S.}, + title = {Motor coordination can be fully understood only by studying complex movements}, + journal = {Prog Brain Res}, + volume = {143}, + pages = {29-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14653148}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2275, + author = {Cools, R. and Clark, L. and Robbins, T. W.}, + title = {Differential responses in human striatum and prefrontal cortex to changes in object and rule relevance}, + journal = {J Neurosci}, + volume = {24}, + number = {5}, + pages = {1129-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14762131}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2211, + author = {Calhoun, V. D. and Stevens, M. C. and Pearlson, G. D. and Kiehl, K. A.}, + title = {fMRI analysis with the general linear model: removal of latency-induced amplitude bias by incorporation of hemodynamic derivative terms}, + journal = {Neuroimage}, + volume = {22}, + number = {1}, + pages = {252-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15110015}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2329, + author = {Buccino, G. and Vogt, S. and Ritzl, A. and Fink, G. R. and Zilles, K. and Freund, H. J. and Rizzolatti, G.}, + title = {Neural circuits underlying imitation learning of hand actions: an event-related fMRI study}, + journal = {Neuron}, + volume = {42}, + number = {2}, + pages = {323-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15091346}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3129, + author = {Brochier, T. and Spinks, R. L. and Umilta, M. A. and Lemon, R. N.}, + title = {Patterns of muscle activity underlying object-specific grasp by the macaque monkey}, + journal = {J Neurophysiol}, + volume = {92}, + number = {3}, + pages = {1770-82}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00976.2003 +00976.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15163676}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2364, + author = {Botvinick, M. M. and Cohen, J. D. and Carter, C. S.}, + title = {Conflict monitoring and anterior cingulate cortex: an update}, + journal = {Trends Cogn Sci}, + volume = {8}, + number = {12}, + pages = {539-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15556023}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2126, + author = {Bischoff-Grethe, A. and Goedert, K. M. and Willingham, D. T. and Grafton, S. T.}, + title = {Neural substrates of response-based sequence learning using fMRI}, + journal = {J Cogn Neurosci}, + volume = {16}, + number = {1}, + pages = {127-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15006042}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3377, + author = {Ben-Shaul, Y. and Drori, R. and Asher, I. and Stark, E. and Nadasdy, Z. and Abeles, M.}, + title = {Neuronal activity in motor cortical areas reflects the sequential context of movement}, + journal = {J Neurophysiol}, + volume = {91}, + number = {4}, + pages = {1748-62}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00957.2003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/14645381}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2656, + author = {Baraduc, P. and Lang, N. and Rothwell, J. C. and Wolpert, D. M.}, + title = {Consolidation of dynamic motor learning is not disrupted by rTMS of primary motor cortex}, + journal = {Curr Biol}, + volume = {14}, + number = {3}, + pages = {252-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761660 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2273, + author = {Zink, C. F. and Pagnoni, G. and Martin, M. E. and Dhamala, M. and Berns, G. S.}, + title = {Human striatal response to salient nonrewarding stimuli}, + journal = {J Neurosci}, + volume = {23}, + number = {22}, + pages = {8092-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12954871}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2241, + author = {Zhu, X. and Lafferty, J. and Ghahramani, Z.}, + title = {Combining active learning and semi-supervised learning using gaussian fields and harmonic functions}, + booktitle = {Proceedings og the ICML-2003 Workshop on the continuum from labeled to unlabeled data}, + type = {Conference Proceedings} +} + +@article{RN1045, + author = {Zhang, Y. and Forster, C. and Milner, T. A. and Iadecola, C.}, + title = {Attenuation of activity-induced increases in cerebellar blood flow by lesion of the inferior olive}, + journal = {Am J Physiol Heart Circ Physiol}, + volume = {285}, + number = {3}, + pages = {H1177-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12750064}, + year = {2003}, + type = {Journal Article} +} + +@article{RN1046, + author = {Yang, G. and Zhang, Y. and Ross, M. E. and Iadecola, C.}, + title = {Attenuation of activity-induced increases in cerebellar blood flow in mice lacking neuronal nitric oxide synthase}, + journal = {Am J Physiol Heart Circ Physiol}, + volume = {285}, + number = {1}, + pages = {H298-304}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12623792}, + year = {2003}, + type = {Journal Article} +} + +@article{RN1038, + author = {Whitney, D. and Westwood, D. A. and Goodale, M. A.}, + title = {The influence of visual motion on fast reaching movements to a stationary object}, + journal = {Nature}, + volume = {423}, + number = {6942}, + pages = {869-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12815432}, + year = {2003}, + type = {Journal Article} +} + +@article{RN948, + author = {Weigelt, C. and Cardoso De Oliveira, S.}, + title = {Visuomotor transformations affect bimanual coupling}, + journal = {Exp Brain Res}, + volume = {148}, + number = {4}, + pages = {439-50.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582827}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2178, + author = {Walker, M. P. and Brakefield, T. and Hobson, J. A. and Stickgold, R.}, + title = {Dissociable stages of human memory consolidation and reconsolidation}, + journal = {Nature}, + volume = {425}, + number = {6958}, + pages = {616-20}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534587}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2085, + author = {Vaillancourt, D. E. and Thulborn, K. R. and Corcos, D. M.}, + title = {Neural basis for the processes that underlie visually guided and internally guided force control in humans}, + journal = {J Neurophysiol}, + volume = {90}, + number = {5}, + pages = {3330-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12840082}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2003, + author = {Ullen, F. and Forssberg, H. and Ehrsson, H. H.}, + title = {Neural networks for the coordination of the hands in time}, + journal = {J Neurophysiol}, + volume = {89}, + number = {2}, + pages = {1126-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12574485}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2639, + author = {Trommershauser, J. and Maloney, L. T. and Landy, M. S.}, + title = {Statistical decision theory and the selection of rapid, goal-directed movements}, + journal = {J Opt Soc Am A Opt Image Sci Vis}, + volume = {20}, + number = {7}, + pages = {1419-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12868646 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2234, + author = {Tong, C. and Flanagan, J. R.}, + title = {Task-specific internal models for kinematic transformations}, + journal = {J Neurophysiol}, + volume = {90}, + number = {2}, + pages = {578-85}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12904486}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2225, + author = {Tipper, S. P. and Grison, S. and Kessler, K.}, + title = {Long-term inhibition of return of attention}, + journal = {Psychol Sci}, + volume = {14}, + number = {1}, + pages = {19-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12564749}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2010, + author = {Steyvers, M. and Etoh, S. and Sauner, D. and Levin, O. and Siebner, H. R. and Swinnen, S. P. and Rothwell, J. C.}, + title = {High-frequency transcranial magnetic stimulation of the supplementary motor area reduces bimanual coupling during anti-phase but not in-phase movements}, + journal = {Exp Brain Res}, + volume = {151}, + number = {3}, + pages = {309-17}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12756517}, + year = {2003}, + type = {Journal Article} +} + +@article{RN1068, + author = {Spencer, R. M. and Zelaznik, H. N. and Diedrichsen, J. and Ivry, R. B.}, + title = {Disrupted timing of discontinuous but not continuous movements by cerebellar lesions}, + journal = {Science}, + volume = {300}, + number = {5624}, + pages = {1437-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12775842}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2112, + author = {Sober, S. J. and Sabes, P. N.}, + title = {Multisensory integration during motor planning}, + journal = {J Neurosci}, + volume = {23}, + number = {18}, + pages = {6982-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12904459}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2110, + author = {Smith, A. C. and Brown, E. N.}, + title = {Estimating a state-space model from point process observations}, + journal = {Neural Comput}, + volume = {15}, + number = {5}, + pages = {965-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803953}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2011, + author = {Singh, K. and Scott, S. H.}, + title = {A motor learning strategy reflects neural circuitry for limb control}, + journal = {Nat Neurosci}, + volume = {6}, + number = {4}, + pages = {399-403}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12627165}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2349, + author = {Shin, J. C. and Ivry, R. B.}, + title = {Spatial and temporal sequence learning in patients with Parkinson's disease or cerebellar lesions}, + journal = {J Cogn Neurosci}, + volume = {15}, + number = {8}, + pages = {1232-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14709239}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2080, + author = {Shergill, S. S. and Bays, P. M. and Frith, C. D. and Wolpert, D. M.}, + title = {Two eyes for an eye: the neuroscience of force escalation}, + journal = {Science}, + volume = {301}, + number = {5630}, + pages = {187}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12855800}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2146, + author = {Shannon, K and Diedrichsen, J. and Spencer, R. M. and Ivry, R. B.}, + title = {Asymmetries in bimanual coupling during visually controlled or internally planned movements.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@article{RN2191, + author = {Schubotz, R. I. and von Cramon, D. Y.}, + title = {Functional-anatomical concepts of human premotor cortex: evidence from fMRI and PET studies}, + journal = {Neuroimage}, + volume = {20 Suppl 1}, + pages = {S120-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14597305}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2024, + author = {Schmidt, T. and Werner, S. and Diedrichsen, J.}, + title = {Spatial distortions induced by multiple visual landmarks: how local distortions combine to produce complex distortion patterns}, + journal = {Percept Psychophys}, + volume = {65}, + number = {6}, + pages = {861-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14528896}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2044, + author = {Schaal, S.}, + title = {Dynamic movement primitives - A framework for motor control in humans and humanoid robots}, + booktitle = {The International Symposium on Adaptive Motion of Animals and Machines}, + type = {Conference Proceedings} +} + +@article{RN3008, + author = {Sakai, K. and Kitaguchi, K. and Hikosaka, O.}, + title = {Chunking during human visuomotor sequence learning}, + journal = {Exp Brain Res}, + volume = {152}, + number = {2}, + pages = {229-42}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-003-1548-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12879170}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2310, + author = {Rushworth, M. F. and Johansen-Berg, H. and Gobel, S. M. and Devlin, J. T.}, + title = {The left parietal and premotor cortices: motor attention and selection}, + journal = {Neuroimage}, + volume = {20 Suppl 1}, + pages = {S89-100}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14597301}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2312, + author = {Rizzolatti, G. and Matelli, M.}, + title = {Two different streams form the dorsal visual system: anatomy and functions}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {146-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14610633}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2176, + author = {Petit, L. and Beauchamp, M. S.}, + title = {Neural basis of visually guided head movements studied with fMRI}, + journal = {J Neurophysiol}, + volume = {89}, + number = {5}, + pages = {2516-27}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12611944}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3435, + author = {Penny, W. and Kiebel, S. and Friston, K.}, + title = {Variational Bayesian inference for fMRI time series}, + journal = {Neuroimage}, + volume = {19}, + number = {3}, + pages = {727-41}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12880802}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2014, + author = {Paz, R. and Boraud, T. and Natan, C. and Bergman, H. and Vaadia, E.}, + title = {Preparatory activity in motor cortex reflects learning of local visuomotor skills}, + journal = {Nat Neurosci}, + volume = {6}, + number = {8}, + pages = {882-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12872127}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2134, + author = {Oullier, O and Jantzen, K.J. and Steinberg, F. and Kelso, J. A.}, + title = {fMRI reveals neural mechanisms common to sensorimotor and bi-manual coordination}, + booktitle = {Society for Neuroscience}, + pages = {No. 554.6}, + type = {Conference Proceedings} +} + +@article{RN2653, + author = {Nitsche, M. A. and Schauenburg, A. and Lang, N. and Liebetanz, D. and Exner, C. and Paulus, W. and Tergau, F.}, + title = {Facilitation of implicit motor learning by weak transcranial direct current stimulation of the primary motor cortex in the human}, + journal = {J Cogn Neurosci}, + volume = {15}, + number = {4}, + pages = {619-26}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803972 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN3581, + author = {Nitsche, M. A. and Nitsche, M. S. and Klein, C. C. and Tergau, F. and Rothwell, J. C. and Paulus, W.}, + title = {Level of action of cathodal DC polarisation induced inhibition of the human motor cortex}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {4}, + pages = {600-4}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245702004121 [pii]}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2875, + author = {Nitsche, M. A. and Liebetanz, D. and Lang, N. and Antal, A. and Tergau, F. and Paulus, W.}, + title = {Safety criteria for transcranial direct current stimulation (tDCS) in humans}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {11}, + pages = {2220-2; author reply 2222-3}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245703002359 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14580622}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2113, + author = {Nicholson, D. A. and Freeman, J. H., Jr.}, + title = {Addition of inhibition in the olivocerebellar system and the ontogeny of a motor memory}, + journal = {Nat Neurosci}, + volume = {6}, + number = {5}, + pages = {532-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12692555}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2729, + author = {Nichols, T. and Hayasaka, S.}, + title = {Controlling the familywise error rate in functional neuroimaging: a comparative review}, + journal = {Stat Methods Med Res}, + volume = {12}, + number = {5}, + pages = {419-46}, + ISSN = {0962-2802 (Print) +0962-2802 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14599004}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2361, + author = {Nichols, T. and Hayasaka, S.}, + title = {Controlling the familywise error rate in functional neuroimaging: a comparative review}, + journal = {Stat Methods Med Res}, + volume = {12}, + number = {5}, + pages = {419-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14599004}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2490, + author = {Nanayakkara, T. and Shadmehr, R.}, + title = {Saccade adaptation in response to altered arm dynamics}, + journal = {J Neurophysiol}, + volume = {90}, + number = {6}, + pages = {4016-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14665687 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN3187, + author = {Morton, S. M. and Bastian, A. J.}, + title = {Relative contributions of balance and voluntary leg-coordination deficits to cerebellar gait ataxia}, + journal = {J Neurophysiol}, + volume = {89}, + number = {4}, + pages = {1844-56}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00787.2002 +00787.2002 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12612041}, + year = {2003}, + type = {Journal Article} +} + +@article{RN1040, + author = {Medendorp, W. P. and Goltz, H. C. and Vilis, T. and Crawford, J. D.}, + title = {Gaze-centered updating of visual space in human parietal cortex}, + journal = {J Neurosci}, + volume = {23}, + number = {15}, + pages = {6209-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12867504}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3188, + author = {Maschke, M. and Gomez, C. M. and Tuite, P. J. and Konczak, J.}, + title = {Dysfunction of the basal ganglia, but not the cerebellum, impairs kinaesthesia}, + journal = {Brain}, + volume = {126}, + number = {Pt 10}, + pages = {2312-22}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + DOI = {10.1093/brain/awg230 +awg230 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12821507}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2385, + author = {Makris, N. and Hodge, S. M. and Haselgrove, C. and Kennedy, D. N. and Dale, A. and Fischl, B. and Rosen, B. R. and Harris, G. and Caviness, V. S., Jr. and Schmahmann, J. D.}, + title = {Human cerebellum: surface-assisted cortical parcellation and volumetry with magnetic resonance imaging}, + journal = {J Cogn Neurosci}, + volume = {15}, + number = {4}, + pages = {584-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803969}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2201, + author = {Luo, W. L. and Nichols, T. E.}, + title = {Diagnosis and exploration of massively univariate neuroimaging models}, + journal = {Neuroimage}, + volume = {19}, + number = {3}, + pages = {1014-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880829}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2302, + author = {Logothetis, N. K.}, + title = {The underpinnings of the BOLD functional magnetic resonance imaging signal}, + journal = {J Neurosci}, + volume = {23}, + number = {10}, + pages = {3963-71}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12764080}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2090, + author = {Logothetis, N. K.}, + title = {MR imaging in the non-human primate: studies of function and of dynamic connectivity}, + journal = {Curr Opin Neurobiol}, + volume = {13}, + number = {5}, + pages = {630-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14630229}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3080, + author = {Li, S. and Latash, M. L. and Yue, G. H. and Siemionow, V. and Sahgal, V.}, + title = {The effects of stroke and age on finger interaction in multi-finger force production tasks}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {9}, + pages = {1646-55}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245703001640 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948793}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3101, + author = {Lang, C. E. and Schieber, M. H.}, + title = {Differential impairment of individuated finger movements in humans after damage to the motor cortex or the corticospinal tract}, + journal = {J Neurophysiol}, + volume = {90}, + number = {2}, + pages = {1160-70}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00130.2003 +00130.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12660350}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3117, + author = {Korman, M. and Raz, N. and Flash, T. and Karni, A.}, + title = {Multiple shifts in the representation of a motor sequence during the acquisition of skilled performance}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {21}, + pages = {12492-7}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.2035019100 +2035019100 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14530407}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2149, + author = {Konkle, T and Verstynen, T. and Diedrichsen, J. and Ivry, R. B.}, + title = {Sources of increased timing variability following TMS over motor cortex}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@article{RN2040, + author = {Koekkoek, S. K. and Hulscher, H. C. and Dortland, B. R. and Hensbroek, R. A. and Elgersma, Y. and Ruigrok, T. J. and De Zeeuw, C. I.}, + title = {Cerebellar LTD and learning-dependent timing of conditioned eyelid responses}, + journal = {Science}, + volume = {301}, + number = {5640}, + pages = {1736-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14500987}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2095, + author = {Kelly, R. M. and Strick, P. L.}, + title = {Cerebellar loops with motor cortex and prefrontal cortex of a nonhuman primate}, + journal = {J Neurosci}, + volume = {23}, + number = {23}, + pages = {8432-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968006}, + year = {2003}, + type = {Journal Article} +} + +@article{RN1057, + author = {Keele, S. W. and Ivry, R. and Mayr, U. and Hazeltine, E. and Heuer, H.}, + title = {The cognitive and neural architecture of sequence representation}, + journal = {Psychol Rev}, + volume = {110}, + number = {2}, + pages = {316-39}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12747526}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2072, + author = {Kawato, M. and Kuroda, T. and Imamizu, H. and Nakano, E. and Miyauchi, S. and Yoshioka, T.}, + title = {Internal forward models in the cerebellum: fMRI study on grip force and load force coupling}, + journal = {Prog Brain Res}, + volume = {142}, + pages = {171-88}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12693261}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2409, + author = {Karniel, A. and Mussa-Ivaldi, F. A.}, + title = {Sequence, time, or state representation: how does the motor control system adapt to variable environments?}, + journal = {Biol Cybern}, + volume = {89}, + number = {1}, + pages = {10-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12836029}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2404, + author = {Karmarkar, U. R. and Buonomano, D. V.}, + title = {Temporal specificity of perceptual learning in an auditory discrimination task}, + journal = {Learn Mem}, + volume = {10}, + number = {2}, + pages = {141-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12663752}, + year = {2003}, + type = {Journal Article} +} + +@inbook{RN979, + author = {Johnson, Scott H. and Grafton, Scott T.}, + title = {From 'acting on' to 'acting with': the functional anatomy of object-oriented action schemata}, + booktitle = {Progress in Brain Research}, + editor = {Prablanc, C. and Pelisson, D. and Rossetti, Y.}, + publisher = {Elsevier Science}, + volume = {142}, + pages = {127-139}, + year = {2003}, + type = {Book Section} +} + +@article{RN2274, + author = {Jiang, H. and Stein, B. E. and McHaffie, J. G.}, + title = {Opposing basal ganglia processes shape midbrain visuomotor activity bilaterally}, + journal = {Nature}, + volume = {423}, + number = {6943}, + pages = {982-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12827201}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2352, + author = {Japikse, K. C. and Negash, S. and Howard, J. H., Jr. and Howard, D. V.}, + title = {Intermanual transfer of procedural learning after extended practice of probabilistic sequences}, + journal = {Exp Brain Res}, + volume = {148}, + number = {1}, + pages = {38-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12478395}, + year = {2003}, + type = {Journal Article} +} + +@inbook{RN1067, + author = {Ivry, R.B. and Helmuth, L.L.}, + title = {Representations and neural mechanisms of sequential movements}, + booktitle = {Cognitive Neuroscience Perspectives on the Problem of Intentional Action}, + editor = {Johnson-Frey, S.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {221-257}, + year = {2003}, + type = {Book Section} +} + +@article{RN1469, + author = {Imamizu, H. and Kuroda, T. and Miyauchi, S. and Yoshioka, T. and Kawato, M.}, + title = {Modular organization of internal models of tools in the human cerebellum}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {9}, + pages = {5461-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12704240}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2297, + author = {Hwang, E. J. and Donchin, O. and Smith, M. A. and Shadmehr, R.}, + title = {A gain-field encoding of limb position and velocity in the internal model of arm dynamics}, + journal = {PLoS Biol}, + volume = {1}, + number = {2}, + pages = {E25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14624237}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2545, + author = {Hulsmann, E. and Erb, M. and Grodd, W.}, + title = {From will to action: sequential cerebellar contributions to voluntary movement}, + journal = {Neuroimage}, + volume = {20}, + number = {3}, + pages = {1485-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14642461 }, + year = {2003}, + type = {Journal Article} +} + +@inbook{RN1051, + author = {Hazeltine, E. and Ivry, R. B.}, + title = {Neural structures that support implicit sequence learning}, + booktitle = {Attention and implicit learning.}, + editor = {Jimenez, Luis}, + series = {Advances in Consciousness Research}, + publisher = {John Benjamins Publishing Company}, + address = {Amsterdam, Netherlands}, + volume = {48}, + pages = {71-107}, + year = {2003}, + type = {Book Section} +} + +@article{RN971, + author = {Hazeltine, E. and Diedrichsen, J. and Kennerley, S. W. and Ivry, R. B.}, + title = {Bimanual cross-talk during reaching movements is primarily related to response selection, not the specification of motor parameters}, + journal = {Psychol Res}, + volume = {67}, + number = {1}, + pages = {56-70.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12589450}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2728, + author = {Hayasaka, S. and Nichols, T. E.}, + title = {Validating cluster size inference: random field and permutation methods}, + journal = {Neuroimage}, + volume = {20}, + number = {4}, + pages = {2343-56}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053811903005020 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14683734}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3434, + author = {Harrison, L. and Penny, W. D. and Friston, K.}, + title = {Multivariate autoregressive modeling of fMRI time series}, + journal = {Neuroimage}, + volume = {19}, + number = {4}, + pages = {1477-91}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12948704}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2227, + author = {Guye, M. and Parker, G. J. and Symms, M. and Boulby, P. and Wheeler-Kingshott, C. A. and Salek-Haddadi, A. and Barker, G. J. and Duncan, J. S.}, + title = {Combined functional MRI and tractography to demonstrate the connectivity of the human primary motor cortex in vivo}, + journal = {Neuroimage}, + volume = {19}, + number = {4}, + pages = {1349-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948693}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2007, + author = {Grezes, J. and Tucker, M. and Armony, J. and Ellis, R. and Passingham, R. E.}, + title = {Objects automatically potentiate action: an fMRI study of implicit processing}, + journal = {Eur J Neurosci}, + volume = {17}, + number = {12}, + pages = {2735-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12823480}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2479, + author = {Glimcher, P. W.}, + title = {The neurobiology of visual-saccadic decision making}, + journal = {Annu Rev Neurosci}, + volume = {26}, + pages = {133-79}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14527268 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2438, + author = {Gerwig, M. and Dimitrova, A. and Kolb, F. P. and Maschke, M. and Brol, B. and Kunnel, A. and Boring, D. and Thilmann, A. F. and Forsting, M. and Diener, H. C. and Timmann, D.}, + title = {Comparison of eyeblink conditioning in patients with superior and posterior inferior cerebellar lesions}, + journal = {Brain}, + volume = {126}, + number = {Pt 1}, + pages = {71-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12477698 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2610, + author = {Garavan, H. and Ross, T. J. and Kaufman, J. and Stein, E. A.}, + title = {A midline dissociation between error-processing and response-conflict monitoring}, + journal = {Neuroimage}, + volume = {20}, + number = {2}, + pages = {1132-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14568482 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN3079, + author = {Gao, F. and Li, S. and Li, Z. M. and Latash, M. L. and Zatsiorsky, V. M.}, + title = {Matrix analyses of interaction among fingers in static force production tasks}, + journal = {Biol Cybern}, + volume = {89}, + number = {6}, + pages = {407-14}, + ISSN = {0340-1200 (Print) +0340-1200 (Linking)}, + DOI = {10.1007/s00422-003-0420-z}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14673652}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2331, + author = {Galletti, C. and Kutz, D. F. and Gamberini, M. and Breveglieri, R. and Fattori, P.}, + title = {Role of the medial parieto-occipital cortex in the control of reaching and grasping movements}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {158-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14517595}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2029, + author = {Friston, K. J. and Harrison, L. and Penny, W.}, + title = {Dynamic causal modelling}, + journal = {Neuroimage}, + volume = {19}, + number = {4}, + pages = {1273-302}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948688}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2895, + author = {Friman, O. and Borga, M. and Lundberg, P. and Knutsson, H.}, + title = {Adaptive analysis of fMRI data}, + journal = {Neuroimage}, + volume = {19}, + number = {3}, + pages = {837-45}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053811903000776 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880812}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3023, + author = {Foltys, H. and Krings, T. and Meister, I. G. and Sparing, R. and Boroojerdi, B. and Thron, A. and Topper, R.}, + title = {Motor representation in patients rapidly recovering after stroke: a functional magnetic resonance imaging and transcranial magnetic stimulation study}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {12}, + pages = {2404-15}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245703002633 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14652101}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2081, + author = {Flanagan, J. R. and Vetter, P. and Johansson, R. S. and Wolpert, D. M.}, + title = {Prediction precedes control in motor learning}, + journal = {Curr Biol}, + volume = {13}, + number = {2}, + pages = {146-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12546789}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2326, + author = {Eliassen, J. C. and Souza, T. and Sanes, J. N.}, + title = {Experience-dependent activation patterns in human brain during visual-motor associative learning}, + journal = {J Neurosci}, + volume = {23}, + number = {33}, + pages = {10540-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14627638}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2105, + author = {Ekstrom, A. D. and Kahana, M. J. and Caplan, J. B. and Fields, T. A. and Isham, E. A. and Newman, E. L. and Fried, I.}, + title = {Cellular networks underlying human spatial navigation}, + journal = {Nature}, + volume = {425}, + number = {6954}, + pages = {184-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968182}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3429, + author = {Eisenhauer, Joseph G}, + title = {Regression through the origin}, + journal = {Teaching Statistics}, + volume = {25}, + number = {3}, + pages = {76-80}, + ISSN = {1467-9639}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2076, + author = {Ehrsson, H. H. and Fagergren, A. and Johansson, R. S. and Forssberg, H.}, + title = {Evidence for the involvement of the posterior parietal cortex in coordination of fingertip forces for grasp stability in manipulation}, + journal = {J Neurophysiol}, + volume = {90}, + number = {5}, + pages = {2978-86}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14615423}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2624, + author = {Dum, R. P. and Strick, P. L.}, + title = {An unfolded map of the cerebellar dentate nucleus and its projections to the cerebral cortex}, + journal = {J Neurophysiol}, + volume = {89}, + number = {1}, + pages = {634-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12522208 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2120, + author = {Doyon, J. and Penhune, V. and Ungerleider, L. G.}, + title = {Distinct contribution of the cortico-striatal and cortico-cerebellar systems to motor skill learning}, + journal = {Neuropsychologia}, + volume = {41}, + number = {3}, + pages = {252-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12457751}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2061, + author = {Donchin, O. and Francis, J. T. and Shadmehr, R.}, + title = {Quantifying generalization from trial-by-trial behavior of adaptive systems that learn with basis functions: theory and experiments in human motor control}, + journal = {J Neurosci}, + volume = {23}, + number = {27}, + pages = {9032-45}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534237}, + year = {2003}, + type = {Journal Article} +} + +@article{RN937, + author = {Diedrichsen, J. and Verstynen, T. and Hon, A. and Lehman, S. L. and Ivry, R. B.}, + title = {Anticipatory adjustments in the unloading task: Is an efference copy necessary for learning?}, + journal = {Exp Brain Res}, + volume = {148}, + number = {2}, + pages = {272-276}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12520418}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2147, + author = {Diedrichsen, J. and Verstynen, T. and Albert, N. and Ivry, R. B.}, + title = {Predicting the body and the world: The role of the cerebellum in anticipatory postural adjustments required for bimanual coordination.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@inbook{RN838, + author = {Diedrichsen, J. and Ivry, R. B. and Pressing, J.}, + title = {Cerebellar and basal ganglia contributions to interval timing}, + booktitle = {Functional and neural mechanisms of interval timing}, + editor = {Meck, W. H.}, + publisher = {CRC Press}, + address = {Boca Raton, FL}, + pages = {457-481}, + year = {2003}, + type = {Book Section} +} + +@article{RN970, + author = {Diedrichsen, J. and Ivry, R. B. and Hazeltine, E. and Kennerley, S. and Cohen, A.}, + title = {Bimanual interference associated with the selection of target locations}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {29}, + number = {1}, + pages = {64-77}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12669748}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2009, + author = {Diedrichsen, J. and Hazeltine, E. and Nurss, W. K. and Ivry, R. B.}, + title = {The role of the corpus callosum in the coupling of bimanual isometric force pulses}, + journal = {J Neurophysiol}, + volume = {90}, + number = {4}, + pages = {2409-18}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534269}, + year = {2003}, + type = {Journal Article} +} + +@phdthesis{RN2055, + author = {Diedrichsen, J.}, + title = {The Neural Control of Anticipatory Postural Adjustments during Bimanual Movements}, + university = {University of California, Berkeley}, + type = {Dissertation}, + year = {2003}, + type = {Thesis} +} + +@phdthesis{RN1060, + author = {Dewan, Maneesh}, + title = {Design, construction and testing of an fMRI compatible robotic arm}, + university = {Johns Hopkins University}, + type = {Master thesis}, + year = {2003}, + type = {Thesis} +} + +@article{RN1078, + author = {Debaere, F. and Wenderoth, N. and Sunaert, S. and Van Hecke, P. and Swinnen, S. P.}, + title = {Internal vs external generation of movements: differential neural pathways involved in bimanual coordination performed in the presence or absence of augmented visual feedback}, + journal = {Neuroimage}, + volume = {19}, + number = {3}, + pages = {764-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880805}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2630, + author = {d'Avella, A. and Saltiel, P. and Bizzi, E.}, + title = {Combinations of muscle synergies in the construction of a natural motor behavior}, + journal = {Nat Neurosci}, + volume = {6}, + number = {3}, + pages = {300-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12563264 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2483, + author = {Culham, J. C. and Danckert, S. L. and DeSouza, J. F. and Gati, J. S. and Menon, R. S. and Goodale, M. A.}, + title = {Visually guided grasping produces fMRI activation in dorsal but not ventral stream brain areas}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {180-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12961051 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN1041, + author = {Criscimagna-Hemminger, S. E. and Donchin, O. and Gazzaniga, M. S. and Shadmehr, R.}, + title = {Learned dynamics of reaching movements generalize from dominant to nondominant arm}, + journal = {J Neurophysiol}, + volume = {89}, + number = {1}, + pages = {168-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12522169}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2288, + author = {Connolly, J. D. and Andersen, R. A. and Goodale, M. A.}, + title = {FMRI evidence for a 'parietal reach region' in the human brain}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {140-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12955383}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2916, + author = {Cisek, P. and Crammond, D. J. and Kalaska, J. F.}, + title = {Neural activity in primary motor and dorsal premotor cortex in reaching tasks with the contralateral versus ipsilateral arm}, + journal = {J Neurophysiol}, + volume = {89}, + number = {2}, + pages = {922-42}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00607.2002}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12574469}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2114, + author = {Caplan, J. B. and Madsen, J. R. and Schulze-Bonhage, A. and Aschenbrenner-Scheibe, R. and Newman, E. L. and Kahana, M. J.}, + title = {Human theta oscillations related to sensorimotor integration and spatial learning}, + journal = {J Neurosci}, + volume = {23}, + number = {11}, + pages = {4726-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12805312}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2466, + author = {Caesar, K. and Gold, L. and Lauritzen, M.}, + title = {Context sensitivity of activity-dependent increases in cerebral blood flow}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {7}, + pages = {4239-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12655065 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2015, + author = {Bracewell, R. Martyn and Wing, A. M. and Soper, Harriet M. and Clark, G. Kristen}, + title = {Predictive and reactive co-ordination of grip and load forces in bimanual lifting in man}, + journal = {European Journal of Neuroscience}, + volume = {18}, + pages = {2396-2402}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2016, + author = {Bogaerts, H. and Buekers, M. J. and Zaal, F. T. and Swinnen, S. P.}, + title = {When visuo-motor incongruence aids motor performance: the effect of perceiving motion structures during transformed visual feedback on bimanual coordination}, + journal = {Behav Brain Res}, + volume = {138}, + number = {1}, + pages = {45-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12493629}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2231, + author = {Bock, O.}, + title = {Sensorimotor adaptation to visual distortions with different kinematic coupling}, + journal = {Exp Brain Res}, + volume = {151}, + number = {4}, + pages = {557-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12856094}, + year = {2003}, + type = {Journal Article} +} + +@inbook{RN2898, + author = {Berry, A. and Heggernes, P. and Simonet, G.}, + title = {The minimum degree heuristic +and the minimal triangulation process}, + booktitle = {Graph-Theoretic Concepts in Computer Science}, + publisher = {Springer}, + pages = {58-70}, + url = {http://www.springerlink.com/content/dyj3v3ngjqg7aahn/}, + year = {2003}, + type = {Book Section} +} + +@article{RN2092, + author = {Bellgowan, P. S. and Saad, Z. S. and Bandettini, P. A.}, + title = {Understanding neural system dynamics through task modulation and measurement of functional MRI amplitude, latency, and width}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {3}, + pages = {1415-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12552093}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2067, + author = {Bellgowan, P. S. and Saad, Z. S. and Bandettini, P. A.}, + title = {Understanding neural system dynamics through task modulation and measurement of functional MRI amplitude, latency, and width}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {3}, + pages = {1415-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12552093}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2167, + author = {Beauchamp, M. S.}, + title = {Detection of eye movements from fMRI data}, + journal = {Magn Reson Med}, + volume = {49}, + number = {2}, + pages = {376-80}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12541259}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2358, + author = {Baddeley, R. J. and Ingram, H. A. and Miall, R. C.}, + title = {System identification applied to a visuomotor task: near-optimal human performance in a noisy changing task}, + journal = {J Neurosci}, + volume = {23}, + number = {7}, + pages = {3066-75}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12684493}, + year = {2003}, + type = {Journal Article} +} + +@article{RN2266, + author = {Astafiev, S. V. and Shulman, G. L. and Stanley, C. M. and Snyder, A. Z. and Van Essen, D. C. and Corbetta, M.}, + title = {Functional organization of human intraparietal and frontal cortex for attending, looking, and pointing}, + journal = {J Neurosci}, + volume = {23}, + number = {11}, + pages = {4689-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12805308}, + year = {2003}, + type = {Journal Article} +} + +@article{RN3393, + author = {Andersen, B. B. and Gundersen, H. J. and Pakkenberg, B.}, + title = {Aging of the human cerebellum: a stereological study}, + journal = {J Comp Neurol}, + volume = {466}, + number = {3}, + pages = {356-65}, + ISSN = {0021-9967 (Print) +0021-9967 (Linking)}, + DOI = {10.1002/cne.10884}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/14556293}, + year = {2003}, + type = {Journal Article} +} + +@inproceedings{RN2148, + author = {Albert, N. and Diedrichsen, J. and Hazeltine, E. and Grafton, S. T. and Ivry, R. B.}, + title = {Size matters: Bimanual interference in programming lifting movements based on apparent object size or surface properties.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@article{RN2074, + author = {Zackowski, K. M. and Thach, W. T., Jr. and Bastian, A. J.}, + title = {Cerebellar subjects show impaired coupling of reach and grasp movements}, + journal = {Exp Brain Res}, + volume = {146}, + number = {4}, + pages = {511-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12355280}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1982, + author = {Worsley, K. J. and Liao, C. H. and Aston, J. and Petre, V. and Duncan, G. H. and Morales, F. and Evans, A. C.}, + title = {A general statistical analysis for fMRI data}, + journal = {Neuroimage}, + volume = {15}, + number = {1}, + pages = {1-15}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11771969}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3613, + author = {WMA}, + title = {World Medical Association Declaration of Helsinki: ethical principles for medical research involving human subjects}, + journal = {J Postgrad Med}, + volume = {48}, + number = {3}, + pages = {206-8}, + ISSN = {0022-3859 (Print)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12432198 +http://www.jpgmonline.com/article.asp?issn=0022-3859;year=2002;volume=48;issue=3;spage=206;epage=8;aulast=}, + year = {2002}, + type = {Journal Article} +} + +@article{RN925, + author = {Wilson, S. J. and Pressing, J. L. and Wales, R. J.}, + title = {Modelling rhythmic function in a musician post-stroke}, + journal = {Neuropsychologia}, + volume = {40}, + number = {8}, + pages = {1494-505}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11931954}, + year = {2002}, + type = {Journal Article} +} + +@article{RN693, + author = {Werner, Steffen and Diedrichsen, Joern}, + title = {The time course of spatial memory distortions}, + journal = {Memory & Cognition}, + volume = {30}, + number = {5}, + pages = {717-729}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2319, + author = {Weiss, Y. and Simoncelli, E. P. and Adelson, E. H.}, + title = {Motion illusions as optimal percepts}, + journal = {Nat Neurosci}, + volume = {5}, + number = {6}, + pages = {598-604}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12021763}, + year = {2002}, + type = {Journal Article} +} + +@article{RN931, + author = {Walter, C. B. and Swinnen, S. P. and Dounskaia, N. V.}, + title = {Generation of bimanual trajectories of disparate eccentricity: levels of interference and spontaneous changes over practice}, + journal = {J Mot Behav}, + volume = {34}, + number = {2}, + pages = {183-95.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12057891}, + year = {2002}, + type = {Journal Article} +} + +@article{RN808, + author = {Vorberg, D. and Schulze, H. H.}, + title = {Linear phase-correction in synchronization: Predictions, parameter estimation and simulations}, + journal = {Journal of Mathematical Psychology}, + volume = {46}, + pages = {56-87}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3066, + author = {Vetter, P. and Flash, T. and Wolpert, D. M.}, + title = {Planning movements in a simple redundant task}, + journal = {Curr Biol}, + volume = {12}, + number = {6}, + pages = {488-91}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960982202007157 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11909535}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2004, + author = {Van Mier, H. I. and Petersen, S. E.}, + title = {Role of the cerebellum in motor cognition}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {334-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582064}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2262, + author = {Van Essen, D. C.}, + title = {Windows on the brain: the emerging role of atlases and databases in neuroscience}, + journal = {Curr Opin Neurobiol}, + volume = {12}, + number = {5}, + pages = {574-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12367638}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2116, + author = {Van Essen, D. C.}, + title = {Surface-based atlases of cerebellar cortex in the human, macaque, and mouse}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {468-79}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582074}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3057, + author = {van Beers, R. J. and Baraduc, P. and Wolpert, D. M.}, + title = {Role of uncertainty in sensorimotor control}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {357}, + number = {1424}, + pages = {1137-45}, + ISSN = {0962-8436 (Print) +0962-8436 (Linking)}, + DOI = {10.1098/rstb.2002.1101}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12217180}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1064, + author = {Ungerleider, L. G. and Doyon, J. and Karni, A.}, + title = {Imaging brain plasticity during motor skill learning}, + journal = {Neurobiol Learn Mem}, + volume = {78}, + number = {3}, + pages = {553-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12559834}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2088, + author = {Tong, C. and Wolpert, D. M. and Flanagan, J. R.}, + title = {Kinematics and dynamics are not represented independently in motor working memory: evidence from an interference study}, + journal = {J Neurosci}, + volume = {22}, + number = {3}, + pages = {1108-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11826139}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2239, + author = {Todorov, E. and Jordan, M. I.}, + title = {Optimal feedback control as a theory of motor coordination}, + journal = {Nat Neurosci}, + volume = {5}, + number = {11}, + pages = {1226-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12404008}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2570, + author = {Todorov, E.}, + title = {Cosine tuning minimizes motor errors}, + journal = {Neural Comput}, + volume = {14}, + number = {6}, + pages = {1233-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12020444 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN2486, + author = {Terao, Y. and Andersson, N. E. and Flanagan, J. R. and Johansson, R. S.}, + title = {Engagement of gaze in capturing targets for future sequential manual actions}, + journal = {J Neurophysiol}, + volume = {88}, + number = {4}, + pages = {1716-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12364501 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN842, + author = {Swinnen, S. P. and Dounskaia, N. and Duysens, J.}, + title = {Patterns of bimanual interference reveal movement encoding within a radial egocentric reference frame}, + journal = {Journal of Cognitive Neuroscience}, + volume = {14}, + number = {3}, + pages = {463-71.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11970805}, + year = {2002}, + type = {Journal Article} +} + +@article{RN901, + author = {Swinnen, S. P. and Debaere, F. and Puttemans, V. and Vangheluwe, S. and Kiekens, C.}, + title = {Coordination deficits on the ipsilesional side after unilateral stroke: the effect of practice on nonisodirectional ipsilateral coordination}, + journal = {Acta Psychol (Amst)}, + volume = {110}, + number = {2-3}, + pages = {305-20.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12102111}, + year = {2002}, + type = {Journal Article} +} + +@article{RN843, + author = {Swinnen, S. P.}, + title = {Intermanual coordination: from behavioural principles to neural-network interactions}, + journal = {Nat Rev Neurosci}, + volume = {3}, + number = {5}, + pages = {348-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11988774}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3042, + author = {Steinberg, O. and Donchin, O. and Gribova, A. and Cardosa de Oliveira, S. and Bergman, H. and Vaadia, E.}, + title = {Neuronal populations in primary motor cortex encode bimanual arm movements}, + journal = {Eur J Neurosci}, + volume = {15}, + number = {8}, + pages = {1371-80}, + ISSN = {0953-816X (Print) +0953-816X (Linking)}, + DOI = {1968 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11994131}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2039, + author = {Sommer, M. A. and Wurtz, R. H.}, + title = {A pathway in primate brain for internal monitoring of movements}, + journal = {Science}, + volume = {296}, + number = {5572}, + pages = {1480-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12029137}, + year = {2002}, + type = {Journal Article} +} + +@article{RN915, + author = {Sohn, Y. H. and Wiltz, K. and Hallett, M.}, + title = {Effect of volitional inhibition on cortical inhibitory mechanisms}, + journal = {J Neurophysiol}, + volume = {88}, + number = {1}, + pages = {333-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12091558}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3328, + author = {Slobounov, S. and Johnston, J. and Chiang, H. and Ray, W. J.}, + title = {Motor-related cortical potentials accompanying enslaving effect in single versus combination of fingers force production tasks}, + journal = {Clin Neurophysiol}, + volume = {113}, + number = {9}, + pages = {1444-53}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12169327}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3327, + author = {Slobounov, S. and Johnston, J. and Chiang, H. and Ray, W.}, + title = {The role of sub-maximal force production in the enslaving phenomenon}, + journal = {Brain Res}, + volume = {954}, + number = {2}, + pages = {212-9}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12414104}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3086, + author = {Slobounov, S. and Chiang, H. and Johnston, J. and Ray, W.}, + title = {Modulated cortical control of individual fingers in experienced musicians: an EEG study. Electroencephalographic study}, + journal = {Clin Neurophysiol}, + volume = {113}, + number = {12}, + pages = {2013-24}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245702002985 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12464342}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1019, + author = {Slijper, H. and Latash, M. L. and Rao, N. and Aruin, A. S.}, + title = {Task-specific modulation of anticipatory postural adjustments in individuals with hemiparesis}, + journal = {Clin Neurophysiol}, + volume = {113}, + number = {5}, + pages = {642-55}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11976044}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1023, + author = {Slijper, H. and Latash, M. L. and Mordkoff, J. T.}, + title = {Anticipatory postural adjustments under simple and choice reaction time conditions}, + journal = {Brain Res}, + volume = {924}, + number = {2}, + pages = {184-97}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11750904}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2460, + author = {Shmuel, A. and Yacoub, E. and Pfeuffer, J. and Van de Moortele, P. F. and Adriany, G. and Hu, X. and Ugurbil, K.}, + title = {Sustained negative BOLD, blood flow and oxygen consumption response and its coupling to the positive response in the human brain}, + journal = {Neuron}, + volume = {36}, + number = {6}, + pages = {1195-210}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12495632 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN1073, + author = {Serrien, D. J. and Strens, L. H. and Oliviero, A. and Brown, P.}, + title = {Repetitive transcranial magnetic stimulation of the supplementary motor area (SMA) degrades bimanual movement control in humans}, + journal = {Neurosci Lett}, + volume = {328}, + number = {2}, + pages = {89-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12133562}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2212, + author = {Seidler, R. D. and Purushotham, A. and Kim, S. G. and Ugurbil, K. and Willingham, D. and Ashe, J.}, + title = {Cerebellum activation associated with performance change but not motor learning}, + journal = {Science}, + volume = {296}, + number = {5575}, + pages = {2043-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12065841}, + year = {2002}, + type = {Journal Article} +} + +@article{RN806, + author = {Schulze, H. H. and Vorberg, D.}, + title = {Linear phase correction models for synchronization: parameter identification and estimation of parameters}, + journal = {Brain Cogn}, + volume = {48}, + number = {1}, + pages = {80-97.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11812034}, + year = {2002}, + type = {Journal Article} +} + +@article{RN990, + author = {Schmitz, C. and Martin, N. and Assaiante, C.}, + title = {Building anticipatory postural adjustment during childhood: a kinematic and electromyographic analysis of unloading in children from 4 to 8 years of age}, + journal = {Exp Brain Res}, + volume = {142}, + number = {3}, + pages = {354-64.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11819044}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2859, + author = {Schieber, M. H.}, + title = {Motor cortex and the distributed anatomy of finger movements}, + journal = {Adv Exp Med Biol}, + volume = {508}, + pages = {411-6}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12171137}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3302, + author = {Santello, M. and Flanders, M. and Soechting, J. F.}, + title = {Patterns of hand motion during grasping and the influence of sensory guidance}, + journal = {J Neurosci}, + volume = {22}, + number = {4}, + pages = {1426-35}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11850469}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2313, + author = {Rizzolatti, G. and Fogassi, L. and Gallese, V.}, + title = {Motor and cognitive functions of the ventral premotor cortex}, + journal = {Curr Opin Neurobiol}, + volume = {12}, + number = {2}, + pages = {149-54}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12015230}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2395, + author = {Pierson, R. and Corson, P. W. and Sears, L. L. and Alicata, D. and Magnotta, V. and Oleary, D. and Andreasen, N. C.}, + title = {Manual and semiautomated measurement of cerebellar subregions on MR images}, + journal = {Neuroimage}, + volume = {17}, + number = {1}, + pages = {61-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12482068}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3357, + author = {Penhune, V. B. and Doyon, J.}, + title = {Dynamic cortical and subcortical networks in learning and delayed recall of timed motor sequences}, + journal = {Journal of neuroscience}, + volume = {22}, + number = {4}, + pages = {1397-406}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11850466}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2125, + author = {Packard, M. G. and Knowlton, B. J.}, + title = {Learning and memory functions of the Basal Ganglia}, + journal = {Annu Rev Neurosci}, + volume = {25}, + pages = {563-93}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12052921}, + year = {2002}, + type = {Journal Article} +} + +@article{RN933, + author = {Ohki, Y. and Edin, B. B. and Johansson, R. S.}, + title = {Predictions specify reactive control of individual digits in manipulation}, + journal = {J Neurosci}, + volume = {22}, + number = {2}, + pages = {600-10.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11784808}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2137, + author = {Nowak, D. A. and Hermsdorfer, J. and Marquardt, C. and Fuchs, H. H.}, + title = {Grip and load force coupling during discrete vertical arm movements with a grasped object in cerebellar atrophy}, + journal = {Exp Brain Res}, + volume = {145}, + number = {1}, + pages = {28-39}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12070742}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2730, + author = {Nichols, T. E. and Holmes, A. P.}, + title = {Nonparametric permutation tests for functional neuroimaging: a primer with examples}, + journal = {Hum Brain Mapp}, + volume = {15}, + number = {1}, + pages = {1-25}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.1058 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11747097}, + year = {2002}, + type = {Journal Article} +} + +@inproceedings{RN974, + author = {Nambisan, Rohit and Diedrichsen, Jörn and Ivry, Richard B. and Kennerley, Steven}, + title = {Two autopilots, one brain: limitations and interactions during online adjustment of bimanual reaching movements.}, + booktitle = {Society for neuroscience abstract}, + type = {Conference Proceedings} +} + +@article{RN2648, + author = {Muellbacher, W. and Ziemann, U. and Wissel, J. and Dang, N. and Kofler, M. and Facchini, S. and Boroojerdi, B. and Poewe, W. and Hallett, M.}, + title = {Early consolidation in human primary motor cortex}, + journal = {Nature}, + volume = {415}, + number = {6872}, + pages = {640-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11807497 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN1070, + author = {Meyer-Lindenberg, A. and Ziemann, U. and Hajak, G. and Cohen, L. and Berman, K. F.}, + title = {Transitions between dynamical states of differing stability in the human brain}, + journal = {Proc Natl Acad Sci U S A}, + volume = {99}, + number = {17}, + pages = {10948-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12151599}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1039, + author = {Medendorp, W. P. and Crawford, J. D.}, + title = {Visuospatial updating of reaching targets in near and far space}, + journal = {Neuroreport}, + volume = {13}, + number = {5}, + pages = {633-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11973460}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2246, + author = {McGlone, F. and Kelly, E. F. and Trulsson, M. and Francis, S. T. and Westling, G. and Bowtell, R.}, + title = {Functional neuroimaging studies of human somatosensory cortex}, + journal = {Behav Brain Res}, + volume = {135}, + number = {1-2}, + pages = {147-58}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12356445}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2449, + author = {Mathiak, K. and Hertrich, I. and Grodd, W. and Ackermann, H.}, + title = {Cerebellum and speech perception: a functional magnetic resonance imaging study}, + journal = {J Cogn Neurosci}, + volume = {14}, + number = {6}, + pages = {902-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12191457 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN2864, + author = {Maier, M. A. and Armand, J. and Kirkwood, P. A. and Yang, H. W. and Davis, J. N. and Lemon, R. N.}, + title = {Differences in the corticospinal projection from primary motor cortex and supplementary motor area to macaque upper limb motoneurons: an anatomical and electrophysiological study}, + journal = {Cereb Cortex}, + volume = {12}, + number = {3}, + pages = {281-96}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11839602}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2514, + author = {Latash, M. L. and Scholz, J. P. and Schoner, G.}, + title = {Motor control strategies revealed in the structure of motor variability}, + journal = {Exerc Sport Sci Rev}, + volume = {30}, + number = {1}, + pages = {26-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11800496 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN3078, + author = {Latash, M. L. and Li, S. and Danion, F. and Zatsiorsky, V. M.}, + title = {Central mechanisms of finger interaction during one- and two-hand force production at distal and proximal phalanges}, + journal = {Brain Res}, + volume = {924}, + number = {2}, + pages = {198-208}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + DOI = {S0006899301032346 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11750905}, + year = {2002}, + type = {Journal Article} +} + +@article{RN928, + author = {Lang, C. E. and Bastian, A. J.}, + title = {Cerebellar damage impairs automaticity of a recently practiced movement}, + journal = {J Neurophysiol}, + volume = {87}, + number = {3}, + pages = {1336-1347}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11877508}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2156, + author = {Kitazawa, S. and Yin, P. B.}, + title = {Prism adaptation with delayed visual error signals in the monkey}, + journal = {Exp Brain Res}, + volume = {144}, + number = {2}, + pages = {258-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12012163}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2215, + author = {Kitazawa, S.}, + title = {Optimization of goal-directed movements in the cerebellum: a random walk hypothesis}, + journal = {Neurosci Res}, + volume = {43}, + number = {4}, + pages = {289-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12135772}, + year = {2002}, + type = {Journal Article} +} + +@article{RN962, + author = {Kerzel, D.}, + title = {Memory for the position of stationary objects: disentangling foveal bias and memory averaging}, + journal = {Vision Res}, + volume = {42}, + number = {2}, + pages = {159-67.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11809470}, + year = {2002}, + type = {Journal Article} +} + +@article{RN671, + author = {Kennerley, Steve and Diedrichsen, Jörn and Hazeltine, E. and Semjen, Andras and Ivry, Richard B.}, + title = {Callosotomy patients exhibit temporal and spatial uncoupling during continuous bimanual movements}, + journal = {Nature Neuroscience}, + volume = {5}, + number = {4}, + pages = {376-381}, + year = {2002}, + type = {Journal Article} +} + +@article{RN958, + author = {Kazennikov, O. and Perrig, S. and Wiesendanger, M.}, + title = {Kinematics of a coordinated goal-directed bimanual task}, + journal = {Behav Brain Res}, + volume = {134}, + number = {1-2}, + pages = {83-91.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12191795}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1026, + author = {Karniel, A. and Mussa-Ivaldi, F. A.}, + title = {Does the motor control system use multiple models and context switching to cope with a variable environment?}, + journal = {Exp Brain Res}, + volume = {143}, + number = {4}, + pages = {520-4.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11914799}, + year = {2002}, + type = {Journal Article} +} + +@article{RN978, + author = {Johnson, S. H. and Rotte, M. and Grafton, S. T. and Hinrichs, H. and Gazzaniga, M. S. and Heinze, H. J.}, + title = {Selective activation of a parietofrontal circuit during implicitly imagined prehension}, + journal = {Neuroimage}, + volume = {17}, + number = {4}, + pages = {1693-704.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12498743}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3621, + author = {Johansen-Berg, H. and Rushworth, M. F. and Bogdanovic, M. D. and Kischka, U. and Wimalaratna, S. and Matthews, P. M.}, + title = {The role of ipsilateral premotor cortex in hand movement after stroke}, + journal = {Proc Natl Acad Sci U S A}, + volume = {99}, + number = {22}, + pages = {14518-23}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.222536799}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/12376621}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2748, + author = {Jennings, Richard and van der Molen, Maurits}, + title = {Cardiac timing and the central regulation of action}, + journal = {Psychological research}, + volume = {66}, + number = {4}, + pages = {337-349}, + url = {citeulike-article-id:6016980 +http://dx.doi.org/10.1007/s00426-002-0106-5 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN2594, + author = {Jenkinson, M. and Bannister, P. and Brady, M. and Smith, S.}, + title = {Improved optimization for the robust and accurate linear registration and motion correction of brain images}, + journal = {Neuroimage}, + volume = {17}, + number = {2}, + pages = {825-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12377157 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN972, + author = {Ivry, R. B. and Spencer, R. M. and Zelaznik, H. N. and Diedrichsen, J.}, + title = {The cerebellum and event timing}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {302-17.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582062}, + year = {2002}, + type = {Journal Article} +} + +@article{RN705, + author = {Ivry, R. B. and Richardson, T.}, + title = {Temporal control and coordination: The multiple timer model}, + journal = {Brain and Cognition}, + volume = {48}, + number = {1}, + pages = {117-132}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3182, + author = {Ito, M.}, + title = {Historical review of the significance of the cerebellum and the role of Purkinje cells in motor learning}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {273-88}, + ISSN = {0077-8923 (Print) +0077-8923 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582060}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1048, + author = {Iadecola, C.}, + title = {Intrinsic signals and functional brain mapping: caution, blood vessels at work}, + journal = {Cereb Cortex}, + volume = {12}, + number = {3}, + pages = {223-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11839596}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2927, + author = {Hutton, C. and Bork, A. and Josephs, O. and Deichmann, R. and Ashburner, J. and Turner, R.}, + title = {Image distortion correction in fMRI: A quantitative evaluation}, + journal = {Neuroimage}, + volume = {16}, + number = {1}, + pages = {217-40}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.2001.1054 +S1053811901910547 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11969330}, + year = {2002}, + type = {Journal Article} +} + +@article{RN947, + author = {Hore, J. and Timmann, D. and Watts, S.}, + title = {Disorders in timing and force of finger opening in overarm throws made by cerebellar subjects}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {1-15}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582037}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2037, + author = {Hillis, J. M. and Ernst, M. O. and Banks, M. S. and Landy, M. S.}, + title = {Combining sensory information: mandatory fusion within, but not between, senses}, + journal = {Science}, + volume = {298}, + number = {5598}, + pages = {1627-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446912}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3216, + author = {Hikosaka, O. and Nakamura, K. and Sakai, K. and Nakahara, H.}, + title = {Central mechanisms of motor skill learning}, + journal = {Curr Opin Neurobiol}, + volume = {12}, + number = {2}, + pages = {217-22}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12015240}, + year = {2002}, + type = {Journal Article} +} + +@inbook{RN1422, + author = {Hazeltine, E.}, + title = {The representational nature of sequence learning: Evidence for goal-based codes}, + booktitle = {Attention and Performance}, + editor = {Prinz, W. and Hommel, B.}, + publisher = {University Press}, + address = {Oxford}, + volume = {XIX}, + pages = {673-689}, + year = {2002}, + type = {Book Section} +} + +@article{RN2071, + author = {Hammond, G.}, + title = {Correlates of human handedness in primary motor cortex: a review and hypothesis}, + journal = {Neurosci Biobehav Rev}, + volume = {26}, + number = {3}, + pages = {285-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12034131}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3362, + author = {Hahnloser, R. H. and Kozhevnikov, A. A. and Fee, M. S.}, + title = {An ultra-sparse code underlies the generation of neural sequences in a songbird}, + journal = {Nature}, + volume = {419}, + number = {6902}, + pages = {65-70}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/nature00974}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12214232}, + year = {2002}, + type = {Journal Article} +} + +@article{RN831, + author = {Haggard, P. and Clark, S. and Kalogeras, J.}, + title = {Voluntary action and conscious awareness}, + journal = {Nat Neurosci}, + volume = {5}, + number = {4}, + pages = {382-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11896397}, + year = {2002}, + type = {Journal Article} +} + +@article{RN907, + author = {Gribble, P. L. and Scott, S. H.}, + title = {Overlap of internal models in motor cortex for mechanical loads during reaching}, + journal = {Nature}, + volume = {417}, + number = {6892}, + pages = {938-41.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12087402}, + year = {2002}, + type = {Journal Article} +} + +@article{RN890, + author = {Gribble, P. L. and Everling, S. and Ford, K. and Mattar, A.}, + title = {Hand-eye coordination for rapid pointing movementsArm movement direction and distance are specified prior to saccade onset}, + journal = {Exp Brain Res}, + volume = {145}, + number = {3}, + pages = {372-82.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12136387}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2997, + author = {Graziano, M. S. and Taylor, C. S. and Moore, T.}, + title = {Complex movements evoked by microstimulation of precentral cortex}, + journal = {Neuron}, + volume = {34}, + number = {5}, + pages = {841-51}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896627302006980 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12062029}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1055, + author = {Grafton, S. T. and Hazeltine, E. and Ivry, R. B.}, + title = {Motor sequence learning with the nondominant left hand. A PET functional imaging study}, + journal = {Exp Brain Res}, + volume = {146}, + number = {3}, + pages = {369-78}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12232693}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1997, + author = {Genovese, C. R. and Lazar, N. A. and Nichols, T.}, + title = {Thresholding of statistical maps in functional neuroimaging using the false discovery rate}, + journal = {Neuroimage}, + volume = {15}, + number = {4}, + pages = {870-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11906227}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2018, + author = {Franz, E. A. and Rowse, A. and Ballantine, B.}, + title = {Does handedness determine which hand leads in a bimanual task?}, + journal = {J Mot Behav}, + volume = {34}, + number = {4}, + pages = {402-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446253}, + year = {2002}, + type = {Journal Article} +} + +@article{RN877, + author = {Fortin, C. and Couture, E.}, + title = {Short-term memory and time estimation: beyond the 2-second "critical" value}, + journal = {Can J Exp Psychol}, + volume = {56}, + number = {2}, + pages = {120-7.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12066420}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2553, + author = {Fagg, A. H. and Shah, A. and Barto, A. G.}, + title = {A computational model of muscle recruitment for wrist movements}, + journal = {J Neurophysiol}, + volume = {88}, + number = {6}, + pages = {3348-58}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12466451 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN2036, + author = {Ernst, M. O. and Banks, M. S.}, + title = {Humans integrate visual and haptic information in a statistically optimal fashion}, + journal = {Nature}, + volume = {415}, + number = {6870}, + pages = {429-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11807554}, + year = {2002}, + type = {Journal Article} +} + +@article{RN916, + author = {Ehrsson, H. H. and Kuhtz-Buschbeck, J. P. and Forssberg, H.}, + title = {Brain regions controlling nonsynergistic versus synergistic movement of the digits: a functional magnetic resonance imaging study}, + journal = {J Neurosci}, + volume = {22}, + number = {12}, + pages = {5074-80.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12077202}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2442, + author = {Dreher, J. C. and Grafman, J.}, + title = {The roles of the cerebellum and basal ganglia in timing and error prediction}, + journal = {Eur J Neurosci}, + volume = {16}, + number = {8}, + pages = {1609-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12405975 }, + year = {2002}, + type = {Journal Article} +} + +@article{RN1063, + author = {Doyon, J. and Song, A. W. and Karni, A. and Lalonde, F. and Adams, M. M. and Ungerleider, L. G.}, + title = {Experience-dependent changes in cerebellar contributions to motor sequence learning}, + journal = {Proc Natl Acad Sci U S A}, + volume = {99}, + number = {2}, + pages = {1017-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11805340}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3041, + author = {Donchin, O. and Gribova, A. and Steinberg, O. and Mitz, A. R. and Bergman, H. and Vaadia, E.}, + title = {Single-unit activity related to bimanual arm movements in the primary and supplementary motor cortices}, + journal = {J Neurophysiol}, + volume = {88}, + number = {6}, + pages = {3498-517}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00335.2001}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12466464}, + year = {2002}, + type = {Journal Article} +} + +@article{RN900, + author = {Domkin, D. and Laczko, J. and Jaric, S. and Johansson, H. and Latash, M. L.}, + title = {Structure of joint variability in bimanual pointing tasks}, + journal = {Exp Brain Res}, + volume = {143}, + number = {1}, + pages = {11-23.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11907686}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2789, + author = {Dimitrova, A. and Weber, J. and Redies, C. and Kindsvater, K. and Maschke, M. and Kolb, F. P. and Forsting, M. and Diener, H. C. and Timmann, D.}, + title = {MRI atlas of the human cerebellar nuclei}, + journal = {Neuroimage}, + volume = {17}, + number = {1}, + pages = {240-55}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053811902911249 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12482081}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2245, + author = {Del Gratta, C. and Della Penna, S. and Ferretti, A. and Franciotti, R. and Pizzella, V. and Tartaro, A. and Torquati, K. and Bonomo, L. and Romani, G. L. and Rossini, P. M.}, + title = {Topographic organization of the human primary and secondary somatosensory cortices: comparison of fMRI and MEG findings}, + journal = {Neuroimage}, + volume = {17}, + number = {3}, + pages = {1373-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12414277}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2005, + author = {Daskalakis, Z. J. and Christensen, B. K. and Fitzgerald, P. B. and Roshan, L. and Chen, R.}, + title = {The mechanisms of interhemispheric inhibition in the human motor cortex}, + journal = {J Physiol}, + volume = {543}, + number = {Pt 1}, + pages = {317-26}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12181302}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2221, + author = {Cohen, Y. E. and Andersen, R. A.}, + title = {A common reference frame for movement plans in the posterior parietal cortex}, + journal = {Nat Rev Neurosci}, + volume = {3}, + number = {7}, + pages = {553-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12094211}, + year = {2002}, + type = {Journal Article} +} + +@article{RN886, + author = {Cisek, P. and Kalaska, J. F.}, + title = {Simultaneous encoding of multiple potential reach directions in dorsal premotor cortex}, + journal = {J Neurophysiol}, + volume = {87}, + number = {2}, + pages = {1149-54.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11826082 +http://jn.physiology.org/cgi/content/full/87/2/1149 +http://jn.physiology.org/cgi/content/abstract/87/2/1149}, + year = {2002}, + type = {Journal Article} +} + +@article{RN926, + author = {Cincotta, M. and Borgheresi, A. and Boffi, P. and Vigliano, P. and Ragazzoni, A. and Zaccara, G. and Ziemann, U.}, + title = {Bilateral motor cortex output with intended unimanual contraction in congenital mirror movements}, + journal = {Neurology}, + volume = {58}, + number = {8}, + pages = {1290-3.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11971104}, + year = {2002}, + type = {Journal Article} +} + +@article{RN964, + author = {Carrozzo, M. and Stratta, F. and McIntyre, J. and Lacquaniti, F.}, + title = {Cognitive allocentric representations of visual space shape pointing errors}, + journal = {Exp Brain Res}, + volume = {147}, + number = {4}, + pages = {426-36.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12444474}, + year = {2002}, + type = {Journal Article} +} + +@article{RN943, + author = {Cardoso de Oliveira, Simone}, + title = {The neural basis of bimanual coordination: recent neurophysiological evidence and functional models}, + journal = {Acta Psychologica}, + volume = {110}, + pages = {139-159}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2403, + author = {Buonomano, D. V. and Karmarkar, U. R.}, + title = {How do we tell time?}, + journal = {Neuroscientist}, + volume = {8}, + number = {1}, + pages = {42-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11843098}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2289, + author = {Buneo, C. A. and Jarvis, M. R. and Batista, A. P. and Andersen, R. A.}, + title = {Direct visuomotor transformations for reaching}, + journal = {Nature}, + volume = {416}, + number = {6881}, + pages = {632-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11948351}, + year = {2002}, + type = {Journal Article} +} + +@article{RN880, + author = {Buneo, C. A. and Jarvis, M. R. and Batista, A. P. and Andersen, R. A.}, + title = {Direct visuomotor transformations for reaching}, + journal = {Nature}, + volume = {416}, + number = {6881}, + pages = {632-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11948351}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1008, + author = {Bower, J. M.}, + title = {The organization of cerebellar cortical circuitry revisited: implications for function}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {135-55.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582048}, + year = {2002}, + type = {Journal Article} +} + +@article{RN2130, + author = {Bischoff-Grethe, A. and Ivry, R. B. and Grafton, S. T.}, + title = {Cerebellar involvement in response reassignment rather than attention}, + journal = {J Neurosci}, + volume = {22}, + number = {2}, + pages = {546-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11784801}, + year = {2002}, + type = {Journal Article} +} + +@article{RN988, + author = {Attwell, P. J. and Ivarsson, M. and Millar, L. and Yeo, C. H.}, + title = {Cerebellar mechanisms in eyeblink conditioning}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {79-92.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582043}, + year = {2002}, + type = {Journal Article} +} + +@article{RN1047, + author = {Attwell, D. and Iadecola, C.}, + title = {The neural basis of functional brain imaging signals}, + journal = {Trends Neurosci}, + volume = {25}, + number = {12}, + pages = {621-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446129}, + year = {2002}, + type = {Journal Article} +} + +@inproceedings{RN829, + author = {Aparicio, Paul and Connor, Bonnie and Diedrichsen, Jörn and Ivry, Richard B.}, + title = {The effects of focal lesions of the basal ganglia on repetitive tapping tasks}, + booktitle = {Cognitive Neuroscience society}, + type = {Conference Proceedings} +} + +@article{RN2035, + author = {Alkadhi, H. and Crelier, G. R. and Boendermaker, S. H. and Golay, X. and Hepp-Reymond, M. C. and Kollias, S. S.}, + title = {Reproducibility of primary motor cortex somatotopy under controlled conditions}, + journal = {AJNR Am J Neuroradiol}, + volume = {23}, + number = {9}, + pages = {1524-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12372742}, + year = {2002}, + type = {Journal Article} +} + +@article{RN685, + author = {Wühr, Peter and Müsseler, Jochen}, + title = {Time course of the blindness to response-compatible stimuli}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {27}, + number = {5}, + pages = {1260-1270}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2203, + author = {Woolrich, M. W. and Ripley, B. D. and Brady, M. and Smith, S. M.}, + title = {Temporal autocorrelation in univariate linear modeling of FMRI data}, + journal = {Neuroimage}, + volume = {14}, + number = {6}, + pages = {1370-86}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11707093}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3616, + author = {Van Essen, D. C. and Lewis, J. W. and Drury, H. A. and Hadjikhani, N. and Tootell, R. B. and Bakircioglu, M. and Miller, M. I.}, + title = {Mapping visual cortex in monkeys and humans using surface-based atlases}, + journal = {Vision Res}, + volume = {41}, + number = {10-11}, + pages = {1359-78}, + ISSN = {0042-6989 (Print) +0042-6989 (Linking)}, + url = {http://ac.els-cdn.com/S0042698901000451/1-s2.0-S0042698901000451-main.pdf?_tid=e03d9864-7fa8-11e3-bb8d-00000aab0f26&acdnat=1389985084_da38b19c67b891a2eb6eddde6c40e030}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2260, + author = {Van Essen, D.C., Dickson, J., Harwell, J., Hanlon, D., Anderson, C.H. and Drury, H.A.}, + title = {An Integrated Software System for Surface-based Analyses of Cerebral Cortex.}, + journal = {Journal of American Medical Informatics Association}, + volume = {41}, + pages = {1359-1378}, + url = { http://brainmap.wustl.edu/caret}, + year = {2001}, + type = {Journal Article} +} + +@phdthesis{RN695, + author = {Trommershäuser, Julia}, + title = {Strategieabhaengige Verzerrungen im visuell-raeumlichen Arbeitsgedaechtnis}, + university = {University of Goettingen}, + type = {diploma thesis}, + year = {2001}, + type = {Thesis} +} + +@article{RN774, + author = {Tracy, J. I. and Faro, S. S. and Mohammed, F. B. and Pinus, A. B. and Madi, S. M. and Laskas, J. W.}, + title = {Cerebellar mediation of the complexity of bimanual compared to unimanual movements}, + journal = {Neurology}, + volume = {57}, + number = {10}, + pages = {1862-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11723277 +http://www.neurology.org/cgi/content/full/57/10/1862 +http://www.neurology.org/cgi/content/abstract/57/10/1862}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2192, + author = {Toni, I. and Rushworth, M. F. and Passingham, R. E.}, + title = {Neural correlates of visuomotor associations. Spatial rules compared with arbitrary rules}, + journal = {Exp Brain Res}, + volume = {141}, + number = {3}, + pages = {359-69}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11715080}, + year = {2001}, + type = {Journal Article} +} + +@article{RN950, + author = {Toni, I. and Rushworth, M. F. and Passingham, R. E.}, + title = {Neural correlates of visuomotor associations. Spatial rules compared with arbitrary rules}, + journal = {Exp Brain Res}, + volume = {141}, + number = {3}, + pages = {359-69.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11715080}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2243, + author = {Toni, I. and Ramnani, N. and Josephs, O. and Ashburner, J. and Passingham, R. E.}, + title = {Learning arbitrary visuomotor associations: temporal dynamic of brain activity}, + journal = {Neuroimage}, + volume = {14}, + number = {5}, + pages = {1048-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11697936}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3368, + author = {Tchernichovski, O. and Mitra, P. P. and Lints, T. and Nottebohm, F.}, + title = {Dynamics of the vocal imitation process: how a zebra finch learns its song}, + journal = {Science}, + volume = {291}, + number = {5513}, + pages = {2564-9}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + DOI = {10.1126/science.1058522}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11283361}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2604, + author = {Szentesi, P. and Zaremba, R. and van Mechelen, W. and Stienen, G. J.}, + title = {ATP utilization for calcium uptake and force production in different types of human skeletal muscle fibres}, + journal = {J Physiol}, + volume = {531}, + number = {Pt 2}, + pages = {393-403}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11230512 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN2974, + author = {Stinear, C. M. and Walker, K. S. and Byblow, W. D.}, + title = {Symmetric facilitation between motor cortices during contraction of ipsilateral hand muscles}, + journal = {Exp Brain Res}, + volume = {139}, + number = {1}, + pages = {101-5}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11482835}, + year = {2001}, + type = {Journal Article} +} + +@phdthesis{RN2052, + author = {Smith, A. M.}, + title = {The basal ganglia, the cerebellum, and error correction in motor control}, + university = {Johns-Hopkins University}, + type = {Dissertation}, + year = {2001}, + type = {Thesis} +} + +@article{RN748, + author = {Shiratori, T. and Latash, M. L.}, + title = {Anticipatory postural adjustments during load catching by standing subjects}, + journal = {Clin Neurophysiol}, + volume = {112}, + number = {7}, + pages = {1250-65.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11516737}, + year = {2001}, + type = {Journal Article} +} + +@article{RN963, + author = {Sheth, B. R. and Shimojo, S.}, + title = {Compression of space in visual memory}, + journal = {Vision Res}, + volume = {41}, + number = {3}, + pages = {329-41.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11164448}, + year = {2001}, + type = {Journal Article} +} + +@article{RN936, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Bimanual organization of manipulative forces: evidence from erroneous feedforward programming of precision grip}, + journal = {Eur J Neurosci}, + volume = {13}, + number = {9}, + pages = {1825-32.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11359534}, + year = {2001}, + type = {Journal Article} +} + +@article{RN688, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Regulation of grasping forces during bimanual in-phase and anti-phase coordination}, + journal = {Neuropsychologia}, + volume = {39}, + number = {13}, + pages = {1379-84}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11585605}, + year = {2001}, + type = {Journal Article} +} + +@article{RN686, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Dissociation of grip/load-force coupling during a bimanual manipulative assignment}, + journal = {Exp Brain Res}, + volume = {136}, + number = {3}, + pages = {417-20.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11243485}, + year = {2001}, + type = {Journal Article} +} + +@article{RN1072, + author = {Serrien, D. J. and Nirkko, A. C. and Wiesendanger, M.}, + title = {Role of the corpus callosum in bimanual coordination: a comparison of patients with congenital and acquired callosal damage}, + journal = {Eur J Neurosci}, + volume = {14}, + number = {11}, + pages = {1897-905}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11860484}, + year = {2001}, + type = {Journal Article} +} + +@article{RN687, + author = {Serrien, D. J. and Nirkko, A. C. and Lovblad, K. O. and Wiesendanger, M.}, + title = {Damage to the parietal lobe impairs bimanual coordination}, + journal = {Neuroreport}, + volume = {12}, + number = {12}, + pages = {2721-4.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11522955}, + year = {2001}, + type = {Journal Article} +} + +@article{RN844, + author = {Serrien, D. J. and Li, Y. and Steyvers, M. and Debaere, F. and Swinnen, S. P.}, + title = {Proprioceptive regulation of interlimb behavior: interference between passive movement and active coordination dynamics}, + journal = {Exp Brain Res}, + volume = {140}, + number = {4}, + pages = {411-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11685394}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2267, + author = {Sereno, M. I. and Pitzalis, S. and Martinez, A.}, + title = {Mapping of contralateral space in retinotopic coordinates by a parietal cortical area in humans}, + journal = {Science}, + volume = {294}, + number = {5545}, + pages = {1350-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11701930}, + year = {2001}, + type = {Journal Article} +} + +@article{RN906, + author = {Scott, S. H. and Gribble, P. L. and Graham, K. M. and Cabel, D. W.}, + title = {Dissociation between hand motion and population vectors from neural activity in motor cortex}, + journal = {Nature}, + volume = {413}, + number = {6852}, + pages = {161-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11557980}, + year = {2001}, + type = {Journal Article} +} + +@phdthesis{RN888, + author = {Schmidt, T.}, + title = {Spatial distortions in visual short-term memory}, + university = {University of Goettingen, Germany}, + type = {doctoral thesis}, + url = {http://webdoc.sub.gwdg.de/diss/2002/schmidt_thomas/schmidt_thomas.pdf}, + year = {2001}, + type = {Thesis} +} + +@article{RN912, + author = {Schluter, N. D. and Krams, M. and Rushworth, M. F. and Passingham, R. E.}, + title = {Cerebral dominance for action in the human brain: the selection of actions}, + journal = {Neuropsychologia}, + volume = {39}, + number = {2}, + pages = {105-13}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11163368}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2311, + author = {Rushworth, M. F. and Krams, M. and Passingham, R. E.}, + title = {The attentional role of the left parietal cortex: the distinct lateralization and localization of motor attention in the human brain}, + journal = {J Cogn Neurosci}, + volume = {13}, + number = {5}, + pages = {698-710}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11506665}, + year = {2001}, + type = {Journal Article} +} + +@article{RN644, + author = {Rorden, Chris and Brett, Matthew}, + title = {Stereotaxic display of brain lesions}, + journal = {Behavioral Neurology}, + volume = {12}, + pages = {191-200}, + year = {2001}, + type = {Journal Article} +} + +@article{RN929, + author = {Rinkenauer, G. and Ulrich, R. and Wing, A. M.}, + title = {Brief bimanual force pulses: correlations between the hands in force and time}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {27}, + number = {6}, + pages = {1485-97.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11766938}, + year = {2001}, + type = {Journal Article} +} + +@article{RN802, + author = {Repp, B. H.}, + title = {Processes underlying adaptation to tempo changes in sensorimotor synchronization}, + journal = {Hum Mov Sci}, + volume = {20}, + number = {3}, + pages = {277-312.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11517673}, + year = {2001}, + type = {Journal Article} +} + +@article{RN801, + author = {Repp, B. H.}, + title = {Phase correction, phase resetting, and phase shifts after subliminal timing perturbations in sensorimotor synchronization}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {27}, + number = {3}, + pages = {600-21.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11424648}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2124, + author = {Ravizza, S. M. and Ivry, R. B.}, + title = {Comparison of the basal ganglia and cerebellum in shifting attention}, + journal = {J Cogn Neurosci}, + volume = {13}, + number = {3}, + pages = {285-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11371307}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2433, + author = {Ramnani, N. and Toni, I. and Passingham, R. E. and Haggard, P.}, + title = {The cerebellum and parietal cortex play a specific role in coordination: a PET study}, + journal = {Neuroimage}, + volume = {14}, + number = {4}, + pages = {899-911}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11554809 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN2444, + author = {Ramnani, N. and Passingham, R. E.}, + title = {Changes in the human brain during rhythm learning}, + journal = {J Cogn Neurosci}, + volume = {13}, + number = {7}, + pages = {952-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11595098 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN716, + author = {Prinzmetal, William and Diedrichsen, Joern and Ivry, Richard B.}, + title = {Illusory conjunctions are alive and well: A reply to Donk (1999)}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {27}, + number = {3}, + pages = {538-541}, + year = {2001}, + type = {Journal Article} +} + +@article{RN993, + author = {Prentice, S. D. and Drew, T.}, + title = {Contributions of the reticulospinal system to the postural adjustments occurring during voluntary gait modifications}, + journal = {J Neurophysiol}, + volume = {85}, + number = {2}, + pages = {679-98}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11160503}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3254, + author = {Picard, N. and Strick, P. L.}, + title = {Imaging the premotor areas}, + journal = {Curr Opin Neurobiol}, + volume = {11}, + number = {6}, + pages = {663-72}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11741015}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2143, + author = {Ollinger, J. M. and Shulman, G. L. and Corbetta, M.}, + title = {Separating processes within a trial in event-related functional MRI}, + journal = {Neuroimage}, + volume = {13}, + number = {1}, + pages = {210-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11133323}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3298, + author = {Nitsche, M. A. and Paulus, W.}, + title = {Sustained excitability elevations induced by transcranial DC motor cortex stimulation in humans}, + journal = {Neurology}, + volume = {57}, + number = {10}, + pages = {1899-901}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11723286}, + year = {2001}, + type = {Journal Article} +} + +@article{RN764, + author = {Nezafat, R. and Shadmehr, R. and Holcomb, H. H.}, + title = {Long-term adaptation to dynamics of reaching movements: a PET study}, + journal = {Exp Brain Res}, + volume = {140}, + number = {1}, + pages = {66-76.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11500799}, + year = {2001}, + type = {Journal Article} +} + +@article{RN863, + author = {Neggers, S. F. and Bekkering, H.}, + title = {Gaze anchoring to a pointing target is present during the entire pointing movement and is driven by a non-visual signal}, + journal = {J Neurophysiol}, + volume = {86}, + number = {2}, + pages = {961-70.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11495964 +http://www.jn.physiology.org/cgi/content/full/86/2/961 +http://www.jn.physiology.org/cgi/content/abstract/86/2/961}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2649, + author = {Muellbacher, W. and Ziemann, U. and Boroojerdi, B. and Cohen, L. and Hallett, M.}, + title = {Role of the human motor cortex in rapid motor learning}, + journal = {Exp Brain Res}, + volume = {136}, + number = {4}, + pages = {431-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11291723 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN727, + author = {Morton, S. M. and Lang, C. E. and Bastian, A. J.}, + title = {Inter- and intra-limb generalization of adaptation during catching}, + journal = {Exp Brain Res}, + volume = {141}, + number = {4}, + pages = {438-45.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11810138}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2692, + author = {Mieschke, P. E. and Elliott, D. and Helsen, W. F. and Carson, R. G. and Coull, J. A.}, + title = {Manual asymmetries in the preparation and control of goal-directed movements}, + journal = {Brain Cogn}, + volume = {45}, + number = {1}, + pages = {129-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11161367 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN2412, + author = {Miall, R. C. and Reckess, G. Z. and Imamizu, H.}, + title = {The cerebellum coordinates eye and hand tracking movements}, + journal = {Nat Neurosci}, + volume = {4}, + number = {6}, + pages = {638-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11369946}, + year = {2001}, + type = {Journal Article} +} + +@article{RN741, + author = {Mechsner, Franz and Kerzel, Dirk and Knoblich, Guenther and Prinz, Wolfgang}, + title = {Perceptual basis of bimanual coordination}, + journal = {Nature}, + volume = {414}, + number = {6859}, + pages = {69-73}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2270, + author = {Marconi, B. and Genovesio, A. and Battaglia-Mayer, A. and Ferraina, S. and Squatrito, S. and Molinari, M. and Lacquaniti, F. and Caminiti, R.}, + title = {Eye-hand coordination during reaching. I. Anatomical relationships between parietal and frontal cortex}, + journal = {Cereb Cortex}, + volume = {11}, + number = {6}, + pages = {513-27}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375913}, + year = {2001}, + type = {Journal Article} +} + +@inbook{RN822, + author = {Mangels, Jennifer A. and Ivry, Richard B.}, + title = {Time perception}, + booktitle = {The handbook of cognitive neuropsychology: What deficits reveal about the human mind.}, + editor = {Rapp, Brenda}, + publisher = {Psychology Press/Taylor & Francis}, + address = {Philadelphia, PA, US}, + pages = {467-493}, + year = {2001}, + type = {Book Section} +} + +@article{RN2335, + author = {Luppino, G. and Calzavara, R. and Rozzi, S. and Matelli, M.}, + title = {Projections from the superior temporal sulcus to the agranular frontal cortex in the macaque}, + journal = {Eur J Neurosci}, + volume = {14}, + number = {6}, + pages = {1035-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11595042}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2722, + author = {Logothetis, N. K. and Pauls, J. and Augath, M. and Trinath, T. and Oeltermann, A.}, + title = {Neurophysiological investigation of the basis of the fMRI signal}, + journal = {Nature}, + volume = {412}, + number = {6843}, + pages = {150-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11449264 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN2279, + author = {Li, C. S. and Padoa-Schioppa, C. and Bizzi, E.}, + title = {Neuronal correlates of motor performance and motor learning in the primary motor cortex of monkeys adapting to an external force field}, + journal = {Neuron}, + volume = {30}, + number = {2}, + pages = {593-607}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11395017}, + year = {2001}, + type = {Journal Article} +} + +@article{RN726, + author = {Lang, C. E. and Bastian, A. J.}, + title = {Additional somatosensory information does not improve cerebellar adaptation during catching}, + journal = {Clin Neurophysiol}, + volume = {112}, + number = {5}, + pages = {895-907.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11336907}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3072, + author = {Kruschke, J.K.}, + title = {Towards a unified model of attention in associative learning}, + journal = {Journal of Mathematical Psychology}, + volume = {45}, + number = {6}, + pages = {812-863}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2202, + author = {Kruger, G. and Glover, G. H.}, + title = {Physiological noise in oxygenation-sensitive magnetic resonance imaging}, + journal = {Magn Reson Med}, + volume = {46}, + number = {4}, + pages = {631-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11590638}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2133, + author = {Krebs, H. I. and Hogan, N. and Hening, W. and Adamovich, S. V. and Poizner, H.}, + title = {Procedural motor learning in Parkinson's disease}, + journal = {Exp Brain Res}, + volume = {141}, + number = {4}, + pages = {425-37}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11810137}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2346, + author = {Kikuchi, A. and Takeda, A. and Kimpara, T. and Nakagawa, M. and Kawashima, R. and Sugiura, M. and Kinomura, S. and Fukuda, H. and Chida, K. and Okita, N. and Takase, S. and Itoyama, Y.}, + title = {Hypoperfusion in the supplementary motor area, dorsolateral prefrontal cortex and insular cortex in Parkinson's disease}, + journal = {J Neurol Sci}, + volume = {193}, + number = {1}, + pages = {29-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11718747}, + year = {2001}, + type = {Journal Article} +} + +@article{RN1043, + author = {Kelso, J. A. Scott and Fink, P. W. and DeLaplain, C. R. and Carson, R. G.}, + title = {Haptic information stabilizes and destabilizes coordination dynamics}, + journal = {Proc R Soc Lond B Biol Sci}, + volume = {268}, + number = {1472}, + pages = {1207-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375110}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2021, + author = {Johnson, S. H. and Corballis, P. M. and Gazzaniga, M. S.}, + title = {Within grasp but out of reach: evidence for a double dissociation between imagined hand and arm movements in the left cerebral hemisphere}, + journal = {Neuropsychologia}, + volume = {39}, + number = {1}, + pages = {36-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11115654}, + year = {2001}, + type = {Journal Article} +} + +@inbook{RN2132, + author = {Ivry, R. B. and Justus, T. C. and Middleton, C.}, + title = {The cerebellum, timing and language}, + booktitle = {Dyslexia, Fluency and the Brain}, + editor = {M, Wolf}, + publisher = {York Press}, + address = {Timonium, MD}, + pages = {189-211}, + year = {2001}, + type = {Book Section} +} + +@article{RN2969, + author = {Indovina, I. and Sanes, J. N.}, + title = {On somatotopic representation centers for finger movements in human primary motor cortex and supplementary motor area}, + journal = {Neuroimage}, + volume = {13}, + number = {6 Pt 1}, + pages = {1027-34}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.2001.0776 +S1053-8119(01)90776-1 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11352608}, + year = {2001}, + type = {Journal Article} +} + +@article{RN772, + author = {Immisch, I. and Waldvogel, D. and van Gelderen, P. and Hallett, M.}, + title = {The role of the medial wall and its anatomical variations for bimanual antiphase and in-phase movements}, + journal = {Neuroimage}, + volume = {14}, + number = {3}, + pages = {674-84.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11506540}, + year = {2001}, + type = {Journal Article} +} + +@article{RN922, + author = {Hommel, B. and Musseler, J. and Aschersleben, G. and Prinz, W.}, + title = {The Theory of Event Coding (TEC): a framework for perception and action planning}, + journal = {Behav Brain Sci}, + volume = {24}, + number = {5}, + pages = {849-78}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12239891}, + year = {2001}, + type = {Journal Article} +} + +@article{RN938, + author = {Heuer, H. and Kleinsorge, T. and Spijkers, W. and Steglich, W.}, + title = {Static and phasic cross-talk effects in discrete bimanual reversal movements}, + journal = {J Mot Behav}, + volume = {33}, + number = {1}, + pages = {67-85.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11265059}, + year = {2001}, + type = {Journal Article} +} + +@article{RN850, + author = {Hemminger, S.E. and Donchin, O. and Ariff, G.D. and Young, E.D. and Shadmehr, R.}, + title = {Intermanual generalization of arm dynamics in extrinsic coordinates}, + journal = {Society of Neuroscience Abstracts}, + volume = {27: 302.1}, + year = {2001}, + type = {Journal Article} +} + +@article{RN1021, + author = {Hay, L. and Redon, C.}, + title = {Development of postural adaptation to arm raising}, + journal = {Exp Brain Res}, + volume = {139}, + number = {2}, + pages = {224-32.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11497065}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2832, + author = {Haxby, J. V. and Gobbini, M. I. and Furey, M. L. and Ishai, A. and Schouten, J. L. and Pietrini, P.}, + title = {Distributed and overlapping representations of faces and objects in ventral temporal cortex}, + journal = {Science}, + volume = {293}, + number = {5539}, + pages = {2425-30}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + DOI = {10.1126/science.1063736}, + year = {2001}, + type = {Journal Article} +} + +@article{RN763, + author = {Haruno, M. and Wolpert, D. M. and Kawato, M.}, + title = {Mosaic model for sensorimotor learning and control}, + journal = {Neural Comput}, + volume = {13}, + number = {10}, + pages = {2201-20.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11570996}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2041, + author = {Grodd, W. and Hulsmann, E. and Lotze, M. and Wildgruber, D. and Erb, M.}, + title = {Sensorimotor mapping of the human cerebellum: fMRI evidence of somatotopic organization}, + journal = {Hum Brain Mapp}, + volume = {13}, + number = {2}, + pages = {55-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11346886}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2187, + author = {Grefkes, C. and Geyer, S. and Schormann, T. and Roland, P. and Zilles, K.}, + title = {Human somatosensory area 2: observer-independent cytoarchitectonic mapping, interindividual variability, and population map}, + journal = {Neuroimage}, + volume = {14}, + number = {3}, + pages = {617-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11506535}, + year = {2001}, + type = {Journal Article} +} + +@article{RN959, + author = {Gourtzelidis, P. and Smyrnis, N. and Evdokimidis, I. and Balogh, A.}, + title = {Systematic errors of planar arm movements provide evidence for space categorization effects and interaction of multiple frames of reference}, + journal = {Exp Brain Res}, + volume = {139}, + number = {1}, + pages = {59-69.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11482844}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3354, + author = {Gobet, F. and Lane, P. C. and Croker, S. and Cheng, P. C. and Jones, G. and Oliver, I. and Pine, J. M.}, + title = {Chunking mechanisms in human learning}, + journal = {Trends Cogn Sci}, + volume = {5}, + number = {6}, + pages = {236-243}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11390294}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2186, + author = {Geyer, S. and Schleicher, A. and Schormann, T. and Mohlberg, H. and Bodegard, A. and Roland, P. E. and Zilles, K.}, + title = {Integration of microstructural and functional aspects of human somatosensory areas 3a, 3b, and 1 on the basis of a computerized brain atlas}, + journal = {Anat Embryol (Berl)}, + volume = {204}, + number = {4}, + pages = {351-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11720238}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2323, + author = {Galletti, C. and Gamberini, M. and Kutz, D. F. and Fattori, P. and Luppino, G. and Matelli, M.}, + title = {The cortical connections of area V6: an occipito-parietal network processing visual information}, + journal = {Eur J Neurosci}, + volume = {13}, + number = {8}, + pages = {1572-88}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11328351}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2896, + author = {Friman, O. and Cedefamn, J. and Lundberg, P. and Borga, M. and Knutsson, H.}, + title = {Detection of neural activity in functional MRI using canonical correlation analysis}, + journal = {Magn Reson Med}, + volume = {45}, + number = {2}, + pages = {323-30}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + DOI = {10.1002/1522-2594(200102)45:2<323::AID-MRM1041>3.0.CO;2-# [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11180440}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2908, + author = {Frens, M. A. and Mathoera, A. L. and van der Steen, J.}, + title = {Floccular complex spike response to transparent retinal slip}, + journal = {Neuron}, + volume = {30}, + number = {3}, + pages = {795-801}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(01)00321-X [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11430812}, + year = {2001}, + type = {Journal Article} +} + +@article{RN712, + author = {Franz, Volker H.}, + title = {Action does not resist visual illusions}, + journal = {Trends in Cognitive Sciences}, + volume = {5}, + number = {11}, + pages = {457-459}, + year = {2001}, + type = {Journal Article} +} + +@article{RN639, + author = {Franz, Elizabeth A. and Zelaznik, Howard N. and Swinnen, Stephan and Walter, Charles}, + title = {Spatial conceptual influences on the coordination of bimanual actions: When a dual task becomes a single task}, + journal = {Journal of Motor Behavior}, + volume = {33}, + number = {1}, + pages = {103-112}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2188, + author = {Frank, L. R. and Buxton, R. B. and Wong, E. C.}, + title = {Estimation of respiration-induced noise fluctuations from undersampled multislice fMRI data}, + journal = {Magn Reson Med}, + volume = {45}, + number = {4}, + pages = {635-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11283992}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2174, + author = {Frank, L. R. and Buxton, R. B. and Wong, E. C.}, + title = {Estimation of respiration-induced noise fluctuations from undersampled multislice fMRI data}, + journal = {Magn Reson Med}, + volume = {45}, + number = {4}, + pages = {635-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11283992}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2233, + author = {Flash, T. and Sejnowski, T. J.}, + title = {Computational approaches to motor control}, + journal = {Curr Opin Neurobiol}, + volume = {11}, + number = {6}, + pages = {655-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11741014}, + year = {2001}, + type = {Journal Article} +} + +@article{RN1013, + author = {Flanagan, J. R. and King, S. and Wolpert, D. M. and Johansson, R. S.}, + title = {Sensorimotor prediction and memory in object manipulation}, + journal = {Can J Exp Psychol}, + volume = {55}, + number = {2}, + pages = {87-95.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11433790}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2077, + author = {Ehrsson, H. H. and Fagergren, E. and Forssberg, H.}, + title = {Differential fronto-parietal activation depending on force used in a precision grip task: an fMRI study}, + journal = {J Neurophysiol}, + volume = {85}, + number = {6}, + pages = {2613-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11387405}, + year = {2001}, + type = {Journal Article} +} + +@book{RN3104, + author = {Duda, R.O. and Hart, P.E. and Stork, D.G.}, + title = {Pattern classification}, + publisher = {Wiley}, + address = {Hoboken, NJ}, + ISBN = {9780471056690}, + url = {http://books.google.co.uk/books?id=YoxQAAAAMAAJ}, + year = {2001}, + type = {Book} +} + +@article{RN3046, + author = {Donchin, O. and Gribova, A. and Steinberg, O. and Bergman, H. and Cardoso de Oliveira, S. and Vaadia, E.}, + title = {Local field potentials related to bimanual movements in the primary and supplementary motor cortices}, + journal = {Exp Brain Res}, + volume = {140}, + number = {1}, + pages = {46-55}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11500797}, + year = {2001}, + type = {Journal Article} +} + +@article{RN603, + author = {Diedrichsen, Joern and Hazeltine, Eliot and Kennerley, Steven and Ivry, Richard B.}, + title = {Moving to directly cued locations abolishes spatial interference during bimanual actions}, + journal = {Psychological Science}, + volume = {12}, + number = {6}, + pages = {493-498}, + year = {2001}, + type = {Journal Article} +} + +@article{RN735, + author = {Diedrichsen, Jörn and Hazeltine, Eliot}, + title = {Unifying by binding: will binding really bind? A commentary on Hommel et al. (2001).}, + journal = {Behavioral & Brain Sciences}, + year = {2001}, + type = {Journal Article} +} + +@article{RN857, + author = {Desmurget, M. and Grea, H. and Grethe, J. S. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, + title = {Functional anatomy of nonvisual feedback loops during reaching: a positron emission tomography study}, + journal = {J Neurosci}, + volume = {21}, + number = {8}, + pages = {2919-28.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11306644 +http://www.jneurosci.org/cgi/content/full/21/8/2919 +http://www.jneurosci.org/cgi/content/abstract/21/8/2919}, + year = {2001}, + type = {Journal Article} +} + +@article{RN773, + author = {Debaere, F. and Swinnen, S. P. and Beatse, E. and Sunaert, S. and Van Hecke, P. and Duysens, J.}, + title = {Brain areas involved in interlimb coordination: a distributed network}, + journal = {Neuroimage}, + volume = {14}, + number = {5}, + pages = {947-58.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11697927}, + year = {2001}, + type = {Journal Article} +} + +@article{RN715, + author = {Dale, Corby L. and Gratton, Gabriele and Gibbon, John}, + title = {Event-related brain potentials isolate the motor component in a tapping task}, + journal = {Neuroreport: For Rapid Communication of Neuroscience Research}, + volume = {12}, + number = {14}, + pages = {3015-3018}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2097, + author = {Dai, T. H. and Liu, J. Z. and Sahgal, V. and Brown, R. W. and Yue, G. H.}, + title = {Relationship between muscle output and functional MRI-measured brain activation}, + journal = {Exp Brain Res}, + volume = {140}, + number = {3}, + pages = {290-300}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11681304}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2117, + author = {Culham, J. C. and Kanwisher, N. G.}, + title = {Neuroimaging of cognitive functions in human parietal cortex}, + journal = {Curr Opin Neurobiol}, + volume = {11}, + number = {2}, + pages = {157-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11301234}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2318, + author = {Creem, S. H. and Proffitt, D. R.}, + title = {Grasping objects by their handles: a necessary interaction between cognition and action}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {27}, + number = {1}, + pages = {218-28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11248935}, + year = {2001}, + type = {Journal Article} +} + +@article{RN689, + author = {Corballis, P. M. and Inati, S. and Funnell, M. G. and Grafton, S. T. and Gazzaniga, M. S.}, + title = {MRI assessment of spared fibers following callosotomy: a second look}, + journal = {Neurology}, + volume = {57}, + number = {7}, + pages = {1345-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11591870 +http://www.neurology.org/cgi/content/full/57/7/1345}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2237, + author = {Clower, D. M. and West, R. A. and Lynch, J. C. and Strick, P. L.}, + title = {The inferior parietal lobule is the target of output from the superior colliculus, hippocampus, and cerebellum}, + journal = {J Neurosci}, + volume = {21}, + number = {16}, + pages = {6283-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11487651}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2250, + author = {Chaminade, T. and Meary, D. and Orliaguet, J. P. and Decety, J.}, + title = {Is perceptual anticipation a motor simulation? A PET study}, + journal = {Neuroreport}, + volume = {12}, + number = {17}, + pages = {3669-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11726771}, + year = {2001}, + type = {Journal Article} +} + +@article{RN819, + author = {Burdet, E. and Osu, R. and Franklin, D. W. and Milner, T. E. and Kawato, M.}, + title = {The central nervous system stabilizes unstable dynamics by learning optimal impedance}, + journal = {Nature}, + volume = {414}, + number = {6862}, + pages = {446-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11719805}, + year = {2001}, + type = {Journal Article} +} + +@article{RN711, + author = {Bruno, Nicola}, + title = {When does action resist visual illusions?}, + journal = {Trends in Cognitive Sciences}, + volume = {5}, + number = {9}, + pages = {379-382}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2316, + author = {Braver, T. S. and Barch, D. M. and Gray, J. R. and Molfese, D. L. and Snyder, A.}, + title = {Anterior cingulate cortex and response conflict: effects of frequency, inhibition and errors}, + journal = {Cereb Cortex}, + volume = {11}, + number = {9}, + pages = {825-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11532888}, + year = {2001}, + type = {Journal Article} +} + +@article{RN914, + author = {Bedard, P. and Proteau, L.}, + title = {On the role of static and dynamic visual afferent information in goal- directed aiming movements}, + journal = {Exp Brain Res}, + volume = {138}, + number = {4}, + pages = {419-31.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11465739}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3607, + author = {Baudewig, J. and Nitsche, M. A. and Paulus, W. and Frahm, J.}, + title = {Regional modulation of BOLD MRI responses to human sensorimotor activation by transcranial direct current stimulation}, + journal = {Magn Reson Med}, + volume = {45}, + number = {2}, + pages = {196-201}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + DOI = {10.1002/1522-2594(200102)45:2<196::AID-MRM1026>3.0.CO;2-1 [pii]}, + url = {http://onlinelibrary.wiley.com/store/10.1002/1522-2594(200102)45:2<196::AID-MRM1026>3.0.CO;2-1/asset/1026_ftp.pdf?v=1&t=gxvrf2rh&s=638fddb376fe7c3a085a3341eb8ebe33b9022a33}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2271, + author = {Battaglia-Mayer, A. and Ferraina, S. and Genovesio, A. and Marconi, B. and Squatrito, S. and Molinari, M. and Lacquaniti, F. and Caminiti, R.}, + title = {Eye-hand coordination during reaching. II. An analysis of the relationships between visuomanual signals in parietal cortex and parieto-frontal association projections}, + journal = {Cereb Cortex}, + volume = {11}, + number = {6}, + pages = {528-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375914}, + year = {2001}, + type = {Journal Article} +} + +@article{RN749, + author = {Aruin, A. S. and Shiratori, T. and Latash, M. L.}, + title = {The role of action in postural preparation for loading and unloading in standing subjects}, + journal = {Exp Brain Res}, + volume = {138}, + number = {4}, + pages = {458-66.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11465744}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2169, + author = {Andersson, J. L. and Hutton, C. and Ashburner, J. and Turner, R. and Friston, K.}, + title = {Modeling geometric deformations in EPI time series}, + journal = {Neuroimage}, + volume = {13}, + number = {5}, + pages = {903-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11304086}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2544, + author = {Amunts, K. and Zilles, K.}, + title = {Advances in cytoarchitectonic mapping of the human cerebral cortex}, + journal = {Neuroimaging Clin N Am}, + volume = {11}, + number = {2}, + pages = {151-69, vii}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11489732 }, + year = {2001}, + type = {Journal Article} +} + +@article{RN704, + author = {Zelaznik, Howard N. and Spencer, Rebecca M. and Doffin, Julie G.}, + title = {Temporal precision in tapping and circle drawing movements at preferred rates is not correlated: Further evidence against timing as a general-purpose ability}, + journal = {Journal of Motor Behavior}, + volume = {32}, + number = {2}, + pages = {193-199}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3077, + author = {Zatsiorsky, V. M. and Li, Z. M. and Latash, M. L.}, + title = {Enslaving effects in multi-finger force production}, + journal = {Exp Brain Res}, + volume = {131}, + number = {2}, + pages = {187-95}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10766271}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2712, + author = {Yang, G. and Huard, J. M. and Beitz, A. J. and Ross, M. E. and Iadecola, C.}, + title = {Stellate neurons mediate functional hyperemia in the cerebellar molecular layer}, + journal = {J Neurosci}, + volume = {20}, + number = {18}, + pages = {6968-73}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + DOI = {20/18/6968 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10995841}, + year = {2000}, + type = {Journal Article} +} + +@article{RN761, + author = {Witney, A. G. and Goodbody, S. J. and Wolpert, D. M.}, + title = {Learning and decay of prediction in object manipulation}, + journal = {J Neurophysiol}, + volume = {84}, + number = {1}, + pages = {334-43}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10899208 +http://www.jn.physiology.org/cgi/content/full/84/1/334 +http://www.jn.physiology.org/cgi/content/abstract/84/1/334}, + year = {2000}, + type = {Journal Article} +} + +@article{RN1972, + author = {Wise, S. P. and Murray, E. A.}, + title = {Arbitrary associations between antecedents and actions}, + journal = {Trends Neurosci}, + volume = {23}, + number = {6}, + pages = {271-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10838597}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN694, + author = {Werner, Steffen and Schmidt, Thomas}, + title = {Investigating spatial reference systems through distortions in visual memory}, + booktitle = {Spatial Cognition II: Integrating abstract theories, empirical studies, formal methods, and practical applications}, + editor = {Freska, C. and Brauer, C. H. and Wender, K. F.}, + publisher = {Springer}, + address = {Berlin}, + pages = {169-183}, + year = {2000}, + type = {Book Section} +} + +@article{RN918, + author = {Weiss, P. H. and Jeannerod, M. and Paulignan, Y. and Freund, H. J.}, + title = {Is the organisation of goal-directed action modality specific? A common temporal structure}, + journal = {Neuropsychologia}, + volume = {38}, + number = {8}, + pages = {1136-47}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10838148}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3175, + author = {Wang, S. S. and Denk, W. and Hausser, M.}, + title = {Coincidence detection in single dendritic spines mediated by calcium release}, + journal = {Nat Neurosci}, + volume = {3}, + number = {12}, + pages = {1266-73}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {10.1038/81792}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11100147}, + year = {2000}, + type = {Journal Article} +} + +@article{RN612, + author = {Vetter, P. and Wolpert, D. M.}, + title = {Context estimation for sensorimotor control}, + journal = {Journal of Neurophysiology}, + volume = {84}, + number = {2}, + pages = {1026-34}, + url = {http://jn.physiology.org/cgi/content/full/84/2/1026 +http://jn.physiology.org}, + year = {2000}, + type = {Journal Article} +} + +@article{RN731, + author = {van Donkelaar, P. and Staub, J.}, + title = {Eye-hand coordination to visual versus remembered targets}, + journal = {Exp Brain Res}, + volume = {133}, + number = {3}, + pages = {414-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10958532}, + year = {2000}, + type = {Journal Article} +} + +@article{RN997, + author = {Tonolli, I. and Aurenty, R. and Lee, R. G. and Viallet, F. and Massion, J.}, + title = {Lateral leg raising in patients with Parkinson's disease: influence of equilibrium constraint}, + journal = {Mov Disord}, + volume = {15}, + number = {5}, + pages = {850-61.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11009190}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN692, + author = {Tipper, Steven P. and Howard, Louise A. and Houghton, George}, + title = {Behavioral consequences of selection from neural population codes}, + booktitle = {Attention and Performance XVII: Control of Cognitive Processes}, + editor = {S.Monsell and Driver, J.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {223-245}, + year = {2000}, + type = {Book Section} +} + +@article{RN2139, + author = {Timmann, D. and Richter, S. and Bestmann, S. and Kalveram, K. T. and Konczak, J.}, + title = {Predictive control of muscle responses to arm perturbations in cerebellar patients}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {69}, + number = {3}, + pages = {345-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10945809}, + year = {2000}, + type = {Journal Article} +} + +@article{RN765, + author = {Thoroughman, K. A. and Shadmehr, R.}, + title = {Learning of action through adaptive combination of motor primitives}, + journal = {Nature}, + volume = {407}, + number = {6805}, + pages = {742-7}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11048720}, + year = {2000}, + type = {Journal Article} +} + +@article{RN505, + author = {Tesche, C. D. and Karhu, J. J.}, + title = {Anticipatory cerebellar responses during somatosensory omission in man [see comments]}, + journal = {Human Brain Mapping}, + volume = {9}, + number = {3}, + pages = {119-42}, + year = {2000}, + type = {Journal Article} +} + +@article{RN575, + author = {Sternad, Dagmar and Dean, William J. and Newell, Karl M.}, + title = {Force and timing variability in rhythmic unimanual tapping}, + journal = {Journal of Motor Behavior}, + volume = {32}, + number = {3}, + pages = {249-267}, + year = {2000}, + type = {Journal Article} +} + +@article{RN512, + author = {Spijkers, Will and Heuer, Herbert and Steglich, Christoph and Kleinsorge, Thomas}, + title = {Specification of movement amplitudes for the left and right hands: Evidence for transient parametric coupling from overlapping-task performance}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {26}, + number = {3}, + pages = {1091-1105}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2291, + author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, + title = {Intention-related activity in the posterior parietal cortex: a review}, + journal = {Vision Res}, + volume = {40}, + number = {10-12}, + pages = {1433-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10788650}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2290, + author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, + title = {Saccade-related activity in the parietal reach region}, + journal = {J Neurophysiol}, + volume = {83}, + number = {2}, + pages = {1099-102}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10669521}, + year = {2000}, + type = {Journal Article} +} + +@article{RN826, + author = {Smith, M. A. and Shadmehr, R.}, + title = {Error correction and the basal ganglia. Response to Lawrence (2000)}, + journal = {Trends Cogn Sci}, + volume = {4}, + number = {10}, + pages = {367-369.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11025275}, + year = {2000}, + type = {Journal Article} +} + +@article{RN827, + author = {Smith, M. A. and Brandt, J. and Shadmehr, R.}, + title = {Motor disorder in Huntington's disease begins as a dysfunction in error feedback control}, + journal = {Nature}, + volume = {403}, + number = {6769}, + pages = {544-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10676962}, + year = {2000}, + type = {Journal Article} +} + +@article{RN941, + author = {Slifkin, A. B. and Newell, K. M.}, + title = {Variability and noise in continuous force production}, + journal = {J Mot Behav}, + volume = {32}, + number = {2}, + pages = {141-50}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11005945}, + year = {2000}, + type = {Journal Article} +} + +@book{RN830, + author = {Shumway, R. H. and Stoffer, D. S.}, + title = {Time series analysis and its applications}, + publisher = {Springer}, + address = {New York}, + year = {2000}, + type = {Book} +} + +@article{RN766, + author = {Shadmehr, R. and Moussavi, Z. M.}, + title = {Spatial generalization from learning dynamics of reaching movements}, + journal = {J Neurosci}, + volume = {20}, + number = {20}, + pages = {7807-15.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11027245 +http://www.jneurosci.org/cgi/content/full/20/20/7807 +http://www.jneurosci.org/cgi/content/abstract/20/20/7807}, + year = {2000}, + type = {Journal Article} +} + +@article{RN556, + author = {Serrien, Deborah J. and Wiesendanger, Mario}, + title = {Temporal control of a bimanual task in patients with cerebellar dysfunction}, + journal = {Neuropsychologia}, + volume = {38}, + number = {5}, + pages = {558-565}, + year = {2000}, + type = {Journal Article} +} + +@article{RN807, + author = {Semjen, A. and Schulze, H. H. and Vorberg, D.}, + title = {Timing precision in continuation and synchronization tapping}, + journal = {Psychol Res}, + volume = {63}, + number = {2}, + pages = {137-47}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10946587}, + year = {2000}, + type = {Journal Article} +} + +@article{RN456, + author = {Schultz, Wolfram and Tremblay, Leon and Hollerman, Jeffrey R.}, + title = {Reward processing in primate orbitofrontal cortex and basal ganglia}, + journal = {Cerebral Cortex}, + volume = {10}, + pages = {272-283}, + year = {2000}, + type = {Journal Article} +} + +@book{RN2066, + author = {Schmahmann, J. D. and Doyon, J. and Toga, A. and Petrides, M. and Evans, A.}, + title = {MRI atlas of the human cerebellum}, + publisher = {Academic Press}, + address = {San Diego}, + year = {2000}, + type = {Book} +} + +@article{RN455, + author = {Schimamura, Athur P.}, + title = {The role of the prefrontal cortex in dynamic filtering}, + journal = {Psychobiology}, + volume = {28}, + number = {2}, + pages = {207-218}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2619, + author = {Scheidt, R. A. and Reinkensmeyer, D. J. and Conditt, M. A. and Rymer, W. Z. and Mussa-Ivaldi, F. A.}, + title = {Persistence of motor adaptation during constrained, multi-joint, arm movements}, + journal = {J Neurophysiol}, + volume = {84}, + number = {2}, + pages = {853-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10938312 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN2127, + author = {Sanes, J. N. and Donoghue, J. P.}, + title = {Plasticity and primary motor cortex}, + journal = {Annu Rev Neurosci}, + volume = {23}, + pages = {393-415}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10845069}, + year = {2000}, + type = {Journal Article} +} + +@article{RN908, + author = {Sainburg, R. L. and Kalakanis, D.}, + title = {Differences in control of limb dynamics during dominant and nondominant arm reaching}, + journal = {J Neurophysiol}, + volume = {83}, + number = {5}, + pages = {2661-75.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10805666}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN738, + author = {Rossetti, Yves and Pisella, Laure}, + title = {Several 'vision for action' systems: A guide to dissociating and integrating dorsal and ventral functions.}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + year = {2000}, + type = {Book Section} +} + +@article{RN453, + author = {Roberts, A. C. and Wallis, J. D.}, + title = {Inhibitory control and affective processing in the prefrontal cortex: Neuropsychological studies in the common marmoset}, + journal = {Cerebral Cortex}, + volume = {10}, + number = {3}, + pages = {252-262}, + year = {2000}, + type = {Journal Article} +} + +@book{RN672, + author = {Rinkenauer, G}, + title = {Bimanuelle Koordination isometrischer Kontraktionen: Abhängigkeit in Kraft und Zeit}, + publisher = {Shaker Verlag}, + address = {Aachen}, + year = {2000}, + type = {Book} +} + +@article{RN491, + author = {Pisella, L. and Grea, H. and Tilikete, C. and Vighetto, A. and Desmurget, M. and Rode, G. and Boisson, D. and Rossetti, Y.}, + title = {An 'automatic pilot' for the hand in human posterior parietal cortex: toward reinterpreting optic ataxia}, + journal = {Nature Neuroscience}, + volume = {3}, + number = {7}, + pages = {729-36}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN616, + author = {Pashler, Harold and Jolicoeur, Pierre and Dell'Acqua, Roberto and Crebolder, Jacquelyn and Goschke, Thomas and De Jong, Ritske and Meiran, Nachshon and Ivry, Richard B. and Hazeltine, Eliot}, + title = {Task switching and multitask performance}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {275-423}, + year = {2000}, + type = {Book Section} +} + +@article{RN461, + author = {Nixon, Philip D. and Passingham, R. E.}, + title = {The cerebellum and cognition: Cerebellar lesions impair sequence learning but not conditional visuomotor learning in monkeys}, + journal = {Neuropsychologia}, + volume = {38}, + number = {7}, + pages = {1054-1072}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3580, + author = {Nitsche, M. A. and Paulus, W.}, + title = {Excitability changes induced in the human motor cortex by weak transcranial direct current stimulation}, + journal = {J Physiol}, + volume = {527 Pt 3}, + pages = {633-9}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10990547}, + year = {2000}, + type = {Journal Article} +} + +@article{RN862, + author = {Neggers, S. F. and Bekkering, H.}, + title = {Ocular gaze is anchored to the target of an ongoing pointing movement}, + journal = {J Neurophysiol}, + volume = {83}, + number = {2}, + pages = {639-51.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10669480 +http://www.jn.org/cgi/content/full/83/2/639 +http://www.jn.org/cgi/content/abstract/83/2/639}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2975, + author = {Muellbacher, W. and Facchini, S. and Boroojerdi, B. and Hallett, M.}, + title = {Changes in motor cortex excitability during ipsilateral hand muscle activation in humans}, + journal = {Clin Neurophysiol}, + volume = {111}, + number = {2}, + pages = {344-9}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388-2457(99)00243-6 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10680571}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN630, + author = {Milner, A. David and Tipper, Steven P. and Howard, Louise A. and Houghton, George and Hommel, Bernhard}, + title = {II: Control of perception-action coupling}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {209-273}, + year = {2000}, + type = {Book Section} +} + +@article{RN1007, + author = {Middleton, F. A. and Strick, P. L.}, + title = {Basal ganglia and cerebellar loops: motor and cognitive circuits}, + journal = {Brain Res Brain Res Rev}, + volume = {31}, + number = {2-3}, + pages = {236-50.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10719151}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2405, + author = {Meegan, D. V. and Aslin, R. N. and Jacobs, R. A.}, + title = {Motor timing learned without motor training}, + journal = {Nat Neurosci}, + volume = {3}, + number = {9}, + pages = {860-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10966614}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2053, + author = {Medina, J. F. and Nores, W. L. and Ohyama, T. and Mauk, M. D.}, + title = {Mechanisms of cerebellar learning suggested by eyelid conditioning}, + journal = {Curr Opin Neurobiol}, + volume = {10}, + number = {6}, + pages = {717-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11240280}, + year = {2000}, + type = {Journal Article} +} + +@article{RN457, + author = {Medina, J. F. and Garcia, K. S. and Nores, W. L. and Taylor, N. M. and Mauk, M. D.}, + title = {Timing mechanisms in the cerebellum: testing predictions of a large-scale computer simulation}, + journal = {Journal of Neuroscience}, + volume = {20}, + number = {14}, + pages = {5516-25}, + year = {2000}, + type = {Journal Article} +} + +@article{RN881, + author = {McIntyre, J. and Stratta, F. and Droulez, J. and Lacquaniti, F.}, + title = {Analysis of pointing errors reveals properties of data representations and coordinate transformations within the central nervous system}, + journal = {Neural Comput}, + volume = {12}, + number = {12}, + pages = {2823-55.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11112257}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2175, + author = {McGonigle, D. J. and Howseman, A. M. and Athwal, B. S. and Friston, K. J. and Frackowiak, R. S. and Holmes, A. P.}, + title = {Variability in fMRI: an examination of intersession differences}, + journal = {Neuroimage}, + volume = {11}, + number = {6 Pt 1}, + pages = {708-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10860798}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2054, + author = {Mauk, M. D. and Medina, J. F. and Nores, W. L. and Ohyama, T.}, + title = {Cerebellar function: coordination, learning or timing?}, + journal = {Curr Biol}, + volume = {10}, + number = {14}, + pages = {R522-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10898992}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2464, + author = {Mathiesen, C. and Caesar, K. and Lauritzen, M.}, + title = {Temporal coupling between neuronal activity and blood flow in rat cerebellar cortex as indicated by field potential analysis}, + journal = {J Physiol}, + volume = {523 Pt 1}, + pages = {235-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10673558 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN799, + author = {Mates, J. and Aschersleben, G.}, + title = {Sensorimotor synchronization: the impact of temporally displaced auditory feedback}, + journal = {Acta Psychol (Amst)}, + volume = {104}, + number = {1}, + pages = {29-44.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10769938}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2038, + author = {Maillard, L. and Ishii, K. and Bushara, K. and Waldvogel, D. and Schulman, A. E. and Hallett, M.}, + title = {Mapping the basal ganglia: fMRI evidence for somatotopic representation of face, hand, and foot}, + journal = {Neurology}, + volume = {55}, + number = {3}, + pages = {377-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10932271}, + year = {2000}, + type = {Journal Article} +} + +@article{RN531, + author = {MacDonald, A. W. rd and Cohen, J. D. and Stenger, V. A. and Carter, C. S.}, + title = {Dissociating the role of the dorsolateral prefrontal and anterior cingulate cortex in cognitive control}, + journal = {Science}, + volume = {288}, + number = {5472}, + pages = {1835-8}, + year = {2000}, + type = {Journal Article} +} + +@article{RN902, + author = {Loring, D. W. and Meador, K. J. and Allison, J. D. and Wright, J. C.}, + title = {Relationship between motor and language activation using fMRI}, + journal = {Neurology}, + volume = {54}, + number = {4}, + pages = {981-3.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10690999}, + year = {2000}, + type = {Journal Article} +} + +@article{RN629, + author = {Lien, Mei-Ching and Proctor, Robert W.}, + title = {Multiple spatial correspondence effects on dual-task performance}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {26}, + number = {4}, + pages = {1260-1280}, + year = {2000}, + type = {Journal Article} +} + +@article{RN449, + author = {Leung, Hoi-Chung and Skudlarski, P. and Gatenby, James C. and Peterson, Bradley S. and Gore, John C.}, + title = {An event-related functional MRI study of the stroop color word interference task}, + journal = {Cerebral Cortex}, + volume = {10}, + pages = {552-560}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2023, + author = {Leiguarda, R. C. and Marsden, C. D.}, + title = {Limb apraxias: higher-order disorders of sensorimotor integration}, + journal = {Brain}, + volume = {123 ( Pt 5)}, + pages = {860-79}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10775533}, + year = {2000}, + type = {Journal Article} +} + +@article{RN825, + author = {Lawrence, A. D.}, + title = {Error correction and the basal ganglia: similar computations for action, cognition and emotion?}, + journal = {Trends Cogn Sci}, + volume = {4}, + number = {10}, + pages = {365-367.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11025274}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2249, + author = {Krakauer, J. W. and Pine, Z. M. and Ghilardi, M. F. and Ghez, C.}, + title = {Learning of visuomotor transformations for vectorial planning of reaching trajectories}, + journal = {J Neurosci}, + volume = {20}, + number = {23}, + pages = {8916-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11102502}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3288, + author = {Koch, I. and Hoffmann, J.}, + title = {Patterns, chunks, and hierarchies in serial reaction-time tasks}, + journal = {Psychol Res}, + volume = {63}, + number = {1}, + pages = {22-35}, + ISSN = {0340-0727 (Print) +0340-0727 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10743384}, + year = {2000}, + type = {Journal Article} +} + +@article{RN771, + author = {Kermadi, I. and Liu, Y. and Rouiller, E. M.}, + title = {Do bimanual motor actions involve the dorsal premotor (PMd), cingulate (CMA) and posterior parietal (PPC) cortices? Comparison with primary and supplementary motor cortical areas}, + journal = {Somatosens Mot Res}, + volume = {17}, + number = {3}, + pages = {255-71}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10994596}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2443, + author = {Kawashima, R. and Okuda, J. and Umetsu, A. and Sugiura, M. and Inoue, K. and Suzuki, K. and Tabuchi, M. and Tsukiura, T. and Narayan, S. L. and Nagasaka, T. and Yanagawa, I. and Fujii, T. and Takahashi, S. and Fukuda, H. and Yamadori, A.}, + title = {Human cerebellum plays an important role in memory-timed finger movement: an fMRI study}, + journal = {J Neurophysiol}, + volume = {83}, + number = {2}, + pages = {1079-87}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10669519 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN469, + author = {Kawashima, Ryuta and Okuda, Jiro and Umetsu, Atsushi and Sugiura, Motoaki and Inoue, Kentaro and Suzuki, Kyoko and Tabuchi, Michio and Tsukiura, Takashi and Narayan, Singh L. and Nagasaka, Tatsuo and Yanagawa, Isao and Fujii, Toshikatsu and Takahashi, Shoki and Fukuda, Hiroshi and Yamadori, Atsushi}, + title = {Human cerebellum plays an important role in memory-timed finger movement: An fMRI study}, + journal = {Journal of Neurophysiology}, + volume = {83}, + number = {2}, + pages = {1079-1087}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2478, + author = {Kanwisher, N.}, + title = {Domain specificity in face perception}, + journal = {Nat Neurosci}, + volume = {3}, + number = {8}, + pages = {759-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10903567 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN2210, + author = {Joshi, Sarang C. and Miller, Michael I.}, + title = {Landmark matching via large deformation diffeomorphisms}, + journal = {IEEE Transactions on Image processing}, + volume = {9}, + number = {8}, + pages = {1357-1370}, + year = {2000}, + type = {Journal Article} +} + +@article{RN407, + author = {Jäncke, Lutz and Peters, M. and Himmelbach, M. and Noesselt, T. and Shah, J. and Steinmetz, H.}, + title = {fMRI study of bimanual coordination}, + journal = {Neuropsychologia}, + volume = {38}, + number = {2}, + pages = {164-174}, + year = {2000}, + type = {Journal Article} +} + +@article{RN777, + author = {Jäncke, L. and Loose, R. and Lutz, K. and Specht, K. and Shah, N. J.}, + title = {Cortical activations during paced finger-tapping applying visual and auditory pacing stimuli}, + journal = {Brain Res Cogn Brain Res}, + volume = {10}, + number = {1-2}, + pages = {51-66.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10978692}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN617, + author = {Ivry, Richard B. and Hazeltine, Eliot}, + title = {Task Switching in a Callosotomy Patient and in Normal Participants: Evidence for Response-Related Sources of Interference}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {401-423}, + year = {2000}, + type = {Book Section} +} + +@article{RN2087, + author = {Inoue, K. and Kawashima, R. and Satoh, K. and Kinomura, S. and Sugiura, M. and Goto, R. and Ito, M. and Fukuda, H.}, + title = {A PET study of visuomotor learning under optical rotation}, + journal = {Neuroimage}, + volume = {11}, + number = {5 Pt 1}, + pages = {505-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10806036}, + year = {2000}, + type = {Journal Article} +} + +@article{RN483, + author = {Imamizu, Hiroshi and Miyauchi, Satoru and Tamada, Tomoe and Sasaki, Yuka and Takino, Ryousuke and Puetz, Benno and Yoshoka, Toshinori and Kawato, Mitsuo}, + title = {Human cerebellar activity reflecting an acquired internal model of a new tool}, + journal = {Nature}, + volume = {403}, + number = {6766}, + pages = {192-195}, + year = {2000}, + type = {Journal Article} +} + +@article{RN474, + author = {Iidaka, Tetsuya and Anderson, Nicole D. and Kapur, Shitij and Cabeza, Roberto and Craik, Fergus I. M.}, + title = {The effect of divided attention on encoding and retrieval in episodic memory revealed by positron emission tomography}, + journal = {Journal of Cognitive Neuroscience}, + volume = {12}, + number = {2}, + pages = {267-280}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3537, + author = {Hyvarinen, A. and Oja, E.}, + title = {Independent component analysis: algorithms and applications}, + journal = {Neural Netw}, + volume = {13}, + number = {4-5}, + pages = {411-30}, + ISSN = {0893-6080 (Print) +0893-6080 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10946390}, + year = {2000}, + type = {Journal Article} +} + +@article{RN708, + author = {Hu, Y. and Goodale, Melvyn A.}, + title = {Grasping after a delay shifts size-scaling from absolute to relative metrics}, + journal = {Journal of Cognitive Neuroscience}, + volume = {12}, + number = {5}, + pages = {856-868}, + year = {2000}, + type = {Journal Article} +} + +@article{RN448, + author = {Hikosaka, Kazuo and Watanabe, M.}, + title = {Delay activity of orbital and lateral prefrontal neurons of the monkey varying with different rewards}, + journal = {Cerebral Cortex}, + volume = {10}, + pages = {263-271}, + year = {2000}, + type = {Journal Article} +} + +@article{RN513, + author = {Heuer, Herbert and Spijkers, Will and Kleinsorge, Thomas and Steglich, Christoph}, + title = {Parametrische Kopplung bei Folgen beidhaendiger Umkehrbewegungen mit gleichen und unterschiedlichen Weiten}, + journal = {Zeitschrift fuer Experimentelle Psychologie}, + volume = {47}, + number = {1}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2330, + author = {Haaland, K. Y. and Harrington, D. L. and Knight, R. T.}, + title = {Neural representations of skilled movement}, + journal = {Brain}, + volume = {123 ( Pt 11)}, + pages = {2306-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11050030}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3437, + author = {Grootoonk, S. and Hutton, C. and Ashburner, J. and Howseman, A. M. and Josephs, O. and Rees, G. and Friston, K. J. and Turner, R.}, + title = {Characterization and correction of interpolation effects in the realignment of fMRI time series}, + journal = {Neuroimage}, + volume = {11}, + number = {1}, + pages = {49-57}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.1999.0515}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10686116}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2172, + author = {Grootoonk, S. and Hutton, C. and Ashburner, J. and Howseman, A. M. and Josephs, O. and Rees, G. and Friston, K. J. and Turner, R.}, + title = {Characterization and correction of interpolation effects in the realignment of fMRI time series}, + journal = {Neuroimage}, + volume = {11}, + number = {1}, + pages = {49-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10686116}, + year = {2000}, + type = {Journal Article} +} + +@article{RN460, + author = {Gourovitch, Monica L. and Kirkby, Brenda S. and Goldberg, Terry E. and Weinberger, Daniel R. and Gold, James M. and Esposito, Giuseppe and Van Horn, John D. and Berman, Karen Faith}, + title = {A comparison of rCBF patterns during letter and semantic fluency}, + journal = {Neuropsychology}, + volume = {14}, + number = {3}, + pages = {353-360}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2751, + author = {Glover, Gary and Li, Tie-Qiang and Ress, David}, + title = {Image-based method for retrospective correction of physiological motion effects in fMRI: RETROICOR}, + journal = {Magnetic Resonance in Medicine}, + volume = {44}, + number = {1}, + pages = {162-167}, + url = {citeulike-article-id:973762 +http://dx.doi.org/10.1002/1522-2594(200007)44:1%3C162::AID-MRM23%3E3.0.CO;2-E }, + year = {2000}, + type = {Journal Article} +} + +@article{RN2347, + author = {Gilman, S.}, + title = {The spinocerebellar ataxias}, + journal = {Clin Neuropharmacol}, + volume = {23}, + number = {6}, + pages = {296-303}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11575863}, + year = {2000}, + type = {Journal Article} +} + +@article{RN530, + author = {Gehring, W J and Knight, R T}, + title = {Prefrontal-cingulate interactions in action monitoring}, + journal = {Nature Neuroscience}, + volume = {3}, + number = {5}, + pages = {516-520}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2278, + author = {Gandolfo, F. and Li, C. and Benda, B. J. and Schioppa, C. P. and Bizzi, E.}, + title = {Cortical correlates of learning in monkeys adapting to a new dynamical environment}, + journal = {Proc Natl Acad Sci U S A}, + volume = {97}, + number = {5}, + pages = {2259-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10681435}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2025, + author = {Friston, K. J. and Mechelli, A. and Turner, R. and Price, C. J.}, + title = {Nonlinear responses in fMRI: the Balloon model, Volterra kernels, and other hemodynamics}, + journal = {Neuroimage}, + volume = {12}, + number = {4}, + pages = {466-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10988040}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3436, + author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, + title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, + journal = {Neuroimage}, + volume = {12}, + number = {2}, + pages = {196-208}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.2000.0609}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10913325}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3258, + author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, + title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, + journal = {Neuroimage}, + volume = {12}, + number = {2}, + pages = {196-208}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.2000.0609}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10913325}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2026, + author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, + title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, + journal = {Neuroimage}, + volume = {12}, + number = {2}, + pages = {196-208}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10913325}, + year = {2000}, + type = {Journal Article} +} + +@article{RN713, + author = {Franz, Volker H. and Gegenfurtner, K. R. and Buelthoff, H. H. and Fahle, M.}, + title = {Grasping visual illusions: No evidence for a dissociation between perception and action}, + journal = {Psychological Science}, + volume = {11}, + number = {1}, + pages = {20-25}, + year = {2000}, + type = {Journal Article} +} + +@article{RN551, + author = {Franz, E. A. and Waldie, K. E. and Smith, M. J.}, + title = {The effect of callosotomy on novel versus familiar bimanual actions: A neural dissociation between controlled and automatic processes?}, + journal = {Psychological Science}, + volume = {11}, + number = {1}, + pages = {82-85}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2063, + author = {Flanagan, J. R. and Beltzner, M. A.}, + title = {Independence of perceptual and sensorimotor predictions in the size-weight illusion}, + journal = {Nat Neurosci}, + volume = {3}, + number = {7}, + pages = {737-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10862708}, + year = {2000}, + type = {Journal Article} +} + +@article{RN470, + author = {Fink, Gereon R. and Marshall, J. C. and Shah, N. J. and Weiss, P. H. and Halligan, P. W. and Grosse-Ruyken, M. and Ziemons, K. and Zilles, K. and Freund, H. J.}, + title = {Line bisection judgments implicate right parietal cortex and cerebellum as assessed by fMRI}, + journal = {Neurology}, + volume = {54}, + number = {6}, + pages = {1324-1331}, + year = {2000}, + type = {Journal Article} +} + +@article{RN578, + author = {Eliassen, James C. and Baynes, Kathleen and Gazzaniga, Michael S.}, + title = {Anterior and posterior callosal contributions to simulataneous bimanual movements of the hand and fingers}, + journal = {Brain}, + volume = {123}, + pages = {2501-2511}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2078, + author = {Ehrsson, H. H. and Fagergren, A. and Jonsson, T. and Westling, G. and Johansson, R. S. and Forssberg, H.}, + title = {Cortical activity in precision- versus power-grip tasks: an fMRI study}, + journal = {J Neurophysiol}, + volume = {83}, + number = {1}, + pages = {528-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10634893}, + year = {2000}, + type = {Journal Article} +} + +@article{RN605, + author = {Diedrichsen, Joern and Ivry, Richard B. and Cohen, Asher and Danziger, Shai}, + title = {Asymmetries in a unilateral flanker task depend on the direction of the response: The role of attentional shift and perceptual grouping}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {26}, + number = {1}, + pages = {113-126}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2162, + author = {DeSouza, J. F. and Dukelow, S. P. and Gati, J. S. and Menon, R. S. and Andersen, R. A. and Vilis, T.}, + title = {Eye position signal modulates a human parietal pointing region during memory-guided movements}, + journal = {J Neurosci}, + volume = {20}, + number = {15}, + pages = {5835-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10908625}, + year = {2000}, + type = {Journal Article} +} + +@article{RN858, + author = {Desmurget, M. and Pelisson, D. and Grethe, J. S. and Alexander, G. E. and Urquizar, C. and Prablanc, C. and Grafton, S. T.}, + title = {Functional adaptation of reactive saccades in humans: a PET study}, + journal = {Exp Brain Res}, + volume = {132}, + number = {2}, + pages = {243-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10853949}, + year = {2000}, + type = {Journal Article} +} + +@article{RN856, + author = {Desmurget, M. and Grafton, S.}, + title = {Forward modeling allows feedback control for fast reaching movements}, + journal = {Trends Cogn Sci}, + volume = {4}, + number = {11}, + pages = {423-431.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11058820}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3623, + author = {deCharms, R. C. and Zador, A.}, + title = {Neural representation and the cortical code}, + journal = {Annu Rev Neurosci}, + volume = {23}, + pages = {613-47}, + ISSN = {0147-006X (Print) +0147-006X (Linking)}, + DOI = {10.1146/annurev.neuro.23.1.613}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/10845077}, + year = {2000}, + type = {Journal Article} +} + +@article{RN468, + author = {de Zubicaray, G. I. and Zelaya, F. O. and Andrew, C. and Williams, S. C. R. and Bullmore, E. T.}, + title = {Cerebral regions associated with verbal response initiation, suppression and strategy use}, + journal = {Neuropsychologia}, + volume = {38}, + number = {9}, + pages = {1292-1304}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3070, + author = {Dayan, P. and Kakade, S. and Montague, P. R.}, + title = {Learning and selective attention}, + journal = {Nat Neurosci}, + volume = {3 Suppl}, + pages = {1218-23}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {10.1038/81504}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11127841}, + year = {2000}, + type = {Journal Article} +} + +@article{RN865, + author = {Day, B. L. and Lyon, I. N.}, + title = {Voluntary modification of automatic arm movements evoked by motion of a visual target}, + journal = {Exp Brain Res}, + volume = {130}, + number = {2}, + pages = {159-68.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10672469}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3234, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Prior information in motor and premotor cortex: activity during the delay period and effect on pre-movement activity}, + journal = {J Neurophysiol}, + volume = {84}, + number = {2}, + pages = {986-1005}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10938322}, + year = {2000}, + type = {Journal Article} +} + +@article{RN874, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Prior information in motor and premotor cortex: activity during the delay period and effect on pre-movement activity}, + journal = {J Neurophysiol}, + volume = {84}, + number = {2}, + pages = {986-1005.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10938322 +http://www.jn.physiology.org/cgi/content/full/84/2/986 +http://www.jn.physiology.org/cgi/content/abstract/84/2/986}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2709, + author = {Cirstea, M. C. and Levin, M. F.}, + title = {Compensatory strategies for reaching in stroke}, + journal = {Brain}, + volume = {123 ( Pt 5)}, + pages = {940-53}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10775539}, + year = {2000}, + type = {Journal Article} +} + +@article{RN542, + author = {Casey, B. J. and Thomas, K. M. and Welsh, T. F. and Badgaiyan, R. D. and Eccard, C. H. and Jennings, J. R. and Crone, E. A.}, + title = {Dissociation of response conflict, attentional selection, and expectancy with functional magnetic resonance imaging}, + journal = {Proceedings of the National Academy of Sciences of the United States of America}, + volume = {97}, + number = {15}, + pages = {8728-8733}, + year = {2000}, + type = {Journal Article} +} + +@article{RN532, + author = {Carter, C. S. and Macdonald, A. M. and Botvinick, M. and Ross, L. L. and Stenger, V. A. and Noll, D. and Cohen, J. D.}, + title = {Parsing executive processes: strategic vs. evaluative functions of the anterior cingulate cortex}, + journal = {Proceedings of the National Academy of Sciences of the United States of America}, + volume = {97}, + number = {4}, + pages = {1944-8}, + year = {2000}, + type = {Journal Article} +} + +@article{RN661, + author = {Carson, R. G. and Riek, S. and Smethurst, C. J. and Párraga, J. F. and Byblow, W. D.}, + title = {Neuromuscular-skeletal constraints upon the dynamics of unimanual and bimanual coordination}, + journal = {Experimental Brain Research}, + volume = {131}, + number = {2}, + pages = {196-214}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/0131002/01310196.htm +http://link.springer-ny.com/link/service/journals/00221/papers/0131002/01310196.pdf +http://link.springer-ny.com/link/service/journals/00221/index.htm}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2616, + author = {Butefisch, C. M. and Davis, B. C. and Wise, S. P. and Sawaki, L. and Kopylev, L. and Classen, J. and Cohen, L. G.}, + title = {Mechanisms of use-dependent plasticity in the human motor cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {97}, + number = {7}, + pages = {3661-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10716702 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN820, + author = {Burdet, E. and Osu, R. and Franklin, D. W. and Yoshioka, T. and Milner, T. E. and Kawato, M.}, + title = {A method for measuring endpoint stiffness during multi-joint arm movements}, + journal = {J Biomech}, + volume = {33}, + number = {12}, + pages = {1705-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11006397}, + year = {2000}, + type = {Journal Article} +} + +@article{RN730, + author = {Buonomano, Dean V.}, + title = {Decoding temporal information: A model based on short-term synaptic plasticity}, + journal = {Journal of Neuroscience}, + volume = {20}, + number = {3}, + pages = {1129-1141}, + year = {2000}, + type = {Journal Article} +} + +@article{RN1036, + author = {Bridgeman, B. and Gemmer, A. and Forsman, T. and Huemer, V.}, + title = {Processing spatial information in the sensorimotor branch of the visual system}, + journal = {Vision Res}, + volume = {40}, + number = {25}, + pages = {3539-52}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11115681}, + year = {2000}, + type = {Journal Article} +} + +@article{RN606, + author = {Bracewell, R.M. and Wing, A.M.}, + title = {The coordination of load and grip forces in a bimanual lifting task}, + journal = {Society for neuroscience abstract}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2272, + author = {Battaglia-Mayer, A. and Ferraina, S. and Mitsuda, T. and Marconi, B. and Genovesio, A. and Onorati, P. and Lacquaniti, F. and Caminiti, R.}, + title = {Early coding of reaching in the parietooccipital cortex}, + journal = {J Neurophysiol}, + volume = {83}, + number = {4}, + pages = {2374-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10758140}, + year = {2000}, + type = {Journal Article} +} + +@article{RN728, + author = {Bastian, A. J. and Zackowski, K. M. and Thach, W. T.}, + title = {Cerebellar ataxia: torque deficiency or torque mismatch between joints?}, + journal = {J Neurophysiol}, + volume = {83}, + number = {5}, + pages = {3019-30.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10805697 +http://www.jn.org/cgi/content/full/83/5/3019 +http://www.jn.org/cgi/content/abstract/83/5/3019}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3217, + author = {Bapi, R. S. and Doya, K. and Harner, A. M.}, + title = {Evidence for effector independent and dependent representations and their differential time course of acquisition during motor sequence learning}, + journal = {Exp Brain Res}, + volume = {132}, + number = {2}, + pages = {149-62}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10853941}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2550, + author = {Ashburner, J. and Friston, K. J.}, + title = {Voxel-based morphometry--the methods}, + journal = {Neuroimage}, + volume = {11}, + number = {6 Pt 1}, + pages = {805-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10860804 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN2522, + author = {Apps, R. and Garwicz, M.}, + title = {Precise matching of olivo-cortical divergence and cortico-nuclear convergence between somatotopically corresponding areas in the medial C1 and medial C3 zones of the paravermal cerebellum}, + journal = {Eur J Neurosci}, + volume = {12}, + number = {1}, + pages = {205-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10651875 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN408, + author = {Amunts, Katrin and Jaencke, Lutz and Mohlberg, Hartmut and Steinmetz, Helmuth and Zilles, Karl}, + title = {Interhemispheric asymmetry of the human motor cortex related to handedness and gender}, + journal = {Neuropsychologia}, + volume = {38}, + number = {3}, + pages = {304-312}, + year = {2000}, + type = {Journal Article} +} + +@article{RN3591, + author = {Allison, J. D. and Meador, K. J. and Loring, D. W. and Figueroa, R. E. and Wright, J. C.}, + title = {Functional MRI cerebral activation and deactivation during finger movement}, + journal = {Neurology}, + volume = {54}, + number = {1}, + pages = {135-42}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {http://www.neurology.org/content/54/1/135.full.pdf}, + year = {2000}, + type = {Journal Article} +} + +@article{RN2122, + author = {Ziemann, U. and Ishii, K. and Borgheresi, A. and Yaseen, Z. and Battaglia, F. and Hallett, M. and Cincotta, M. and Wassermann, E. M.}, + title = {Dissociation of the pathways mediating ipsilateral and contralateral motor-evoked potentials in human hand and arm muscles}, + journal = {J Physiol}, + volume = {518 ( Pt 3)}, + pages = {895-906}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10420023}, + year = {1999}, + type = {Journal Article} +} + +@article{RN382, + author = {Zhang, Huazhong and Zhang, Jun and Kornblum, Sylvan}, + title = {A parallel distributed processing model of stimulus-stimulus and stimulus-response compatibility}, + journal = {Cognitive Psychology}, + volume = {38}, + number = {3}, + pages = {386-432}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2713, + author = {Yang, G. and Chen, G. and Ebner, T. J. and Iadecola, C.}, + title = {Nitric oxide is the predominant mediator of cerebellar hyperemia during somatosensory activation in rats}, + journal = {Am J Physiol}, + volume = {277}, + number = {6 Pt 2}, + pages = {R1760-70}, + ISSN = {0002-9513 (Print) +0002-9513 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10600924}, + year = {1999}, + type = {Journal Article} +} + +@article{RN834, + author = {Wittmann, M.}, + title = {Time perception and temporal processing levels of the brain}, + journal = {Chronobiol Int}, + volume = {16}, + number = {1}, + pages = {17-32.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10023573}, + year = {1999}, + type = {Journal Article} +} + +@article{RN753, + author = {Witney, A. G. and Goodbody, S. J. and Wolpert, D. M.}, + title = {Predictive motor learning of temporal delays}, + journal = {J Neurophysiol}, + volume = {82}, + number = {5}, + pages = {2039-48.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10561385 +http://www.jn.org/cgi/content/full/82/5/2039 +http://www.jn.org/cgi/content/abstract/82/5/2039}, + year = {1999}, + type = {Journal Article} +} + +@inbook{RN817, + author = {Wilson, S. J. and Pressing, J.}, + title = {Neuropsychological assessment and modeling of musical deficits}, + booktitle = {MusicMedicine 3}, + editor = {Pratt, R. R. and Grocke, D. E.}, + publisher = {Melbourne University Faculty of Music}, + address = {Parkville, Victoria, Australia}, + pages = {47-74}, + year = {1999}, + type = {Book Section} +} + +@article{RN889, + author = {Werner, Steffen and Schmidt, Kristine}, + title = {Environmental reference systems for large-scale spaces}, + journal = {Spatial Cognition & Computation}, + volume = {1}, + number = {4}, + pages = {447-473}, + year = {1999}, + type = {Journal Article} +} + +@article{RN706, + author = {Verschueren, S. M. and Swinnen, S. P. and Cordo, P. J. and Dounskaia, N. V.}, + title = {Proprioceptive control of multijoint movement: bimanual circle drawing}, + journal = {Experimental Brain Research}, + volume = {127}, + number = {2}, + pages = {182-92.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10442410}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2613, + author = {van Bolhuis, B. M. and Gielen, C. C.}, + title = {A comparison of models explaining muscle activation patterns for isometric contractions}, + journal = {Biol Cybern}, + volume = {81}, + number = {3}, + pages = {249-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473849 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN2631, + author = {Tresch, M. C. and Saltiel, P. and Bizzi, E.}, + title = {The construction of movement by the spinal cord}, + journal = {Nat Neurosci}, + volume = {2}, + number = {2}, + pages = {162-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10195201 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN497, + author = {Townsend, Jeanne and Courchesne, Eric and Covington, James and Westerfield, Marissa and Harris, Naomi Singer and Lyden, Patrick and Lowry, Timothy P. and Press, Gary A.}, + title = {Spatial attention deficits in patients with acquired or developmental cerebellar abnormality}, + journal = {Journal of Neuroscience}, + volume = {19}, + number = {13}, + pages = {5632-5643}, + year = {1999}, + type = {Journal Article} +} + +@article{RN328, + author = {Toni, I. and Schluter, N. D. and Josephs, O. and Friston, K. and Passingham, R. E.}, + title = {Signal-, set- and movement-related activity in the human brain: an event-related fMRI study}, + journal = {Cerebral Cortex}, + volume = {9}, + number = {1}, + pages = {35-49}, + year = {1999}, + type = {Journal Article} +} + +@article{RN721, + author = {Timmann, D. and Watts, S. and Hore, J.}, + title = {Failure of cerebellar patients to time finger opening precisely causes ball high-low inaccuracy in overarm throws}, + journal = {Journal of Neurophysiology}, + volume = {82}, + number = {1}, + pages = {103-114}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2485, + author = {Thoroughman, K. A. and Shadmehr, R.}, + title = {Electromyographic correlates of learning an internal model of reaching movements}, + journal = {J Neurosci}, + volume = {19}, + number = {19}, + pages = {8573-88}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10493757 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN2219, + author = {Sunaert, S. and Van Hecke, P. and Marchal, G. and Orban, G. A.}, + title = {Motion-responsive regions of the human brain}, + journal = {Exp Brain Res}, + volume = {127}, + number = {4}, + pages = {355-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10480271}, + year = {1999}, + type = {Journal Article} +} + +@article{RN641, + author = {Stoet, Gijsbert and Hommel, Bernhard}, + title = {Action planning and the temporal binding of response codes}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {25}, + number = {6}, + pages = {1625-1640}, + year = {1999}, + type = {Journal Article} +} + +@article{RN576, + author = {Steglich, C. and Heuer, H. and Spijkers, W. and Kleinsorge, T.}, + title = {Bimanual coupling during the specification of isometric forces}, + journal = {Experimental Brain Research}, + volume = {129}, + number = {2}, + pages = {302-16}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/9129002/91290302.htm +http://link.springer-ny.com/link/service/journals/00221/papers/9129002/91290302.pdf +http://link.springer-ny.com/link/service/journals/00221/index.html}, + year = {1999}, + type = {Journal Article} +} + +@article{RN940, + author = {Slifkin, A. B. and Newell, K. M.}, + title = {Noise, information transmission, and force variability}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {25}, + number = {3}, + pages = {837-51.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10385989}, + year = {1999}, + type = {Journal Article} +} + +@article{RN381, + author = {Shiu, Ling-Po and Kornblum, Sylvan}, + title = {Stimulus-response compatibility effects in go-no-go tasks: A dimensional overlap account}, + journal = {Perception & Psychophysics}, + volume = {61}, + number = {8}, + pages = {1613-1623}, + year = {1999}, + type = {Journal Article} +} + +@article{RN652, + author = {Sherwood, David E. and Nishimura, Katie M.}, + title = {Spatial error detection and assimilation effects in rapid single and bimanual aiming movements}, + journal = {Journal of Motor Behavior}, + volume = {31}, + number = {4}, + pages = {381-393}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2140, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Grip-load force coordination in cerebellar patients}, + journal = {Exp Brain Res}, + volume = {128}, + number = {1-2}, + pages = {76-80}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473743}, + year = {1999}, + type = {Journal Article} +} + +@article{RN314, + author = {Serrien, Deborah J. and Swinnen, Stephan P.}, + title = {Intentional switching between behavioral patterns of homologous and nonhomologous effector combinations}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {25}, + number = {5}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2422, + author = {Serrien, D. J. and Kaluzny, P. and Wicki, U. and Wiesendanger, M.}, + title = {Grip force adjustments induced by predictable load perturbations during a manipulative task}, + journal = {Exp Brain Res}, + volume = {124}, + number = {1}, + pages = {100-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9928794 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN2182, + author = {Schwarz, C. and Thier, P.}, + title = {Binding of signals relevant for action: towards a hypothesis of the functional role of the pontine nuclei}, + journal = {Trends Neurosci}, + volume = {22}, + number = {10}, + pages = {443-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10481191}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2154, + author = {Schwarz, C. and Thier, P.}, + title = {Binding of signals relevant for action: towards a hypothesis of the functional role of the pontine nuclei}, + journal = {Trends Neurosci}, + volume = {22}, + number = {10}, + pages = {443-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10481191}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2666, + author = {Scholz, J. P. and Schoner, G.}, + title = {The uncontrolled manifold concept: identifying control variables for a functional task}, + journal = {Exp Brain Res}, + volume = {126}, + number = {3}, + pages = {289-306}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10382616 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN3147, + author = {Schmahmann, J. D. and Doyon, J. and McDonald, D. and Holmes, C. and Lavoie, K. and Hurwitz, A. S. and Kabani, N. and Toga, A. and Evans, A. and Petrides, M.}, + title = {Three-dimensional MRI atlas of the human cerebellum in proportional stereotaxic space}, + journal = {Neuroimage}, + volume = {10}, + number = {3 Pt 1}, + pages = {233-60}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.1999.0459 +S1053-8119(99)90459-7 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10458940}, + year = {1999}, + type = {Journal Article} +} + +@article{RN913, + author = {Schluter, N. D. and Rushworth, M. F. and Mills, K. R. and Passingham, R. E.}, + title = {Signal-, set-, and movement-related activity in the human premotor cortex}, + journal = {Neuropsychologia}, + volume = {37}, + number = {2}, + pages = {233-43.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10080381}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2447, + author = {Sakai, K. and Hikosaka, O. and Miyauchi, S. and Takino, R. and Tamada, T. and Iwata, N. K. and Nielsen, M.}, + title = {Neural representation of a rhythm depends on its interval ratio}, + journal = {J Neurosci}, + volume = {19}, + number = {22}, + pages = {10074-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10559415 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN3009, + author = {Sakai, K. and Hikosaka, O. and Miyauchi, S. and Sasaki, Y. and Fujimaki, N. and Putz, B.}, + title = {Presupplementary motor area activation during sequence learning reflects visuo-motor association}, + journal = {J Neurosci}, + volume = {19}, + number = {10}, + pages = {RC1}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10234047}, + year = {1999}, + type = {Journal Article} +} + +@article{RN698, + author = {Robertson, Shannon D. and Zelaznik, Howard N. and Lantero, Dawn A. and Bojczyk, Kathryn Gadacz and Spencer, Rebecca M. and Doffin, Julie G. and Schneidt, Tasha}, + title = {Correlations for timing consistency among tapping and drawing tasks: Evidence against a single timing process for motor control}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {25}, + number = {5}, + pages = {1316-1330}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2276, + author = {Redgrave, P. and Prescott, T. J. and Gurney, K.}, + title = {The basal ganglia: a vertebrate solution to the selection problem?}, + journal = {Neuroscience}, + volume = {89}, + number = {4}, + pages = {1009-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10362291}, + year = {1999}, + type = {Journal Article} +} + +@article{RN1049, + author = {Pujol, J. and Deus, J. and Losilla, J. M. and Capdevila, A.}, + title = {Cerebral lateralization of language in normal left-handed people studied by functional MRI}, + journal = {Neurology}, + volume = {52}, + number = {5}, + pages = {1038-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10102425}, + year = {1999}, + type = {Journal Article} +} + +@article{RN619, + author = {Prut, Y. and Fetz, E. E.}, + title = {Primate spinal interneurons show pre-movement instructed delay activity}, + journal = {Nature}, + volume = {401}, + number = {6753}, + pages = {590-4}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2195, + author = {Pruessmann, K. P. and Weiger, M. and Scheidegger, M. B. and Boesiger, P.}, + title = {SENSE: sensitivity encoding for fast MRI}, + journal = {Magn Reson Med}, + volume = {42}, + number = {5}, + pages = {952-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10542355}, + year = {1999}, + type = {Journal Article} +} + +@article{RN811, + author = {Pressing, Jeff}, + title = {The referential dynamics of cognition and action}, + journal = {Psychological Review}, + volume = {106}, + number = {4}, + pages = {714-747}, + year = {1999}, + type = {Journal Article} +} + +@article{RN472, + author = {Ploghaus, Alexander and Tracey, Irene and Gati, Joseph S. and Clare, Stuart and Menon, Ravi S. and Matthews, Paul M. and Rawlins, J. Nicholas P.}, + title = {Dissociating pain from its anticipation in the human brain}, + journal = {Science}, + volume = {284}, + number = {5422}, + pages = {1979-1981}, + year = {1999}, + type = {Journal Article} +} + +@article{RN955, + author = {Perrig, S. and Kazennikov, O. and Wiesendanger, M.}, + title = {Time structure of a goal-directed bimanual skill and its dependence on task constraints}, + journal = {Behav Brain Res}, + volume = {103}, + number = {1}, + pages = {95-104.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10475169}, + year = {1999}, + type = {Journal Article} +} + +@article{RN660, + author = {Peper, C. E. and Carson, R. G.}, + title = {Bimanual coordination between isometric contractions and rhythmic movements: an asymmetric coupling}, + journal = {Experimental Brain Research}, + volume = {129}, + number = {3}, + pages = {417-32}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/9129003/91290417.htm +http://link.springer-ny.com/link/service/journals/00221/papers/9129003/91290417.pdf +http://link.springer-ny.com/link/service/journals/00221/index.htm}, + year = {1999}, + type = {Journal Article} +} + +@article{RN934, + author = {Ohki, Y. and Johansson, R. S.}, + title = {Sensorimotor interactions between pairs of fingers in bimanual and unimanual manipulative tasks}, + journal = {Exp Brain Res}, + volume = {127}, + number = {1}, + pages = {43-53.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10424413}, + year = {1999}, + type = {Journal Article} +} + +@article{RN1017, + author = {Nougier, V. and Teasdale, N. and Bard, C. and Fleury, M.}, + title = {Modulation of anticipatory postural adjustments in a reactive and a self-triggered mode in humans}, + journal = {Neurosci Lett}, + volume = {260}, + number = {2}, + pages = {109-12.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10025711}, + year = {1999}, + type = {Journal Article} +} + +@article{RN447, + author = {Nobre, A. C. and Coull, J. T. and Frith, C. D. and Mesulam, M. M.}, + title = {Orbitofrontal cortex is activated during breaches of expectation in tasks of visual attention}, + journal = {Nature Neuroscience}, + volume = {2}, + number = {1}, + pages = {11-2}, + year = {1999}, + type = {Journal Article} +} + +@article{RN864, + author = {Neggers, S. F. and Bekkering, H.}, + title = {Integration of visual and somatosensory target information in goal- directed eye and arm movements}, + journal = {Exp Brain Res}, + volume = {125}, + number = {1}, + pages = {97-107.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10100982}, + year = {1999}, + type = {Journal Article} +} + +@article{RN646, + author = {Muesseler, Jochen and Van Der Heijden, A. H. C. and Mahmud, S. H. and Deubel, Heiner and Ertsey, Samar}, + title = {Relative mislocalization of briefly presented stimuli in the retinal periphery}, + journal = {Perception & Psychophysics}, + volume = {61}, + number = {8}, + pages = {1646-1661}, + year = {1999}, + type = {Journal Article} +} + +@article{RN458, + author = {Medina, J. F. and Mauk, M. D.}, + title = {Simulations of cerebellar motor learning: computational analysis of plasticity at the mossy fiber to deep nucleus synapse}, + journal = {Journal of Neuroscience}, + volume = {19}, + number = {16}, + pages = {7140-51}, + year = {1999}, + type = {Journal Article} +} + +@article{RN534, + author = {Massion, Jean and Ioffe, Marat and Schmitz, Christina and Viallet, Francois and Gantcheva, Radka}, + title = {Acquisition of anticipatory postural adjustments in a bimanual load-lifting task: normal and pathological aspects}, + journal = {Experimental Brain Research}, + volume = {128}, + pages = {229-235}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2721, + author = {Mandeville, J. B. and Marota, J. J. and Ayata, C. and Zaharchuk, G. and Moskowitz, M. A. and Rosen, B. R. and Weisskoff, R. M.}, + title = {Evidence of a cerebrovascular postarteriole windkessel with delayed compliance}, + journal = {J Cereb Blood Flow Metab}, + volume = {19}, + number = {6}, + pages = {679-89}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10366199 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN471, + author = {Lotze, Martin and Montoya, Pedro and Erb, Michael and Huelsmann, Ernst and Flor, Herta and Klose, Uwe and Birbaumer, Niels and Grodd, Wolfgang}, + title = {Activation of cortical and cerebellar motor areas during executed and imagined hand movements: An fMRI study}, + journal = {Journal of Cognitive Neuroscience}, + volume = {11}, + number = {5}, + pages = {491-501}, + year = {1999}, + type = {Journal Article} +} + +@article{RN846, + author = {Lee, K. M. and Chang, K. H. and Roh, J. K.}, + title = {Subregions within the supplementary motor area activated at different stages of movement preparation and execution}, + journal = {Neuroimage}, + volume = {9}, + number = {1}, + pages = {117-23.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9918733}, + year = {1999}, + type = {Journal Article} +} + +@article{RN841, + author = {Lang, C. E. and Bastian, A. J.}, + title = {Cerebellar subjects show impaired adaptation of anticipatory EMG during catching}, + journal = {J Neurophysiol}, + volume = {82}, + number = {5}, + pages = {2108-19.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10561391 +http://www.jn.org/cgi/content/full/82/5/2108 +http://www.jn.org/cgi/content/abstract/82/5/2108}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2216, + author = {Kurata, K. and Hoshi, E.}, + title = {Reacquisition deficits in prism adaptation after muscimol microinjection into the ventral premotor cortex of monkeys}, + journal = {J Neurophysiol}, + volume = {81}, + number = {4}, + pages = {1927-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10200227}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2259, + author = {Krakauer, J. W. and Ghilardi, M. F. and Ghez, C.}, + title = {Independent learning of internal models for kinematic and dynamic control of reaching}, + journal = {Nat Neurosci}, + volume = {2}, + number = {11}, + pages = {1026-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10526344}, + year = {1999}, + type = {Journal Article} +} + +@article{RN432, + author = {Konishi, S. and Nakajima, K. and Uchida, I. and Kikyo, H. and Kameyama, M. and Miyashita, Y.}, + title = {Common inhibitory mechanism in human inferior prefrontal cortex revealed by event-related functional MRI}, + journal = {Brain}, + volume = {122}, + number = {Pt 5)}, + pages = {981-91}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2232, + author = {Kawato, M.}, + title = {Internal models for motor control and trajectory planning}, + journal = {Curr Opin Neurobiol}, + volume = {9}, + number = {6}, + pages = {718-27}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10607637}, + year = {1999}, + type = {Journal Article} +} + +@article{RN702, + author = {Kakei, S. and Hoffman, D. S. and Strick, P. L.}, + title = {Muscle and movement representations in the primary motor cortex}, + journal = {Science}, + volume = {285}, + number = {5436}, + pages = {2136-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10497133}, + year = {1999}, + type = {Journal Article} +} + +@article{RN319, + author = {Jolicoeur, Pierre and Dell'Acqua, Roberto}, + title = {Attentional and structural constraints on visual encoding}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {62}, + number = {2-3}, + pages = {154-164}, + year = {1999}, + type = {Journal Article} +} + +@article{RN527, + author = {Ivry, R. B. and Hazeltine, E.}, + title = {Subcortical locus of temporal coupling in the bimanual movements of a callosotomy patient}, + journal = {Human Movement Science}, + volume = {18}, + pages = {345-375}, + year = {1999}, + type = {Journal Article} +} + +@article{RN3024, + author = {Hund-Georgiadis, M. and von Cramon, D. Y.}, + title = {Motor-learning-related changes in piano players and non-musicians revealed by functional magnetic-resonance signals}, + journal = {Exp Brain Res}, + volume = {125}, + number = {4}, + pages = {417-25}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10323287}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2408, + author = {Hore, J. and Ritchie, R. and Watts, S.}, + title = {Finger opening in an overarm throw is not triggered by proprioceptive feedback from elbow extension or wrist flexion}, + journal = {Exp Brain Res}, + volume = {125}, + number = {3}, + pages = {302-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10229021}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2719, + author = {Hoge, R. D. and Atkinson, J. and Gill, B. and Crelier, G. R. and Marrett, S. and Pike, G. B.}, + title = {Investigation of BOLD signal dependence on cerebral blood flow and oxygen consumption: the deoxyhemoglobin dilution model}, + journal = {Magn Reson Med}, + volume = {42}, + number = {5}, + pages = {849-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10542343 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN2718, + author = {Hoge, R. D. and Atkinson, J. and Gill, B. and Crelier, G. R. and Marrett, S. and Pike, G. B.}, + title = {Linear coupling between cerebral blood flow and oxygen consumption in activated human cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {96}, + number = {16}, + pages = {9403-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10430955 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN2569, + author = {Hoffman, D. S. and Strick, P. L.}, + title = {Step-tracking movements of the wrist. IV. Muscle activity associated with movements in different directions}, + journal = {J Neurophysiol}, + volume = {81}, + number = {1}, + pages = {319-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9914292 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN3215, + author = {Hikosaka, O. and Nakahara, H. and Rand, M. K. and Sakai, K. and Lu, X. and Nakamura, K. and Miyachi, S. and Doya, K.}, + title = {Parallel neural networks for learning sequential procedures}, + journal = {Trends Neurosci}, + volume = {22}, + number = {10}, + pages = {464-71}, + ISSN = {0166-2236 (Print) +0166-2236 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10481194}, + year = {1999}, + type = {Journal Article} +} + +@article{RN1022, + author = {Hay, L. and Redon, C.}, + title = {Feedforward versus feedback control in children and adults subjected to a postural disturbance}, + journal = {Exp Brain Res}, + volume = {125}, + number = {2}, + pages = {153-62.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10204768}, + year = {1999}, + type = {Journal Article} +} + +@article{RN498, + author = {Harris, Naomi Singer and Courchesne, Eric and Townsend, J. and Carper, Ruth A. and Lord, Catherine}, + title = {Neuroanatomic contributions to slowed orienting of attention in children with autism}, + journal = {Cognitive Brain Research}, + volume = {8}, + number = {1}, + pages = {61-71}, + year = {1999}, + type = {Journal Article} +} + +@article{RN564, + author = {Haaland, K. Y. and Harrington, D. L. and Knight, R. T.}, + title = {Spatial deficits in ideomotor limb apraxia. A kinematic analysis of aiming movements}, + journal = {Brain}, + volume = {122}, + number = {Pt 6)}, + pages = {1169-82}, + year = {1999}, + type = {Journal Article} +} + +@article{RN475, + author = {Griffiths, Timothy D. and Johnsrude, Ingrid and Dean, Jennifer L. and Green, Gary G. R.}, + title = {A common neural substrate for the analysis of pitch and duration pattern in segmented sound?}, + journal = {Neuroreport: For Rapid Communication of Neuroscience Research}, + volume = {10}, + number = {18}, + pages = {3825-3830}, + year = {1999}, + type = {Journal Article} +} + +@article{RN3308, + author = {Gitton, Y. and Cohen-Tannoudji, M. and Wassef, M.}, + title = {Specification of somatosensory area identity in cortical explants}, + journal = {J Neurosci}, + volume = {19}, + number = {12}, + pages = {4889-98}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10366623}, + year = {1999}, + type = {Journal Article} +} + +@article{RN541, + author = {Garavan, H. and Ross, T. J. and Stein, E. A.}, + title = {Right hemispheric dominance of inhibitory control: An event related functional MRI study}, + journal = {Proceedings of the National Academy of Sciences of the United States of America}, + volume = {96}, + pages = {8301-8306}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2031, + author = {Friston, K. J. and Zarahn, E. and Josephs, O. and Henson, R. N. and Dale, A. M.}, + title = {Stochastic designs in event-related fMRI}, + journal = {Neuroimage}, + volume = {10}, + number = {5}, + pages = {607-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10547338}, + year = {1999}, + type = {Journal Article} +} + +@misc{RN2194, + url = {http://www.fil.ion.ucl.ac.uk/spm/}, + year = {1999}, + type = {Computer Program} +} + +@article{RN1011, + author = {Forssberg, H. and Jucaite, A. and Hadders-Algra, M.}, + title = {Shared memory representations for programming of lifting movements and associated whole body postural adjustments in humans}, + journal = {Neurosci Lett}, + volume = {273}, + number = {1}, + pages = {9-12.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10505639}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2386, + author = {Fischl, B. and Sereno, M. I. and Tootell, R. B. and Dale, A. M.}, + title = {High-resolution intersubject averaging and a coordinate system for the cortical surface}, + journal = {Hum Brain Mapp}, + volume = {8}, + number = {4}, + pages = {272-84}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10619420}, + year = {1999}, + type = {Journal Article} +} + +@article{RN330, + author = {Fink, G. R. and Marshall, J. C. and Halligan, P. W. and Frith, C. D. and Driver, J. and Frackowiak, R. S. and Dolan, R. J.}, + title = {The neural consequences of conflict between intention and the senses}, + journal = {Brain}, + volume = {122}, + pages = {497-512}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2280, + author = {Ellis, R. R. and Lederman, S. J.}, + title = {The material-weight illusion revisited}, + journal = {Percept Psychophys}, + volume = {61}, + number = {8}, + pages = {1564-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10598470}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2694, + author = {Elliott, D. and Heath, M. and Binsted, G. and Ricker, K. L. and Roy, E. A. and Chua, R.}, + title = {Goal-Directed Aiming: Correcting a Force-Specification Error With the Right and Left Hands}, + journal = {J Mot Behav}, + volume = {31}, + number = {4}, + pages = {309-324}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11177640 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN577, + author = {Eliassen, James C. and Baynes, Kathleen and Gazzaniga, Michael S.}, + title = {Direction information coordinated via the posterior third of the corpus callosum during bimanual movements}, + journal = {Experimental Brain Research}, + volume = {128}, + pages = {573-577}, + year = {1999}, + type = {Journal Article} +} + +@article{RN3306, + author = {Donoghue, M. J. and Rakic, P.}, + title = {Molecular gradients and compartments in the embryonic primate cerebral cortex}, + journal = {Cereb Cortex}, + volume = {9}, + number = {6}, + pages = {586-600}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10498277}, + year = {1999}, + type = {Journal Article} +} + +@article{RN425, + author = {Donchin, O. and de Oliveira, S. C. and Vaadia, E.}, + title = {Who tells one hand what the other is doing: the neurophysiology of bimanual movements}, + journal = {Neuron}, + volume = {23}, + number = {1}, + pages = {15-8}, + year = {1999}, + type = {Journal Article} +} + +@article{RN492, + author = {Desmurget, M. and Epstein, C. M. and Turner, R. S. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, + title = {Role of the posterior parietal cortex in updating reaching movements to a visual target}, + journal = {Nature Neuroscience}, + volume = {2}, + number = {6}, + pages = {563-7}, + year = {1999}, + type = {Journal Article} +} + +@article{RN410, + author = {Deiber, Marie-Pierre and Honda, Manabu and Ibanez, Vicente and Sadato, Norihiro and Hallett, Mark}, + title = {Mesial motor areas in self-initiated versus externally triggered movements examined with fMRI: Effect of movement type and rate}, + journal = {Journal of Neurophysiology}, + volume = {81}, + number = {6}, + pages = {3065-3077}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2886, + author = {Dale, A. M. and Fischl, B. and Sereno, M. I.}, + title = {Cortical surface-based analysis. I. Segmentation and surface reconstruction}, + journal = {Neuroimage}, + volume = {9}, + number = {2}, + pages = {179-94}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(98)90395-0 [pii] +10.1006/nimg.1998.0395}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9931268}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2165, + author = {Dale, A. M.}, + title = {Optimal experimental design for event-related fMRI}, + journal = {Human Brain Mapping}, + volume = {8}, + pages = {109-114}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2123, + author = {Cramer, S. C. and Finklestein, S. P. and Schaechter, J. D. and Bush, G. and Rosen, B. R.}, + title = {Activation of distinct motor cortex regions during ipsilateral and contralateral finger movements}, + journal = {J Neurophysiol}, + volume = {81}, + number = {1}, + pages = {383-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9914297}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2410, + author = {Conditt, M. A. and Mussa-Ivaldi, F. A.}, + title = {Central representation of time during motor learning}, + journal = {Proc Natl Acad Sci U S A}, + volume = {96}, + number = {20}, + pages = {11625-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10500227}, + year = {1999}, + type = {Journal Article} +} + +@article{RN547, + author = {Cattaert, D. and Semjen, A. and Summers, J.J}, + title = {Simulating a neural cross-talk model for between-hand interference during bimanual circle-drawing}, + journal = {Biological Cybernetics}, + volume = {81}, + pages = {343-358}, + year = {1999}, + type = {Journal Article} +} + +@article{RN821, + author = {Casini, Laurence and Ivry, Richard B.}, + title = {Effects of divided attention on temporal processing in patients with lesions of the cerebellum or frontal lobe}, + journal = {Neuropsychology}, + volume = {13}, + number = {1}, + pages = {10-21}, + year = {1999}, + type = {Journal Article} +} + +@article{RN397, + author = {Braver, Todd S. and Barch, Deanna M. and Cohen, Jonathan D.}, + title = {Cognition and control in schizophrenia: A computational model of dopamine and prefrontal function}, + journal = {Biological Psychiatry}, + volume = {46}, + number = {3}, + pages = {312-328}, + year = {1999}, + type = {Journal Article} +} + +@article{RN396, + author = {Botvinick, Matthew and Nystrom, Leigh E. and Fissell, Kate and Carter, Cameron S. and Cohen, Jonathan D.}, + title = {Conflict monitoring versus selection-for-action in anterior cingulate cortex}, + journal = {Nature}, + volume = {402}, + number = {6758}, + pages = {179-181}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2332, + author = {Blakemore, S. J. and Frith, C. D. and Wolpert, D. M.}, + title = {Spatio-temporal prediction modulates the perception of self-produced stimuli}, + journal = {J Cogn Neurosci}, + volume = {11}, + number = {5}, + pages = {551-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10511643}, + year = {1999}, + type = {Journal Article} +} + +@article{RN489, + author = {Blakemore, Sarah-J. and Wolpert, Daniel M. and Frith, Chris D.}, + title = {The cerebellum contributes to somatosensory cortical activity during self-produced tactile stimulation}, + journal = {Neuroimage}, + volume = {10}, + pages = {448-459}, + year = {1999}, + type = {Journal Article} +} + +@article{RN759, + author = {Biryukova, E. V. and Roschin, V. Y. and Frolov, A. A. and Ioffe, M. E. and Massion, J. and Dufosse, M.}, + title = {Forearm postural control during unloading: anticipatory changes in elbow stiffness}, + journal = {Exp Brain Res}, + volume = {124}, + number = {1}, + pages = {107-117}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9928795}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2170, + author = {Birn, R. M. and Bandettini, P. A. and Cox, R. W. and Shaker, R.}, + title = {Event-related fMRI of tasks involving brief motion}, + journal = {Hum Brain Mapp}, + volume = {7}, + number = {2}, + pages = {106-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9950068}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2098, + author = {Binkofski, F. and Buccino, G. and Posse, S. and Seitz, R. J. and Rizzolatti, G. and Freund, H.}, + title = {A fronto-parietal circuit for object manipulation in man: evidence from an fMRI-study}, + journal = {Eur J Neurosci}, + volume = {11}, + number = {9}, + pages = {3276-86}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10510191}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2480, + author = {Bhushan, N. and Shadmehr, R.}, + title = {Computational nature of human adaptive control during learning of reaching movements in force fields}, + journal = {Biol Cybern}, + volume = {81}, + number = {1}, + pages = {39-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10434390 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN859, + author = {Bard, C. and Turrell, Y. and Fleury, M. and Teasdale, N. and Lamarre, Y. and Martin, O.}, + title = {Deafferentation and pointing with visual double-step perturbations}, + journal = {Exp Brain Res}, + volume = {125}, + number = {4}, + pages = {410-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10323286}, + year = {1999}, + type = {Journal Article} +} + +@article{RN428, + author = {Band, G. P. H. and Boxtel, G. J. M. van}, + title = {Inhibitory motor control in stop paradigms: review and reinterpretation of neural mechanisms}, + journal = {Acta Psychologica}, + volume = {101}, + pages = {179-211}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2084, + author = {Baizer, J. S. and Kralj-Hans, I. and Glickstein, M.}, + title = {Cerebellar lesions and prism adaptation in macaque monkeys}, + journal = {J Neurophysiol}, + volume = {81}, + number = {4}, + pages = {1960-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10200230}, + year = {1999}, + type = {Journal Article} +} + +@article{RN2138, + author = {Babin-Ratte, S. and Sirigu, A. and Gilles, M. and Wing, A.}, + title = {Impaired anticipatory finger grip-force adjustments in a case of cerebellar degeneration}, + journal = {Exp Brain Res}, + volume = {128}, + number = {1-2}, + pages = {81-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473744}, + year = {1999}, + type = {Journal Article} +} + +@article{RN1066, + author = {Ashburner, J. and Friston, K. J.}, + title = {Nonlinear spatial normalization using basis functions}, + journal = {Hum Brain Mapp}, + volume = {7}, + number = {4}, + pages = {254-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10408769}, + year = {1999}, + type = {Journal Article} +} + +@article{RN559, + author = {Andres, F. G. and Mima, Tatsuya and Schulman, Andrew E. and Dichgans, J. and Hallett, M. and Gerloff, C.}, + title = {Functional coupling of human cortical sensorimotor areas during bimanual skill acquisition}, + journal = {Brain}, + volume = {122}, + pages = {855-870}, + year = {1999}, + type = {Journal Article} +} + +@article{RN476, + author = {Andreasen, Nancy C. and O'Leary, Daniel S. and Paradiso, Sergio and Cizadlo, Ted and Arndt, Stephan and Watkins, G. Leonard and Boles Ponto, Laura L. and Hichwa, Richard D.}, + title = {The cerebellum plays a role in conscious episodic memory retrieval}, + journal = {Human Brain Mapping}, + volume = {8}, + number = {4}, + pages = {226-234}, + year = {1999}, + type = {Journal Article} +} + +@article{RN723, + author = {Zeiler, Michael D.}, + title = {On sundials, springs, and atoms}, + journal = {Behavioural Processes}, + volume = {44}, + number = {2}, + pages = {89-99}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3076, + author = {Zatsiorsky, V. M. and Li, Z. M. and Latash, M. L.}, + title = {Coordinated force production in multi-finger tasks: finger interaction and neural network modeling}, + journal = {Biol Cybern}, + volume = {79}, + number = {2}, + pages = {139-50}, + ISSN = {0340-1200 (Print) +0340-1200 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9791934}, + year = {1998}, + type = {Journal Article} +} + +@article{RN502, + author = {Yamaguchi, Shuhei and Tsuchiya, Haruhisa and Kobayashi, Shotai}, + title = {Visuospatial attention shift and motor responses in cerebellar disorders}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {1}, + pages = {95-107}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2389, + author = {Woods, R. P. and Grafton, S. T. and Watson, J. D. and Sicotte, N. L. and Mazziotta, J. C.}, + title = {Automated image registration: II. Intersubject validation of linear and nonlinear models}, + journal = {J Comput Assist Tomogr}, + volume = {22}, + number = {1}, + pages = {153-65}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448780}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2390, + author = {Woods, R. P. and Grafton, S. T. and Holmes, C. J. and Cherry, S. R. and Mazziotta, J. C.}, + title = {Automated image registration: I. General methods and intrasubject, intramodality validation}, + journal = {J Comput Assist Tomogr}, + volume = {22}, + number = {1}, + pages = {139-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448779}, + year = {1998}, + type = {Journal Article} +} + +@article{RN490, + author = {Wolpert, Daniel M. and Miall, R. Chris and Kawato, Mitsuo}, + title = {Internal models in the cerebellum}, + journal = {Trends in Cognitive Science}, + volume = {2}, + number = {9}, + pages = {313-321}, + year = {1998}, + type = {Journal Article} +} + +@article{RN751, + author = {Wolpert, D. M. and Kawato, M.}, + title = {Mutiple paired forward and inverse models for motor control}, + journal = {Neural Networks}, + volume = {11}, + pages = {1317-1329}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2157, + author = {Wise, S. P. and Moody, S. L. and Blomstrom, K. J. and Mitz, A. R.}, + title = {Changes in motor cortical activity during visuomotor adaptation}, + journal = {Exp Brain Res}, + volume = {121}, + number = {3}, + pages = {285-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9746135}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1052, + author = {Willingham, Daniel B.}, + title = {A neuropsychological theory of motor skill learning}, + journal = {Psychological Review}, + volume = {105}, + number = {3}, + pages = {558-584.}, + year = {1998}, + type = {Journal Article} +} + +@article{RN335, + author = {Viviani, P. and Perani, D. and Grassi, F. and Bettinardi, V. and Fazio, F.}, + title = {Hemispheric asymmetries and bimanual asynchrony in left- and right-handers}, + journal = {Experimental Brain Research}, + volume = {120}, + number = {4}, + pages = {531-536}, + year = {1998}, + type = {Journal Article} +} + +@article{RN311, + author = {Vindras, Philippe and Viviani, Paolo}, + title = {Frames of reference and control parameters in visuomanual pointing}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {24}, + number = {2}, + year = {1998}, + type = {Journal Article} +} + +@article{RN494, + author = {Vindras, P. and Desmurget, M. and Prablanc, C. and Viviani, P.}, + title = {Pointing errors reflect biases in the perception of the initial hand position}, + journal = {Journal of Neurophysiology}, + volume = {79}, + number = {6}, + pages = {3290-4}, + year = {1998}, + type = {Journal Article} +} + +@article{RN478, + author = {van Mier, H. and Tempel, L. W. and Perlmutter, J. S. and Raichle, M. E. and Petersen, S. E.}, + title = {Changes in brain activity during motor learning measured with PET: Effects of hand of performance and practice}, + journal = {Journal of Neurophysiology}, + volume = {80}, + number = {4}, + pages = {2177-2199}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2695, + author = {van Beers, R. J. and Sittig, A. C. and Denier van der Gon, J. J.}, + title = {The precision of proprioceptive position sense}, + journal = {Exp Brain Res}, + volume = {122}, + number = {4}, + pages = {367-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9827856 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN2296, + author = {Tootell, R. B. and Hadjikhani, N. and Hall, E. K. and Marrett, S. and Vanduffel, W. and Vaughan, J. T. and Dale, A. M.}, + title = {The retinotopy of visual spatial attention}, + journal = {Neuron}, + volume = {21}, + number = {6}, + pages = {1409-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9883733}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3358, + author = {Toni, I. and Krams, M. and Turner, R. and Passingham, R. E.}, + title = {The time course of changes during motor sequence learning: a whole-brain fMRI study}, + journal = {Neuroimage}, + volume = {8}, + number = {1}, + pages = {50-61}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.1998.0349}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9698575}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2129, + author = {Thompson-Schill, S. L. and Swick, D. and Farah, M. J. and D'Esposito, M. and Kan, I. P. and Knight, R. T.}, + title = {Verb generation in patients with focal frontal lesions: a neuropsychological test of neuroimaging findings}, + journal = {Proc Natl Acad Sci U S A}, + volume = {95}, + number = {26}, + pages = {15855-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9861060}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2102, + author = {Thickbroom, G. W. and Phillips, B. A. and Morris, I. and Byrnes, M. L. and Mastaglia, F. L.}, + title = {Isometric force-related activity in sensorimotor cortex measured with functional MRI}, + journal = {Exp Brain Res}, + volume = {121}, + number = {1}, + pages = {59-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9698191}, + year = {1998}, + type = {Journal Article} +} + +@article{RN930, + author = {Swinnen, S. P. and Jardin, K. and Verschueren, S. and Meulenbroek, R. and Franz, L. and Dounskaia, N. and Walter, C. B.}, + title = {Exploring interlimb constraints during bimanual graphic performance: effects of muscle grouping and direction}, + journal = {Behav Brain Res}, + volume = {90}, + number = {1}, + pages = {79-87.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9520215}, + year = {1998}, + type = {Journal Article} +} + +@book{RN2635, + author = {Sutton, R. S. and Barto, A. G.}, + title = {Reinforcement learning}, + publisher = {MIT Press }, + address = {Cambridge, Massachusetts}, + year = {1998}, + type = {Book} +} + +@article{RN2094, + author = {Strick, P. L. and Dum, R. P. and Picard, N.}, + title = {Motor areas on the medial wall of the hemisphere}, + journal = {Novartis Found Symp}, + volume = {218}, + pages = {64-75; discussion 75-80, 104-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9949816}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2976, + author = {Stedman, A. and Davey, N. J. and Ellaway, P. H.}, + title = {Facilitation of human first dorsal interosseous muscle responses to transcranial magnetic stimulation during voluntary contraction of the contralateral homonymous muscle}, + journal = {Muscle Nerve}, + volume = {21}, + number = {8}, + pages = {1033-9}, + ISSN = {0148-639X (Print) +0148-639X (Linking)}, + DOI = {10.1002/(SICI)1097-4598(199808)21:8<1033::AID-MUS7>3.0.CO;2-9 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9655121}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2292, + author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, + title = {Change in motor plan, without a change in the spatial locus of attention, modulates activity in posterior parietal cortex}, + journal = {J Neurophysiol}, + volume = {79}, + number = {5}, + pages = {2814-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9582248}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1074, + author = {Shima, K. and Tanji, J.}, + title = {Both supplementary and presupplementary motor areas are crucial for the temporal organization of multiple movements}, + journal = {J Neurophysiol}, + volume = {80}, + number = {6}, + pages = {3247-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9862919}, + year = {1998}, + type = {Journal Article} +} + +@article{RN568, + author = {Scholz, John P. and Latash, Mark L.}, + title = {A study of a bimanual synergy associated with holding an object}, + journal = {Human Movement Science}, + volume = {17}, + number = {6}, + pages = {753-779}, + year = {1998}, + type = {Journal Article} +} + +@article{RN872, + author = {Schmolesky, M. T. and Wang, Y. and Hanes, D. P. and Thompson, K. G. and Leutgeb, S. and Schall, J. D. and Leventhal, A. G.}, + title = {Signal timing across the macaque visual system}, + journal = {J Neurophysiol}, + volume = {79}, + number = {6}, + pages = {3272-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9636126 +http://jn.physiology.org/cgi/content/full/79/6/3272}, + year = {1998}, + type = {Journal Article} +} + +@inbook{RN659, + author = {Schmidt, Richard A. and Heuer, Herbert and Ghodsian, Dina and Young, Douglas E.}, + title = {Generalized motor programs and units of action in bimanual coordination}, + booktitle = {Progress in motor control, Vol. 1: Bernstein's traditions in movement studies.}, + editor = {Latash, Mark L.}, + publisher = {Human Kinetics}, + address = {Champaign, IL, US}, + pages = {329-360}, + year = {1998}, + type = {Book Section} +} + +@article{RN463, + author = {Schmahmann, Jeremy D. and Sherman, Janet C.}, + title = {The cerebellar cognitive affective syndrome}, + journal = {Brain}, + volume = {121}, + number = {4}, + pages = {561-579}, + year = {1998}, + type = {Journal Article} +} + +@article{RN911, + author = {Schluter, N. D. and Rushworth, M. F. and Passingham, R. E. and Mills, K. R.}, + title = {Temporary interference in human lateral premotor cortex suggests dominance for the selection of movements. A study using transcranial magnetic stimulation}, + journal = {Brain}, + volume = {121}, + number = {Pt 5}, + pages = {785-99.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9619185}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3303, + author = {Santello, M. and Flanders, M. and Soechting, J. F.}, + title = {Postural hand synergies for tool use}, + journal = {J Neurosci}, + volume = {18}, + number = {23}, + pages = {10105-15}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/9822764}, + year = {1998}, + type = {Journal Article} +} + +@article{RN951, + author = {Rushworth, M. F. and Nixon, P. D. and Wade, D. T. and Renowden, S. and Passingham, R. E.}, + title = {The left hemisphere and the selection of learned actions}, + journal = {Neuropsychologia}, + volume = {36}, + number = {1}, + pages = {11-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9533383}, + year = {1998}, + type = {Journal Article} +} + +@article{RN952, + author = {Rushworth, M. F. and Johansen-Berg, H. and Young, S. A.}, + title = {Parietal cortex and spatial-postural transformation during arm movements}, + journal = {J Neurophysiol}, + volume = {79}, + number = {1}, + pages = {478-82.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9425217}, + year = {1998}, + type = {Journal Article} +} + +@article{RN732, + author = {Rossetti, Yves}, + title = {Implicit short-lived motor representations of space in brain damaged and healthy subjects}, + journal = {Consciousness & Cognition: An International Journal}, + volume = {7}, + number = {3}, + pages = {520-558}, + year = {1998}, + type = {Journal Article} +} + +@article{RN376, + author = {Rogers, R. D. and Sahakian, B. J. and Hodges, J. R. and Polkey, C. E. and Kennard, C. and Robbins, T. W.}, + title = {Dissociating executive mechanisms of task control following frontal lobe damage and Parkinson's disease}, + journal = {Brain}, + volume = {121}, + number = {5}, + pages = {815-842}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2073, + author = {Purdon, P. L. and Weisskoff, R. M.}, + title = {Effect of temporal autocorrelation due to physiological noise and stimulus paradigm on voxel-level false-positive rates in fMRI}, + journal = {Hum Brain Mapp}, + volume = {6}, + number = {4}, + pages = {239-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9704263}, + year = {1998}, + type = {Journal Article} +} + +@article{RN484, + author = {Provini, L. and Marcotti, W. and Morara, S. and Rosina, A.}, + title = {Somatotopic nucleocortical projections to the multiple somatosensory cerebellar maps}, + journal = {Neuroscience}, + volume = {83}, + number = {4}, + pages = {1085-104}, + year = {1998}, + type = {Journal Article} +} + +@article{RN810, + author = {Pressing, Jeff}, + title = {Error correction processes in temporal pattern production}, + journal = {Journal of Mathematical Psychology}, + volume = {42}, + number = {1}, + pages = {63-101}, + year = {1998}, + type = {Journal Article} +} + +@article{RN477, + author = {Penhune, Virginia B. and Zatorre, R. J. and Evans, A. C.}, + title = {Cerebellar contributions to motor timing: A PET study of auditory and visual rhythm reproduction}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {6}, + pages = {752-766}, + year = {1998}, + type = {Journal Article} +} + +@article{RN949, + author = {Passingham, R. E. and Toni, I. and Schluter, N. and Rushworth, M. F.}, + title = {How do visual instructions influence the motor system?}, + journal = {Novartis Found Symp}, + volume = {218}, + pages = {129-41}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9949819}, + year = {1998}, + type = {Journal Article} +} + +@inbook{RN683, + author = {Pashler, Harold and Johnston, James C.}, + title = {Attentional limitations in dual-task performance}, + booktitle = {Attention.}, + editor = {Pashler, Harold}, + publisher = {Psychology Press/Erlbaum (UK) Taylor & Francis}, + address = {Hove, England}, + pages = {155-189}, + year = {1998}, + type = {Book Section} +} + +@book{RN682, + author = {Pashler, Harold}, + title = {Attention}, + publisher = {Psychology Press/Erlbaum (UK) Taylor & Francis}, + address = {Hove, England}, + year = {1998}, + type = {Edited Book} +} + +@book{RN681, + author = {Pashler, Harold}, + title = {The psychology of attention}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {xiv, 494}, + year = {1998}, + type = {Book} +} + +@article{RN696, + author = {Meegan, Daniel V. and Tipper, Steven P.}, + title = {Reaching into cluttered visual environments: Spatial and temporal influences of distracting objects}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {51}, + number = {2}, + pages = {225-249}, + year = {1998}, + type = {Journal Article} +} + +@article{RN882, + author = {McIntyre, J. and Stratta, F. and Lacquaniti, F.}, + title = {Short-term memory for reaching to visual targets: psychophysical evidence for body-centered reference frames}, + journal = {J Neurosci}, + volume = {18}, + number = {20}, + pages = {8423-35.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9763485 +http://www.jneurosci.org/cgi/content/full/18/20/8423}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2324, + author = {Matelli, M. and Govoni, P. and Galletti, C. and Kutz, D. F. and Luppino, G.}, + title = {Superior area 6 afferents from the superior parietal lobule in the macaque monkey}, + journal = {J Comp Neurol}, + volume = {402}, + number = {3}, + pages = {327-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9853903}, + year = {1998}, + type = {Journal Article} +} + +@article{RN998, + author = {Massion, J.}, + title = {Postural control systems in developmental perspective}, + journal = {Neurosci Biobehav Rev}, + volume = {22}, + number = {4}, + pages = {465-72.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9595556}, + year = {1998}, + type = {Journal Article} +} + +@article{RN823, + author = {Mangels, Jennifer A. and Ivry, Richard B. and Shimizu, Naomi}, + title = {Dissociable contributions of the prefrontal and neocerebellar cortex to time perception}, + journal = {Cognitive Brain Research}, + volume = {7}, + number = {1}, + pages = {15-39}, + year = {1998}, + type = {Journal Article} +} + +@article{RN785, + author = {Malapani, C. and Dubois, B. and Rancurel, G. and Gibbon, J.}, + title = {Cerebellar dysfunctions of temporal processing in the seconds range in humans}, + journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, + volume = {9}, + number = {17}, + pages = {3907-3912}, + year = {1998}, + type = {Journal Article} +} + +@article{RN585, + author = {Latash, Mark L. and Li, Zong-Ming and Zatsiorsky, Vladimir M.}, + title = {A principle of error compensation studied within a task of force production by a redundant set of fingers}, + journal = {Experimental Brain Research}, + volume = {122}, + pages = {131-138}, + year = {1998}, + type = {Journal Article} +} + +@article{RN649, + author = {Laeng, B. and Peters, M. and McCabe, B.}, + title = {Memory for locations within regions: Spatial biases and visual hemifield differences}, + journal = {Memory & Cognition}, + volume = {26}, + number = {1}, + pages = {97-107}, + year = {1998}, + type = {Journal Article} +} + +@article{RN434, + author = {Konishi, S. and Nakajima, K. and Uchida, I. and Sekihara, K. and Miyashita, Y.}, + title = {No-go dominant brain activity in human inferior prefrontal cortex revealed by functional magnetic resonance imaging}, + journal = {European Journal of Neuroscience}, + volume = {10}, + number = {3}, + pages = {1209-13}, + year = {1998}, + type = {Journal Article} +} + +@article{RN433, + author = {Konishi, S. and Nakajima, K. and Uchida, I. and Kameyama, M. and Nakahara, K. and Sekihara, K. and Miyashita, Y.}, + title = {Transient activation of inferior prefrontal cortex during cognitive set shifting}, + journal = {Nature Neuroscience}, + volume = {1}, + number = {1}, + pages = {80-4}, + year = {1998}, + type = {Journal Article} +} + +@article{RN545, + author = {Koeppen, Arnulf H.}, + title = {The hereditary ataxias}, + journal = {Jornal of Neuropathology and Experimental Neurology}, + volume = {57}, + number = {6}, + pages = {531-543}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2050, + author = {Kitazawa, S. and Kimura, T. and Yin, P. B.}, + title = {Cerebellar complex spikes encode both destinations and errors in arm movements}, + journal = {Nature}, + volume = {392}, + number = {6675}, + pages = {494-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9548253}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3047, + author = {Kermadi, I. and Liu, Y. and Tempini, A. and Calciati, E. and Rouiller, E. M.}, + title = {Neuronal activity in the primate supplementary motor area and the primary motor cortex in relation to spatio-temporal bimanual coordination}, + journal = {Somatosens Mot Res}, + volume = {15}, + number = {4}, + pages = {287-308}, + ISSN = {0899-0220 (Print) +0899-0220 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9875547}, + year = {1998}, + type = {Journal Article} +} + +@article{RN956, + author = {Kazennikov, O. and Hyland, B. and Wicki, U. and Perrig, S. and Rouiller, E. M. and Wiesendanger, M.}, + title = {Effects of lesions in the mesial frontal cortex on bimanual co- ordination in monkeys}, + journal = {Neuroscience}, + volume = {85}, + number = {3}, + pages = {703-16.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9639266}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2922, + author = {Kawashima, R. and Matsumura, M. and Sadato, N. and Naito, E. and Waki, A. and Nakamura, S. and Matsunami, K. and Fukuda, H. and Yonekura, Y.}, + title = {Regional cerebral blood flow changes in human brain related to ipsilateral and contralateral complex hand movements--a PET study}, + journal = {Eur J Neurosci}, + volume = {10}, + number = {7}, + pages = {2254-60}, + ISSN = {0953-816X (Print) +0953-816X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9749754}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3018, + author = {Karni, A. and Meyer, G. and Rey-Hipolito, C. and Jezzard, P. and Adams, M. M. and Turner, R. and Ungerleider, L. G.}, + title = {The acquisition of skilled motor performance: fast and slow experience-driven changes in primary motor cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {95}, + number = {3}, + pages = {861-8}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448252}, + year = {1998}, + type = {Journal Article} +} + +@article{RN409, + author = {Jäncke, L. and Peters, M. and Schlaug, G. and Posse, S. and Steinmetz, H. and Mueller-Gaertner, H. W.}, + title = {Differential magnetic resonance signal change in human sensorimotor cortex to finger movements of different rate of the dominant and subdominant hand}, + journal = {Cognitive Brain Research}, + volume = {6}, + number = {4}, + pages = {279-284}, + year = {1998}, + type = {Journal Article} +} + +@article{RN615, + author = {Ivry, Richard B. and Franz, Elizabeth A. and Kingstone, Alan and Johnston, James C.}, + title = {The psychological refractory period effect following callosotomy: Uncoupling of lateralized response codes}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {24}, + number = {2}, + pages = {463-480}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2069, + author = {Honda, M. and Deiber, M. P. and Ibanez, V. and Pascual-Leone, A. and Zhuang, P. and Hallett, M.}, + title = {Dynamic cortical involvement in implicit and explicit motor sequence learning. A PET study}, + journal = {Brain}, + volume = {121 ( Pt 11)}, + pages = {2159-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9827775}, + year = {1998}, + type = {Journal Article} +} + +@article{RN631, + author = {Hommel, Bernhard}, + title = {Automatic stimulus-response translation in dual-task performance}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {24}, + number = {5}, + pages = {1368-1384}, + year = {1998}, + type = {Journal Article} +} + +@article{RN638, + author = {Heuer, H. and Spijkers, W. and Kleinsorge, T. and van der Loo, H. and Steglich, C.}, + title = {The time course of cross-talk during the simultaneous specification of bimanual movement amplitudes}, + journal = {Experimental Brain Research}, + volume = {118}, + number = {3}, + pages = {381-92}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/8118003/81180381.htm +http://link.springer-ny.com/link/service/journals/00221/papers/8118003/81180381.pdf +http://link.springer-ny.com/link/service/journals/00221/index.htm}, + year = {1998}, + type = {Journal Article} +} + +@article{RN514, + author = {Heuer, Herbert and Spijkers, Will and Kleinsorge, Thomas and van der Loo, Hanno}, + title = {Period duration of physical and imaginary movement sequences affects contralateral amplitude modulation}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {51}, + number = {4}, + year = {1998}, + type = {Journal Article} +} + +@article{RN293, + author = {Hayes, Amy E. and Davidson, Matthew C. and Keele, Steven W. and Rafal, Robert D.}, + title = {Toward a functional analysis of the basal ganglia.}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {2}, + pages = {178-198}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2469, + author = {Harris, C. M. and Wolpert, D. M.}, + title = {Signal-dependent noise determines motor planning}, + journal = {Nature}, + volume = {394}, + number = {6695}, + pages = {780-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9723616 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN828, + author = {Harrington, D. L. and Haaland, K. Y. and Knight, R. T.}, + title = {Cortical networks underlying mechanisms of time perception}, + journal = {J Neurosci}, + volume = {18}, + number = {3}, + pages = {1085-95.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9437028}, + year = {1998}, + type = {Journal Article} +} + +@article{RN788, + author = {Harrington, Deborah L. and Haaland, Kathleen Y. and Hermanowitz, Neal}, + title = {Temporal processing in the basal ganglia}, + journal = {Neuropsychology}, + volume = {12}, + number = {1}, + pages = {3-12}, + year = {1998}, + type = {Journal Article} +} + +@article{RN969, + author = {Gribble, P. L. and Ostry, D. J. and Sanguineti, V. and Laboissiere, R.}, + title = {Are complex control signals required for human arm movement?}, + journal = {J Neurophysiol}, + volume = {79}, + number = {3}, + pages = {1409-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9497421}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1392, + author = {Grafton, S. T. and Hazeltine, E. and Ivry, R. B.}, + title = {Abstract and effector-specific representations of motor sequences identified with PET}, + journal = {J Neurosci}, + volume = {18}, + number = {22}, + pages = {9420-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9801380}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2325, + author = {Grafton, S. T. and Fagg, A. H. and Arbib, M. A.}, + title = {Dorsal premotor cortex and conditional movement selection: A PET functional mapping study}, + journal = {J Neurophysiol}, + volume = {79}, + number = {2}, + pages = {1092-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9463464}, + year = {1998}, + type = {Journal Article} +} + +@article{RN462, + author = {Gomez-Beldarrain, Marian and Garvic-Monco, Juan Carlos}, + title = {"The cerebellar cognitive affective syndrome": Comment}, + journal = {Brain}, + volume = {121}, + number = {11}, + pages = {2202-2203}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1375, + author = {Gomez-Beldarrain, M. and Garcia-Monco, J. C. and Rubio, B. and Pascual-Leone, A.}, + title = {Effect of focal cerebellar lesions on procedural learning in the serial reaction time task}, + journal = {Exp Brain Res}, + volume = {120}, + number = {1}, + pages = {25-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9628400}, + year = {1998}, + type = {Journal Article} +} + +@article{RN331, + author = {Goerres, G. W. and Samuel, M. and Jenkins, I. H. and Brooks, D. J.}, + title = {Cerebral control of unimanual and bimanual movements: an H2(15)O PET study}, + journal = {Neuroreport}, + volume = {9}, + number = {16}, + pages = {3631-3638}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1054, + author = {Gabrieli, J. D. E.}, + title = {Cognitive neuroscience of human memory}, + journal = {Annual Review of Psychology}, + volume = {49}, + pages = {87-115}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2027, + author = {Friston, K. J. and Josephs, O. and Rees, G. and Turner, R.}, + title = {Nonlinear event-related responses in fMRI}, + journal = {Magn Reson Med}, + volume = {39}, + number = {1}, + pages = {41-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9438436}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2193, + author = {Friston, K. J. and Fletcher, P. and Josephs, O. and Holmes, A. and Rugg, M. D. and Turner, R.}, + title = {Event-related fMRI: characterizing differential responses}, + journal = {Neuroimage}, + volume = {7}, + number = {1}, + pages = {30-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9500830}, + year = {1998}, + type = {Journal Article} +} + +@article{RN550, + author = {Franz, E. A. and Ramachandran, V. S.}, + title = {Bimanual coupling in amputees with phantom limbs}, + journal = {Nature Neuroscience}, + volume = {1}, + number = {6}, + pages = {443-444}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2463, + author = {Fiez, J. A. and Petersen, S. E.}, + title = {Neuroimaging studies of word reading}, + journal = {Proc Natl Acad Sci U S A}, + volume = {95}, + number = {3}, + pages = {914-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448259 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN2281, + author = {Ellis, R. R. and Lederman, S. J.}, + title = {The golf-ball illusion: evidence for top-down processing in weight perception}, + journal = {Perception}, + volume = {27}, + number = {2}, + pages = {193-201}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9709451}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3563, + author = {Edelman, S.}, + title = {Representation is representation of similarities}, + journal = {Behav Brain Sci}, + volume = {21}, + number = {4}, + pages = {449-67; discussion 467-98}, + ISSN = {0140-525X (Print) +0140-525X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10097019}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2351, + author = {Doyon, J. and Laforce, R., Jr. and Bouchard, G. and Gaudreau, D. and Roy, J. and Poirier, M. and Bedard, P. J. and Bedard, F. and Bouchard, J. P.}, + title = {Role of the striatum, cerebellum and frontal lobes in the automatization of a repeated visuomotor sequence of movements}, + journal = {Neuropsychologia}, + volume = {36}, + number = {7}, + pages = {625-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9723934}, + year = {1998}, + type = {Journal Article} +} + +@article{RN426, + author = {Donchin, O. and Gribova, A. and Steinberg, O. and Bergman, H. and Vaadia, E.}, + title = {Primary motor cortex is involved in bimanual coordination}, + journal = {Nature}, + volume = {395}, + number = {6699}, + pages = {274-8}, + year = {1998}, + type = {Journal Article} +} + +@phdthesis{RN645, + author = {Diedrichsen, Joern}, + title = {Gibt es ein motorisches Kurzzeitgedächtnis für Positionen im Greifraum?}, + university = {University of Göttingen}, + type = {diploma thesis}, + year = {1998}, + type = {Thesis} +} + +@article{RN493, + author = {Desmurget, M. and Pelisson, D. and Urquizar, C. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, + title = {Functional anatomy of saccadic adaptation in humans [published erratum appears in Nat Neurosci 1998 Dec;1(8):743]}, + journal = {Nature Neuroscience}, + volume = {1}, + number = {6}, + pages = {524-8}, + year = {1998}, + type = {Journal Article} +} + +@article{RN845, + author = {Desmurget, M. and Pelisson, D. and Rossetti, Y. and Prablanc, C.}, + title = {From eye to hand: planning goal-directed movements}, + journal = {Neurosci Biobehav Rev}, + volume = {22}, + number = {6}, + pages = {761-88.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9809311}, + year = {1998}, + type = {Journal Article} +} + +@article{RN510, + author = {Desmond, J. E. and Gabrieli, J. D. and Glover, G. H.}, + title = {Dissociation of frontal and cerebellar activity in a cognitive task: evidence for a distinction between selection and search}, + journal = {Neuroimage}, + volume = {7}, + number = {4 Pt 1}, + pages = {368-76}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3174, + author = {De Zeeuw, C. I. and Simpson, J. I. and Hoogenraad, C. C. and Galjart, N. and Koekkoek, S. K. and Ruigrok, T. J.}, + title = {Microcircuitry and function of the inferior olive}, + journal = {Trends Neurosci}, + volume = {21}, + number = {9}, + pages = {391-400}, + ISSN = {0166-2236 (Print) +0166-2236 (Linking)}, + DOI = {S0166-2236(98)01310-1 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9735947}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3186, + author = {Day, B. L. and Thompson, P. D. and Harding, A. E. and Marsden, C. D.}, + title = {Influence of vision on upper limb reaching movements in patients with cerebellar ataxia}, + journal = {Brain}, + volume = {121 ( Pt 2)}, + pages = {357-72}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9549511}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2218, + author = {Corbetta, M. and Akbudak, E. and Conturo, T. E. and Snyder, A. Z. and Ollinger, J. M. and Drury, H. A. and Linenweber, M. R. and Petersen, S. E. and Raichle, M. E. and Van Essen, D. C. and Shulman, G. L.}, + title = {A common network of functional areas for attention and eye movements}, + journal = {Neuron}, + volume = {21}, + number = {4}, + pages = {761-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9808463}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2617, + author = {Classen, J. and Liepert, J. and Wise, S. P. and Hallett, M. and Cohen, L. G.}, + title = {Rapid plasticity of human cortical movement representation induced by practice}, + journal = {J Neurophysiol}, + volume = {79}, + number = {2}, + pages = {1117-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9463469 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN569, + author = {Classen, Joseph and Gerloff, Christian and Honda, Manabu and Hallett, Mark}, + title = {Integrative visuomotor behavior is associated with interregionally coherent oscillations in the human brain}, + journal = {Journal of Neurophysiology}, + volume = {79}, + number = {3}, + pages = {1567-1573}, + year = {1998}, + type = {Journal Article} +} + +@article{RN866, + author = {Cisek, P. and Grossberg, S. and Bullock, D.}, + title = {A cortico-spinal model of reaching and proprioception under multiple task constraints}, + journal = {J Cogn Neurosci}, + volume = {10}, + number = {4}, + pages = {425-44.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9712674 +http://mitpress.mit.edu/journal-issue-abstracts.tcl?issn=0898929X&volume=10&issue=4}, + year = {1998}, + type = {Journal Article} +} + +@article{RN391, + author = {Chao, Linda L. and Knight, Robert T.}, + title = {Contribution of human prefrontal cortex to delay performance}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {2}, + pages = {167-177}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2921, + author = {Catalan, M. J. and Honda, M. and Weeks, R. A. and Cohen, L. G. and Hallett, M.}, + title = {The functional neuroanatomy of simple and complex sequential finger movements: a PET study}, + journal = {Brain}, + volume = {121 ( Pt 2)}, + pages = {253-64}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9549504}, + year = {1998}, + type = {Journal Article} +} + +@article{RN398, + author = {Carter, Cameron S. and Braver, Todd S. and Barch, Deanna M. and Botvinick, Matthew M. and Noll, Douglas and Cohen, Jonathan D.}, + title = {Anterior cingulate cortex, error detection, and the online monitoring of performance}, + journal = {Science}, + volume = {280}, + number = {5364}, + pages = {747-749}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2691, + author = {Carnahan, H.}, + title = {Manual asymmetries in response to rapid target movement}, + journal = {Brain Cogn}, + volume = {37}, + number = {2}, + pages = {237-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9665745 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN2720, + author = {Buxton, R. B. and Wong, E. C. and Frank, L. R.}, + title = {Dynamics of blood flow and oxygenation changes during brain activation: the balloon model}, + journal = {Magn Reson Med}, + volume = {39}, + number = {6}, + pages = {855-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9621908 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN2585, + author = {Burdet, E. and Milner, T. E.}, + title = {Quantization of human motions and learning of accurate movements}, + journal = {Biol Cybern}, + volume = {78}, + number = {4}, + pages = {307-18}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9652080 }, + year = {1998}, + type = {Journal Article} +} + +@article{RN867, + author = {Bullock, D. and Cisek, P. and Grossberg, S.}, + title = {Cortical networks for control of voluntary arm movements under variable force conditions}, + journal = {Cereb Cortex}, + volume = {8}, + number = {1}, + pages = {48-62.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9510385}, + year = {1998}, + type = {Journal Article} +} + +@article{RN304, + author = {Bridgeman, Bruce and Huemer, Valerie}, + title = {A spatially oriented decision does not induce consciousness in a motor task}, + journal = {Consciousness & Cognition: An International Journal}, + volume = {7}, + number = {3}, + year = {1998}, + type = {Journal Article} +} + +@article{RN904, + author = {Boessenkool, J. J. and Nijhof, E. J. and Erkelens, C. J.}, + title = {A comparison of curvatures of left and right hand movements in a simple pointing task}, + journal = {Exp Brain Res}, + volume = {120}, + number = {3}, + pages = {369-76.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9628423}, + year = {1998}, + type = {Journal Article} +} + +@article{RN627, + author = {Blakemore, S. J. and Goodbody, S. J. and Wolpert, D. M.}, + title = {Predicting the consequences of our own actions: the role of sensorimotor context estimation}, + journal = {Journal of Neuroscience}, + volume = {18}, + number = {18}, + pages = {7511-8}, + url = {http://www.jneurosci.org/cgi/content/full/18/18/7511 +http://www.jneurosci.org}, + year = {1998}, + type = {Journal Article} +} + +@article{RN2171, + author = {Birn, R. M. and Bandettini, P. A. and Cox, R. W. and Jesmanowicz, A. and Shaker, R.}, + title = {Magnetic field changes in the human brain due to swallowing or speaking}, + journal = {Magn Reson Med}, + volume = {40}, + number = {1}, + pages = {55-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9660553}, + year = {1998}, + type = {Journal Article} +} + +@article{RN927, + author = {Bastian, A. J. and Mink, J. W. and Kaufman, B. A. and Thach, W. T.}, + title = {Posterior vermal split syndrome}, + journal = {Ann Neurol}, + volume = {44}, + number = {4}, + pages = {601-10.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9778258}, + year = {1998}, + type = {Journal Article} +} + +@article{RN399, + author = {Baldo, Juliana V. and Shimamura, Arthur P. and Prinzmetal, William}, + title = {Mapping symbols to response modalities: Interference effects on Stroop-like tasks}, + journal = {Perception & Psychophysics}, + volume = {60}, + number = {3}, + pages = {427-437}, + year = {1998}, + type = {Journal Article} +} + +@article{RN450, + author = {Badgaiyan, Rajendra D. and Posner, Michael I.}, + title = {Mapping the cingulate cortex in response selection and monitoring}, + journal = {Neuroimage}, + volume = {7}, + pages = {255-260}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1108, + author = {Ashby, F. G. and Alfonso-Reese, L. A. and Turken, A. U. and Waldron, E. M.}, + title = {A neuropsychological theory of multiple systems in category learning}, + journal = {Psychol Rev}, + volume = {105}, + number = {3}, + pages = {442-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9697427}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1020, + author = {Aruin, A. S. and Forrest, W. R. and Latash, M. L.}, + title = {Anticipatory postural adjustments in conditions of postural instability}, + journal = {Electroencephalogr Clin Neurophysiol}, + volume = {109}, + number = {4}, + pages = {350-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9751298}, + year = {1998}, + type = {Journal Article} +} + +@article{RN1037, + author = {Aguirre, G. K. and Zarahn, E. and D'Esposito, M.}, + title = {The variability of human, BOLD hemodynamic responses}, + journal = {Neuroimage}, + volume = {8}, + number = {4}, + pages = {360-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9811554}, + year = {1998}, + type = {Journal Article} +} + +@article{RN384, + author = {Zhang, Jun and Riehle, Alexa and Requin, Jean and Kornblum, Sylvan}, + title = {Dynamics of single neuron activity in monkey primary motor cortex related to sensorimotor transformation}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {6}, + pages = {2227-2246}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1991, + author = {Zarahn, E. and Aguirre, G. K. and D'Esposito, M.}, + title = {Empirical analyses of BOLD fMRI statistics. I. Spatially unsmoothed data collected under null-hypothesis conditions}, + journal = {Neuroimage}, + volume = {5}, + number = {3}, + pages = {179-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345548}, + year = {1997}, + type = {Journal Article} +} + +@article{RN373, + author = {Zanone, P. G. and Kelso, J. A. S.}, + title = {Coordination dynamics of learning and transfer: Collective and component levels}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {5}, + pages = {1454-1480}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2930, + author = {Yousry, T. A. and Schmid, U. D. and Alkadhi, H. and Schmidt, D. and Peraud, A. and Buettner, A. and Winkler, P.}, + title = {Localization of the motor hand area to a knob on the precentral gyrus. A new landmark}, + journal = {Brain}, + volume = {120 ( Pt 1)}, + pages = {141-57}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2168, + author = {Wu, D. H. and Lewin, J. S. and Duerk, J. L.}, + title = {Inadequacy of motion correction algorithms in functional MRI: role of susceptibility-induced artifacts}, + journal = {J Magn Reson Imaging}, + volume = {7}, + number = {2}, + pages = {365-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9090592}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2406, + author = {Wright, B. A. and Buonomano, D. V. and Mahncke, H. W. and Merzenich, M. M.}, + title = {Learning and generalization of auditory temporal-interval discrimination in humans}, + journal = {J Neurosci}, + volume = {17}, + number = {10}, + pages = {3956-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9133413}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1012, + author = {Wing, A. M. and Flanagan, J. R. and Richardson, J.}, + title = {Anticipatory postural adjustments in stance and grip}, + journal = {Exp Brain Res}, + volume = {116}, + number = {1}, + pages = {122-30.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9305821}, + year = {1997}, + type = {Journal Article} +} + +@article{RN932, + author = {Walter, C. B. and Swinnen, S. P. and Corcos, D. M. and Pollatou, E. and Pan, H. Y.}, + title = {Coping with systematic bias during bilateral movement}, + journal = {Psychol Res}, + volume = {60}, + number = {4}, + pages = {202-13}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9440358}, + year = {1997}, + type = {Journal Article} +} + +@article{RN31, + author = {Vecera, Shaun P. and Behrmann, Marlene}, + title = {Spatial attention does not require preattentive grouping}, + journal = {Neuropsychology}, + volume = {11}, + number = {1}, + pages = {30-43}, + year = {1997}, + type = {Journal Article} +} + +@article{RN975, + author = {Trouillas, P. and Takayanagi, T. and Hallett, M. and Currier, R. D. and Subramony, S. H. and Wessel, K. and Bryer, A. and Diener, H. C. and Massaquoi, S. and Gomez, C. M. and Coutinho, P. and Ben Hamida, M. and Campanella, G. and Filla, A. and Schut, L. and Timann, D. and Honnorat, J. and Nighoghossian, N. and Manyam, B.}, + title = {International Cooperative Ataxia Rating Scale for pharmacological assessment of the cerebellar syndrome. The Ataxia Neuropharmacology Committee of the World Federation of Neurology}, + journal = {J Neurol Sci}, + volume = {145}, + number = {2}, + pages = {205-11}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9094050}, + year = {1997}, + type = {Journal Article} +} + +@article{RN353, + author = {Tipper, Steven P. and Howard, Louise A. and Jackson, Stephen R.}, + title = {Selective reaching to grasp: Evidence for distractor interference effects}, + journal = {Visual Cognition}, + volume = {4}, + number = {1}, + pages = {1-38}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1032, + author = {Timmann, D. and Horak, F. B.}, + title = {Prediction and set-dependent scaling of early postural responses in cerebellar patients}, + journal = {Brain}, + volume = {120}, + number = {Pt 2}, + pages = {327-37.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9117379}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1050, + author = {Swinnen, S.P. and Jardin, K. and Meulenbroek, R. and Dounskaia, N. and Hofkens-Van Den Brandt, M.}, + title = {Egocentric and allocentric constraints in the expression of patterns of interlimb coordination}, + journal = {Journal of Cognitive Neuroscience}, + volume = {9}, + pages = {348-377}, + url = {http://jocn.mitpress.org/cgi/content/abstract/9/3/348}, + year = {1997}, + type = {Journal Article} +} + +@article{RN648, + author = {Suzuki, S. and Cavanagh, P.}, + title = {Focused attention distorts visual space: an attentional repulsion effect}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {23}, + number = {2}, + pages = {443-63}, + year = {1997}, + type = {Journal Article} +} + +@article{RN323, + author = {Spijkers, Will and Heuer, Herbert and Kleinsorge, Thomas and van der Loo, Hanno}, + title = {Preparation of bimanual movements with same and different amplitudes: Specification interference as revealed by reaction time}, + journal = {Acta Psychologica}, + volume = {96}, + number = {3}, + pages = {207-227}, + year = {1997}, + type = {Journal Article} +} + +@inbook{RN2204, + author = {Speed, T. P.}, + title = {Restricted Maximum Likelihood (ReML)}, + booktitle = {Encyclopedia of Statistical Sciences}, + editor = {Kotz, Samuel and Read, Campbell and Banks, David L.}, + publisher = {Wiley-Interscience}, + address = {New York}, + pages = {472-481}, + year = {1997}, + type = {Book Section} +} + +@article{RN240, + author = {Smith, Edward E. and Jonides, John}, + title = {Working memory: A view from neuroimaging}, + journal = {Cognitive Psychology}, + volume = {33}, + pages = {5-42}, + year = {1997}, + type = {Journal Article} +} + +@article{RN479, + author = {Shulman, Gordon L. and Corbetta, Maurizio and Fiez, Julie A. and Buckner, Randy L. and Miezin, Francis M. and Raichle, Marcus E. and Petersen, Steven E.}, + title = {Searching for activations that generalize over tasks}, + journal = {Human Brain Mapping}, + volume = {5}, + number = {4}, + pages = {317-322}, + year = {1997}, + type = {Journal Article} +} + +@article{RN496, + author = {Shimansky, J. and Saling, M. and Wunderlich, D. A. and Bracha, V. and Stelmach, G. E. and Bloedel, J. R.}, + title = {Impaired capacity of cerebellar patients to perceive and learn two-dimensional shapes based on kinesthetic cues}, + journal = {Learning & Memory}, + volume = {4}, + pages = {36-48}, + year = {1997}, + type = {Journal Article} +} + +@article{RN767, + author = {Shadmehr, R. and Holcomb, H. H.}, + title = {Neural correlates of motor memory consolidation}, + journal = {Science}, + volume = {277}, + number = {5327}, + pages = {821-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9242612}, + year = {1997}, + type = {Journal Article} +} + +@article{RN769, + author = {Shadmehr, R. and Brashers-Krug, T.}, + title = {Functional stages in the formation of human long-term motor memory}, + journal = {J Neurosci}, + volume = {17}, + number = {1}, + pages = {409-19.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8987766}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3000, + author = {Sergio, L. E. and Kalaska, J. F.}, + title = {Systematic changes in directional tuning of motor cortex cell activity with hand location in the workspace during generation of static isometric forces in constant spatial directions}, + journal = {J Neurophysiol}, + volume = {78}, + number = {2}, + pages = {1170-4}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9307146}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3180, + author = {Schultz, W. and Dayan, P. and Montague, P. R.}, + title = {A neural substrate of prediction and reward}, + journal = {Science}, + volume = {275}, + number = {5306}, + pages = {1593-9}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9054347}, + year = {1997}, + type = {Journal Article} +} + +@inbook{RN485, + author = {Schmahmann, Jeremy D. and Pandya, Deepak N.}, + title = {The cerebrocerebellar system}, + booktitle = {The cerebellum and cognition}, + editor = {Schahmann, Jeremy D.}, + series = {International review of neurobiology}, + publisher = {Academic Press}, + address = {San Diego, CA}, + volume = {41}, + pages = {31-55}, + year = {1997}, + type = {Book Section} +} + +@book{RN3190, + author = {Schmahmann, J. D.}, + title = {The cerebellum and cognition}, + publisher = {Academic press}, + address = {San Diego, CA}, + year = {1997}, + type = {Book} +} + +@article{RN333, + author = {Samuel, M. and Ceballos-Baumann, A. O. and Blin, J. and Uema, T. and Boecker, H. and Passingham, R. E. and Brooks, D. J.}, + title = {Evidence for lateral premotor and parietal overactivity in Parkinson's disease during sequential and bimanual movements. A PET study [see comments]}, + journal = {Brain}, + volume = {120}, + pages = {963-976}, + year = {1997}, + type = {Journal Article} +} + +@article{RN332, + author = {Sadato, N. and Yonekura, Y. and Waki, A. and Yamada, H. and Ishii, Y.}, + title = {Role of the supplementary motor area and the right premotor cortex in the coordination of bimanual finger movements}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {24}, + pages = {9667-9674}, + year = {1997}, + type = {Journal Article} +} + +@article{RN887, + author = {Sabes, P. N. and Jordan, M. I.}, + title = {Obstacle avoidance and a perturbation sensitivity model for motor planning}, + journal = {J Neurosci}, + volume = {17}, + number = {18}, + pages = {7119-28.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9278546}, + year = {1997}, + type = {Journal Article} +} + +@article{RN954, + author = {Rushworth, M. F. and Nixon, P. D. and Passingham, R. E.}, + title = {Parietal cortex and movement. I. Movement selection and reaching}, + journal = {Exp Brain Res}, + volume = {117}, + number = {2}, + pages = {292-310.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9419075}, + year = {1997}, + type = {Journal Article} +} + +@article{RN953, + author = {Rushworth, M. F. and Nixon, P. D. and Passingham, R. E.}, + title = {Parietal cortex and movement. II. Spatial representation}, + journal = {Exp Brain Res}, + volume = {117}, + number = {2}, + pages = {311-23.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9419076}, + year = {1997}, + type = {Journal Article} +} + +@article{RN383, + author = {Riehle, Alexa and Kornblum, Sylvan and Requin, Jean}, + title = {Neuronal correlates of sensorimotor association in stimulus-response compatibility}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {6}, + pages = {1708-1726}, + year = {1997}, + type = {Journal Article} +} + +@article{RN503, + author = {Rao, S. M. and Harrington, D. L. and Haaland, K. Y. and Bobholz, J. A. and Cox, R. W. and Binder, J. R.}, + title = {Distributed neural systems underlying the timing of movements}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {14}, + pages = {5528-35}, + year = {1997}, + type = {Journal Article} +} + +@article{RN812, + author = {Pressing, J. and Jolley-Rogers, G.}, + title = {Spectral properties of human cognition and skill}, + journal = {Biol Cybern}, + volume = {76}, + number = {5}, + pages = {339-47.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9237359}, + year = {1997}, + type = {Journal Article} +} + +@article{RN967, + author = {Pouget, A and Sejnowski, T}, + title = {Spatial transformations in the parietal cortex using basis functions}, + journal = {Journal of Cognitive Neuroscience}, + volume = {9}, + pages = {222-237}, + year = {1997}, + type = {Journal Article} +} + +@article{RN64, + author = {Platel, Herve and Price, Cathy and Baron, Jean-Claude and Wise, Richard and Lambert, Jany and Frackowiack, Richard S.J. and Lechevalier, Bernard and Eustache, Francis}, + title = {The structural components of music perception}, + journal = {Brain}, + volume = {120}, + pages = {229-243}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2101, + author = {Picard, N. and Strick, P. L.}, + title = {Activation on the medial wall during remembered sequences of reaching movements in monkeys}, + journal = {J Neurophysiol}, + volume = {77}, + number = {4}, + pages = {2197-201}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9114266}, + year = {1997}, + type = {Journal Article} +} + +@article{RN162, + author = {Müsseler, Jochen and Hommel, Bernhard}, + title = {Detecting and identifying response-compatible stimuli}, + journal = {Psychonomic Bulletin and Review}, + volume = {4}, + number = {1}, + pages = {125-129}, + year = {1997}, + type = {Journal Article} +} + +@article{RN161, + author = {Müsseler, Jochen and Hommel, Bernhard}, + title = {Blindness to response-compatible stimuli}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {23}, + number = {3}, + pages = {861-872}, + year = {1997}, + type = {Journal Article} +} + +@article{RN647, + author = {Moore, Cathleen M. and Egeth, Howard}, + title = {Perception without attention: Evidence of grouping under conditions of inattention}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {2}, + pages = {339-352}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1646, + author = {Molinari, M. and Leggio, M. G. and Solida, A. and Ciorra, R. and Misciagna, S. and Silveri, M. C. and Petrosini, L.}, + title = {Cerebellum and procedural learning: evidence from focal cerebellar lesions}, + journal = {Brain}, + volume = {120 ( Pt 10)}, + pages = {1753-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9365368}, + year = {1997}, + type = {Journal Article} +} + +@inbook{RN486, + author = {Middleton, Frank A. and Strick, Peter L.}, + title = {Cerebellar output channels}, + booktitle = {The cerebellum and cognition}, + editor = {Schmahmann, Jeremy D.}, + series = {International review of neurobiology}, + publisher = {Academic Press}, + address = {San Diego, CA}, + volume = {41}, + pages = {31-60}, + year = {1997}, + type = {Book Section} +} + +@article{RN675, + author = {Meyer, David E. and Kieras, David E.}, + title = {A computational theory of executive cognitive processes and multiple-task performance: Part 2. Accounts of psychological refractory-period phenomena}, + journal = {Psychological Review}, + volume = {104}, + number = {4}, + pages = {749-791}, + year = {1997}, + type = {Journal Article} +} + +@article{RN674, + author = {Meyer, David E. and Kieras, David E.}, + title = {A computational theory of executive cognitive processes and multiple-task performance: I. Basic mechanisms}, + journal = {Psychological Review}, + volume = {104}, + number = {1}, + pages = {3-65}, + year = {1997}, + type = {Journal Article} +} + +@book{RN2079, + author = {McLachlan, Geoffrey J. and Krishnan, Triyambakam}, + title = {The EM Algorithm and Extensions}, + publisher = {Wiley}, + address = {New York}, + series = {Wiley Series in Probability and Statistics}, + year = {1997}, + type = {Book} +} + +@article{RN966, + author = {McIntyre, J. and Stratta, F. and Lacquaniti, F.}, + title = {Viewer-centered frame of reference for pointing to memorized targets in three-dimensional space}, + journal = {J Neurophysiol}, + volume = {78}, + number = {3}, + pages = {1601-18.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9310446}, + year = {1997}, + type = {Journal Article} +} + +@article{RN623, + author = {McDowell, Michael J. and Wolff, Peter H.}, + title = {A functional analysis of human mirror movements}, + journal = {Journal of Motor Behavior}, + volume = {29}, + number = {1}, + pages = {85-96}, + year = {1997}, + type = {Journal Article} +} + +@article{RN459, + author = {Mauk, Michael D. and Donegan, Nelson H.}, + title = {A model of pavlovian eyelid conditioning based on the synpatic organization of the cerebellum}, + journal = {Learning & Memory}, + volume = {3}, + pages = {130-158}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3347, + author = {Leijnse, J. N.}, + title = {Measuring force transfers in the deep flexors of the musician's hand: theoretical analysis, clinical examples}, + journal = {J Biomech}, + volume = {30}, + number = {9}, + pages = {873-82}, + ISSN = {0021-9290 (Print) +0021-9290 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/9302609}, + year = {1997}, + type = {Journal Article} +} + +@article{RN392, + author = {Knight, Robert T.}, + title = {Distributed cortical network for visual attention}, + journal = {Journal of Cognitive Neuroscience}, + volume = {9}, + number = {1}, + pages = {75-91}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2161, + author = {Kertzman, C. and Schwarz, U. and Zeffiro, T. A. and Hallett, M.}, + title = {The role of posterior parietal cortex in visually guided reaching movements in humans}, + journal = {Exp Brain Res}, + volume = {114}, + number = {1}, + pages = {170-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9125463}, + year = {1997}, + type = {Journal Article} +} + +@article{RN701, + author = {Kalaska, J. F. and Scott, S. H. and Cisek, P. and Sergio, L. E.}, + title = {Cortical control of reaching movements}, + journal = {Current Opinion in Neurobiology}, + volume = {7}, + number = {6}, + pages = {849-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9464979 +http://www.biomednet.com/article/nb7609}, + year = {1997}, + type = {Journal Article} +} + +@article{RN917, + author = {Jueptner, M. and Ottinger, S. and Fellows, S. J. and Adamschewski, J. and Flerich, L. and Muller, S. P. and Diener, H. C. and Thilmann, A. F. and Weiller, C.}, + title = {The relevance of sensory input for the cerebellar control of movements}, + journal = {Neuroimage}, + volume = {5}, + number = {1}, + pages = {41-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9038283}, + year = {1997}, + type = {Journal Article} +} + +@article{RN482, + author = {Jueptner, M. and Frith, C. D. and Brooks, D. J. and Fracknowiak, R. S. J. and passingham, R. E.}, + title = {Anatomy of motor learning. II. Subcortical structures and learning by trial and error.}, + journal = {Journal of Neurophysiology}, + volume = {77}, + pages = {1325-1337}, + year = {1997}, + type = {Journal Article} +} + +@article{RN824, + author = {Ivry, R.}, + title = {Cerebellar timing systems}, + journal = {International Review of Neurobiology}, + volume = {41}, + pages = {555-73}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9378608}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2086, + author = {Inoue, K. and Kawashima, R. and Satoh, K. and Kinomura, S. and Goto, R. and Sugiura, M. and Ito, M. and Fukuda, H.}, + title = {Activity in the parietal area during visuomotor learning with optical rotation}, + journal = {Neuroreport}, + volume = {8}, + number = {18}, + pages = {3979-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9462478}, + year = {1997}, + type = {Journal Article} +} + +@article{RN961, + author = {Howard, L. A. and Tipper, S. P.}, + title = {Hand deviations away from visual cues: indirect evidence for inhibition}, + journal = {Exp Brain Res}, + volume = {113}, + number = {1}, + pages = {144-52.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9028783}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2549, + author = {Herrup, K. and Kuemerle, B.}, + title = {The compartmentalization of the cerebellum}, + journal = {Annu Rev Neurosci}, + volume = {20}, + pages = {61-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9056708 }, + year = {1997}, + type = {Journal Article} +} + +@article{RN465, + author = {Helmuth, Laura L. and Ivry, Richard B. and Shimizu, Naomi}, + title = {Preserved performance by cerebellar patients on tests of word generation, discrimination learning, and attention}, + journal = {Learning & Memory}, + volume = {3}, + number = {6}, + pages = {456-474}, + year = {1997}, + type = {Journal Article} +} + +@article{RN42, + author = {Hazeltine, R. Eliot and Prinzmetal, William and Elliott, Katherine}, + title = {If it's not there, where is it? Locating illusory conjunctions}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {1}, + pages = {263-277}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1425, + author = {Hazeltine, E. and Grafton, S. T. and Ivry, R.}, + title = {Attention and stimulus characteristics determine the locus of motor-sequence encoding. A PET study}, + journal = {Brain}, + volume = {120 ( Pt 1)}, + pages = {123-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9055803}, + year = {1997}, + type = {Journal Article} +} + +@inbook{RN1033, + author = {Hallett, Mark and Grafman, Jordan}, + title = {Executive function and motor skill learning}, + booktitle = {The cerebellum and cognition}, + editor = {Schmahmann, Jeremy D.}, + series = {International review of neurobiology}, + publisher = {Academic Press}, + address = {San Diego, CA}, + volume = {41}, + pages = {297-323}, + year = {1997}, + type = {Book Section} +} + +@article{RN2370, + author = {Haggard, P.}, + title = {Coordinating actions}, + journal = {Q J Exp Psychol A}, + volume = {50}, + number = {4}, + pages = {707-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9450377}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1028, + author = {Gordon, A. M. and Ingvarsson, P. E. and Forssberg, H.}, + title = {Anticipatory control of manipulative forces in Parkinson's disease}, + journal = {Exp Neurol}, + volume = {145}, + number = {2 Pt 1}, + pages = {477-88.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9217084}, + year = {1997}, + type = {Journal Article} +} + +@article{RN464, + author = {Gibbon, John and Malapani, Chara and Dale, Corby L. and Gallistel, C. R.}, + title = {Toward a neurobiology of temporal cognition: Advances and challenges}, + journal = {Current Opinion in Neurobiology}, + volume = {7}, + number = {2}, + pages = {170-184}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3019, + author = {Gerloff, C. and Corwell, B. and Chen, R. and Hallett, M. and Cohen, L. G.}, + title = {Stimulation over the human supplementary motor area interferes with the organization of future elements in complex motor sequences}, + journal = {Brain}, + volume = {120 ( Pt 9)}, + pages = {1587-602}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9313642}, + year = {1997}, + type = {Journal Article} +} + +@article{RN359, + author = {Franz, Elizabeth A.}, + title = {Spatial coupling in the coordination of complex actions}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {50}, + number = {3}, + pages = {684-704}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1318, + author = {Frank, RJ and Damasio, H and Grabowski, TJ}, + title = {Brainvox: an interactive, multimodal visualization and analysis system for neuroanatomical imaging}, + journal = {Neuroimage}, + volume = {5}, + pages = {13-30}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2367, + author = {Flanagan, J. R. and Wing, A. M.}, + title = {Effects of surface texture and grip force on the discrimination of hand-held loads}, + journal = {Percept Psychophys}, + volume = {59}, + number = {1}, + pages = {111-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9038413}, + year = {1997}, + type = {Journal Article} +} + +@article{RN146, + author = {Egeth, Howard E. and Yantis, Steven}, + title = {Visual attention: control, representation, and time course}, + journal = {Annual Review of Psychology}, + volume = {48}, + pages = {269-297}, + year = {1997}, + type = {Journal Article} +} + +@article{RN561, + author = {Dias, R. and Robbins, T. W. and Roberts, A. C.}, + title = {Dissociable forms of inhibitory control within prefrontal cortex with an analog of the WCST: Restriction to novel situations and independence from "on-line" processing}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {23}, + pages = {9285-9297}, + year = {1997}, + type = {Journal Article} +} + +@article{RN511, + author = {Desmond, J. E. and Gabrieli, J. D. and Wagner, A. D. and Ginier, B. L. and Glover, G. H.}, + title = {Lobular patterns of cerebellar activation in verbal working-memory and finger-tapping tasks as revealed by functional MRI}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {24}, + pages = {9675-85}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2314, + author = {Deiber, M. P. and Wise, S. P. and Honda, M. and Catalan, M. J. and Grafman, J. and Hallett, M.}, + title = {Frontal and parietal networks for conditional motor learning: a positron emission tomography study}, + journal = {J Neurophysiol}, + volume = {78}, + number = {2}, + pages = {977-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9307128}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3633, + author = {Dale, A. M. and Buckner, R. L.}, + title = {Selective averaging of rapidly presented individual trials using fMRI}, + journal = {Hum Brain Mapp}, + volume = {5}, + number = {5}, + pages = {329-40}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(SICI)1097-0193(1997)5:5<329::AID-HBM1>3.0.CO;2-5 +10.1002/(SICI)1097-0193(1997)5:5<329::AID-HBM1>3.0.CO;2-5}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20408237}, + year = {1997}, + type = {Journal Article} +} + +@article{RN499, + author = {Courchesne, Eric and Allen, Greg}, + title = {Prediction and preparation, fundamental functions of the cerebellum}, + journal = {Learning & Memory}, + volume = {4}, + number = {1}, + pages = {1-35}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2643, + author = {Conditt, M. A. and Gandolfo, F. and Mussa-Ivaldi, F. A.}, + title = {The motor system does not learn the dynamics of the arm by rote memorization of past experience}, + journal = {J Neurophysiol}, + volume = {78}, + number = {1}, + pages = {554-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9242306 }, + year = {1997}, + type = {Journal Article} +} + +@article{RN67, + author = {Cohen, Asher and Shoup, Rachel}, + title = {Perceptual dimensional constraints in response selection processes}, + journal = {Cognitive Psychology}, + volume = {32}, + pages = {128-181}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2022, + author = {Chen, R. and Gerloff, C. and Hallett, M. and Cohen, L. G.}, + title = {Involvement of the ipsilateral motor cortex in finger movements of different complexities}, + journal = {Ann Neurol}, + volume = {41}, + number = {2}, + pages = {247-54}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9029074}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3576, + author = {Chen, R. and Cohen, L. G. and Hallett, M.}, + title = {Role of the ipsilateral motor cortex in voluntary movement}, + journal = {Can J Neurol Sci}, + volume = {24}, + number = {4}, + pages = {284-91}, + ISSN = {0317-1671 (Print) +0317-1671 (Linking)}, + year = {1997}, + type = {Journal Article} +} + +@article{RN699, + author = {Carson, Richard G. and Thomas, Julie and Summers, Jeffery J. and Walters, Megan R. and Semjen, Andras}, + title = {The dynamics of bimanual circle drawing}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {50}, + number = {3}, + pages = {664-683}, + year = {1997}, + type = {Journal Article} +} + +@article{RN51, + author = {Butter, c.m. and Kosslyn, s. and D., Mijovic-Prelec and Riffle, Anne}, + title = {Field-specific deficits in visual imagery following hemianopia due to unilateral occipital infarct}, + journal = {Brain}, + volume = {120}, + pages = {217-228}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2152, + author = {Brodal, P. and Bjaalie, J. G.}, + title = {Salient anatomic features of the cortico-ponto-cerebellar pathway}, + journal = {Prog Brain Res}, + volume = {114}, + pages = {227-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9193147}, + year = {1997}, + type = {Journal Article} +} + +@article{RN305, + author = {Bridgeman, Bruce and Peery, Shelley and Anand, Sulekha}, + title = {Interaction of cognitive and sensorimotor maps of visual space}, + journal = {Perception & Psychophysics}, + volume = {59}, + number = {3}, + pages = {456 - 469}, + year = {1997}, + type = {Journal Article} +} + +@article{RN992, + author = {Bracha, V. and Zhao, L. and Wunderlich, D. A. and Morrissy, S. J. and Bloedel, J. R.}, + title = {Patients with cerebellar lesions cannot acquire but are able to retain conditioned eyeblink reflexes}, + journal = {Brain}, + volume = {120}, + number = {Pt 8}, + pages = {1401-13.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9278630}, + year = {1997}, + type = {Journal Article} +} + +@article{RN580, + author = {Ashe, James}, + title = {Force and the motor cortex}, + journal = {Behavioral Brain Research}, + volume = {87}, + pages = {255-269}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2523, + author = {Apps, R. and Atkins, M. J. and Garwicz, M.}, + title = {Gating of cutaneous input to cerebellar climbing fibres during a reaching task in the cat}, + journal = {J Physiol}, + volume = {502 ( Pt 1)}, + pages = {203-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9234207 }, + year = {1997}, + type = {Journal Article} +} + +@article{RN500, + author = {Allen, Greg and Buxton, Richard B. and Wong, Eric C. and Courchesne, Eric}, + title = {Attentional activation of the cerebellum independent of motor involvement}, + journal = {Science}, + volume = {275}, + number = {5308}, + pages = {1940-1943}, + year = {1997}, + type = {Journal Article} +} + +@article{RN237, + author = {Alivisatos, Bessie and Petrides, Michael}, + title = {Functional activation of the human brain during mental rotation}, + journal = {Neuropsychologia}, + volume = {35}, + number = {2}, + pages = {111-118}, + year = {1997}, + type = {Journal Article} +} + +@article{RN2034, + author = {Ahissar, M. and Hochstein, S.}, + title = {Task difficulty and the specificity of perceptual learning}, + journal = {Nature}, + volume = {387}, + number = {6631}, + pages = {401-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9163425}, + year = {1997}, + type = {Journal Article} +} + +@article{RN1088, + author = {Aguirre, G. K. and Zarahn, E. and D'Esposito, M.}, + title = {Empirical analyses of BOLD fMRI statistics. II. Spatially smoothed data collected under null-hypothesis and experimental conditions}, + journal = {Neuroimage}, + volume = {5}, + number = {3}, + pages = {199-212}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345549}, + year = {1997}, + type = {Journal Article} +} + +@article{RN509, + author = {Ackermann, Hermann and Graeber, Susanne and Hentrich, Ingo and Daum, Irene}, + title = {Categorical speech perception in cerebellar disorder}, + journal = {Brain and Language}, + volume = {60}, + pages = {323-331}, + year = {1997}, + type = {Journal Article} +} + +@article{RN3615, + author = {Worsley, K. J. and Marrett, S. and Neelin, P. and Vandal, A. C. and Friston, K. J. and Evans, A. C.}, + title = {A unified statistical approach for determining significant signals in images of cerebral activation}, + journal = {Hum Brain Mapp}, + volume = {4}, + number = {1}, + pages = {58-73}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(sici)1097-0193(1996)4:1<58::aid-hbm4>3.0.co;2-o}, + url = {http://onlinelibrary.wiley.com/store/10.1002/(SICI)1097-0193(1996)4:1<58::AID-HBM4>3.0.CO;2-O/asset/4_ftp.pdf?v=1&t=h5pt4yuf&s=7cfd1c626ac51917c4c33e2b42a408c8b385e88f}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2198, + author = {Worsley, K. J. and Marrett, S. and Neelin, P. and Vandal, A. C. and Friston, K. J. and Evans, A. C.}, + title = {A unified statistical approach for determining significant voxels in images of cerebral activation}, + journal = {Human Brain Mapping}, + volume = {12}, + pages = {900-918}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2206, + author = {Worsley, K.J.}, + title = {The geometry of random images}, + journal = {Chance}, + volume = {9}, + number = {1}, + pages = {27-40}, + year = {1996}, + type = {Journal Article} +} + +@techreport{RN2205, + author = {Worsley, K. J.}, + title = {An unbiased estimator for the roughness of a multivariate Gaussian random field}, + institution = {Department of Mathematics and Statistics, McGill University.}, + year = {1996}, + type = {Report} +} + +@article{RN2428, + author = {Woodruff-Pak, D. S. and Papka, M. and Ivry, R.B.}, + title = {Cerebellar involvement in eyeblink classical conditioning in humans}, + journal = {Neuropsychology}, + volume = {10}, + pages = {443-458}, + year = {1996}, + type = {Journal Article} +} + +@inbook{RN618, + author = {Wing, Alan M.}, + title = {Anticipatory control of grip force in rapid arm movement}, + booktitle = {Hand and brain: The neurophysiology and psychology of hand movements.}, + editor = {Wing, Alan M. and Haggard, Patrick and et al.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA, US}, + pages = {301-324}, + year = {1996}, + type = {Book Section} +} + +@inbook{RN557, + author = {Wiesendanger, Mario and Kazennikov, Oleg and Perrig, Stephen and Kaluzny, Pawel}, + title = {Two hands--one action: The problem of bimanual coordination}, + booktitle = {Hand and brain: The neurophysiology and psychology of hand movements.}, + editor = {Alan M. Wing, Ed and Patrick Haggard, Ed and et al.}, + publisher = {Academic Press, Inc}, + pages = {xx, 513}, + year = {1996}, + type = {Book Section} +} + +@inbook{RN809, + author = {Vorberg, Dirk and Wing, Alan}, + title = {Modeling variability and dependence in timing}, + booktitle = {Handbook of perception and action, Vol. 2: Motor skills.}, + editor = {Heuer, Herbert and Keele, Steven W.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA, US}, + pages = {181-262}, + year = {1996}, + type = {Book Section} +} + +@article{RN2696, + author = {van Beers, R. J. and Sittig, A. C. and Denier van der Gon, J. J.}, + title = {How humans combine simultaneous proprioceptive and visual position information}, + journal = {Exp Brain Res}, + volume = {111}, + number = {2}, + pages = {253-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8891655 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN111, + author = {Treue, S. and Maunsell, J. H. R.}, + title = {Attentional modulation of visual motion processing in cortical areas MT and MST}, + journal = {Nature (London)}, + volume = {382}, + number = {6591}, + year = {1996}, + type = {Journal Article} +} + +@article{RN144, + author = {Treisman, Anne}, + title = {The binding problem}, + journal = {Current Opinion in Neurobiology}, + volume = {6}, + pages = {171-178}, + year = {1996}, + type = {Journal Article} +} + +@article{RN548, + author = {Treffer, P. J. and Turvey, M. T.}, + title = {Symmetry, broken symmetry, and handedness in bimanual coordination dynamics}, + journal = {Experimental Brain Research}, + volume = {107}, + pages = {463-478}, + year = {1996}, + type = {Journal Article} +} + +@article{RN501, + author = {Townsend, Jeanne and Courchesne, Eric and Egaas, Brian}, + title = {Slowed orienting of covert visual-spatial attention in autism: Specific deficits associated with cerebellar and parietal abnormality}, + journal = {Development & Psychopathology}, + volume = {8}, + number = {3}, + pages = {563-584}, + year = {1996}, + type = {Journal Article} +} + +@article{RN466, + author = {Thach, W. T.}, + title = {On the specific role of the cerebellum in motor learning and cognition: Clues from PET activation and lesion studies in man}, + journal = {Behavioral & Brain Sciences}, + volume = {19}, + number = {3}, + pages = {411-431, 503-527}, + year = {1996}, + type = {Journal Article} +} + +@article{RN546, + author = {Tatu, Laurent and Moulin, Thierry and Bogousslavsky, Julien and Duvernoy, Henri}, + title = {Arterial territories of the human brain: brainstem and cerebellum}, + journal = {Neurology}, + volume = {47}, + pages = {1125-1135}, + year = {1996}, + type = {Journal Article} +} + +@article{RN596, + author = {Taira, M. and Boline, J. and Smyrnis, N. and Georgopoulos, A. P. and Ashe, J.}, + title = {On the relations between single cell activity in the motor cortex and the direction and magnitude of three-dimensional static isometric force}, + journal = {Experimental Brain Research}, + volume = {109}, + number = {3}, + pages = {367-76}, + year = {1996}, + type = {Journal Article} +} + +@article{RN315, + author = {Swinnen, Stephan P. and Jardin, Kris and Meulenbroek, Ruud}, + title = {Between-limb asynchronies during bimanual coordination: Effects of manual dominance and attentional cueing}, + journal = {Neuropsychologia}, + volume = {34}, + number = {12}, + pages = {1203-1213}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3069, + author = {Sutton, R. S.}, + title = {Generalization in reinforcement learning: Successful examples using sparse coarse coding}, + journal = {Advances in neural information processing systems}, + pages = {1038-1044}, + year = {1996}, + type = {Journal Article} +} + +@article{RN58, + author = {Spence, Charles and Driver, Jon}, + title = {Audiovisual links in endogenous covert spatial attention}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {22}, + number = {4}, + pages = {1005-1030}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3646, + author = {Schmahmann, J. D.}, + title = {From movement to thought: anatomic substrates of the cerebellar contribution to cognitive processing}, + journal = {Hum Brain Mapp}, + volume = {4}, + number = {3}, + pages = {174-98}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(SICI)1097-0193(1996)4:3<174::AID-HBM3>3.0.CO;2-0}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20408197}, + year = {1996}, + type = {Journal Article} +} + +@article{RN140, + author = {Schiller, Peter H.}, + title = {On the specificity of neurons and visual areas}, + journal = {Behavioural Brain Research}, + volume = {76}, + pages = {21-35}, + year = {1996}, + type = {Journal Article} +} + +@article{RN430, + author = {Scheffers, Marten K. and Coles, Michael G. H. and Bernstein, Peter and Gehring, William J. and Donchin, Emanuel}, + title = {Event-related brain potentials and error-related processing: An analysis of incorrect responses to go and no-go stimuli}, + journal = {Psychophysiology}, + volume = {33}, + number = {1}, + pages = {42-53}, + year = {1996}, + type = {Journal Article} +} + +@article{RN487, + author = {Sadato, Norihiro and Campbell, Gregory and Ibanez, Vincente and Deiber, Marie-Pierre and et al.}, + title = {Complexity affects regional cerebral blood flow change during sequential finger movements}, + journal = {Journal of Neuroscience}, + volume = {16}, + number = {8}, + pages = {2693-2700}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2561, + author = {Rosenbaum, D. A. and van Heugten, C. M. and Caldwell, G. E.}, + title = {From cognition to biomechanics and back: the end-state comfort effect and the middle-is-faster effect}, + journal = {Acta Psychol (Amst)}, + volume = {94}, + number = {1}, + pages = {59-85}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8885711 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN126, + author = {Rafal, R. and Gershberg, F. and Egly, R. and Ivry, R. and Kingstone, A. and Ro, T.}, + title = {Response channel activation and the lateral prefrontal cortex}, + journal = {Neuropsychologia}, + volume = {34}, + number = {12}, + pages = {1197-1202}, + year = {1996}, + type = {Journal Article} +} + +@article{RN52, + author = {Pressing, jeff and Summers, jeff and Magill, jon}, + title = {Cognitive multiplicity in polyrhthmic pattern performance}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {22}, + number = {5}, + pages = {1127-1148}, + year = {1996}, + type = {Journal Article} +} + +@article{RN565, + author = {Pramstaller, Peter P. and David, Marsden C.}, + title = {The basal ganglia and apraxia}, + journal = {Brain}, + volume = {119}, + pages = {319-340}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3253, + author = {Picard, N. and Strick, P. L.}, + title = {Motor areas of the medial wall: a review of their location and functional activation}, + journal = {Cereb Cortex}, + volume = {6}, + number = {3}, + pages = {342-53}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8670662}, + year = {1996}, + type = {Journal Article} +} + +@article{RN855, + author = {Paillard, J.}, + title = {Fast and slow feedback loops for the visual correction of spatial errors in a pointing task: a reappraisal}, + journal = {Can J Physiol Pharmacol}, + volume = {74}, + number = {4}, + pages = {401-17.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8828887}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2936, + author = {Olshausen, B. A. and Field, D. J.}, + title = {Emergence of simple-cell receptive field properties by learning a sparse code for natural images}, + journal = {Nature}, + volume = {381}, + number = {6583}, + pages = {607-9}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/381607a0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8637596}, + year = {1996}, + type = {Journal Article} +} + +@article{RN775, + author = {O'Boyle, D. J. and Freeman, J. S. and Cody, F. W.}, + title = {The accuracy and precision of timing of self-paced, repetitive movements in subjects with Parkinson's disease}, + journal = {Brain}, + volume = {119}, + number = {Pt 1}, + pages = {51-70.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8624694}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3143, + author = {Nudo, R. J. and Milliken, G. W. and Jenkins, W. M. and Merzenich, M. M.}, + title = {Use-dependent alterations of movement representations in primary motor cortex of adult squirrel monkeys}, + journal = {J Neurosci}, + volume = {16}, + number = {2}, + pages = {785-807}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8551360}, + year = {1996}, + type = {Journal Article} +} + +@article{RN784, + author = {Nichelli, Paolo and Alway, David and Grafman, Jordan}, + title = {Perceptual timing in cerebellar degeneration}, + journal = {Neuropsychologia}, + volume = {34}, + number = {9}, + pages = {863-871}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2001, + author = {Murthy, V. N. and Fetz, E. E.}, + title = {Oscillatory activity in sensorimotor cortex of awake monkeys: synchronization of local field potentials and relation to behavior}, + journal = {J Neurophysiol}, + volume = {76}, + number = {6}, + pages = {3949-67}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8985892}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2000, + author = {Murthy, V. N. and Fetz, E. E.}, + title = {Synchronization of neurons during local field potential oscillations in sensorimotor cortex of awake monkeys}, + journal = {J Neurophysiol}, + volume = {76}, + number = {6}, + pages = {3968-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8985893}, + year = {1996}, + type = {Journal Article} +} + +@article{RN752, + author = {Miall, R. C and Wolpert, D. M.}, + title = {Forward models for physiological motor control}, + journal = {Neural Networks}, + volume = {9}, + number = {8}, + pages = {1265-1279}, + year = {1996}, + type = {Journal Article} +} + +@article{RN292, + author = {Meiran, Nachshon}, + title = {Reconfiguration of processing mode prior to task performance.}, + journal = {Journal of Experimental Psychology: Learning, Memory, & Cognition}, + volume = {22}, + number = {6}, + pages = {1423-1442}, + year = {1996}, + type = {Journal Article} +} + +@article{RN815, + author = {Meck, W. H.}, + title = {Neuropharmacology of timing and time perception}, + journal = {Brain. Res. Cogn. Brain. Res.}, + volume = {3}, + number = {3-4}, + pages = {227-242}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8806025}, + year = {1996}, + type = {Journal Article} +} + +@article{RN41, + author = {Martin, T. A. and Keating, J. G. and Goodkin, H. P. and Bastian, A. J. and Thach, W. T.}, + title = {Throwing while looking through prisms: I. Focal olivocerebellar lesions impair adaptation}, + journal = {Brain}, + volume = {119}, + number = {4}, + pages = {1183-98}, + year = {1996}, + type = {Journal Article} +} + +@article{RN40, + author = {Martin, T. A. and Keating, J. G. and Goodkin, H. P. and Bastian, A. J. and Thach, W. T.}, + title = {Throwing while looking through prisms: II. Specificity and storage of multiple gaze-throw calibrations}, + journal = {Brain}, + volume = {119}, + number = {4}, + year = {1996}, + type = {Journal Article} +} + +@article{RN127, + author = {Logan, Gordon D.}, + title = {The CODE theory of visual attention: An integration of space-based and object-based attention}, + journal = {Psychological Review}, + volume = {103}, + number = {4}, + pages = {603-649}, + year = {1996}, + type = {Journal Article} +} + +@inbook{RN2683, + author = {Kawato, M.}, + title = {Learning internal models of the motor apparatus}, + booktitle = {The Acquisition of Motor Behaviors in Vertebrates}, + editor = {Bloedel, J. R., Ebner T.J.,Wise S.P.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {409-430}, + url = {http://books.google.co.uk/books?hl=en&lr=&id=1A1poktxUzgC&oi=fnd&pg=PA409&dq=Learning+internal+models+of+the+motor+apparatus+Kawato&ots=y3NUSze9A-&sig=bzKHSbQb7wS-IrRIZwKd5rCJcOQ#v=onepage&q=Learning%20internal%20models%20of%20the%20motor%20apparatus%20Kawato&f=false}, + year = {1996}, + type = {Book Section} +} + +@article{RN3067, + author = {Kaelbling, L.P. and Littman, M.L. and Moore, A.W.}, + title = {Reinforcement Learning: A Survey}, + journal = {Journal of Artificial Intelligence Research}, + volume = {4}, + pages = {237-285}, + year = {1996}, + type = {Journal Article} +} + +@article{RN790, + author = {Jueptner, M. and Jenkins, I. H. and Brooks, D. J. and Frackowiak, R. S. and Passingham, R. E.}, + title = {The sensory guidance of movement: a comparison of the cerebellum and basal ganglia}, + journal = {Exp Brain Res}, + volume = {112}, + number = {3}, + pages = {462-74.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9007548}, + year = {1996}, + type = {Journal Article} +} + +@article{RN789, + author = {Jueptner, M. and Flerich, L. and Weiller, C. and Mueller, S. P. and Diener, H. C.}, + title = {The human cerebellum and temporal information processing--results from a PET experiment}, + journal = {Neuroreport}, + volume = {7}, + number = {15-17}, + pages = {2761-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8981463}, + year = {1996}, + type = {Journal Article} +} + +@article{RN183, + author = {Johnson, Paul B. and Farraina, Stefano and Bianchi, Luigi and Caminiti, Roberto}, + title = {Cortical networks for visual reaching: Physiological and anatomical organization of frontal and parietal lobe arm regions}, + journal = {Cerebral Cortex}, + volume = {6}, + number = {2}, + pages = {102-119}, + year = {1996}, + type = {Journal Article} +} + +@inbook{RN1056, + author = {Ivry, R. B.}, + title = {Representational issues in motor learning: Phenomena and theory}, + booktitle = {Handbook of perception and action}, + editor = {Heuer, Herbert and Keele, Steven}, + publisher = {Academic Press, Inc.}, + address = {San Diego, CA}, + volume = {2}, + pages = {263-330}, + year = {1996}, + type = {Book Section} +} + +@article{RN783, + author = {Ivry, R. B.}, + title = {The representation of temporal information in perception and motor control}, + journal = {Current Opinion in Neurobiology}, + volume = {6}, + number = {6}, + pages = {851-857}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9000026 +http://www.biomednet.com/article/nb6612}, + year = {1996}, + type = {Journal Article} +} + +@article{RN839, + author = {Ioffe, M. and Massion, J. and Gantchev, N. and Dufosse, M. and Kulikov, M. A.}, + title = {Coordination between posture and movement in a bimanual load-lifting task: is there a transfer?}, + journal = {Exp Brain Res}, + volume = {109}, + number = {3}, + pages = {450-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8817275}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2725, + author = {Iadecola, C. and Li, J. and Xu, S. and Yang, G.}, + title = {Neural mechanisms of blood flow regulation during synaptic activity in cerebellar cortex}, + journal = {J Neurophysiol}, + volume = {75}, + number = {2}, + pages = {940-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8714666 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN1006, + author = {Horn, K. M. and Van Kan, P. L. and Gibson, A. R.}, + title = {Reduction of rostral dorsal accessory olive responses during reaching}, + journal = {J Neurophysiol}, + volume = {76}, + number = {6}, + pages = {4140-51.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8985907}, + year = {1996}, + type = {Journal Article} +} + +@article{RN720, + author = {Hore, J. and Watts, S. and Tweed, D. and Miller, B.}, + title = {Overarm throws with the nondominant arm: Kinematics of accuracy}, + journal = {Journal of Neurophysiology}, + volume = {76}, + number = {6}, + pages = {3693-3704}, + year = {1996}, + type = {Journal Article} +} + +@article{RN1447, + author = {Hommel, B.}, + title = {The cognitive representation of action: automatic integration of perceived action effects}, + journal = {Psychological Research}, + volume = {59}, + pages = {176-186}, + year = {1996}, + type = {Journal Article} +} + +@book{RN3321, + author = {Hocking, R. R.}, + title = {Methods and applications of linear models}, + publisher = {Wiley & son}, + address = {New York}, + series = {Wiley series in probability and statistics}, + year = {1996}, + type = {Book} +} + +@article{RN129, + author = {Helmuth, Laura L. and Ivry, Richard B.}, + title = {When two hands are better than one: Reduced timing variability during bimanual movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {22}, + number = {2}, + pages = {278-293}, + year = {1996}, + type = {Journal Article} +} + +@article{RN1069, + author = {Haaland, K. Y. and Harrington, D. L.}, + title = {Hemispheric asymmetry of movement}, + journal = {Curr Opin Neurobiol}, + volume = {6}, + number = {6}, + pages = {796-800}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9000021}, + year = {1996}, + type = {Journal Article} +} + +@article{RN280, + author = {Gros, Bryan L. and Pope, Dvid R. and Cohn, Theodore E.}, + title = {Relative efficiency for the detetction of apparent motion}, + year = {1996}, + type = {Journal Article} +} + +@article{RN158, + author = {Gentilucci, Maurizio and Chieffi, Sergio and Daprati, Elena and Saetti, M. Chrisina and Toni, Ivan}, + title = {Visual illusion and action}, + journal = {Neuropsychologica}, + volume = {34}, + number = {5}, + pages = {369-376}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2524, + author = {Garwicz, M. and Apps, R. and Trott, J. R.}, + title = {Micro-organization of olivocerebellar and corticonuclear connections of the paravermal cerebellum in the cat}, + journal = {Eur J Neurosci}, + volume = {8}, + number = {12}, + pages = {2726-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8996822 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN495, + author = {Gao, J. H. and Parsons, L. M. and Bower, J. M. and Xiong, J. and Li, J. and Fox, P. T.}, + title = {Cerebellum implicated in sensory acquisition and discrimination rather than motor control}, + journal = {Science}, + volume = {272}, + number = {5261}, + pages = {545-7}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2482, + author = {Gandolfo, F. and Mussa-Ivaldi, F. A. and Bizzi, E.}, + title = {Motor learning by field approximation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {93}, + number = {9}, + pages = {3843-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8632977 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN60, + author = {Gallistel, C.R. and Cramer, A.E.}, + title = {Computation on metric maps in mammals: getting oriented and choosing a multi-destination route}, + journal = {Journal of Experimental Biology}, + volume = {199}, + pages = {211-217}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3438, + author = {Friston, K. J. and Williams, S. and Howard, R. and Frackowiak, R. S. and Turner, R.}, + title = {Movement-related effects in fMRI time-series}, + journal = {Magn Reson Med}, + volume = {35}, + number = {3}, + pages = {346-55}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8699946}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2166, + author = {Friston, K. J. and Williams, S. and Howard, R. and Frackowiak, R. S. and Turner, R.}, + title = {Movement-related effects in fMRI time-series}, + journal = {Magn Reson Med}, + volume = {35}, + number = {3}, + pages = {346-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8699946}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2888, + author = {Friston, K. J. and Poline, J. B. and Holmes, A. P. and Frith, C. D. and Frackowiak, R. S.}, + title = {A multivariate analysis of PET activation studies}, + journal = {Hum Brain Mapp}, + volume = {4}, + number = {2}, + pages = {140-51}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(SICI)1097-0193(1996)4:2<140::AID-HBM5>3.0.CO;2-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20408193}, + year = {1996}, + type = {Journal Article} +} + +@article{RN506, + author = {Franz, E. A. and Ivry, R. B. and Helmuth, L. L.}, + title = {Reduced timing variability in patients with unilateral cerebellar lesions during bimanual movements}, + journal = {Journal of Cognitive Neuroscience}, + volume = {8}, + number = {2}, + pages = {107-118}, + year = {1996}, + type = {Journal Article} +} + +@article{RN356, + author = {Franz, Elizabeth A. and Eliassen, James C. and Ivry, Richard B. and Gazzaniga, Michael S.}, + title = {Dissociation of spatial and temporal coupling in the bimanual movements of callosotomy patients}, + journal = {Psychological Science}, + volume = {7}, + number = {5}, + pages = {306-310}, + year = {1996}, + type = {Journal Article} +} + +@article{RN480, + author = {Fox, Peter T. and Ingham, Roger J. and Ingham, Janis C. and Hirsch, Traci B. and et al.}, + title = {A PET study of the neural systems of stuttering}, + journal = {Nature}, + volume = {382}, + number = {6587}, + pages = {158-162}, + year = {1996}, + type = {Journal Article} +} + +@article{RN473, + author = {Flament, Didier and Ellermann, Jutta M. and Kim, Seong-Gi and Ugurbil, Kamil and Ebner, Timothy J.}, + title = {Functional magnetic resonance imaging of cerebellar activation during the learning of a visuomotor dissociation task}, + journal = {Human Brain Mapping}, + volume = {4}, + number = {3}, + pages = {210-226}, + year = {1996}, + type = {Journal Article} +} + +@article{RN734, + author = {Flament, D. and Ebner, T. J.}, + title = {The cerebellum as comparator: Increases in cerebellar activity during motor learning may reflect its role as part of an error detection/correction mechanism}, + journal = {Behavioral & Brain Sciences}, + volume = {19}, + number = {3}, + pages = {447-448, 503-527}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2462, + author = {Fiez, J. A. and Raife, E. A. and Balota, D. A. and Schwarz, J. P. and Raichle, M. E. and Petersen, S. E.}, + title = {A positron emission tomography study of the short-term maintenance of verbal information}, + journal = {J Neurosci}, + volume = {16}, + number = {2}, + pages = {808-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8551361 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN836, + author = {Fiala, J. C. and Grossberg, S. and Bullock, D.}, + title = {Metabotropic glutamate receptor activation in cerebellar Purkinje cells as substrate for adaptive timing of the classically conditioned eye- blink response}, + journal = {J Neurosci}, + volume = {16}, + number = {11}, + pages = {3760-74.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8642419}, + year = {1996}, + type = {Journal Article} +} + +@article{RN1061, + author = {Doyon, J. and Owen, A. M. and Petrides, M. and Sziklas, V. and Evans, A. C.}, + title = {Functional anatomy of visuomotor skill learning in human subjects examined with positron emission tomography}, + journal = {Eur J Neurosci}, + volume = {8}, + number = {4}, + pages = {637-48}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9081615}, + year = {1996}, + type = {Journal Article} +} + +@article{RN562, + author = {Dias, R. and Robbins, T. W. and Roberts, A. C.}, + title = {Dissociation in prefrontal cortex of affective and attentional shifts}, + journal = {Nature}, + volume = {380}, + number = {7}, + pages = {69-72}, + year = {1996}, + type = {Journal Article} +} + +@article{RN601, + author = {Dettmers, C. and Lemon, R. N. and Stephan, K. M. and Fink, G. R. and Frackowiak, R. S.}, + title = {Cerebral activation during the exertion of sustained static force in man}, + journal = {Neuroreport}, + volume = {7}, + number = {13}, + pages = {2103-10}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2100, + author = {Dettmers, C. and Connelly, A. and Stephan, K. M. and Turner, R. and Friston, K. J. and Frackowiak, R. S. and Gadian, D. G.}, + title = {Quantitative comparison of functional magnetic resonance imaging with positron emission tomography using a force-related paradigm}, + journal = {Neuroimage}, + volume = {4}, + number = {3 Pt 1}, + pages = {201-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345510}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2322, + author = {Deiber, M. P. and Ibanez, V. and Sadato, N. and Hallett, M.}, + title = {Cerebral structures participating in motor preparation in humans: a positron emission tomography study}, + journal = {J Neurophysiol}, + volume = {75}, + number = {1}, + pages = {233-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8822554}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3235, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Differential relation of discharge in primary motor cortex and premotor cortex to movements versus actively maintained postures during a reaching task}, + journal = {Exp Brain Res}, + volume = {108}, + number = {1}, + pages = {45-61}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8721154}, + year = {1996}, + type = {Journal Article} +} + +@article{RN260, + author = {Constantinidis, Christos and Steinmetz, Michael A.}, + title = {Neuronal activity in posterior parietal area 7a during the delay periods of a spatial memory task}, + journal = {Journal of Neurophysiology}, + volume = {76}, + number = {2}, + pages = {1352-1355}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2251, + author = {Cohn, D. A. and Ghahramani, Z. and Jordan, M. I.}, + title = {Active learning with statistical models}, + journal = {Journal of Artificial Intelligence Research}, + volume = {4}, + pages = {129-145}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2158, + author = {Clower, D. M. and Hoffman, J. M. and Votaw, J. R. and Faber, T. L. and Woods, R. P. and Alexander, G. E.}, + title = {Role of posterior parietal cortex in the recalibration of visually guided reaching}, + journal = {Nature}, + volume = {383}, + number = {6601}, + pages = {618-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8857536}, + year = {1996}, + type = {Journal Article} +} + +@inbook{RN805, + author = {Clarke, Sean and Ivry, Richard and Grinband, Jack and Roberts, Seth}, + title = {Exploring the domain of the cerebellar timing system}, + booktitle = {Time, internal clocks and movement.}, + editor = {Pastor, Maria A. and Artieda, Julio}, + publisher = {North-Holland/Elsevier Science Publishers}, + address = {Amsterdam, Netherlands}, + pages = {257-280}, + year = {1996}, + type = {Book Section} +} + +@article{RN182, + author = {Caminiti, Roberto and Ferraina, Stefano and Johnson, Paul B.}, + title = {The sources of visual information to the primate frontal lobe: A novel role for the superior parietal lobule}, + journal = {Cerebral Cortex}, + volume = {6}, + number = {3}, + pages = {319-328}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2567, + author = {Buchanan, T. S. and Shreeve, D. A.}, + title = {An evaluation of optimization techniques for the prediction of muscle activation patterns during isometric tasks}, + journal = {J Biomech Eng}, + volume = {118}, + number = {4}, + pages = {565-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8950661 }, + year = {1996}, + type = {Journal Article} +} + +@article{RN614, + author = {Boynton, G. M. and Engel, S. A. and Glover, G. H. and Heeger, D. J.}, + title = {Linear systems analysis of functional magnetic resonance imaging in human V1}, + journal = {Journal of Neuroscience}, + volume = {16}, + number = {13}, + pages = {4207-21}, + url = {http://www.jneurosci.org/cgi/content/full/16/13/4207 +http://www.jneurosci.org}, + year = {1996}, + type = {Journal Article} +} + +@article{RN405, + author = {Billon, M. and Semjen, A. and Stelmach, G. E.}, + title = {The timing effects of accent production in periodic finger-tapping sequences}, + journal = {Journal of Motor Behavior}, + volume = {28}, + number = {3}, + pages = {198-210}, + year = {1996}, + type = {Journal Article} +} + +@article{RN792, + author = {Billon, M. and Semjen, A. and Cole, J. and Gauthier, G.}, + title = {The role of sensory information in the production of periodic finger- tapping sequences}, + journal = {Exp Brain Res}, + volume = {110}, + number = {1}, + pages = {117-30.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8817263}, + year = {1996}, + type = {Journal Article} +} + +@article{RN760, + author = {Bennis, N. and Roby-Brami, A. and Dufosse, M. and Bussel, B.}, + title = {Anticipatory responses to a self-applied load in normal subjects and hemiparetic patients}, + journal = {J Physiol Paris}, + volume = {90}, + number = {1}, + pages = {27-42}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8803852}, + year = {1996}, + type = {Journal Article} +} + +@article{RN45, + author = {Bennett, A. T. D.}, + title = {Do animals have cognitive maps?}, + journal = {Journal of Experimental Biology}, + volume = {199}, + number = {1}, + year = {1996}, + type = {Journal Article} +} + +@article{RN729, + author = {Bastian, A. J. and Martin, T. A. and Keating, J. G. and Thach, W. T.}, + title = {Cerebellar ataxia: abnormal control of interaction torques across multiple joints}, + journal = {J Neurophysiol}, + volume = {76}, + number = {1}, + pages = {492-509}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8836239}, + year = {1996}, + type = {Journal Article} +} + +@article{RN29, + author = {Ashby, F. Gregory and Prinzmetal, William and Ivry, Richard and Maddox, W. Todd}, + title = {A formal theory of feature binding in object perception}, + journal = {Psychological Review}, + volume = {103}, + number = {1}, + pages = {165-192}, + year = {1996}, + type = {Journal Article} +} + +@article{RN1029, + author = {Aruin, A. S. and Neyman, I. and Nicholas, J. J. and Latash, M. L.}, + title = {Are there deficits in anticipatory postural adjustments in Parkinson's disease?}, + journal = {Neuroreport}, + volume = {7}, + number = {11}, + pages = {1794-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8905667}, + year = {1996}, + type = {Journal Article} +} + +@article{RN361, + author = {Adam, J. J. and Paas, F. G. W. C. and Buekers, M. J. and Wuyts, I. J.}, + title = {Perception-action coupling in choice reaction time tasks}, + journal = {Human Movement Science}, + volume = {15}, + number = {4}, + pages = {511-519}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2173, + author = {Worsley, K. J. and Friston, K. J.}, + title = {Analysis of fMRI time-series revisited--again}, + journal = {Neuroimage}, + volume = {2}, + number = {3}, + pages = {173-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343600}, + year = {1995}, + type = {Journal Article} +} + +@article{RN136, + author = {Wolpert, D. M. and Ghahramani, Z. and Jordan, M. I.}, + title = {Are arm trajectories planned in kinematic or dynamic coordinates? An adaption study}, + journal = {Experimental Brain Research}, + volume = {103}, + pages = {460-470}, + year = {1995}, + type = {Journal Article} +} + +@article{RN1, + author = {Wolpert, Daniel M. and Ghahramani, Zoubin and Jordan, Micheal I.}, + title = {An internal model for sensorimotor integration}, + journal = {Science}, + volume = {269}, + pages = {1880-1882}, + year = {1995}, + type = {Journal Article} +} + +@article{RN798, + author = {Vos, P. G. and Mates, J. and van Kruysbergen, N. W.}, + title = {The perceptual centre of a stimulus as the cue for synchronization to a metronome: evidence from asynchronies}, + journal = {Q J Exp Psychol A}, + volume = {48}, + number = {4}, + pages = {1024-40.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8559964}, + year = {1995}, + type = {Journal Article} +} + +@inbook{RN599, + author = {Strick, Peter L. and Dum, Richard P. and Picard, Nathalie}, + title = {Macro-organization of the circuits connecting the basal ganglia with the cortical motor areas}, + booktitle = {Models of Information Processing in the Basal Ganglia}, + editor = {Houk, J.C. and Davis, J.L. and Beiser, D.G.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {117-130}, + year = {1995}, + type = {Book Section} +} + +@article{RN114, + author = {Steinmetz, M. A. and Constantinidis, C.}, + title = {Neurophysiological evidence for a role of posterior parietal cortex in redirecting visual attention}, + journal = {Cerebral Cortex}, + volume = {5}, + number = {5}, + year = {1995}, + type = {Journal Article} +} + +@article{RN324, + author = {Spijkers, Will and Heuer, Herbert}, + title = {Structural constraints on the performance of symmetrical bimanual movements with different amplitudes}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {48}, + number = {3}, + pages = {716-740}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2520, + author = {Snyder, P. J. and Bilder, R. M. and Wu, H. and Bogerts, B. and Lieberman, J. A.}, + title = {Cerebellar volume asymmetries are related to handedness: a quantitative MRI study}, + journal = {Neuropsychologia}, + volume = {33}, + number = {4}, + pages = {407-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7617152 }, + year = {1995}, + type = {Journal Article} +} + +@article{RN406, + author = {Semjen, A. and Summers, J. J. and Cattaert, D.}, + title = {Hand coordination in bimanual circle drawing}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {5}, + pages = {1139-1157}, + year = {1995}, + type = {Journal Article} +} + +@article{RN290, + author = {Rogers, Robert D. and Monsell, Stephen.}, + title = {Costs of a predictible switch between simple cognitive tasks.}, + journal = {Journal of Experimental Psychology: General}, + volume = {124}, + pages = {207-231}, + year = {1995}, + type = {Journal Article} +} + +@article{RN595, + author = {Riehle, A. and Requin, J.}, + title = {Neuronal correlates of the specification of movement direction and force in four cortical areas of the monkey}, + journal = {Behavioural Brain Research}, + volume = {70}, + number = {1}, + pages = {1-13}, + year = {1995}, + type = {Journal Article} +} + +@article{RN165, + author = {Requin, Jean and Riehle, Alexa}, + title = {Neural correlates of partial transmission of sensorimotor information in the cerebral cortex}, + journal = {Acta Psychologica}, + volume = {90}, + number = {1-3}, + pages = {81-95}, + year = {1995}, + type = {Journal Article} +} + +@article{RN66, + author = {Prinzmetal, William and Henderson, Deborah and Ivry, Richard}, + title = {Loosening the constraint on illusory conjunctions: assessing the roles of exposure duration and attention}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {21}, + number = {6}, + pages = {1362-1375}, + year = {1995}, + type = {Journal Article} +} + +@article{RN65, + author = {Prinzmetal, William}, + title = {Visual feature integration in a world of objects}, + journal = {Current Directions in Psychological Science}, + volume = {4}, + pages = {90-94}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2852, + author = {Pinheiro, J. C. and Bates, M. D.}, + title = {Unconstrained parametrizations for variance-covariance matrices}, + journal = {Statistics and Computing}, + volume = {6}, + pages = {289-296}, + year = {1995}, + type = {Journal Article} +} + +@article{RN177, + author = {Pellizzer, Giuseppe and Sargent, Patricia and Georgopoulos, Apostolos P.}, + title = {Motor cortical activity in a context-recall task}, + journal = {Science}, + volume = {269}, + number = {5224}, + pages = {702-705}, + year = {1995}, + type = {Journal Article} +} + +@article{RN626, + author = {Parent, A. and Hazrati, L. N.}, + title = {Functional anatomy of the basal ganglia. II. The place of subthalamic nucleus and external pallidum in basal ganglia circuitry}, + journal = {Brain Research. Brain Research Reviews}, + volume = {20}, + number = {1}, + pages = {128-54}, + year = {1995}, + type = {Journal Article} +} + +@article{RN625, + author = {Parent, A. and Hazrati, L. N.}, + title = {Functional anatomy of the basal ganglia. I. The cortico-basal ganglia-thalamo-cortical loop}, + journal = {Brain Research. Brain Research Reviews}, + volume = {20}, + number = {1}, + pages = {91-127}, + year = {1995}, + type = {Journal Article} +} + +@article{RN119, + author = {Olson, C. R. and Gettner, S. N.}, + title = {Object-centered direction selectivity in the macaque supplementary eye field}, + journal = {Science (Washington D C)}, + volume = {269}, + number = {5226}, + year = {1995}, + type = {Journal Article} +} + +@book{RN216, + author = {Milner, A. David and Goodale, Melvyn A.}, + title = {The visual brain in action}, + publisher = {Oxford University Press}, + address = {Oxford}, + year = {1995}, + type = {Book} +} + +@article{RN77, + author = {Maunsell, John H.R.}, + title = {The brain's visual world: representation of visual targets in cerebral cortex}, + journal = {Science}, + volume = {270}, + pages = {764-768}, + year = {1995}, + type = {Journal Article} +} + +@article{RN69, + author = {Lu, Chen-Hui and Proctor, Robert W.}, + title = {The influence of irrelevant location information on performance: A review of the Simon and spatial Stroop effects}, + journal = {Psychonomic Bulletin & Review}, + volume = {2}, + number = {2}, + pages = {174-207}, + year = {1995}, + type = {Journal Article} +} + +@article{RN870, + author = {Lacquaniti, F. and Guigon, E. and Bianchi, L. and Ferraina, S. and Caminiti, R.}, + title = {Representing spatial information for limb movement: role of area 5 in the monkey}, + journal = {Cereb Cortex}, + volume = {5}, + number = {5}, + pages = {391-409.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8547787}, + year = {1995}, + type = {Journal Article} +} + +@book{RN380, + author = {Kelso, J. A. Scott}, + title = {Dynamic patterns: the self-organization of brain and behaviour}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + year = {1995}, + type = {Book} +} + +@article{RN2418, + author = {Keele, S. W. and Jennings, P. and Jones, S. and Caulton, D. and Cohen, A.}, + title = {On the modularity of sequence representation}, + journal = {Journal of Motor Behavior}, + volume = {27}, + pages = {17-30}, + year = {1995}, + type = {Journal Article} +} + +@article{RN3654, + author = {Kass, R. E. and Raftery, A. E.}, + title = {Bayes Factors}, + journal = {Journal of the American Statistical Association}, + volume = {90}, + number = {430}, + pages = {773-795}, + ISSN = {0162-1459}, + DOI = {10.1080/01621459.1995.10476572}, + url = {://WOS:A1995RA10400045}, + year = {1995}, + type = {Journal Article} +} + +@article{RN1065, + author = {Karni, A. and Meyer, G. and Jezzard, P. and Adams, M. M. and Turner, R. and Ungerleider, L. G.}, + title = {Functional MRI evidence for adult motor cortex plasticity during motor skill learning}, + journal = {Nature}, + volume = {377}, + number = {6545}, + pages = {155-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7675082}, + year = {1995}, + type = {Journal Article} +} + +@article{RN481, + author = {Jueptner, M. and Rijntjes, M. and Weiller, C. and Faiss, J. H. and et al.}, + title = {Localization of a cerebellar timing process using PET}, + journal = {Neurology}, + volume = {45}, + number = {8}, + pages = {1540-1545}, + year = {1995}, + type = {Journal Article} +} + +@article{RN301, + author = {Jackson, S. R. and Jackson, G. M. and Rosicky, J.}, + title = {Are non-relevant objects represented in working memory? The effect of non-target objects on reach and grasp kinematics}, + journal = {Experimental Brain Research}, + volume = {102}, + number = {3}, + year = {1995}, + type = {Journal Article} +} + +@article{RN302, + author = {Jackson, S. R. and Jackson, G. M. and Harrison, J. and Henderson, L. and Kennard, C.}, + title = {The internal control of action and Parkinson's disease: a kinematic analysis of visually-guided and memory-guided prehension movements}, + journal = {Experimental Brain Research}, + volume = {105}, + number = {1}, + year = {1995}, + type = {Journal Article} +} + +@article{RN130, + author = {Ivry, Richard B. and Hazeltine, R. Eliot}, + title = {Perception and production of temporal intervals across a range of durations: Evidence for a common timing mechanism}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {1}, + pages = {3-18}, + year = {1995}, + type = {Journal Article} +} + +@article{RN128, + author = {Imamizu, Hiroshi and Uno, Yoji and Kawato, Mitsuo}, + title = {Internal representations of the motor apparatus: Implications from generalization in visuomotor learning}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {5}, + pages = {1174-1198}, + year = {1995}, + type = {Journal Article} +} + +@article{RN3230, + author = {Imamizu, H. and Shimojo, S.}, + title = {The locus of visual-motor learning at the task or manipulator level: implications from intermanual transfer}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {21}, + number = {4}, + pages = {719-33}, + ISSN = {0096-1523 (Print) +0096-1523 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7643045}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2726, + author = {Iadecola, C. and Li, J. and Ebner, T. J. and Xu, X.}, + title = {Nitric oxide contributes to functional hyperemia in cerebellar cortex}, + journal = {Am J Physiol}, + volume = {268}, + number = {5 Pt 2}, + pages = {R1153-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7539595 }, + year = {1995}, + type = {Journal Article} +} + +@article{RN986, + author = {Hore, J. and Watts, S. and Martin, J. and Miller, B.}, + title = {Timing of finger opening and ball release in fast and accurate overarm throws}, + journal = {Exp Brain Res}, + volume = {103}, + number = {2}, + pages = {277-86}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7789435}, + year = {1995}, + type = {Journal Article} +} + +@inbook{RN633, + author = {Hommel, Bernhard}, + title = {Attentional scanning in the selection of central targets from multi-symbol strings}, + booktitle = {Visual selective attention.}, + editor = {Bundesen, Claus and Shibuya, Hitomi}, + publisher = {Lawrence Erlbaum Associates, Inc}, + address = {Hillsdale, NJ, US}, + pages = {119-144}, + year = {1995}, + type = {Book Section} +} + +@article{RN899, + author = {Heuer, H. and Schmidt, R. A. and Ghodsian, D.}, + title = {Generalized motor programs for rapid bimanual tasks: a two-level multiplicative-rate model}, + journal = {Biol Cybern}, + volume = {73}, + number = {4}, + pages = {343-56.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7578474}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2235, + author = {Heide, W. and Blankenburg, M. and Zimmermann, E. and Kompf, D.}, + title = {Cortical control of double-step saccades: implications for spatial orientation}, + journal = {Ann Neurol}, + volume = {38}, + number = {5}, + pages = {739-48}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7486865}, + year = {1995}, + type = {Journal Article} +} + +@inproceedings{RN62, + author = {Hagoort, P. and Brown, C.M.}, + title = {Electrophysiological insights into language and speech processing}, + booktitle = {ICPHS 95}, + volume = {2}, + pages = {172-177}, + type = {Conference Proceedings} +} + +@article{RN2371, + author = {Haggard, P. and Wing, A.}, + title = {Coordinated responses following mechanical perturbation of the arm during prehension}, + journal = {Exp Brain Res}, + volume = {102}, + number = {3}, + pages = {483-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7737394}, + year = {1995}, + type = {Journal Article} +} + +@article{RN131, + author = {Grafton, Scott T. and Hazeltine, Eliot and Ivry, Richard}, + title = {Functional mapping of sequence learning in normal humans}, + journal = {Journal of Cognitive Neuroscience}, + volume = {7}, + number = {4}, + pages = {497-510}, + year = {1995}, + type = {Journal Article} +} + +@article{RN885, + author = {Goldman-Rakic, P. S.}, + title = {Cellular basis of working memory}, + journal = {Neuron}, + volume = {14}, + number = {3}, + pages = {477-85.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7695894}, + year = {1995}, + type = {Journal Article} +} + +@article{RN832, + author = {Gilden, D. L. and Thornton, T. and Mallon, M. W.}, + title = {1/f noise in human cognition}, + journal = {Science}, + volume = {267}, + number = {5205}, + pages = {1837-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7892611}, + year = {1995}, + type = {Journal Article} +} + +@article{RN909, + author = {Geschwind, D. H. and Iacoboni, M. and Mega, M. S. and Zaidel, D. W. and Cloughesy, T. and Zaidel, E.}, + title = {Alien hand syndrome: interhemispheric motor disconnection due to a lesion in the midbody of the corpus callosum}, + journal = {Neurology}, + volume = {45}, + number = {4}, + pages = {802-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7723974}, + year = {1995}, + type = {Journal Article} +} + +@article{RN175, + author = {Georgopoulos, Apostolos P. and Pellizzer, Giuseppe}, + title = {The mental and the neural: Psychological and neural studies of mental rotation and memory scanning. Special Issue: The neuropsychology of mental imagery}, + journal = {Neuropsychologia}, + volume = {33}, + number = {11}, + pages = {1531-1547}, + year = {1995}, + type = {Journal Article} +} + +@article{RN176, + author = {Georgopoulos, Apostolos P.}, + title = {Current issues in directional motor control}, + journal = {Trends in Neurosciences}, + volume = {18}, + number = {11}, + pages = {506-510}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2028, + author = {Friston, K. J. and Holmes, A. P. and Poline, J. B. and Grasby, P. J. and Williams, S. C. and Frackowiak, R. S. and Turner, R.}, + title = {Analysis of fMRI time-series revisited}, + journal = {Neuroimage}, + volume = {2}, + number = {1}, + pages = {45-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343589}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2030, + author = {Friston, K. J. and Frith, C. D. and Turner, R. and Frackowiak, R. S.}, + title = {Characterizing evoked hemodynamics with fMRI}, + journal = {Neuroimage}, + volume = {2}, + number = {2}, + pages = {157-65}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343598}, + year = {1995}, + type = {Journal Article} +} + +@article{RN145, + author = {Friedman-Hill, Stacia R. and Robertson, Lynn C. and Treisman, Anne}, + title = {Parietal contributions to visual feature binding: Evidence from a patient with bilateral lesions}, + journal = {Science}, + volume = {269}, + pages = {853-855}, + year = {1995}, + type = {Journal Article} +} + +@article{RN283, + author = {Franklin, Nancy and Henkel, Linda A. and Zangas, Thomas}, + title = {Parsing surrounding space into regions}, + journal = {Memory and Cognition}, + volume = {23}, + number = {4}, + pages = {397-407}, + year = {1995}, + type = {Journal Article} +} + +@article{RN299, + author = {Fox, E.}, + title = {Negative priming from ignored distractors in visual selection: A review}, + journal = {Psychonomic Bulletin & Review}, + volume = {2}, + pages = {145-173}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2366, + author = {Flanagan, J. R. and Wing, A. M. and Allison, S. and Spenceley, A.}, + title = {Effects of surface texture on weight perception when lifting objects with a precision grip}, + journal = {Percept Psychophys}, + volume = {57}, + number = {3}, + pages = {282-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7770320}, + year = {1995}, + type = {Journal Article} +} + +@article{RN667, + author = {Flanagan, J. R. and Wing, A. M.}, + title = {The stability of precision grip forces during cyclic arm movements with a hand-held load}, + journal = {Experimental Brain Research}, + volume = {105}, + number = {3}, + pages = {455-64}, + year = {1995}, + type = {Journal Article} +} + +@article{RN2247, + author = {Fahle, M. and Edelman, S. and Poggio, T.}, + title = {Fast perceptual learning in hyperacuity}, + journal = {Vision Res}, + volume = {35}, + number = {21}, + pages = {3003-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8533337}, + year = {1995}, + type = {Journal Article} +} + +@article{RN247, + author = {Elliott, Digby and Pollock, Barbara J. and Lyons, James and Chua, Romeo}, + title = {Intermittent vision and discrete manual aiming}, + journal = {Perceptual and Motor Skills}, + volume = {80}, + number = {3, Pt 2}, + pages = {1203-1213}, + year = {1995}, + type = {Journal Article} +} + +@article{RN248, + author = {Elliott, Digby and Lee, Timothy D.}, + title = {The role of target information on manual-aiming bias}, + journal = {Psychological ResearchPsychologische Forschung}, + volume = {58}, + number = {1}, + pages = {2-9}, + year = {1995}, + type = {Journal Article} +} + +@article{RN999, + author = {Eliasson, A. C. and Forssberg, H. and Ikuta, K. and Apel, I. and Westling, G. and Johansson, R.}, + title = {Development of human precision grip. V. anticipatory and triggered grip actions during sudden loading}, + journal = {Exp Brain Res}, + volume = {106}, + number = {3}, + pages = {425-33}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8983986}, + year = {1995}, + type = {Journal Article} +} + +@article{RN163, + author = {Eimer, Martin and Hommel, Bernhard and Prinz, Wolfgang}, + title = {S-R compatibility and response selection}, + journal = {Acta Psychologica}, + volume = {90}, + number = {1-3}, + pages = {301-313}, + year = {1995}, + type = {Journal Article} +} + +@article{RN166, + author = {Eimer, Martin}, + title = {Stimulus-response compatibility and automatic response activation: Evidence from psychophysiological studies}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {21}, + number = {4}, + pages = {837-854}, + year = {1995}, + type = {Journal Article} +} + +@article{RN154, + author = {Easton, Randolph D. and Sholl, M. Jeanne}, + title = {Object-array structure, frames of reference, and retrieval of spatial knowledge}, + journal = {Journal of Experimental Psychology: Learning, Memory and Cognition}, + volume = {21}, + number = {2}, + pages = {483-500}, + year = {1995}, + type = {Journal Article} +} + +@book{RN2783, + author = {Duvernoy, H.M.}, + title = {The human brain stem and cerebellum. Surface, structure, vascularization, and three-dimensional sectional anatomy with MRI.}, + publisher = {Springer-Verlag}, + address = {Wien}, + year = {1995}, + type = {Book} +} + +@article{RN3271, + author = {Dizio, P. and Lackner, J. R.}, + title = {Motor adaptation to Coriolis force perturbations of reaching movements: endpoint but not trajectory adaptation transfers to the nonexposed arm}, + journal = {J Neurophysiol}, + volume = {74}, + number = {4}, + pages = {1787-92}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8989414}, + year = {1995}, + type = {Journal Article} +} + +@article{RN602, + author = {Dettmers, C. and Fink, G. R. and Lemon, R. N. and Stephan, K. M. and Passingham, R. E. and Silbersweig, D. and Holmes, A. and Ridding, M. C. and Brooks, D. J. and Frackowiak, R. S.}, + title = {Relation between cerebral activity and force in the motor areas of the human brain}, + journal = {Journal of Neurophysiology}, + volume = {74}, + number = {2}, + pages = {802-15}, + year = {1995}, + type = {Journal Article} +} + +@inbook{RN110, + author = {Desimone, R. and Chelazzi, L. and Miller, E. K. and Duncan, J.}, + title = {Neuronal mechanisms of visual attention}, + booktitle = { Early vision and beyond}, + editor = {Papathomas, T. V.}, + publisher = {MIT Press}, + address = {Cambridge, Massachusetts, USA; London, England, UK.}, + pages = {219-226}, + year = {1995}, + type = {Book Section} +} + +@article{RN536, + author = {De Jong, Ritske and Coles, M. G. H. and Logan, G. D.}, + title = {Strategies and mechansims in non-selective and selective inhibitory motor control}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {21}, + number = {3}, + pages = {498-511}, + year = {1995}, + type = {Journal Article} +} + +@article{RN108, + author = {Corbetta, M. and Shulman, G. L. and Miezin, F. M. and Petersen, S. E.}, + title = {Superior parietal cortex activation during spatial attention shifts and visual feature conjunction}, + journal = {Science (Washington D C)}, + volume = {270}, + number = {5237}, + pages = {802-805}, + year = {1995}, + type = {Journal Article} +} + +@article{RN113, + author = {Colby, C. L. and Duhamel, J. R. and Goldberg, M. E.}, + title = {Oculocentric spatial representation in parietal cortex}, + journal = {Cerebral Cortex}, + volume = {5}, + number = {5}, + year = {1995}, + type = {Journal Article} +} + +@article{RN125, + author = {Cohen, Asher and Ivry, Richard B. and Rafal, Robert D. and Kohn, Carolyn}, + title = {Activating response codes by stimuli in the neglected visual field}, + journal = {Neuropsychology}, + volume = {9}, + number = {2}, + pages = {165-173}, + year = {1995}, + type = {Journal Article} +} + +@article{RN37, + author = {Chun, Marvin M. and Potter, Mary C.}, + title = {A two-stage model for multiple target detection in rapid serial visual presentation}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {1}, + pages = {109-127}, + year = {1995}, + type = {Journal Article} +} + +@article{RN393, + author = {Chao, Linda L. and Knight, Robert T.}, + title = {Human prefrontal lesions increase distractibility to irrelevant sensory inputs}, + journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, + volume = {6}, + number = {12}, + pages = {1605-1610}, + year = {1995}, + type = {Journal Article} +} + +@article{RN662, + author = {Carson, R. G.}, + title = {The dynamics of isometric bimanual coordination}, + journal = {Experimental Brain Research}, + volume = {105}, + number = {3}, + pages = {465-76}, + year = {1995}, + type = {Journal Article} +} + +@article{RN185, + author = {Boussaoud, Driss and di Pellegrino, Giuseppe and Wise, Steven P.}, + title = {Frontal lobe mechanisms subserving vision-for-action versus vision-for-perception}, + journal = {Behavioural Brain Research}, + volume = {72}, + number = {1-2}, + pages = {1-15}, + year = {1995}, + type = {Journal Article} +} + +@article{RN306, + author = {Blouin, Jean and Bridgeman, Bruce and Teasdale, Normand and Bard, Chantal and and otherset, al}, + title = {Visual stability with goal-directed eye and arm movements toward a target displaced during saccadic-suppression}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {58}, + number = {3}, + year = {1995}, + type = {Journal Article} +} + +@article{RN791, + author = {Billon, M. and Semjen, A.}, + title = {The timing effects of accent production in synchronization and continuation tasks performed by musicians and nonmusicians}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {58}, + number = {3}, + pages = {206-217}, + year = {1995}, + type = {Journal Article} +} + +@article{RN800, + author = {Aschersleben, G. and Prinz, W.}, + title = {Synchronizing actions with events: the role of sensory information}, + journal = {Perception and Psychophysics}, + volume = {57}, + number = {3}, + pages = {305-17.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7770322}, + year = {1995}, + type = {Journal Article} +} + +@article{RN750, + author = {Aruin, A. S. and Latash, M. L.}, + title = {The role of motor action in anticipatory postural adjustments studied with self-induced and externally triggered perturbations}, + journal = {Exp Brain Res}, + volume = {106}, + number = {2}, + pages = {291-300}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8566194}, + year = {1995}, + type = {Journal Article} +} + +@article{RN1998, + author = {Arieli, A. and Shoham, D. and Hildesheim, R. and Grinvald, A.}, + title = {Coherent spatiotemporal patterns of ongoing activity revealed by real-time optical imaging coupled with single-unit recording in the cat visual cortex}, + journal = {J Neurophysiol}, + volume = {73}, + number = {5}, + pages = {2072-93}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7623099}, + year = {1995}, + type = {Journal Article} +} + +@article{RN879, + author = {Aglioti, S. and DeSouza, J. F. and Goodale, M. A.}, + title = {Size-contrast illusions deceive the eye but not the hand}, + journal = {Curr Biol}, + volume = {5}, + number = {6}, + pages = {679-85.}, + url = {Curr Biolhttp://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7552179}, + year = {1995}, + type = {Journal Article} +} + +@inbook{RN558, + author = {Wiesendanger, Mario and Wicki, Urs and Rouiller, Eric}, + title = {Are there unifying structures in the brain responsible for interlimb coordination?}, + booktitle = {Interlimb coordination: Neural, dynamical, and cognitive constraints.}, + editor = {Stephan P. Swinnen, Ed and H. Heuer, Ed and et al.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA}, + volume = {xxii}, + pages = {179-207}, + year = {1994}, + type = {Book Section} +} + +@article{RN957, + author = {Wiesendanger, M. and Kaluzny, P. and Kazennikov, O. and Palmeri, A. and Perrig, S.}, + title = {Temporal coordination in bimanual actions}, + journal = {Can J Physiol Pharmacol}, + volume = {72}, + number = {5}, + pages = {591-4.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7954090}, + year = {1994}, + type = {Journal Article} +} + +@article{RN733, + author = {White, J. M. and Sparks, D. L. and Stanford, T. R.}, + title = {Saccades to remembered target locations: an analysis of systematic and variable errors}, + journal = {Vision Res}, + volume = {34}, + number = {1}, + pages = {79-92.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8116271}, + year = {1994}, + type = {Journal Article} +} + +@article{RN597, + author = {Wassermann, E. M. and Pascual-Leone, A. and Hallett, M.}, + title = {Cortical motor representation of the ipsilateral hand and arm}, + journal = {Experimental Brain Research}, + volume = {100}, + number = {1}, + pages = {121-32}, + year = {1994}, + type = {Journal Article} +} + +@article{RN76, + author = {Van Essen, David c. and Gallant, Jack L.}, + title = {Neural mechanisms of form and motion processing in the primate visual system}, + journal = {Neuron}, + volume = {13}, + pages = {1-10}, + year = {1994}, + type = {Journal Article} +} + +@article{RN271, + author = {Ulrich, Rolf and Miller, Jeff}, + title = {Effects of truncation on reaction time analysis}, + journal = {Journal of Experimental Psychology: General}, + volume = {123}, + number = {1}, + pages = {34-80}, + year = {1994}, + type = {Journal Article} +} + +@article{RN3017, + author = {Tanji, J. and Shima, K.}, + title = {Role for supplementary motor area cells in planning several movements ahead}, + journal = {Nature}, + volume = {371}, + number = {6496}, + pages = {413-6}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/371413a0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8090219}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2013, + author = {Stanford, T. R. and Sparks, D. L.}, + title = {Systematic errors for saccades to remembered targets: evidence for a dissociation between saccade metrics and activity in the superior colliculus}, + journal = {Vision Res}, + volume = {34}, + number = {1}, + pages = {93-106}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8116272}, + year = {1994}, + type = {Journal Article} +} + +@article{RN581, + author = {Sommer, Werner and Leuthold, Hartmut and Ulrich, Rolf}, + title = {The lateralized readiness potential preceding brief isometric force pulses of different peak force and rate of force production}, + journal = {Psychophysiology}, + volume = {31}, + pages = {503-512}, + year = {1994}, + type = {Journal Article} +} + +@article{RN653, + author = {Sherwood, David E.}, + title = {Hand preference, practice order, and spatial assimilations in rapid bimanual movement}, + journal = {Journal of Motor Behavior}, + volume = {26}, + number = {2}, + pages = {123-134}, + year = {1994}, + type = {Journal Article} +} + +@article{RN768, + author = {Shadmehr, R. and Mussa-Ivaldi, F. A.}, + title = {Adaptive representation of dynamics during learning of a motor task}, + journal = {J Neurosci}, + volume = {14}, + number = {5 Pt 2}, + pages = {3208-24}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8182467}, + year = {1994}, + type = {Journal Article} +} + +@article{RN663, + author = {Schmidt, Richard A.}, + title = {Movement time, movement distance, and movement accuracy: A reply to Newell, Carlton, and Kim}, + journal = {Human Performance}, + volume = {7}, + number = {1}, + pages = {23-28}, + year = {1994}, + type = {Journal Article} +} + +@book{RN3349, + author = {Schacter, D.L. and Tiulving, E.}, + title = {Memory systems 1994}, + publisher = {MIT Press}, + address = {Cambridge, MA. }, + year = {1994}, + type = {Book} +} + +@article{RN3346, + author = {Sanger, T. D.}, + title = {Optimal unsupervised motor learning for dimensionality reduction of nonlinear control systems}, + journal = {IEEE Trans Neural Netw}, + volume = {5}, + number = {6}, + pages = {965-73}, + ISSN = {1045-9227 (Print) +1045-9227 (Linking)}, + DOI = {10.1109/72.329694}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18267871}, + year = {1994}, + type = {Journal Article} +} + +@article{RN1071, + author = {Rouiller, E. M. and Babalian, A. and Kazennikov, O. and Moret, V. and Yu, X. H. and Wiesendanger, M.}, + title = {Transcallosal connections of the distal forelimb representations of the primary and supplementary motor cortical areas in macaque monkeys}, + journal = {Exp Brain Res}, + volume = {102}, + number = {2}, + pages = {227-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7705502}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN318, + author = {Rizzolatti, Giacomo and Riggio, Lucia and Sheliga, Boris M.}, + title = {Space and selective attention}, + booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, + publisher = {Mit Press}, + pages = {232-265}, + year = {1994}, + type = {Book Section} +} + +@article{RN594, + author = {Riehle, A. and MacKay, W. A. and Requin, J.}, + title = {Are extent and force independent movement parameters? Preparation- and movement-related neuronal activity in the monkey cortex}, + journal = {Experimental Brain Research}, + volume = {99}, + number = {1}, + pages = {56-74}, + year = {1994}, + type = {Journal Article} +} + +@article{RN386, + author = {Riehle, Alexa and Kornblum, Sylvan and Requin, Jean}, + title = {Neuronal coding of stimulusesponse association rules in the motor cortex}, + journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, + volume = {5}, + number = {18}, + pages = {2462-2464}, + year = {1994}, + type = {Journal Article} +} + +@article{RN678, + author = {Pashler, Harold}, + title = {Graded capacity-sharing in dual-task interference?}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {20}, + number = {2}, + pages = {330-342}, + year = {1994}, + type = {Journal Article} +} + +@article{RN677, + author = {Pashler, Harold}, + title = {Dual-task interference in simple tasks: Data and theory}, + journal = {Psychological Bulletin}, + volume = {116}, + number = {2}, + pages = {220-244}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2128, + author = {Pascual-Leone, A. and Grafman, J. and Hallett, M.}, + title = {Modulation of cortical motor output maps during development of implicit and explicit knowledge}, + journal = {Science}, + volume = {263}, + number = {5151}, + pages = {1287-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8122113}, + year = {1994}, + type = {Journal Article} +} + +@article{RN53, + author = {Nieuwenhuys, rudolf}, + title = {The neocortex. An overview of its evolutionary developement, structural organization and synaptology}, + journal = {Anatomy and Enbryology}, + volume = {190}, + pages = {307-337}, + year = {1994}, + type = {Journal Article} +} + +@article{RN3132, + author = {Mussa-Ivaldi, F. A. and Giszter, S. F. and Bizzi, E.}, + title = {Linear combinations of primitives in vertebrate motor control}, + journal = {Proc Natl Acad Sci U S A}, + volume = {91}, + number = {16}, + pages = {7534-8}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8052615}, + year = {1994}, + type = {Journal Article} +} + +@article{RN984, + author = {Muller, F. and Dichgans, J.}, + title = {Dyscoordination of pinch and lift forces during grasp in patients with cerebellar lesions}, + journal = {Exp Brain Res}, + volume = {101}, + number = {3}, + pages = {485-92}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7851515}, + year = {1994}, + type = {Journal Article} +} + +@article{RN74, + author = {Motter, B. C.}, + title = {Neural correlates of attentive selection for color or luminance in extrastriate area V4}, + journal = {Journal of Neuroscience}, + volume = {14}, + number = {4}, + year = {1994}, + type = {Journal Article} +} + +@article{RN835, + author = {Mates, Jiri and Mueller, Ulrike and Radil, Tomas and Poeppel, Ernst}, + title = {Temporal integration in sensorimotor synchronization}, + journal = {Journal of Cognitive Neuroscience}, + volume = {6}, + number = {4}, + pages = {332-340}, + year = {1994}, + type = {Journal Article} +} + +@article{RN797, + author = {Mates, J.}, + title = {A model of synchronization of motor acts to a stimulus sequence. II. Stability analysis, error estimation and simulations}, + journal = {Biol Cybern}, + volume = {70}, + number = {5}, + pages = {475-84}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8186307}, + year = {1994}, + type = {Journal Article} +} + +@article{RN796, + author = {Mates, J.}, + title = {A model of synchronization of motor acts to a stimulus sequence. I. Timing and error corrections}, + journal = {Biol Cybern}, + volume = {70}, + number = {5}, + pages = {463-73}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8186306}, + year = {1994}, + type = {Journal Article} +} + +@article{RN33, + author = {Maddox, W. Todd and Prinzmetal, William and Ivry, Richard B. and Ashby, F. Gregory}, + title = {A probabilistic multidimensional model of location information}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {56}, + number = {2}, + pages = {66-77}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2236, + author = {Lynch, J. C. and Hoover, J. E. and Strick, P. L.}, + title = {Input to the primate frontal eye field from the substantia nigra, superior colliculus, and dentate nucleus demonstrated by transneuronal transport}, + journal = {Exp Brain Res}, + volume = {100}, + number = {1}, + pages = {181-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7813649}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN281, + author = {Levinson, Stephen}, + title = {Frames of reference and molyneux's question: Crosslinguistic evidence}, + booktitle = {Language and Space}, + editor = {Bloom, Paul and Peterson, Mary A. and Nadel, Lynn and Garrett, Merrill F}, + publisher = {MIT Press}, + address = {Cambridge}, + pages = {109-107}, + year = {1994}, + type = {Book Section} +} + +@article{RN167, + author = {Kornblum, Sylvan}, + title = {The way irrelevant dimensions are processed depends on what they overlap with: The case of Stroop- and Simon-like stimuli}, + journal = {Psychological ResearchPsychologische Forschung}, + volume = {56}, + number = {3}, + pages = {130-135}, + year = {1994}, + type = {Journal Article} +} + +@article{RN138, + author = {Kobatake, Eucaly and Tanaka, Keiji}, + title = {Neural selectivities to complex object features in the ventral visual pathway of the macaque cerebral cortex}, + journal = {Journal of Neurophysiology}, + volume = {71}, + number = {3}, + pages = {856-867}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2625, + author = {Kim, S. G. and Ugurbil, K. and Strick, P. L.}, + title = {Activation of a cerebellar output nucleus during cognitive processing}, + journal = {Science}, + volume = {265}, + number = {5174}, + pages = {949-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8052851 }, + year = {1994}, + type = {Journal Article} +} + +@article{RN583, + author = {Jordan, Nigel and Sagar, Harvey J.}, + title = {The role of the striatum in motor learning: dissociations between isometric motor control processes in Parkinson's disease}, + journal = {International Journal of Neuroscience}, + volume = {77}, + pages = {153-165}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2947, + author = {Jenkins, I. H. and Brooks, D. J. and Nixon, P. D. and Frackowiak, R. S. and Passingham, R. E.}, + title = {Motor sequence learning: a study with positron emission tomography}, + journal = {J Neurosci}, + volume = {14}, + number = {6}, + pages = {3775-90}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8207487}, + year = {1994}, + type = {Journal Article} +} + +@article{RN289, + author = {Huttenlocher, Janellen and Newcombe, Nora and Sandberg, Elisabeth Hollister}, + title = {The coding of spatial location in young children}, + journal = {Cognitive Psychology}, + volume = {27}, + pages = {115-147}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN298, + author = {Houghton, George and Tipper, Steven P.}, + title = {A model of inhibitory mechanisms in selective attention}, + booktitle = {Inhibitory processes in attention, memory, and language}, + editor = {Dagenbach, Dale and Carr, Thomas H.}, + publisher = {Academic Press}, + address = {San Diego, CA}, + pages = {53-112}, + year = {1994}, + type = {Book Section} +} + +@article{RN983, + author = {Horak, F. B. and Diener, H. C.}, + title = {Cerebellar control of postural scaling and central set in stance}, + journal = {J Neurophysiol}, + volume = {72}, + number = {2}, + pages = {479-93.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7983513}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN3384, + author = {Hikosaka, O.}, + title = {Role of basal ganglia in control of innate movements, learned behavior and cognition - a hypothesis}, + booktitle = {The basal ganglia IV}, + editor = {Percheron, G. and McKenzie, J. S. and Feger, J. }, + series = {Advances in Behavioral Biology}, + publisher = {Springer}, + address = {New York}, + pages = {589-596}, + DOI = {10.1007/978-1-4613-0485-2_61}, + year = {1994}, + type = {Book Section} +} + +@article{RN115, + author = {Haxby, J. V. and Horwitz, B. and Ungerleider, L. G. and Maisog, J. M. and Pietrini, P. and Grady, C. L.}, + title = {The functional organization of human extrastriate cortex: A PET-rCBF study of selective attention to faces and locations}, + journal = {Journal of Neuroscience}, + volume = {14}, + number = {11 PART 1}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2416, + author = {Grill, S. E. and Hallett, M. and Marcus, C. and McShane, L.}, + title = {Disturbances of kinaesthesia in patients with cerebellar disorders}, + journal = {Brain}, + volume = {117 ( Pt 6)}, + pages = {1433-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7820578 }, + year = {1994}, + type = {Journal Article} +} + +@article{RN1062, + author = {Grafton, Scott T. and Woods, Roger P. and Tyszka, Mike}, + title = {Functional imaging of procedural motor learning: Relating cerebral blood flow with individual subject performance}, + journal = {Human Brain Mapping}, + volume = {1}, + number = {3}, + pages = {221-234}, + year = {1994}, + type = {Journal Article} +} + +@article{RN965, + author = {Gordon, J. and Ghilardi, M. F. and Ghez, C.}, + title = {Accuracy of planar reaching movements. I. Independence of direction and extent variability}, + journal = {Exp Brain Res}, + volume = {99}, + number = {1}, + pages = {97-111}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7925800}, + year = {1994}, + type = {Journal Article} +} + +@article{RN840, + author = {Gordon, Andrew M. and Forssberg, Hans and Iwasaki, Nobuaki}, + title = {Formation and lateralization of internal representations underlying motor commands during precision grip}, + journal = {Neuropsychologia}, + volume = {32}, + number = {5}, + pages = {555-568}, + year = {1994}, + type = {Journal Article} +} + +@article{RN208, + author = {Goodale, M. A. and Jakobson, L. S. and Keillor, J. M.}, + title = {Differences in the visual control of pantomimed and natural grasping movements}, + journal = {Neuropsychologia}, + volume = {32}, + number = {10}, + pages = {1159-1178}, + year = {1994}, + type = {Journal Article} +} + +@article{RN168, + author = {Gentilucci, Maurizio and Negrotti, Anne}, + title = {Dissociation between perception and visuomotor transformation during reproduction of remembered distances}, + journal = {Journal of Neurophysiology}, + volume = {72}, + number = {4}, + pages = {2026-2030}, + year = {1994}, + type = {Journal Article} +} + +@article{RN935, + author = {Geffen, G. M. and Jones, D. L. and Geffen, L. B.}, + title = {Interhemispheric control of manual motor activity}, + journal = {Behav Brain Res}, + volume = {64}, + number = {1-2}, + pages = {131-40.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7840879}, + year = {1994}, + type = {Journal Article} +} + +@article{RN234, + author = {Funahashi, Shintaro and Kubota, Kisou}, + title = {Working memory and prefrontal cortex}, + journal = {Neuroscience Research}, + volume = {21}, + number = {1}, + pages = {1-11}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2199, + author = {Friston, K.J. and Worsley, K. J. and Frackowiak, R.S.J. and Mazziotta, J.C. and Evans, A.C.}, + title = {Assessing the significance of focal activations using their spatial extent}, + journal = {Human Brain Mapping}, + volume = {1}, + pages = {214-220}, + year = {1994}, + type = {Journal Article} +} + +@article{RN249, + author = {Elliott, Digby and Chua, Romeo and Pollock, Barbara J.}, + title = {The influence of intermittent vision on manual aiming}, + journal = {Acta Psychologica}, + volume = {85}, + number = {1}, + pages = {1-13}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2574, + author = {Ellerman, J. M. and Flament, D. and Kim, S. G. and Fu, Q. G. and Merkle, H. and Ebner, T. J. and Ugurbil, K.}, + title = {Spatial patterns of functional activation of the cerebellum investigated using high field (4 T) MRI}, + journal = {NMR Biomed}, + volume = {7}, + number = {1-2}, + pages = {63-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8068527 }, + year = {1994}, + type = {Journal Article} +} + +@article{RN57, + author = {Egly, Robert and Driver, Jon and Rafal, Robert D.}, + title = {Shifting visual attention between objects and locations: Evidence from normal and parietal lesion subjects}, + journal = {Journal of Experimental Psychology: General}, + volume = {123}, + number = {2}, + pages = {161-177}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN116, + author = {Dyer, F. C.}, + title = {Spatial cognition and navigation in insects}, + booktitle = { Behavioral mechanisms in evolutionary ecology}, + editor = {Real, L. A.}, + publisher = {University of Chicago Press}, + address = {Chicago, Illinois, USA; London, England, UK.}, + pages = {66-98}, + year = {1994}, + type = {Book Section} +} + +@article{RN787, + author = {Duchek, Janet M. and Balota, David A. and Ferraro, F. Richard}, + title = {Component analysis of a rhythmic finger tapping task in individuals with senile dementia of the Alzheimer type and in individuals with Parkinson's disease}, + journal = {Neuropsychology}, + volume = {8}, + number = {2}, + pages = {218-226}, + year = {1994}, + type = {Journal Article} +} + +@article{RN539, + author = {Dehaene, S and Posner, M. I. and Tucker, D. M.}, + title = {Localization of a neural system for error-correction and compensation}, + journal = {Psychological Science}, + volume = {5}, + pages = {303-305}, + year = {1994}, + type = {Journal Article} +} + +@article{RN537, + author = {De Jong, Ritske and Liang, Chia-Chin and Lauber, Erick}, + title = {Conditional and unconditional automaticity: A dual-process model of effects of spatial stimulus-response correspondence}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {20}, + number = {4}, + pages = {731-750}, + year = {1994}, + type = {Journal Article} +} + +@article{RN847, + author = {Cunningham, H. A. and Welch, R. B.}, + title = {Multiple concurrent visual-motor mappings: implications for models of adaptation}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {20}, + number = {5}, + pages = {987-99.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7964533}, + year = {1994}, + type = {Journal Article} +} + +@article{RN543, + author = {Courshesne, Eric and Townsend, Jeanne and Akshoomoff, Natacha A. and Saitoh, Osamu and Yeung-Courchesne, Rachel and Lincoln, Alan J. and James, Hector E. and Haas, Richard H. and Schreibman, Laura and Lau, Lily}, + title = {Impairment in shifting attention in autistic and cerebellar patients}, + journal = {Behavioral Neuroscience}, + volume = {5}, + pages = {848-865}, + year = {1994}, + type = {Journal Article} +} + +@article{RN46, + author = {Brodbeck, D. R.}, + title = {Memory for spatial and local cues: A comparison of a storing and a nonstoring species}, + journal = {Animal Learning and Behavior}, + volume = {22}, + number = {2}, + year = {1994}, + type = {Journal Article} +} + +@article{RN307, + author = {Bridgeman, Bruce and Van der Hejiden, A. H. C. and Velichkovsky, Boris M.}, + title = {A theory of visual stability across saccadic eye movements}, + journal = {Behavioral & Brain Sciences}, + volume = {17}, + number = {2}, + year = {1994}, + type = {Journal Article} +} + +@article{RN2920, + author = {Boecker, H. and Kleinschmidt, A. and Requardt, M. and Hanicke, W. and Merboldt, K. D. and Frahm, J.}, + title = {Functional cooperativity of human cortical motor areas during self-paced simple finger movements. A high-resolution MRI study}, + journal = {Brain}, + volume = {117 ( Pt 6)}, + pages = {1231-9}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7820562}, + year = {1994}, + type = {Journal Article} +} + +@article{RN36, + author = {Behrmann, Marlene and Moscovitch, Morris and Winocur, Gordon}, + title = {Intact visual imagery and impaired visual perception in a patient with visual agnosia}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {20}, + number = {5}, + pages = {1068-1087}, + year = {1994}, + type = {Journal Article} +} + +@article{RN3251, + author = {Armatas, C. A. and Summers, J. J. and Bradshaw, J. L.}, + title = {Mirror movements in normal adult subjects}, + journal = {J Clin Exp Neuropsychol}, + volume = {16}, + number = {3}, + pages = {405-13}, + ISSN = {1380-3395 (Print) +1380-3395 (Linking)}, + DOI = {10.1080/01688639408402651}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7929708}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN921, + author = {Allport, D. Alan and Styles, Elizabeth A. and Hsieh, Shulan}, + title = {Shifting intentional set: Exploring the dynamic control of tasks}, + booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, + editor = {Umilta, Carlo and Moscovitch, Morris}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {421-452}, + year = {1994}, + type = {Book Section} +} + +@article{RN521, + author = {Adam, Jos J.}, + title = {Manipulating the spatial arrangement of stimuli in a precuing task}, + journal = {Acta Psychologica}, + volume = {85}, + number = {3}, + year = {1994}, + type = {Journal Article} +} + +@inbook{RN341, + author = {Abrams, Richard A. and Van Dillen, Linda and Stemmons, Vicki}, + title = {Multiple sources of spatial information for aimed limb movements}, + booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, + editor = {Umilta, Carlo and Moscovitch, Morris}, + publisher = {The Mit Press}, + address = {Cambridge, MA}, + pages = {267-290}, + year = {1994}, + type = {Book Section} +} + +@article{RN848, + author = {Welch, R. B. and Bridgeman, B. and Anand, S. and Browman, K. E.}, + title = {Alternating prism exposure causes dual adaptation and generalization to a novel displacement}, + journal = {Percept Psychophys}, + volume = {54}, + number = {2}, + pages = {195-204.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8361835}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2017, + author = {Swinnen, S. P. and Walter, C. B. and Lee, T. D. and Serrien, D. J.}, + title = {Acquiring bimanual skills: contrasting forms of information feedback for interlimb decoupling}, + journal = {J Exp Psychol Learn Mem Cogn}, + volume = {19}, + number = {6}, + pages = {1328-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8270889}, + year = {1993}, + type = {Journal Article} +} + +@article{RN310, + author = {Stucchi, Natale and Viviani, Paolo}, + title = {Cerebral dominance and asynchrony between bimanual two-dimensional movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {19}, + number = {6}, + pages = {1200-1220}, + year = {1993}, + type = {Journal Article} +} + +@article{RN754, + author = {Struppler, A. and Gerilovsky, L. and Jakob, C.}, + title = {Self-generated rapid taps directed to the opposite forearm in man: anticipatory reduction in the muscle activity of the target arm}, + journal = {Neurosci Lett}, + volume = {159}, + number = {1-2}, + pages = {115-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8264950}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2057, + author = {Sparks, D. L. and Barton, E. J.}, + title = {Neural control of saccadic eye movements}, + journal = {Curr Opin Neurobiol}, + volume = {3}, + number = {6}, + pages = {966-72}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8124081}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2103, + author = {Smith, A. M. and Dugas, C. and Fortier, P. and Kalaska, J. and Picard, N.}, + title = {Comparing cerebellar and motor cortical activity in reaching and grasping}, + journal = {Can J Neurol Sci}, + volume = {20 Suppl 3}, + pages = {S53-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8334592}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2998, + author = {Schieber, M. H. and Hibbard, L. S.}, + title = {How somatotopic is the motor cortex hand area?}, + journal = {Science}, + volume = {261}, + number = {5120}, + pages = {489-92}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8332915}, + year = {1993}, + type = {Journal Article} +} + +@article{RN442, + author = {Sasaki, K. and Gemba, H. and Nambu, A. and Matsuzaki, R.}, + title = {No-go activity in the frontal association cortex of human subjects}, + journal = {Neuroscience Research}, + volume = {18}, + number = {3}, + pages = {249-252}, + year = {1993}, + type = {Journal Article} +} + +@inbook{RN443, + author = {Sasaki, Kazuo and Gemba, Hisae}, + title = {Prefrontal cortex in the organization and control of voluntary movement}, + booktitle = {Brain mechanisms of perception and memory: From neuron to behavior.}, + editor = {Taketoshi Ono, Ed and Larry R. Squire, Ed and et al.}, + publisher = {Oxford University Press}, + pages = {xxi, 692}, + year = {1993}, + type = {Book Section} +} + +@article{RN2923, + author = {Rao, S. M. and Binder, J. R. and Bandettini, P. A. and Hammeke, T. A. and Yetkin, F. Z. and Jesmanowicz, A. and Lisk, L. M. and Morris, G. L. and Mueller, W. M. and Estkowski, L. D. and et al.}, + title = {Functional magnetic resonance imaging of complex human movements}, + journal = {Neurology}, + volume = {43}, + number = {11}, + pages = {2311-8}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8232948}, + year = {1993}, + type = {Journal Article} +} + +@article{RN814, + author = {Rammsayer, Thomas H.}, + title = {On dopaminergic modulation of temporal information processing}, + journal = {Biological Psychology}, + volume = {36}, + number = {3}, + pages = {209-222}, + year = {1993}, + type = {Journal Article} +} + +@article{RN367, + author = {Proctor, Robert W. and Van Zandt, Trisha and Lu, Chen-hui and Weeks, Daniel J.}, + title = {Stimulusesponse compatibility for moving stimuli: Perception of affordances or directional coding?}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {19}, + number = {1}, + year = {1993}, + type = {Journal Article} +} + +@article{RN153, + author = {Poucet, Bruno}, + title = {Spatial cognitve maps in animals: new hypotheses on their structure an neural mechanisms}, + journal = {Psychological Review}, + volume = {100}, + number = {2}, + pages = {163-182}, + year = {1993}, + type = {Journal Article} +} + +@book{RN703, + author = {Porter, R. and Lemon, R.}, + title = {Corticospinal function and voluntary movement}, + publisher = {Oxford University Press}, + address = {Oxford}, + year = {1993}, + type = {Book} +} + +@article{RN987, + author = {Perrett, S. P. and Ruiz, B. P. and Mauk, M. D.}, + title = {Cerebellar cortex lesions disrupt learning-dependent timing of conditioned eyelid responses}, + journal = {J Neurosci}, + volume = {13}, + number = {4}, + pages = {1708-18}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8463846}, + year = {1993}, + type = {Journal Article} +} + +@article{RN56, + author = {Peretz, Isabelle and Kolinsky, Regine}, + title = {Boundaries of separability between melody and rhythm in music discrimination: A neuropsychological perspective}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {46A}, + number = {2}, + pages = {301-325}, + year = {1993}, + type = {Journal Article} +} + +@book{RN402, + author = {Passingham, Richard}, + title = {The frontal lobes and voluntary action}, + publisher = {Oxford University Press}, + address = {Oxford}, + series = {Oxford Psychology Series}, + year = {1993}, + type = {Book} +} + +@article{RN297, + author = {Owen, Adrian M. and Roberts, Angela C. and Hodges, John R. and Summer, Beatrice A. and Polkey, Charles E. and Robbins, Trevor W.}, + title = {Contrasting mechanisms of impaired attentional set-shifting in patients with frontal lobe damage parkinson's disease}, + journal = {Brain}, + volume = {116}, + pages = {1159-1175}, + year = {1993}, + type = {Journal Article} +} + +@article{RN71, + author = {Olshausen, B. A. and Anderson, C. H. and Van Essen, D. C.}, + title = {A neurobiological model of visual attention and invariant pattern recognition based on dynamic routing of information}, + journal = {Journal of Neuroscience}, + volume = {13}, + number = {11}, + year = {1993}, + type = {Journal Article} +} + +@article{RN78, + author = {Miyashita, Yasushi}, + title = {Inferior temporal cortex: where viual perception meets memory}, + journal = {Annual Review of Neuroscience}, + volume = {16}, + pages = {245-63}, + year = {1993}, + type = {Journal Article} +} + +@article{RN1633, + author = {Miall, R. C. and Weir, D. J. and Wolpert, D. M. and Stein, J. F.}, + title = {Is the Cerebellum a Smith Predictor?}, + journal = {J Mot Behav}, + volume = {25}, + number = {3}, + pages = {203-216}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12581990}, + year = {1993}, + type = {Journal Article} +} + +@article{RN894, + author = {Merigan, W. H. and Maunsell, J. H.}, + title = {How parallel are the primate visual pathways?}, + journal = {Annu Rev Neurosci}, + volume = {16}, + pages = {369-402}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8460898}, + year = {1993}, + type = {Journal Article} +} + +@inbook{RN151, + author = {McDonald, Thomas P. and Pellegrino, James W.}, + title = {Psychological perspectives on spatial cognition}, + booktitle = {Behavior and Environment: Psychological and geographical approaches}, + editor = {Gaerling, T. and Golledge, R.G.}, + publisher = {Elsevier Science}, + pages = {47-82}, + year = {1993}, + type = {Book Section} +} + +@article{RN507, + author = {Leiner, Henrietta C. and Leiner, Alan L. and Dow, Robert S.}, + title = {Cognitive and language functions of the human cerebellum}, + journal = {Trends in Neurosciences}, + volume = {16}, + number = {11}, + pages = {444-447}, + year = {1993}, + type = {Journal Article} +} + +@article{RN871, + author = {Komilis, E. and Pelisson, D. and Prablanc, C.}, + title = {Error processing in pointing at reandomly feedback-induced double-step stimuli}, + journal = {Journal of Motor Behavior}, + volume = {25}, + number = {4}, + pages = {299-308}, + year = {1993}, + type = {Journal Article} +} + +@article{RN329, + author = {Kim, S. G. and Ashe, J. and Hendrich, K. and Ellermann, J. M. and Merkle, H. and Uagurbil, K. and Georgopoulos, A. P.}, + title = {Functional magnetic resonance imaging of motor cortex: hemispheric asymmetry and handedness}, + journal = {Science}, + volume = {261}, + number = {5121}, + pages = {615-617}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2257, + author = {Karni, A. and Sagi, D.}, + title = {The time course of learning a visual skill}, + journal = {Nature}, + volume = {365}, + number = {6443}, + pages = {250-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8371779}, + year = {1993}, + type = {Journal Article} +} + +@article{RN132, + author = {Ivry, Richard B. and Lebby, Paul C.}, + title = {Hemispheric differences in auditory perception are similar to those found in visual perception}, + journal = {Psychological Science}, + volume = {4}, + number = {1}, + pages = {41-45}, + year = {1993}, + type = {Journal Article} +} + +@article{RN634, + author = {Hommel, Bernhard}, + title = {The role of attention for the Simon effect}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {55}, + number = {3}, + pages = {208-222}, + year = {1993}, + type = {Journal Article} +} + +@article{RN632, + author = {Hommel, Bernhard}, + title = {The relationship between stimulus processing and response selection in the Simon task: Evidence for a temporal overlap}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {55}, + number = {4}, + pages = {280-290}, + year = {1993}, + type = {Journal Article} +} + +@article{RN164, + author = {Hommel, Bernhard}, + title = {Inverting the Simon effect intention: Determinants of direction and extent of effects of irrelevant spatial information}, + journal = {Psychological Research}, + volume = {55}, + number = {4}, + pages = {270-279}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2668, + author = {Hoff, B. and Arbib, M. A.}, + title = {Models of Trajectory Formation and Temporal Interaction of Reach and Grasp}, + journal = {J Mot Behav}, + volume = {25}, + number = {3}, + pages = {175-192}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12581988 }, + year = {1993}, + type = {Journal Article} +} + +@article{RN322, + author = {Heuer, Herbert}, + title = {Structural constraints on bimanual movements}, + journal = {Psychological Research}, + volume = {55}, + number = {2}, + pages = {83-98}, + year = {1993}, + type = {Journal Article} +} + +@article{RN436, + author = {Halsband, U. and Ito, N. and Tanji, J. and Freund, H. J.}, + title = {The role of premotor cortex and the supplementary motor area in the temporal control of movement in man}, + journal = {Brain}, + volume = {116}, + number = {Pt 1)}, + pages = {243-66}, + year = {1993}, + type = {Journal Article} +} + +@article{RN849, + author = {Gordon, A. M. and Westling, G. and Cole, K. J. and Johansson, R. S.}, + title = {Memory representations underlying motor commands used during manipulation of common and novel objects}, + journal = {J Neurophysiol}, + volume = {69}, + number = {6}, + pages = {1789-96.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8350123}, + year = {1993}, + type = {Journal Article} +} + +@article{RN178, + author = {Georgopoulos, Apostolos P. and Taira, Masato and Lukashin, Alexander}, + title = {Cognitive neurophysiology of the motor cortex}, + journal = {Science}, + volume = {260}, + number = {5104}, + pages = {47-52}, + year = {1993}, + type = {Journal Article} +} + +@article{RN538, + author = {Gehring, W. J. and Goss, B. and Coles, M. G. H. and Meyer, D. E. and Donchin, E.}, + title = {A neural system for error detection and compensation}, + journal = {Psychological Science}, + volume = {4}, + pages = {385-390}, + year = {1993}, + type = {Journal Article} +} + +@article{RN3351, + author = {Gabrieli, J. D. and Corkin, S. and Mickel, S. F. and Growdon, J. H.}, + title = {Intact acquisition and long-term retention of mirror-tracing skill in Alzheimer's disease and in global amnesia}, + journal = {Behav Neurosci}, + volume = {107}, + number = {6}, + pages = {899-910}, + ISSN = {0735-7044 (Print) +0735-7044 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8136066}, + year = {1993}, + type = {Journal Article} +} + +@article{RN776, + author = {Freeman, J. S. and Cody, F. W. and Schady, W.}, + title = {The influence of external timing cues upon the rhythm of voluntary movements in Parkinson's disease}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {56}, + number = {10}, + pages = {1078-84.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8410005}, + year = {1993}, + type = {Journal Article} +} + +@article{RN3093, + author = {Flanagan, J. R. and Wing, A. M.}, + title = {Modulation of grip force with load force during point-to-point arm movements}, + journal = {Exp Brain Res}, + volume = {95}, + number = {1}, + pages = {131-43}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8405245}, + year = {1993}, + type = {Journal Article} +} + +@book{RN628, + author = {Fisher, N. I.}, + title = {Statistical analysis of circular data}, + publisher = {Cambridge University Press}, + address = {Cambridge, UK}, + year = {1993}, + type = {Book} +} + +@article{RN2387, + author = {Evans, A.C. and Collins, D.L. and Mills, S.R. and Brown, E.D. and Kelly, R.L. and Peters, T.M.}, + title = {3D statistical neuroanatomical models from 305 MRI volumes}, + journal = {Proc. IEEE-Nuclear Science Symposium and Medial Imagine Conference}, + pages = {1813-1817}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2282, + author = {Ellis, R. R. and Lederman, S. J.}, + title = {The role of haptic versus visual volume cues in the size-weight illusion}, + journal = {Percept Psychophys}, + volume = {53}, + number = {3}, + pages = {315-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8483695}, + year = {1993}, + type = {Journal Article} +} + +@article{RN250, + author = {Elliott, Digby}, + title = {Use of visual feedback during rapid aiming at a moving target}, + journal = {Perceptual and Motor Skills}, + volume = {76}, + number = {2}, + pages = {690}, + year = {1993}, + type = {Journal Article} +} + +@article{RN412, + author = {Diener, H. C. and Hore, J. and Ivry, R. and Dichgans, J.}, + title = {Cerebellar dysfunction of movement and perception}, + journal = {Canadian Journal of Neurological Sciences}, + volume = {20 Suppl 3}, + pages = {S62-9}, + year = {1993}, + type = {Journal Article} +} + +@article{RN186, + author = {di Pellegrino, Giuseppe and Wise, Steven P.}, + title = {Visuospatial versus visuomotor activity in the premotor and prefrontal cortex of a primate}, + journal = {Journal of Neuroscience}, + volume = {13}, + number = {3}, + pages = {1227-1243}, + year = {1993}, + type = {Journal Article} +} + +@article{RN210, + author = {Carnahan, Heather and Goodale, Melvyn A. and Marteniuk, Ronald G.}, + title = {Grasping versus pointing and the differential use of visual feedback}, + journal = {Human Movement Science}, + volume = {12}, + number = {3}, + pages = {219-234}, + year = {1993}, + type = {Journal Article} +} + +@inbook{RN942, + author = {Carlton, Les G. and Newell, K. M.}, + title = {Force variability in isometric tasks}, + booktitle = {Variability and motor control}, + editor = {Newell, K. M. and Corcos, D. M.}, + publisher = {Human Kinetics}, + address = {Champaign, IL}, + pages = {15-36}, + year = {1993}, + type = {Book Section} +} + +@article{RN112, + author = {Bowman, E. M. and Brown, V. J. and Kertzman, C. and Schwarz, U. and Robinson, D. L.}, + title = {Covert Orienting of Attention in Macaques I. Effects of Behavioral Context}, + journal = {Journal of Neurophysiology (Bethesda)}, + volume = {70}, + number = {1}, + pages = {431-}, + year = {1993}, + type = {Journal Article} +} + +@article{RN215, + author = {Blouin, J. and C.Bard and N.Teasdale and J.Paillard and M.Fleury and R.Forget and Y.Lamarre}, + title = {Reference systems for coding spatial information in normal subjects and a deafferented patient}, + journal = {Experimental Brain Research}, + volume = {93}, + pages = {324-331}, + year = {1993}, + type = {Journal Article} +} + +@article{RN61, + author = {Bennett, A.T.D}, + title = {Spatial memory in a food storing corvid}, + journal = {Journal of Comparative Physiology A}, + volume = {173}, + pages = {193-207}, + year = {1993}, + type = {Journal Article} +} + +@article{RN2248, + author = {Bedford, F. L.}, + title = {Perceptual and cognitive spatial learning}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {19}, + number = {3}, + pages = {517-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8331313}, + year = {1993}, + type = {Journal Article} +} + +@article{RN190, + author = {Ashe, J. and Taira, M. and Smyrnis, N. and Pellizzer, G. and Georgakopoulos, T. and Lurito, J. T. and Georgopoulos, A. P.}, + title = {Motor cortical activity preceding a memorized movement trajectory with an orthogonal bend}, + year = {1993}, + type = {Journal Article} +} + +@article{RN39, + author = {Zanone, P. G. and Kelso, J. A.}, + title = {Evolution of behavioral attractors with learning: Nonequilibrium phase transitions}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {18}, + number = {2}, + pages = {403-421}, + year = {1992}, + type = {Journal Article} +} + +@article{RN533, + author = {Viallet, F. and Massion, J. and Massarino, R. and Khalil, R.}, + title = {Coordination between posture and movement in a bimanual load lifting task: putative role of a medial frontal region including the supplementary motor area}, + journal = {Experimental Brain Research}, + volume = {88}, + number = {3}, + pages = {674-84}, + year = {1992}, + type = {Journal Article} +} + +@article{RN169, + author = {Tipper, Steven P. and Lortie, Cathy and Baylis, Gordon C.}, + title = {Selective reaching: Evidence for action-centered attention}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {18}, + number = {4}, + pages = {891-905}, + year = {1992}, + type = {Journal Article} +} + +@article{RN989, + author = {Thach, W. T. and Goodkin, H. P. and Keating, J. G.}, + title = {The cerebellum and the adaptive coordination of movement}, + journal = {Annu Rev Neurosci}, + volume = {15}, + pages = {403-42}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1575449}, + year = {1992}, + type = {Journal Article} +} + +@article{RN191, + author = {Smyrnis, N. and Taira, M. and Ashe, J. and Georgopoulos, A. P.}, + title = {Motor cortical activity in a memorized delay task}, + journal = {Experimental Brain Research}, + volume = {92}, + pages = {139-151}, + year = {1992}, + type = {Journal Article} +} + +@book{RN2196, + author = {Searle, Shayle R. and Casella, George and McCulloch, Charles E.}, + title = {Variance Components}, + publisher = {Wiley}, + address = {New York}, + series = {Wiley series in probability and statistics}, + year = {1992}, + type = {Book} +} + +@article{RN2320, + author = {Rosenbaum, D. A. and Vaughan, J. and Barnes, H. J. and Jorgensen, M. J.}, + title = {Time course of movement planning: selection of handgrips for object manipulation}, + journal = {J Exp Psychol Learn Mem Cogn}, + volume = {18}, + number = {5}, + pages = {1058-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1402710}, + year = {1992}, + type = {Journal Article} +} + +@article{RN72, + author = {Rolls, E. T.}, + title = {Neurophysiological mechanisms underlying face processing within and beyond the temporal cortical visual areas}, + journal = {Philosophical Transactions of the Royal Society of London Biological Sciences}, + volume = {335}, + number = {1273}, + year = {1992}, + type = {Journal Article} +} + +@article{RN122, + author = {Robinson, David L. and Petersen, Steven E.}, + title = {The pulvinar and visual salience}, + journal = {Trends in Neurosciences}, + volume = {15}, + number = {4}, + pages = {127-132}, + year = {1992}, + type = {Journal Article} +} + +@article{RN267, + author = {Raymond, Jane E. and Shapiro, Kimron L. and Arnell, Karen M.}, + title = {Temporary suppression of visual processing in an RSVP task: an attentional blink?}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {18}, + number = {3}, + pages = {849-860}, + year = {1992}, + type = {Journal Article} +} + +@article{RN717, + author = {Prablanc, Claude and Martin, Olivier}, + title = {Automatic control during hand reaching at undetected two-dimensional target displacements}, + journal = {Journal of Neurophysiology}, + volume = {67}, + number = {2}, + pages = {455-469}, + year = {1992}, + type = {Journal Article} +} + +@article{RN891, + author = {Posner, M. I. and Driver, J.}, + title = {The neurobiology of selective attention}, + journal = {Curr Opin Neurobiol}, + volume = {2}, + number = {2}, + pages = {165-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1638148}, + year = {1992}, + type = {Journal Article} +} + +@article{RN782, + author = {Pastor, M. A. and Jahanshahi, M. and Artieda, J. and Obeso, J. A.}, + title = {Performance of repetitive wrist movements in Parkinson's disease}, + journal = {Brain}, + volume = {115}, + number = {Pt 3}, + pages = {875-91.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1628206}, + year = {1992}, + type = {Journal Article} +} + +@article{RN431, + author = {Osman, Allen and Bashore, Theodore R. and Coles, Michael G. and Donchin, Emanuel and et al.}, + title = {On the transmission of partial information: Inferences from movement-related brain potentials}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {18}, + number = {1}, + pages = {217-232}, + year = {1992}, + type = {Journal Article} +} + +@article{RN152, + author = {McNamara, Timothy P.}, + title = {Spatial representation}, + journal = {Geoforum}, + volume = {23}, + number = {2}, + pages = {139-150}, + year = {1992}, + type = {Journal Article} +} + +@article{RN676, + author = {McCann, Robert S. and Johnston, James C.}, + title = {Locus of the single-channel bottleneck in dual-task interference}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {18}, + number = {2}, + pages = {471-484}, + year = {1992}, + type = {Journal Article} +} + +@article{RN758, + author = {Massion, J.}, + title = {Movement, posture and equilibrium: interaction and coordination}, + journal = {Prog Neurobiol}, + volume = {38}, + number = {1}, + pages = {35-56}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1736324}, + year = {1992}, + type = {Journal Article} +} + +@inbook{RN718, + author = {Martin, Olivier and Prablanc, Claude}, + title = {Online control of hand reaching at undetected target displacements}, + booktitle = {Tutorials in motor behavior, 2.}, + editor = {Stelmach, George E. and Requin, Jean and et al.}, + publisher = {North-Holland}, + address = {Amsterdam, Netherlands}, + pages = {343-355}, + year = {1992}, + type = {Book Section} +} + +@article{RN535, + author = {Lum, P.S. and Reinkensmeyer, D. J. and Lehman, S. L. and Li, P.Y. and Stark, L.W.}, + title = {Feedforward stabilization in a bimanual unloading task}, + journal = {Experimental Brain Research}, + volume = {89}, + pages = {172-180}, + year = {1992}, + type = {Journal Article} +} + +@article{RN1517, + author = {Kawato, M. and Gomi, H.}, + title = {The cerebellum and VOR/OKR learning models}, + journal = {Trends Neurosci}, + volume = {15}, + number = {11}, + pages = {445-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1281352}, + year = {1992}, + type = {Journal Article} +} + +@article{RN582, + author = {Jordan, Nigel and Sagar, Harvey J. and Cooper, James A.}, + title = {A component analysis of the generation and release of isometric force in Parkinson's disease}, + journal = {Journal of Neurology, Neurosurgery and Psychiatry}, + volume = {55}, + pages = {572-576}, + year = {1992}, + type = {Journal Article} +} + +@article{RN2224, + author = {Jordan, M. I. and Rumelhart, D. E.}, + title = {Forward models: Supervised learing with a distal teacher}, + journal = {Cognitive Science}, + volume = {16}, + pages = {307-354}, + year = {1992}, + type = {Journal Article} +} + +@article{RN2321, + author = {Grafton, S. T. and Mazziotta, J. C. and Woods, R. P. and Phelps, M. E.}, + title = {Human functional anatomy of visually guided finger movements}, + journal = {Brain}, + volume = {115 ( Pt 2)}, + pages = {565-87}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1606482}, + year = {1992}, + type = {Journal Article} +} + +@article{RN488, + author = {Grafton, Scott T. and Mazziotta, John C. and Presty, Sharon and Friston, Karl J. and et al.}, + title = {Functional anatomy of human procedural learning determined with regional cerebral blood flow and PET}, + journal = {Journal of Neuroscience}, + volume = {12}, + number = {7}, + pages = {2542-2548}, + year = {1992}, + type = {Journal Article} +} + +@article{RN609, + author = {Goodale, Melvyn A. and Milner, A. David}, + title = {Separate visual pathways for perception and action}, + journal = {Trends in Neurosciences}, + volume = {15}, + number = {1}, + pages = {20-25}, + year = {1992}, + type = {Journal Article} +} + +@inbook{RN710, + author = {Gnadt, J. W. and Andersen, R. A.}, + title = {Memory related motor planning activity in posterior parietal cortex of macaque}, + booktitle = {Frontiers in cognitive neuroscience.}, + editor = {Kosslyn, Stephen M. and Andersen, Richard A.}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {468-472}, + year = {1992}, + type = {Book Section} +} + +@article{RN589, + author = {Georgopoulos, A. P. and Ashe, J. and Smyrnis, N. and Taira, M.}, + title = {The motor cortex and the coding of force}, + journal = {Science}, + volume = {256}, + pages = {1692-1695}, + year = {1992}, + type = {Journal Article} +} + +@article{RN946, + author = {Gauthier, J. and Bourbonnais, D. and Filiatrault, J. and Gravel, D. and Arsenault, A. B.}, + title = {Characterization of contralateral torques during static hip efforts in healthy subjects and subjects with hemiparesis}, + journal = {Brain}, + volume = {115}, + number = {Pt 4}, + pages = {1193-207.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1393511}, + year = {1992}, + type = {Journal Article} +} + +@article{RN1000, + author = {Forssberg, H. and Kinoshita, H. and Eliasson, A. C. and Johansson, R. S. and Westling, G. and Gordon, A. M.}, + title = {Development of human precision grip. II. Anticipatory control of isometric forces targeted for object's weight}, + journal = {Exp Brain Res}, + volume = {90}, + number = {2}, + pages = {393-8}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1397153}, + year = {1992}, + type = {Journal Article} +} + +@article{RN159, + author = {Flanders, Martha and Tillery, Stephen I. Helms and Soechting, John F.}, + title = {Early stages in a sensorimotor transformation}, + journal = {Behavioral and Brain Sciences}, + volume = {15}, + pages = {309-362}, + year = {1992}, + type = {Journal Article} +} + +@article{RN522, + author = {Fiez, J. A. and Petersen, S. E. and Cheney, M. K. and Raichle, M. E.}, + title = {Impaired non-motor learning and error detection associated with cerebellar damage. A single case study}, + journal = {Brain}, + volume = {115 Pt 1}, + pages = {155-78}, + year = {1992}, + type = {Journal Article} +} + +@article{RN135, + author = {Fiez, J. A. and Petersen, S. E. and Cheney, M. K. and Raichle, M. E.}, + title = {Impaired non-motor learning and error detection associated with cerebellar damage}, + journal = {Brain}, + volume = {115}, + pages = {155-178}, + year = {1992}, + type = {Journal Article} +} + +@article{RN621, + author = {Fetz, Eberhard E.}, + title = {Are movement parameters recognizably coded in the activity of single neurons?}, + journal = {Behavioral & Brain Sciences}, + volume = {15}, + number = {4}, + pages = {679-690}, + year = {1992}, + type = {Journal Article} +} + +@article{RN910, + author = {Feinberg, T. E. and Schindler, R. J. and Flanagan, N. G. and Haber, L. D.}, + title = {Two alien hand syndromes}, + journal = {Neurology}, + volume = {42}, + number = {1}, + pages = {19-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1734302}, + year = {1992}, + type = {Journal Article} +} + +@article{RN2104, + author = {Dugas, C. and Smith, A. M.}, + title = {Responses of cerebellar Purkinje cells to slip of a hand-held object}, + journal = {J Neurophysiol}, + volume = {67}, + number = {3}, + pages = {483-95}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1578241}, + year = {1992}, + type = {Journal Article} +} + +@article{RN1225, + author = {Damasio, H. and Frank, R.}, + title = {Three-dimensional in vivo mapping of brain lesions in humans}, + journal = {Archives of Neurology}, + volume = {49}, + pages = {137-143}, + year = {1992}, + type = {Journal Article} +} + +@article{RN2153, + author = {Brodal, P. and Bjaalie, J. G.}, + title = {Organization of the pontine nuclei}, + journal = {Neurosci Res}, + volume = {13}, + number = {2}, + pages = {83-118}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1374872}, + year = {1992}, + type = {Journal Article} +} + +@article{RN566, + author = {Berridge, Kent C. and Whishaw, Ian Q.}, + title = {Cortex, striatum and cerebellum: control of serial order in a grooming sequence}, + journal = {Experimental Brain Research}, + pages = {275-290}, + year = {1992}, + type = {Journal Article} +} + +@article{RN143, + author = {Baylis, Gordon C. and Driver, Jon}, + title = {Visual prasing and response competition: the effect of grouping factors.}, + journal = {Perception & Psychophysics}, + volume = {51}, + number = {2}, + pages = {145-162}, + year = {1992}, + type = {Journal Article} +} + +@article{RN781, + author = {Artieda, J. and Pastor, M. A. and Lacruz, F. and Obeso, J. A.}, + title = {Temporal discrimination is abnormal in Parkinson's disease}, + journal = {Brain}, + volume = {115 Pt 1}, + pages = {199-210.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1559154}, + year = {1992}, + type = {Journal Article} +} + +@article{RN1034, + author = {Sears, L. L. and Steinmetz, J. E.}, + title = {Dorsal accessory inferior olive activity diminishes during acquisition of the rabbit classically conditioned eyelid response}, + journal = {Brain Res}, + volume = {545}, + number = {1-2}, + pages = {114-22.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1860037}, + year = {1991}, + type = {Journal Article} +} + +@article{RN3630, + author = {Robinson, G.K. }, + title = {That BLUP is a Good Thing: The Estimation of Random Effects}, + journal = {Statistical Science}, + volume = {6}, + number = {1}, + pages = {15–32}, + DOI = {10.1214/ss/1177011926}, + year = {1991}, + type = {Journal Article} +} + +@article{RN2091, + author = {Paulignan, Y. and Jeannerod, M. and MacKenzie, C. and Marteniuk, R.}, + title = {Selective perturbation of visual input during prehension movements. 2. The effects of changing object size}, + journal = {Exp Brain Res}, + volume = {87}, + number = {2}, + pages = {407-20}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1769391}, + year = {1991}, + type = {Journal Article} +} + +@article{RN3240, + author = {Parlow, S. E. and Dewey, D.}, + title = {The temporal locus of transfer of training between hands: an interference study}, + journal = {Behav Brain Res}, + volume = {46}, + number = {1}, + pages = {1-8}, + ISSN = {0166-4328 (Print) +0166-4328 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/1786110}, + year = {1991}, + type = {Journal Article} +} + +@inbook{RN351, + author = {Paillard, Jacques}, + title = {Motor and representational framing of space}, + booktitle = {Brain and Space}, + editor = {Paillard, Jacques}, + publisher = {Oxford university press}, + address = {Oxford}, + pages = {163 - 182}, + year = {1991}, + type = {Book Section} +} + +@article{RN291, + author = {Owen, Adrian M. and Roberts, Angela C. and Polkey, Charles E. and Sahakian, Barbara, J. and Robbins, T.W.}, + title = {Extra-dimensional versus intra-dimensional set shifting performance following frontal lobe excisions, temporal lobe excisions or amygdalo-hippocampectomy in man.}, + journal = {Neuropsychologia}, + volume = {29}, + number = {10}, + pages = {993-1006}, + year = {1991}, + type = {Journal Article} +} + +@article{RN375, + author = {Mushiake, Hajime and Inase, Masahiko and Tanji, Jun}, + title = {Neuronal activity in the primate premotor, supplementary, and precentral motor cortex during visually guided and internally determined sequential movements}, + journal = {Journal of Neurophysiology}, + volume = {66}, + number = {3}, + pages = {705-718}, + year = {1991}, + type = {Journal Article} +} + +@article{RN574, + author = {Mink, J. W. and Thach, W. T.}, + title = {Basal ganglia motor control: III. Pallidal ablation: Normal reaction time, muscle cocontraction, and slow movement}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {2}, + pages = {330-351}, + year = {1991}, + type = {Journal Article} +} + +@article{RN573, + author = {Mink, J. W. and Thach, W. T.}, + title = {Basal ganglia motor control: II. Late pallidal timing relative to movement onset and inconsistent pallidal coding of movement parameters}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {2}, + pages = {301-329}, + year = {1991}, + type = {Journal Article} +} + +@article{RN572, + author = {Mink, J. W. and Thach, W. T.}, + title = {Basal ganglia motor control: I. Nonexclusive relation of pallidal discharge to five movement modes}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {2}, + pages = {273-300}, + year = {1991}, + type = {Journal Article} +} + +@article{RN156, + author = {Milner, A. D. and Perret, D.I. and Johnston, R.S. and Benson, P.J. and Jordan, T.R. and Heeley, D.W. and Bettucci, D. and Mortara, F. and Mutani, R. and Terrazzi, E. and Davidson, D.L.W.}, + title = {Perception and action in 'visual form agnosia'}, + journal = {Brain}, + volume = {114}, + pages = {405-428}, + year = {1991}, + type = {Journal Article} +} + +@article{RN624, + author = {McGuire, P. K. and Bates, J. F. and Goldman-Rakic, P. S.}, + title = {Interhemispheric integration: II. Symmetry and convergence of the corticostriatal projections of the left and the right principal sulcus (PS) and the left and the right supplementary motor area (SMA) of the rhesus monkey}, + journal = {Cerebral Cortex}, + volume = {1}, + number = {5}, + pages = {408-17}, + year = {1991}, + type = {Journal Article} +} + +@article{RN230, + author = {Mazzoni, P. and Andersen, R. A. and Jordan, M. I.}, + title = {A more biologically plausible learning rule than backpropagation applied to a network model of cortical area 7a}, + journal = {Cereb-Cortex}, + volume = {1}, + number = {4}, + pages = {293-307 issn: 1047-3211}, + year = {1991}, + type = {Journal Article} +} + +@article{RN70, + author = {Maunsell, J. H. R. and Sclar, G. and Nealey, T. A. and Depriest, D. D.}, + title = {Extraretinal representations in area V4 in the macaque monkey}, + journal = {Visual Neuroscience}, + volume = {7}, + number = {6}, + year = {1991}, + type = {Journal Article} +} + +@inbook{RN719, + author = {Martin, Olivier and Prablanc, Claude}, + title = {Two-dimensional control of trajectories towards unconsciously detected double step targets}, + booktitle = {Tutorials in motor neuroscience.}, + editor = {Requin, Jean and Stelmach, George E. and et al.}, + publisher = {Kluwer Academic Publishers}, + address = {Dordrecht, Netherlands}, + pages = {581-598}, + year = {1991}, + type = {Book Section} +} + +@article{RN435, + author = {MacLeod, Colin M.}, + title = {Half a century of research on the Stroop effect: An integrative review}, + journal = {Psychological Bulletin}, + volume = {109}, + number = {2}, + pages = {163-203}, + year = {1991}, + type = {Journal Article} +} + +@article{RN508, + author = {Leiner, Henrietta C. and Leiner, Alan L. and Dow, Robert S.}, + title = {The human cerebro-cerebellar system: Its computing, cognitive, and language skills}, + journal = {Behavioural Brain Research}, + volume = {44}, + number = {2}, + pages = {113-128}, + year = {1991}, + type = {Journal Article} +} + +@article{RN968, + author = {Latash, M. L. and Gottlieb, G. L.}, + title = {Reconstruction of shifting elbow joint compliant characteristics during fast and slow movements}, + journal = {Neuroscience}, + volume = {43}, + number = {2-3}, + pages = {697-712}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1922790}, + year = {1991}, + type = {Journal Article} +} + +@article{RN2667, + author = {Karst, G. M. and Hasan, Z.}, + title = {Timing and magnitude of electromyographic activity for two-joint arm movements in different directions}, + journal = {J Neurophysiol}, + volume = {66}, + number = {5}, + pages = {1594-604}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1765796 }, + year = {1991}, + type = {Journal Article} +} + +@article{RN2417, + author = {Ivry, R.B. and Diener, H. C.}, + title = {Impaired velocity perception in patients with lesions of the cerebellum}, + journal = {Journal of Cognitive Neuroscience}, + volume = {3}, + pages = {335-366}, + year = {1991}, + type = {Journal Article} +} + +@article{RN150, + author = {Huttenlocher, Janellen and Hedges, Larry V. and Duncan, Susan}, + title = {Categories and paticulars: Prototype effects in estimating spatial location}, + journal = {Psychological Review}, + volume = {98}, + number = {3}, + pages = {352-376}, + year = {1991}, + type = {Journal Article} +} + +@article{RN413, + author = {Hore, J. and Wild, B. and Diener, H. C.}, + title = {Cerebellar dysmetria at the elbow, wrist, and fingers}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {3}, + pages = {563-71}, + year = {1991}, + type = {Journal Article} +} + +@article{RN1428, + author = {Hazrati, L.N. and Parent, A.}, + title = {Contralateral pallidothalamic and pallidotegmental projections in primates: an anterograde and retrograde labeling study}, + journal = {Brain Research}, + volume = {567}, + pages = {212-223}, + year = {1991}, + type = {Journal Article} +} + +@article{RN157, + author = {Goodale, M. A. and Milner, A. D. and Jakobson, L. S. and Carey, D. P.}, + title = {A neurological dissociation between percieving objects and grasping them}, + journal = {Nature}, + volume = {349}, + pages = {154-156}, + year = {1991}, + type = {Journal Article} +} + +@article{RN709, + author = {Gnadt, James W. and Bracewell, R. Martyn and Andersen, Richard A.}, + title = {Sensorimotor transformation during eye movements to remembered visual targets}, + journal = {Vision Research}, + volume = {31}, + number = {4}, + pages = {693-715}, + year = {1991}, + type = {Journal Article} +} + +@article{RN180, + author = {Georgopoulos, Apostolos P.}, + title = {Higher order motor control}, + journal = {Annual Review of Neuroscience}, + volume = {14}, + pages = {361-377}, + year = {1991}, + type = {Journal Article} +} + +@article{RN357, + author = {Franz, Elizabeth A. and Zelaznik, Howard N. and McCabe, George}, + title = {Spatial topological constraints in a bimanual task}, + journal = {Acta Psychologica}, + volume = {77}, + number = {2}, + pages = {137-151}, + year = {1991}, + type = {Journal Article} +} + +@article{RN139, + author = {Felleman, Daniel J. and Essen, David C. Van}, + title = {Distributed hierachical processing in the primate cerebral cortex}, + journal = {Cerebral Cortex}, + volume = {1}, + number = {1}, + pages = {1-47}, + year = {1991}, + type = {Journal Article} +} + +@article{RN1024, + author = {Diener, H. C. and Horak, F. and Stelmach, G. and Guschlbauer, B. and Dichgans, J.}, + title = {Direction and amplitude precuing has no effect on automatic posture responses}, + journal = {Exp Brain Res}, + volume = {84}, + number = {1}, + pages = {219-23}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1855560}, + year = {1991}, + type = {Journal Article} +} + +@article{RN2242, + author = {Deiber, M. P. and Passingham, R. E. and Colebatch, J. G. and Friston, K. J. and Nixon, P. D. and Frackowiak, R. S.}, + title = {Cortical areas and the selection of movement: a study with positron emission tomography}, + journal = {Exp Brain Res}, + volume = {84}, + number = {2}, + pages = {393-402}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2065746}, + year = {1991}, + type = {Journal Article} +} + +@article{RN109, + author = {Corbetta, M. and Miezin, F. M. and Dobmeyer, S. and Shulman, G. L. and Petersen, S. E.}, + title = {Selective and divided attention during visual discriminations of shape, color, and speed: Functional anatomy by positron emission tomography}, + journal = {Journal of Neuroscience}, + volume = {11}, + number = {8}, + year = {1991}, + type = {Journal Article} +} + +@article{RN919, + author = {Cohen, L. G. and Meer, J. and Tarkka, I. and Bierner, S. and Leiderman, D. B. and Dubinsky, R. M. and Sanes, J. N. and Jabbari, B. and Branscum, B. and Hallett, M.}, + title = {Congenital mirror movements. Abnormal organization of motor pathways in two patients}, + journal = {Brain}, + volume = {114}, + number = {Pt 1B}, + pages = {381-403.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2004248}, + year = {1991}, + type = {Journal Article} +} + +@article{RN3131, + author = {Bizzi, E. and Mussa-Ivaldi, F. A. and Giszter, S.}, + title = {Computations underlying the execution of movement: a biological perspective}, + journal = {Science}, + volume = {253}, + number = {5017}, + pages = {287-91}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1857964}, + year = {1991}, + type = {Journal Article} +} + +@article{RN960, + author = {Yantis, S. and Jonides, J.}, + title = {Abrupt visual onsets and selective attention: voluntary versus automatic allocation}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {16}, + number = {1}, + pages = {121-34.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2137514}, + year = {1990}, + type = {Journal Article} +} + +@article{RN149, + author = {Wender, Karl F. and Wagner, Monika}, + title = {Zur Verarbeitung raeumlicher Informationen: Modelle und Experimente}, + journal = {Kognitionswissenschaft}, + volume = {1}, + pages = {4-14}, + year = {1990}, + type = {Journal Article} +} + +@article{RN905, + author = {Walter, C. B. and Swinnen, S. P.}, + title = {Asymmetric interlimb interference during the performance of a dynamic bimanual task}, + journal = {Brain Cogn}, + volume = {14}, + number = {2}, + pages = {185-200.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2285512}, + year = {1990}, + type = {Journal Article} +} + +@article{RN654, + author = {Sherwood, David E.}, + title = {Practice and assimilation effects in a multilimb aiming task}, + journal = {Journal of Motor Behavior}, + volume = {22}, + number = {2}, + pages = {267-291}, + year = {1990}, + type = {Journal Article} +} + +@article{RN1001, + author = {Seitz, R. J. and Roland, E. and Bohm, C. and Greitz, T. and Stone-Elander, S.}, + title = {Motor learning in man: a positron emission tomographic study}, + journal = {Neuroreport}, + volume = {1}, + number = {1}, + pages = {57-60.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2129858}, + year = {1990}, + type = {Journal Article} +} + +@article{RN445, + author = {Sasaki, Kazuo and Gemba, Hisae and Tsujimoto, Toru}, + title = {Cortical field potential associated with hand movement on warning-imperative visual stimulus and cerebellum in the monkey}, + journal = {Brain Research}, + volume = {519}, + number = {1-2}, + pages = {343-346}, + year = {1990}, + type = {Journal Article} +} + +@inbook{RN742, + author = {Prinz, W.}, + title = {A common coding approach to perception and action}, + booktitle = {Relationships between perception and action}, + editor = {Neumann, O. and Prinz, W.}, + publisher = {Springer}, + address = {Berlin}, + pages = {167-201}, + year = {1990}, + type = {Book Section} +} + +@inbook{RN607, + author = {Preilowski, Bruno}, + title = {Intermanual transfer, interhemispheric interaction, and handedness in man and monkeys}, + booktitle = {Brain circuits and functions of the mind: Essays in honor of Roger W. Sperry.}, + editor = {Trevarthen, Colwyn B. and et al.}, + publisher = {Cambridge University Press}, + address = {New York, NY, USA}, + pages = {168-180}, + year = {1990}, + type = {Book Section} +} + +@article{RN2421, + author = {Paulignan, Y. and MacKenzie, C. and Marteniuk, R. and Jeannerod, M.}, + title = {The coupling of arm and finger movements during prehension}, + journal = {Exp Brain Res}, + volume = {79}, + number = {2}, + pages = {431-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2323388 }, + year = {1990}, + type = {Journal Article} +} + +@article{RN3432, + author = {Ogawa, S. and Lee, T. M. and Kay, A. R. and Tank, D. W.}, + title = {Brain magnetic resonance imaging with contrast dependent on blood oxygenation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {87}, + number = {24}, + pages = {9868-72}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/2124706}, + year = {1990}, + type = {Journal Article} +} + +@article{RN770, + author = {Lang, W. and Obrig, H. and Lindinger, G. and Cheyne, D. and Deecke, L.}, + title = {Supplementary motor area activation while tapping bimanually different rhythms in musicians}, + journal = {Exp Brain Res}, + volume = {79}, + number = {3}, + pages = {504-14}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2340870}, + year = {1990}, + type = {Journal Article} +} + +@article{RN80, + author = {LaBerge, David and Buchsbaum, Monte S.}, + title = {Positron emission tomographic measurement of pulvinar activity during attention task}, + journal = {The Journal of Neuroscience}, + volume = {10}, + number = {2}, + pages = {613-619}, + year = {1990}, + type = {Journal Article} +} + +@article{RN121, + author = {LaBerge, David}, + title = {Thalamic and cortical mechanisms of attention suggested by recent positron emission tomographic experiments}, + journal = {Journal of Cognitive Neuroscience}, + volume = {2}, + number = {4}, + pages = {358-372}, + year = {1990}, + type = {Journal Article} +} + +@article{RN388, + author = {Kornblum, Sylvan and Hasbroucq, Thierry and Osman, Allen}, + title = {Dimensional overlap: Cognitive basis for stimulusesponse compatibility: A model and taxonomy}, + journal = {Psychological Review}, + volume = {97}, + number = {2}, + pages = {253-270}, + year = {1990}, + type = {Journal Article} +} + +@article{RN3431, + author = {Kirstein, M. and Brett, J. and Radoff, S. and Ogawa, S. and Stern, D. and Vlassara, H.}, + title = {Advanced protein glycosylation induces transendothelial human monocyte chemotaxis and secretion of platelet-derived growth factor: role in vascular disease of diabetes and aging}, + journal = {Proc Natl Acad Sci U S A}, + volume = {87}, + number = {22}, + pages = {9010-4}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/2247477}, + year = {1990}, + type = {Journal Article} +} + +@inbook{RN2419, + author = {Keele, S. W. and Cohen, A. and Ivry, R.}, + title = {Motor programs: Concepts and issues}, + booktitle = {Attention & Performance. Volume XIII }, + editor = {Jeannerod, M.}, + publisher = {Erlbaum}, + address = {Hillsdale, NJ}, + pages = {77-110}, + year = {1990}, + type = {Book Section} +} + +@article{RN869, + author = {Kalaska, J. F. and Cohen, D. A. and Prud'homme, M. and Hyde, M. L.}, + title = {Parietal area 5 neuronal activity encodes movement kinematics, not movement dynamics}, + journal = {Exp Brain Res}, + volume = {80}, + number = {2}, + pages = {351-64}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2113482}, + year = {1990}, + type = {Journal Article} +} + +@inbook{RN690, + author = {Glickstein, M.E.}, + title = {Brain pathways in the visual guidance of movement and the behavioral functions of the cerebellum.}, + booktitle = {Brain circuits and functions of the mind: Essays in honor of Roger W. Sperry}, + editor = {Trevarthen, C.B.}, + publisher = {Cambridge Univ. Press}, + address = {NY}, + pages = {157-167}, + year = {1990}, + type = {Book Section} +} + +@inbook{RN591, + author = {Ghez, Claude and Hening, Wayne and Favilla, Marco}, + title = {Parallel interacting channels in the initiation and specification of motor response features}, + booktitle = {Attention and performance 13: Motor representation and control.}, + editor = {Jeannerod, Marc and et al.}, + publisher = {Lawrence Erlbaum Associates, Inc}, + address = {Hillsdale, NJ, USA}, + pages = {265-293}, + year = {1990}, + type = {Book Section} +} + +@article{RN444, + author = {Gemba, Hisae and Sasaki, Kazuo}, + title = {Potential related to no-go reaction in go/no-go hand movement with discrimination between tone stimuli of different frequencies in the monkey}, + journal = {Brain Research}, + volume = {537}, + number = {1-2}, + pages = {340-344}, + year = {1990}, + type = {Journal Article} +} + +@article{RN55, + author = {Fries, Wolfgang and Swihart, Andrew A.}, + title = {Disturbance of rhythm sense following right hemisphere damage}, + journal = {Neuropsychologia}, + volume = {28}, + number = {12}, + pages = {1317-1323}, + year = {1990}, + type = {Journal Article} +} + +@article{RN251, + author = {Elliott, Digby and Calvert, Randy}, + title = {The influence of uncertainty and premovement visual information on manual aiming}, + journal = {Canadian Journal of Psychology}, + volume = {44}, + number = {4}, + pages = {501-511}, + year = {1990}, + type = {Journal Article} +} + +@article{RN352, + author = {Elliot, Digby}, + title = {Intermittend visual pickup and goal directed movement: A review}, + journal = {Human Movement Science}, + volume = {9}, + pages = {531-548}, + year = {1990}, + type = {Journal Article} +} + +@article{RN3304, + author = {Durbin, R. and Mitchison, G.}, + title = {A dimension reduction framework for understanding cortical maps}, + journal = {Nature}, + volume = {343}, + number = {6259}, + pages = {644-7}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/343644a0}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/2304536}, + year = {1990}, + type = {Journal Article} +} + +@article{RN2032, + author = {Cordo, P. J.}, + title = {Kinesthetic control of a multijoint movement sequence}, + journal = {J Neurophysiol}, + volume = {63}, + number = {1}, + pages = {161-72}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2299380}, + year = {1990}, + type = {Journal Article} +} + +@article{RN2414, + author = {Cohen, A. and Ivry, R. and Keele, S. W.}, + title = {Attentional factors in the learning of movement sequences}, + journal = {Journal of Experimental Psychology: Learning, Memory, & Cognition}, + volume = {16}, + pages = {17-30}, + year = {1990}, + type = {Journal Article} +} + +@article{RN423, + author = {Caminiti, R. and Johnson, P. B. and Urbano, A.}, + title = {Making arm movements within different parts of space: dynamic aspects in the primate motor cortex}, + journal = {Journal of Neuroscience}, + volume = {10}, + number = {7}, + pages = {2039-58}, + year = {1990}, + type = {Journal Article} +} + +@article{RN337, + author = {Abrams, Richard A. and Meyer, David E. and Kornblum, Sylvan}, + title = {Eyeand coordination: Oculomotor control in rapid aimed limb movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {16}, + number = {2}, + pages = {248 - 267}, + year = {1990}, + type = {Journal Article} +} + +@article{RN336, + author = {Abrams, Richard A. and Landgraf, Jonathan Z.}, + title = {Differential use of distance and location information for spatial localization}, + journal = {Perception & Psychophysics}, + volume = {47}, + number = {4}, + pages = {349 - 359}, + year = {1990}, + type = {Journal Article} +} + +@article{RN2675, + author = {Zajac, F. E.}, + title = {Muscle and tendon: properties, models, scaling, and application to biomechanics and motor control}, + journal = {Crit Rev Biomed Eng}, + volume = {17}, + number = {4}, + pages = {359-411}, + ISSN = {0278-940X (Print)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2676342}, + year = {1989}, + type = {Journal Article} +} + +@article{RN54, + author = {Wing, Alan M. and Church, Russell M. and Gentner, Donald R.}, + title = {Variability in the timing of responses during repetitive tapping with alternate hands. Special Issue: Rhythm perception, rhythm production, and timing}, + journal = {Psychological Research}, + volume = {51}, + number = {1}, + pages = {28-37}, + year = {1989}, + type = {Journal Article} +} + +@article{RN2669, + author = {Uno, Y. and Kawato, M. and Suzuki, R.}, + title = {Formation and control of optimal trajectory in human multijoint arm movement. Minimum torque-change model}, + journal = {Biol Cybern}, + volume = {61}, + number = {2}, + pages = {89-101}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2742921 }, + year = {1989}, + type = {Journal Article} +} + +@article{RN529, + author = {Tuller, B. and Kelso, J. A.}, + title = {Environmentally-specified patterns of movement coordination in normal and split-brain subjects}, + journal = {Experimental Brain Research}, + volume = {75}, + number = {2}, + pages = {306-16}, + year = {1989}, + type = {Journal Article} +} + +@article{RN38, + author = {Strong, Gary W. and Whitehead, Bruce A.}, + title = {A solution to the tag-assignment problem for neural networks}, + journal = {Behavioral & Brain Sciences}, + volume = {12}, + number = {3}, + pages = {381-433}, + year = {1989}, + type = {Journal Article} +} + +@article{RN446, + author = {Sasaki, Kazuo and Gemba, Hisae and Tsujimoto, Toru}, + title = {Suppression of visually initiated hand movement by stimulation of the prefrontal cortex in the monkey}, + journal = {Brain Research}, + volume = {495}, + number = {1}, + pages = {100-107}, + year = {1989}, + type = {Journal Article} +} + +@article{RN79, + author = {Prinzmetal, William and Keysar, Boaz}, + title = {Functional theory of illusory conjunctions and neon colors}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {118}, + number = {2}, + pages = {165-190}, + year = {1989}, + type = {Journal Article} +} + +@article{RN523, + author = {Petersen, Steven E. and Fox, Peter T. and Posner, Michael I. and Mintun, Mark and et al.}, + title = {Positron emission tomographic studies of the processing of single words}, + journal = {Journal of Cognitive Neuroscience}, + volume = {1}, + number = {2}, + pages = {153-170}, + year = {1989}, + type = {Journal Article} +} + +@article{RN755, + author = {Paulignan, Y. and Dufosse, M. and Hugon, M. and Massion, J.}, + title = {Acquisition of co-ordination between posture and movement in a bimanual task}, + journal = {Exp Brain Res}, + volume = {77}, + number = {2}, + pages = {337-48}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2792280}, + year = {1989}, + type = {Journal Article} +} + +@article{RN414, + author = {Mai, N. and Diener, H. C. and Dichgans, J.}, + title = {On the role of feedback in maintaining constant grip force in patients with cerebellar disease}, + journal = {Neuroscience Letters}, + volume = {99}, + number = {3}, + pages = {340-4}, + year = {1989}, + type = {Journal Article} +} + +@article{RN747, + author = {Lacquaniti, F. and Maioli, C.}, + title = {Adaptation to suppression of visual information during catching}, + journal = {J Neurosci}, + volume = {9}, + number = {1}, + pages = {149-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2913201}, + year = {1989}, + type = {Journal Article} +} + +@article{RN746, + author = {Lacquaniti, F. and Maioli, C.}, + title = {The role of preparation in tuning anticipatory and reflex responses during catching}, + journal = {J Neurosci}, + volume = {9}, + number = {1}, + pages = {134-48.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2913200}, + year = {1989}, + type = {Journal Article} +} + +@article{RN525, + author = {Ivry, R. B. and Keele, S. W.}, + title = {Timing functions of the cerebellum}, + journal = {Journal of Cognitive Neuroscience}, + volume = {1}, + number = {2}, + pages = {136-152}, + year = {1989}, + type = {Journal Article} +} + +@article{RN1025, + author = {Horak, F. B. and Diener, H. C. and Nashner, L. M.}, + title = {Influence of central set on human postural responses}, + journal = {J Neurophysiol}, + volume = {62}, + number = {4}, + pages = {841-53.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2809706}, + year = {1989}, + type = {Journal Article} +} + +@article{RN944, + author = {Gottlieb, G. L. and Corcos, D. M. and Agarwal, G. C.}, + title = {Organizing principles for single-joint movements. I. A speed- insensitive strategy}, + journal = {J Neurophysiol}, + volume = {62}, + number = {2}, + pages = {342-57.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2769334}, + year = {1989}, + type = {Journal Article} +} + +@article{RN401, + author = {Georgopoulos, Apostolos P. and Lurito, Joseph T. and Petrides, Michael and Schwartz, Andrew B. and Massey, J. T.}, + title = {Mental rotation of the neuronal population vector}, + journal = {Science}, + volume = {243}, + number = {4888}, + pages = {234-236}, + year = {1989}, + type = {Journal Article} +} + +@article{RN196, + author = {Georgopoulos, A. P. and Crutcher, M. D. and Schwartz, A. B.}, + title = {Cognitive spatial-motor processes. 3. Motor cortical prediction of movement direction during an instructed delay period}, + year = {1989}, + type = {Journal Article} +} + +@article{RN404, + author = {Funahashi, Shintaro and Bruce, Charles J. and Goldman-Rakic, Patricia S.}, + title = {Mnemonic coding of visual space in the monkey's dorsolateral prefrontal cortex}, + journal = {Journal of Neurophysiology}, + volume = {61}, + number = {2}, + pages = {331-349}, + year = {1989}, + type = {Journal Article} +} + +@article{RN2042, + author = {Fortier, P. A. and Kalaska, J. F. and Smith, A. M.}, + title = {Cerebellar neuronal activity related to whole-arm reaching movements in the monkey}, + journal = {J Neurophysiol}, + volume = {62}, + number = {1}, + pages = {198-211}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2754472}, + year = {1989}, + type = {Journal Article} +} + +@article{RN985, + author = {Diener, H. C. and Dichgans, J. and Guschlbauer, B. and Bacher, M. and Langenbach, P.}, + title = {Disturbances of motor preparation in basal ganglia and cerebellar disorders}, + journal = {Prog Brain Res}, + volume = {80}, + pages = {481-8}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2634284}, + year = {1989}, + type = {Journal Article} +} + +@article{RN873, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Neuronal activity in primate parietal cortex area 5 varies with intended movement direction during an instructed-delay period}, + journal = {Exp Brain Res}, + volume = {76}, + number = {2}, + pages = {458-62}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2767196}, + year = {1989}, + type = {Journal Article} +} + +@article{RN945, + author = {Corcos, D. M. and Gottlieb, G. L. and Agarwal, G. C.}, + title = {Organizing principles for single-joint movements. II. A speed-sensitive strategy}, + journal = {J Neurophysiol}, + volume = {62}, + number = {2}, + pages = {358-68.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2769335}, + year = {1989}, + type = {Journal Article} +} + +@article{RN124, + author = {Cohen, Asher and Ivry, Richard}, + title = {Illusory conjunctions inside and outside the focus of attention}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {15}, + number = {4}, + pages = {650-663}, + year = {1989}, + type = {Journal Article} +} + +@article{RN2229, + author = {Atkeson, C. G.}, + title = {Learning arm kinematics and dynamics}, + journal = {Annu Rev Neurosci}, + volume = {12}, + pages = {157-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2648948}, + year = {1989}, + type = {Journal Article} +} + +@article{RN2796, + author = {Aoki, S. and Okada, Y. and Nishimura, K. and Barkovich, A. J. and Kjos, B. O. and Brasch, R. C. and Norman, D.}, + title = {Normal deposition of brain iron in childhood and adolescence: MR imaging at 1.5 T}, + journal = {Radiology}, + volume = {172}, + number = {2}, + pages = {381-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2748819 }, + year = {1989}, + type = {Journal Article} +} + +@article{RN338, + author = {Abrams, Richard A. and Meyer, David E. and Kornblum, Sylvan}, + title = {Speed and accuracy of saccadic eye movements: Characteristics of impulse variability in the oculomotor system}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {15}, + number = {3}, + pages = {529 - 543}, + year = {1989}, + type = {Journal Article} +} + +@article{RN2961, + author = {Zipser, D. and Andersen, R. A.}, + title = {A back-propagation programmed network that simulates response properties of a subset of posterior parietal neurons}, + journal = {Nature}, + volume = {331}, + number = {6158}, + pages = {679-84}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/331679a0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3344044}, + year = {1988}, + type = {Journal Article} +} + +@article{RN118, + author = {Voorhees, H. and Poggio, T.}, + title = {Computing Texture Boundaries from Images}, + journal = {Nature (London)}, + volume = {333}, + number = {6171}, + year = {1988}, + type = {Journal Article} +} + +@article{RN142, + author = {Treisman, Anne and Gormican, Stephen}, + title = {Feature analysis in early vision: Evidence from search asymmetries}, + journal = {Psychological Review}, + volume = {95}, + number = {1}, + pages = {15-48}, + year = {1988}, + type = {Journal Article} +} + +@article{RN2915, + author = {Tanji, J. and Okano, K. and Sato, K. C.}, + title = {Neuronal activity in cortical motor areas related to ipsilateral, contralateral, and bilateral digit movements of the monkey}, + journal = {J Neurophysiol}, + volume = {60}, + number = {1}, + pages = {325-43}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3404223}, + year = {1988}, + type = {Journal Article} +} + +@book{RN325, + author = {Talairach, J. and Tournoux, P.}, + title = {Co-planar stereotaxic atlas of the human brain: 3-dimensional proportional system: an approach to cerebral imaging.}, + publisher = {Thieme}, + address = {New York}, + year = {1988}, + type = {Book} +} + +@article{RN2424, + author = {Suzuki, D. A. and Keller, E. L.}, + title = {The role of the posterior vermis of monkey cerebellum in smooth-pursuit eye movement control. II. Target velocity-related Purkinje cell activity}, + journal = {J Neurophysiol}, + volume = {59}, + number = {1}, + pages = {19-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3343601 }, + year = {1988}, + type = {Journal Article} +} + +@article{RN584, + author = {Stelmach, George E. and Worringham, Charles J.}, + title = {The preparation and production of isometric force in Parkinson's disease}, + journal = {Neuropsychologia}, + volume = {26}, + number = {1}, + pages = {93-103}, + year = {1988}, + type = {Journal Article} +} + +@article{RN73, + author = {Spitzer, H. and Desimone, R. and Moran, J.}, + title = {Increased attention enhances both behavioral and neuronal performance}, + journal = {Science (Washington D C)}, + volume = {240}, + number = {4850}, + year = {1988}, + type = {Journal Article} +} + +@article{RN655, + author = {Sherwood, David E. and Schmidt, Richard A. and Walter, Charles B.}, + title = {The force/force-variability relationship under controlled temporal conditions}, + journal = {Journal of Motor Behavior}, + volume = {20}, + number = {2}, + pages = {106-116}, + year = {1988}, + type = {Journal Article} +} + +@article{RN3111, + author = {Schwartz, A. B. and Kettner, R. E. and Georgopoulos, A. P.}, + title = {Primate motor cortex and free arm movements to visual targets in three-dimensional space. I. Relations between single cell discharge and direction of movement}, + journal = {J Neurosci}, + volume = {8}, + number = {8}, + pages = {2913-27}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3411361}, + year = {1988}, + type = {Journal Article} +} + +@article{RN553, + author = {Schoener, G. and Kelso, J. A. S.}, + title = {A synergetic theory of environmentally-specified and learned patterns of movement coordination. II. Component oscillator dynamics}, + journal = {Biological Cybernetics}, + volume = {58}, + pages = {81-89}, + year = {1988}, + type = {Journal Article} +} + +@article{RN549, + author = {Schoener, G. and Kelso, J. A. S.}, + title = {A synergetic theory of environmentally-specified and learned patterns of movement coordination. I. Relative phase dynamics}, + journal = {Biological Cybernetics}, + volume = {58}, + pages = {71-80}, + year = {1988}, + type = {Journal Article} +} + +@article{RN364, + author = {Rosenbaum, David A. and Barnes, Heather J. and Slotta, James D.}, + title = {In defense of the advance specification hypothesis for motor control}, + journal = {Psychological Research}, + volume = {50}, + number = {1}, + year = {1988}, + type = {Journal Article} +} + +@article{RN524, + author = {Petersen, Steven E. and Fox, P. T. and Posner, Michael I. and Mintun, M. and et al.}, + title = {Positron emission tomographic studies of the cortical anatomy of single-word processing}, + journal = {Nature}, + volume = {331}, + number = {6157}, + pages = {585-589}, + year = {1988}, + type = {Journal Article} +} + +@article{RN232, + author = {Perenin, M. T. and Vighetto, A.}, + title = {Optic ataxia: a specific disruption in visuomotor mechanisms. I. Different aspects of the deficit in reaching for objects}, + journal = {Brain}, + volume = {111}, + number = {Pt 3}, + pages = {643-74}, + year = {1988}, + type = {Journal Article} +} + +@article{RN567, + author = {Newell, K. M. and Carlton, Les G.}, + title = {Force variability in isometric responses}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {14}, + number = {1}, + pages = {37-44}, + year = {1988}, + type = {Journal Article} +} + +@article{RN2664, + author = {Mussa Ivaldi, F. A. and Morasso, P. and Zaccaria, R.}, + title = {Kinematic networks. A distributed model for representing and regularizing motor redundancy}, + journal = {Biol Cybern}, + volume = {60}, + number = {1}, + pages = {1-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3214648 }, + year = {1988}, + type = {Journal Article} +} + +@article{RN370, + author = {Michaels, Claire F.}, + title = {S compatibility between response position and destination of apparent motion: Evidence of the detection of affordances}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {14}, + number = {2}, + pages = {231-240}, + year = {1988}, + type = {Journal Article} +} + +@article{RN415, + author = {Mai, N. and Bolsinger, P. and Avarello, M. and Diener, H. C. and Dichgans, J.}, + title = {Control of isometric finger force in patients with cerebellar disease}, + journal = {Brain}, + volume = {111}, + number = {Pt 5)}, + pages = {973-98}, + year = {1988}, + type = {Journal Article} +} + +@article{RN252, + author = {MacKenzie, Christine L. and Sivak, Barbara and Elliott, Digby}, + title = {Manual localization of lateralized visual targets}, + journal = {Journal of Motor Behavior}, + volume = {20}, + number = {4}, + pages = {443-457}, + year = {1988}, + type = {Journal Article} +} + +@article{RN3183, + author = {Lisberger, S. G.}, + title = {The neural basis for learning of simple motor skills}, + journal = {Science}, + volume = {242}, + number = {4879}, + pages = {728-35}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3055293}, + year = {1988}, + type = {Journal Article} +} + +@article{RN2851, + author = {Lindstrom, M. J. and Bates, M. B.}, + title = {Newton-Raphson and EM Algorithms for linear mixed-effects models for repeated-measures data}, + journal = {Journal of the American Statistical Association}, + volume = {83}, + number = {404}, + pages = {1014-1022}, + year = {1988}, + type = {Journal Article} +} + +@article{RN400, + author = {Kurata, K. and Wise, S.P.}, + title = {Premotor and supplementary motor cortex in rhesus monkeys: neuronal activity during externally- and internally-instructed motor tasks}, + journal = {Experimental Brain Research}, + volume = {72}, + pages = {237-248}, + year = {1988}, + type = {Journal Article} +} + +@article{RN3110, + author = {Kettner, R. E. and Schwartz, A. B. and Georgopoulos, A. P.}, + title = {Primate motor cortex and free arm movements to visual targets in three-dimensional space. III. Positional gradients and population coding of movement direction from various movement origins}, + journal = {J Neurosci}, + volume = {8}, + number = {8}, + pages = {2938-47}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3411363}, + year = {1988}, + type = {Journal Article} +} + +@article{RN669, + author = {Johansson, R. S. and Westling, G.}, + title = {Coordinated isometric muscle commands adequately and erroneously programmed for the weight during lifting task with precision grip}, + journal = {Experimental Brain Research}, + volume = {71}, + number = {1}, + pages = {59-71}, + year = {1988}, + type = {Journal Article} +} + +@article{RN668, + author = {Johansson, R. S. and Westling, G.}, + title = {Programmed and triggered actions to rapid load changes during precision grip}, + journal = {Experimental Brain Research}, + volume = {71}, + number = {1}, + pages = {72-86}, + year = {1988}, + type = {Journal Article} +} + +@article{RN526, + author = {Ivry, R. B. and Keele, S. W. and Diener, H. C.}, + title = {Dissociation of the lateral and medial cerebellum in movement timing and movement execution}, + journal = {Experimental Brain Research}, + volume = {73}, + pages = {167-180}, + year = {1988}, + type = {Journal Article} +} + +@article{RN419, + author = {Hore, J. and Flament, D.}, + title = {Changes in motor cortex neural discharge associated with the development of cerebellar limb ataxia}, + journal = {Journal of Neurophysiology}, + volume = {60}, + number = {4}, + pages = {1285-302}, + year = {1988}, + type = {Journal Article} +} + +@article{RN897, + author = {Georgopoulos, A. P. and Kettner, R. E. and Schwartz, A. B.}, + title = {Primate motor cortex and free arm movements to visual targets in three- dimensional space. II. Coding of the direction of movement by a neuronal population}, + journal = {J Neurosci}, + volume = {8}, + number = {8}, + pages = {2928-37.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3411362}, + year = {1988}, + type = {Journal Article} +} + +@article{RN418, + author = {Flament, D. and Hore, J.}, + title = {Relations of motor cortex neural discharge to kinematics of passive and active elbow movements in the monkey}, + journal = {Journal of Neurophysiology}, + volume = {60}, + number = {4}, + pages = {1268-84}, + year = {1988}, + type = {Journal Article} +} + +@article{RN253, + author = {Elliott, Digby}, + title = {The influence of visual target and limb information on manual aiming}, + journal = {Canadian Journal of Psychology}, + volume = {42}, + number = {1}, + pages = {57-68}, + year = {1988}, + type = {Journal Article} +} + +@article{RN2180, + author = {Diener, H. C. and Horak, F. B. and Nashner, L. M.}, + title = {Influence of stimulus parameters on human postural responses}, + journal = {J Neurophysiol}, + volume = {59}, + number = {6}, + pages = {1888-905}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3404210}, + year = {1988}, + type = {Journal Article} +} + +@article{RN745, + author = {Cole, K. J. and Abbs, J. H.}, + title = {Grip force adjustments evoked by load force perturbations of a grasped object}, + journal = {J Neurophysiol}, + volume = {60}, + number = {4}, + pages = {1513-22.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3193168}, + year = {1988}, + type = {Journal Article} +} + +@article{RN43, + author = {Cheng, K.}, + title = {Some psychophysics of the pigeon's use of landmarks}, + journal = {Journal of Comparative Physiology A Sensory Neural and Behavioral Physiology}, + volume = {162}, + number = {6}, + year = {1988}, + type = {Journal Article} +} + +@article{RN528, + author = {Chan, J. L. and Ross, E. D.}, + title = {Left-handed mirror writing following right anterior cerebral artery infarction: evidence for nonmirror transformation of motor programs by right supplementary motor area}, + journal = {Neurology}, + volume = {38}, + number = {1}, + pages = {59-63}, + year = {1988}, + type = {Journal Article} +} + +@article{RN895, + author = {Caminiti, R. and Johnson, P. B. and Urbano, A. and Georgopoulos, A. P. and Zeger, S.}, + title = {Callosal and association neurons in the cortical space: a spectral analysis approach}, + journal = {Behav Brain Res}, + volume = {30}, + number = {2}, + pages = {193-201.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3166717}, + year = {1988}, + type = {Journal Article} +} + +@article{RN586, + author = {Bullock, Daniel and Grossberg, Stephen}, + title = {Neural dynamics of planned arm movements: emergent invariants and speed-accuracy properties during trajectory formation}, + journal = {Psychological Review}, + volume = {95}, + number = {1}, + pages = {49-90}, + year = {1988}, + type = {Journal Article} +} + +@article{RN117, + author = {Bergen, J. R. and Adelson, E. H.}, + title = {Early Vision and Texture Perception}, + journal = {Nature (London)}, + volume = {333}, + number = {6171}, + year = {1988}, + type = {Journal Article} +} + +@article{RN976, + author = {Viallet, F. and Massion, J. and Massarino, R. and Khalil, R.}, + title = {Performance of a bimanual load-lifting task by parkinsonian patients}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {50}, + number = {10}, + pages = {1274-83}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3681306}, + year = {1987}, + type = {Journal Article} +} + +@article{RN440, + author = {Tanji, J. and Okano, K. and Sato, K. C.}, + title = {Relation of neurons in the nonprimary motor cortex to bilateral hand movement}, + journal = {Nature}, + volume = {327}, + number = {6123}, + pages = {618-20}, + year = {1987}, + type = {Journal Article} +} + +@article{RN920, + author = {Peters, Michael}, + title = {A nontrivial motor performance difference between right-handers and left-handers: Attention as intervening variable in the expression of handedness}, + journal = {Canadian Journal of Psychology}, + volume = {41}, + number = {1}, + pages = {91-99}, + year = {1987}, + type = {Journal Article} +} + +@article{RN263, + author = {Morris, Neil}, + title = {Exploring the visuo-spatial scratch pad}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {39}, + number = {3, Sect A}, + pages = {409-430}, + year = {1987}, + type = {Journal Article} +} + +@book{RN1059, + author = {MacKay, D. G.}, + title = {The Organization or Perception and Action}, + publisher = {Springer-Verlag}, + address = {New York}, + year = {1987}, + type = {Book} +} + +@article{RN245, + author = {Lindberg, Erik and Garling, Tommy}, + title = {Memory for spatial location in two-dimensional arrays}, + journal = {Acta Psychologica}, + volume = {64}, + number = {2}, + pages = {151-166}, + year = {1987}, + type = {Journal Article} +} + +@article{RN2060, + author = {Laird, Nan and Lange, Nicolas and Stram, Daniel}, + title = {Maximum liklihood computations with repeated measures: application of the EM algorithm}, + journal = {Journal of the American Statistical Association}, + volume = {82}, + number = {397}, + pages = {97-105}, + year = {1987}, + type = {Journal Article} +} + +@article{RN779, + author = {Keele, Steven W. and Ivry, Richard I. and Pokorny, Robert A.}, + title = {Force control and its relation to timing}, + journal = {Journal of Motor Behavior}, + volume = {19}, + number = {1}, + pages = {96-114}, + year = {1987}, + type = {Journal Article} +} + +@inbook{RN780, + author = {Keele, Steven W. and Ivry, Richard I.}, + title = {Modular analysis of timing in motor skill}, + booktitle = {The psychology of learning and motivation: Advances in research and theory, Vol. 21.}, + editor = {Bower, Gordon H. and et al.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA, USA}, + pages = {183-228}, + year = {1987}, + type = {Book Section} +} + +@article{RN837, + author = {Kawato, M. and Furukawa, K. and Suzuki, R.}, + title = {A hierarchical neural-network model for control and learning of voluntary movement}, + journal = {Biol Cybern}, + volume = {57}, + number = {3}, + pages = {169-85}, + url = {Nichttp://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3676355}, + year = {1987}, + type = {Journal Article} +} + +@article{RN670, + author = {Johansson, R. S. and Westling, G.}, + title = {Significance of cutaneous input for precise hand movements}, + journal = {Electroencephalography and Clinical Neurophysiology. Supplement}, + volume = {39}, + number = {1}, + pages = {53-7}, + year = {1987}, + type = {Journal Article} +} + +@article{RN794, + author = {Hary, D. and Moore, G. P.}, + title = {Synchronizing human movement with an external clock source}, + journal = {Biol Cybern}, + volume = {56}, + number = {5-6}, + pages = {305-11}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3620530}, + year = {1987}, + type = {Journal Article} +} + +@article{RN2045, + author = {Guiard, Yves}, + title = {Asymmetric division of labor in human skilled bimanual action: The kinematic chain as a model.}, + journal = {Journal of Motor Behavior}, + volume = {19}, + number = {4}, + pages = {486-517}, + year = {1987}, + type = {Journal Article} +} + +@article{RN593, + author = {Gordon, J. and Ghez, C.}, + title = {Trajectory control in targeted force impulses. III. Compensatory adjustments for initial errors}, + journal = {Experimental Brain Research}, + volume = {67}, + number = {2}, + pages = {253-69}, + year = {1987}, + type = {Journal Article} +} + +@article{RN592, + author = {Gordon, J. and Ghez, C.}, + title = {Trajectory control in targeted force impulses. II. Pulse height control}, + journal = {Experimental Brain Research}, + volume = {67}, + number = {2}, + pages = {241-52}, + year = {1987}, + type = {Journal Article} +} + +@article{RN590, + author = {Ghez, C. and Gordon, J.}, + title = {Trajectory control in targeted force impulses. I. Role of opposing muscles}, + journal = {Experimental Brain Research}, + volume = {67}, + number = {2}, + pages = {225-40}, + year = {1987}, + type = {Journal Article} +} + +@article{RN2070, + author = {Gentner, D. R.}, + title = {Timing of Skilled Motor-Performance - Tests of the Proportional Duration Model}, + journal = {Psychological Review}, + volume = {94}, + number = {2}, + pages = {255-276}, + url = {://A1987G747800008}, + year = {1987}, + type = {Journal Article} +} + +@article{RN278, + author = {Freyd, Jennifer J. and Johnson, J. Q.}, + title = {Probing the time course of representational momentum}, + journal = {Journal of Experimental Psychology: Learning, Memory, and Cognition}, + volume = {13}, + number = {2}, + pages = {259-268}, + year = {1987}, + type = {Journal Article} +} + +@article{RN155, + author = {Elliot, Digby and Madalena, John}, + title = {The influence of premovement visual information on manual aiming}, + journal = {Quarterly Journal of Experimental Psychology}, + volume = {39 A}, + pages = {541-559}, + year = {1987}, + type = {Journal Article} +} + +@article{RN2578, + author = {Edgley, S. A. and Lidierth, M.}, + title = {The discharges of cerebellar Golgi cells during locomotion in the cat}, + journal = {J Physiol}, + volume = {392}, + pages = {315-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3446782 }, + year = {1987}, + type = {Journal Article} +} + +@article{RN995, + author = {Bouisset, S. and Zattara, M.}, + title = {Biomechanical study of the programming of anticipatory postural adjustments associated with voluntary movement}, + journal = {J Biomech}, + volume = {20}, + number = {8}, + pages = {735-42}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3654672}, + year = {1987}, + type = {Journal Article} +} + +@article{RN994, + author = {Bazalgette, D. and Zattara, M. and Bathien, N. and Bouisset, S. and Rondot, P.}, + title = {Postural adjustments associated with rapid voluntary arm movements in patients with Parkinson's disease}, + journal = {Adv Neurol}, + volume = {45}, + pages = {371-4}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3825713}, + year = {1987}, + type = {Journal Article} +} + +@article{RN571, + author = {Turvey, M. T. and Rosenblum, Lawrence D. and Schmidt, R. C. and Kugler, Peter N.}, + title = {Fluctuations and phase symmetry in coordinated rhythmic movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {12}, + number = {4}, + pages = {564-583}, + year = {1986}, + type = {Journal Article} +} + +@article{RN262, + author = {Thomson, James A.}, + title = {Intermittent versus continuous visual control: A reply to Elliott}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {12}, + number = {3}, + pages = {392-393}, + year = {1986}, + type = {Journal Article} +} + +@article{RN552, + author = {Schoener, G. and Haken, H. and Kelso, J. A. S.}, + title = {A Stochastic theory of phase transitions in human hand movement}, + journal = {Biological Cybernetics}, + volume = {53}, + pages = {247-257}, + year = {1986}, + type = {Journal Article} +} + +@article{RN2693, + author = {Roy, E. A. and Elliott, D.}, + title = {Manual asymmetries in visually directed aiming}, + journal = {Can J Psychol}, + volume = {40}, + number = {2}, + pages = {109-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3730950 }, + year = {1986}, + type = {Journal Article} +} + +@article{RN147, + author = {Prinzmetal, William and Presti, David E. and Posner, Michael I.}, + title = {Does attention affect visual feature integration?}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {12}, + number = {3}, + pages = {361-369}, + year = {1986}, + type = {Journal Article} +} + +@article{RN739, + author = {Pelisson, D. and Prablanc, C. and Goodale, M. A. and Jeannerod, M.}, + title = {Visual control of reaching movements without vision of the limb. II. Evidence of fast unconscious processes correcting the trajectory of the hand to the final position of a double-step stimulus}, + journal = {Exp Brain Res}, + volume = {62}, + number = {2}, + pages = {303-11}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3709715}, + year = {1986}, + type = {Journal Article} +} + +@inbook{RN300, + author = {Norman, D. A. and Shallice, T.}, + title = {Attention to action: Willed and automatic control of behavior}, + booktitle = {Consciousness and selfregulation}, + editor = {Davidson, R.J. and Schwartz, G.E. and Shapiro, D.}, + publisher = {Plenum}, + address = {New York}, + volume = {4}, + year = {1986}, + type = {Book Section} +} + +@article{RN47, + author = {McQuade, denise b. and Williams, Ernest H. and Eichenbaum, Howard B.}, + title = {Cues used for localizing food by gray squirrels (sciurus carolinensis)}, + journal = {Ethology}, + volume = {72}, + pages = {22-30}, + year = {1986}, + type = {Journal Article} +} + +@article{RN517, + author = {Larish, Douglas D.}, + title = {Influence of stimulusesponse translations on response programming: Examining the relationship of arm, direction, and extent of movement}, + journal = {Acta Psychologica}, + volume = {61}, + number = {1}, + year = {1986}, + type = {Journal Article} +} + +@inbook{RN893, + author = {Keele, S. W.}, + title = {Motor Control}, + booktitle = {Handbook of Human Perception and Performance}, + editor = {Boff, J.K. and Kaufman, L. and Thomas, J.P.}, + publisher = {Wiley & Sons}, + address = {New York}, + volume = {2, 30}, + pages = {1-60}, + year = {1986}, + type = {Book Section} +} + +@article{RN201, + author = {Goodale, M. A. and Pelisson, D. and Prablanc, C.}, + title = {Large adjustments in visually guided reaching do not depend on vision of the hand or perception of target displacement}, + journal = {Nature}, + volume = {320}, + number = {6064}, + pages = {748-750}, + year = {1986}, + type = {Journal Article} +} + +@article{RN172, + author = {Georgopoulos, Apostolos P. and Schwartz, Andrew B. and Kettner, Ronald E.}, + title = {Neuronal population coding of movement direction}, + journal = {Science}, + volume = {233}, + number = {4771}, + pages = {1416-1419}, + year = {1986}, + type = {Journal Article} +} + +@article{RN173, + author = {Georgopoulos, Apostolos P.}, + title = {On reaching}, + journal = {Annual Review of Neuroscience}, + volume = {9}, + pages = {147-170}, + year = {1986}, + type = {Journal Article} +} + +@article{RN420, + author = {Flament, D. and Hore, J.}, + title = {Movement and electromyographic disorders associated with cerebellar dysmetria}, + journal = {Journal of Neurophysiology}, + volume = {55}, + number = {6}, + pages = {1221-33}, + year = {1986}, + type = {Journal Article} +} + +@article{RN256, + author = {Elliott, Digby}, + title = {Continuous visual information may be important after all: A failure to replicate Thomson (1983)}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {12}, + number = {3}, + pages = {388-391}, + year = {1986}, + type = {Journal Article} +} + +@article{RN416, + author = {Diener, H. C. and Meuller, A. and Thron, A. and Poremba, M. and Dichgans, J. and Rapp, H.}, + title = {Correlation of clinical signs with CT findings in patients with cerebellar disease}, + journal = {Journal of Neurology}, + volume = {233}, + number = {1}, + pages = {5-12}, + year = {1986}, + type = {Journal Article} +} + +@article{RN1027, + author = {Dick, J. P. and Rothwell, J. C. and Berardelli, A. and Thompson, P. D. and Gioux, M. and Benecke, R. and Day, B. L. and Marsden, C. D.}, + title = {Associated postural adjustments in Parkinson's disease}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {49}, + number = {12}, + pages = {1378-85.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3806114}, + year = {1986}, + type = {Journal Article} +} + +@article{RN3153, + author = {Deubel, H. and Wolf, W. and Hauske, G.}, + title = {Adaptive gain control of saccadic eye movements}, + journal = {Hum Neurobiol}, + volume = {5}, + number = {4}, + pages = {245-53}, + ISSN = {0721-9075 (Print) +0721-9075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3818374}, + year = {1986}, + type = {Journal Article} +} + +@article{RN339, + author = {Coren, Stanley}, + title = {An efferent component in the visual perception of direction and extent}, + journal = {Psychological Review}, + volume = {93}, + number = {4}, + pages = {391 - 410}, + year = {1986}, + type = {Journal Article} +} + +@article{RN48, + author = {Collett, t.s. and Cartwright, B.A. and Smith, B.A}, + title = {Landmark learning and visuo-spatial memories in gerbils}, + journal = {Journal of comparative physiology}, + volume = {158}, + pages = {835-851}, + year = {1986}, + type = {Journal Article} +} + +@article{RN598, + author = {Alexander, Garrett E. and DeLong, Majlon R. and Strick, Peter L.}, + title = {Parallel Organization of functionally segregated circuits linking basal ganglia and cortex}, + journal = {Annual Review of Neuroscience}, + volume = {9}, + pages = {357-381}, + year = {1986}, + type = {Journal Article} +} + +@article{RN991, + author = {Woodruff-Pak, D. S. and Lavond, D. G. and Thompson, R. F.}, + title = {Trace conditioning: abolished by cerebellar nuclear lesions but not lateral cerebellar cortex aspirations}, + journal = {Brain Res}, + volume = {348}, + number = {2}, + pages = {249-60}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4075084}, + year = {1985}, + type = {Journal Article} +} + +@article{RN2690, + author = {Todor, J. I. and Cisneros, J.}, + title = {Accommodation to increased accuracy demands by the right and left hands}, + journal = {J Mot Behav}, + volume = {17}, + number = {3}, + pages = {355-72}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15140687 }, + year = {1985}, + type = {Journal Article} +} + +@article{RN924, + author = {Reeve, T. Gilmour and Proctor, Robert W.}, + title = {Nonmotoric translation processes in the preparation of discrete finger responses: A rebuttal of Miller's (1985) analysis}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {11}, + number = {2}, + pages = {234-241}, + year = {1985}, + type = {Journal Article} +} + +@article{RN81, + author = {Petersen, Steven E. and Robinson, David Lee and Keys, William}, + title = {Pulvinar Nuclei of the behaving rhesus monkey: visual responses and their modulation}, + journal = {Journal of Neurophysiology}, + volume = {54}, + number = {4}, + pages = {867-886}, + year = {1985}, + type = {Journal Article} +} + +@article{RN75, + author = {Moran, Jeffrey and Desiomone, Robert}, + title = {Selective attention gates visual processing in the extrastriate cortex}, + journal = {Science}, + volume = {229}, + pages = {782-784}, + year = {1985}, + type = {Journal Article} +} + +@article{RN684, + author = {Matsuoka, K.}, + title = {Sustained oscillations generated by mutually inhibiting neurons with adaptation}, + journal = {Biological Cybernetics}, + volume = {52}, + number = {6}, + pages = {367-76}, + year = {1985}, + type = {Journal Article} +} + +@article{RN518, + author = {Larish, Douglas D. and Frekany, George A.}, + title = {Planning and preparing expected and unexpected movements: Reexamining the relationships of arm, direction, and extent of movement}, + journal = {Journal of Motor Behavior}, + volume = {17}, + number = {2}, + year = {1985}, + type = {Journal Article} +} + +@article{RN778, + author = {Keele, S. W. and Pokorny, R. A. and Corcos, D. M. and Ivry, R.}, + title = {Do perception and motor production share common timing mechanisms: a correctional analysis}, + journal = {Acta Psychol (Amst)}, + volume = {60}, + number = {2-3}, + pages = {173-91.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4091033}, + year = {1985}, + type = {Journal Article} +} + +@article{RN218, + author = {Hirtle, Stephen C. and Jonides, John}, + title = {Evidence of hierarchies in cognitive maps}, + journal = {Memory and Cognition}, + volume = {13}, + number = {3}, + pages = {208-217}, + year = {1985}, + type = {Journal Article} +} + +@article{RN795, + author = {Hary, D. and Moore, G. P.}, + title = {Temporal tracking and synchronization strategies}, + journal = {Hum Neurobiol}, + volume = {4}, + number = {2}, + pages = {73-9}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4030426}, + year = {1985}, + type = {Journal Article} +} + +@article{RN358, + author = {Haken, H. and Kelso, J. A. S. and Bunz, H.}, + title = {A theoretical model of phase transitions in human hand movements}, + journal = {Biological Cybernetics}, + volume = {51}, + pages = {347-356}, + year = {1985}, + type = {Journal Article} +} + +@article{RN374, + author = {Goldberg, Gary}, + title = {Supplementary motor area structure and function: Review and hypotheses}, + journal = {Behavioral & Brain Sciences}, + volume = {8}, + number = {4}, + pages = {567-616}, + year = {1985}, + type = {Journal Article} +} + +@article{RN707, + author = {Gazzaniga, M. S. and Holtzman, J. D. and Deck, M. D. and Lee, B. C.}, + title = {MRI assessment of human callosal surgery with neuropsychological correlates}, + journal = {Neurology}, + volume = {35}, + number = {12}, + pages = {1763-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4069368}, + year = {1985}, + type = {Journal Article} +} + +@article{RN1330, + author = {Freund, H. J. and Hummelsheim, H.}, + title = {Lesions of premotor cortex in man}, + journal = {Brain}, + volume = {108 ( Pt 3)}, + pages = {697-733}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3929994}, + year = {1985}, + type = {Journal Article} +} + +@article{RN2710, + author = {Fox, P. T. and Raichle, M. E. and Thach, W. T.}, + title = {Functional mapping of the human cerebellum with positron emission tomography}, + journal = {Proc Natl Acad Sci U S A}, + volume = {82}, + number = {21}, + pages = {7462-6}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3877309}, + year = {1985}, + type = {Journal Article} +} + +@article{RN2568, + author = {Flash, T. and Hogan, N.}, + title = {The coordination of arm movements: an experimentally confirmed mathematical model}, + journal = {J Neurosci}, + volume = {5}, + number = {7}, + pages = {1688-703}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4020415 }, + year = {1985}, + type = {Journal Article} +} + +@article{RN254, + author = {Elliott, Digby and Allard, Fran}, + title = {The utilization of visual feedback information during rapid pointing movements}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {37a}, + number = {3}, + pages = {407-425}, + year = {1985}, + type = {Journal Article} +} + +@article{RN379, + author = {Dufosse, M. and Hugon, M. and Massion, J.}, + title = {Postural forearm changes induced by predictable in time or voluntary triggered unloading in man}, + journal = {Experimental Brain Research}, + volume = {60}, + number = {2}, + pages = {330-4}, + year = {1985}, + type = {Journal Article} +} + +@article{RN229, + author = {Andersen, R. A. and Essick, G. K. and Siegel, R. M.}, + title = {Encoding of spatial location by posterior parietal neurons}, + journal = {Science}, + volume = {230}, + number = {4724}, + pages = {456-8 issn: 0036-8075}, + year = {1985}, + type = {Journal Article} +} + +@article{RN651, + author = {Yantis, Steven and Jonides, John}, + title = {Abrupt visual onsets and selective attention: Evidence from visual search}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {10}, + number = {5}, + pages = {601-621}, + year = {1984}, + type = {Journal Article} +} + +@article{RN786, + author = {Wing, Alan M. and Keele, Steven and Margolin, David I.}, + title = {Motor disorder and the timing of repetitive movements}, + journal = {Annals of the New York Academy of Sciences}, + volume = {423}, + pages = {183-192}, + year = {1984}, + type = {Journal Article} +} + +@article{RN68, + author = {Vrizi, Richard A. and Egeth, Howard E.}, + title = {Is meaning implicated in illusory conjunctions?}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {10}, + number = {4}, + pages = {573-580}, + year = {1984}, + type = {Journal Article} +} + +@article{RN2151, + author = {Rosina, A. and Provini, L.}, + title = {Pontocerebellar system linking the two hemispheres by intracerebellar branching}, + journal = {Brain Res}, + volume = {296}, + number = {2}, + pages = {365-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6704743}, + year = {1984}, + type = {Journal Article} +} + +@article{RN923, + author = {Reeve, T. Gilmour and Proctor, Robert W.}, + title = {On the advance preparation of discrete finger responses}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {10}, + number = {4}, + pages = {541-553}, + year = {1984}, + type = {Journal Article} +} + +@article{RN680, + author = {Pashler, Harold}, + title = {Processing stages in overlapping tasks: Evidence for a central bottleneck}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {10}, + number = {3}, + pages = {358-377}, + year = {1984}, + type = {Journal Article} +} + +@article{RN284, + author = {O'Regan, J. Kevin}, + title = {Retinal versus extraretinal influences in flash localization during saccadic eye movements in the presence of a visible background}, + journal = {Perception and Psychophysics}, + volume = {36}, + number = {1}, + pages = {1-14}, + year = {1984}, + type = {Journal Article} +} + +@article{RN377, + author = {Massion, J.}, + title = {Postural changes accompanying voluntary movements. Normal and pathological aspects}, + journal = {Human Neurobiology}, + volume = {2}, + number = {4}, + pages = {261-7}, + year = {1984}, + type = {Journal Article} +} + +@article{RN303, + author = {Marteniuk, R. G. and MacKenzie, C. L. and Baba, D. M.}, + title = {Bimanual movement control: Information processing and interaction effects}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {36}, + number = {2}, + pages = {335-365}, + year = {1984}, + type = {Journal Article} +} + +@article{RN2781, + author = {Kozlova, G. P.}, + title = {Individual anatomical variations in cerebellar nuclei}, + journal = {Neurosci Behav Physiol}, + volume = {14}, + number = {1}, + pages = {63-7}, + ISSN = {0097-0549 (Print) +0097-0549 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6717774}, + year = {1984}, + type = {Journal Article} +} + +@article{RN2008, + author = {Kelso, J. A. S.}, + title = {Phase transitions and critical behavior in human bimanual coordination}, + journal = {Am J Physiol}, + volume = {246}, + number = {6 Pt 2}, + pages = {R1000-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6742155}, + year = {1984}, + type = {Journal Article} +} + +@article{RN744, + author = {Johansson, R. S. and Westling, G.}, + title = {Roles of glabrous skin receptors and sensorimotor memory in automatic control of precision grip when lifting rougher or more slippery objects}, + journal = {Exp Brain Res}, + volume = {56}, + number = {3}, + pages = {550-64}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6499981}, + year = {1984}, + type = {Journal Article} +} + +@article{RN1018, + author = {Horak, F. B. and Esselman, P. and Anderson, M. E. and Lynch, M. K.}, + title = {The effects of movement velocity, mass displaced, and task certainty on associated postural adjustments made by normal and hemiplegic individuals}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {47}, + number = {9}, + pages = {1020-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6481370}, + year = {1984}, + type = {Journal Article} +} + +@article{RN279, + author = {Freyd, Jennifer J. and Finke, Ronald A.}, + title = {Representational momentum}, + journal = {Journal of Experimental Psychology: Learning, Memory, and Cognition}, + volume = {10}, + number = {1}, + pages = {126-132}, + year = {1984}, + type = {Journal Article} +} + +@article{RN2407, + author = {Carter, M. C. and Shapiro, D. C.}, + title = {Control of sequential movements: evidence for generalized motor programs}, + journal = {J Neurophysiol}, + volume = {52}, + number = {5}, + pages = {787-96}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6512588}, + year = {1984}, + type = {Journal Article} +} + +@article{RN437, + author = {Brinkman, C.}, + title = {Supplementary motor area of the monkey's cerebral cortex: short- and long-term deficits after unilateral ablation and the effects of subsequent callosal section}, + journal = {Journal of Neuroscience}, + volume = {4}, + number = {4}, + pages = {918-29}, + year = {1984}, + type = {Journal Article} +} + +@article{RN137, + author = {Adelson, E. H. and Bergen, J. R.}, + title = {Spatiotemoral energy models for the perception of motion}, + journal = {Journal of the Opt. Soc. Am. A}, + volume = {2}, + number = {2}, + pages = {284-299}, + year = {1984}, + type = {Journal Article} +} + +@book{RN3380, + author = {Tufte, E. R.}, + title = {The visual display of quantitative information}, + publisher = {Graphics Press}, + address = {Cheshire, CT}, + year = {1983}, + type = {Book} +} + +@article{RN261, + author = {Thomson, James A.}, + title = {Is continuous visual monitoring necessary in visually guided locomotion?}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {9}, + number = {3}, + pages = {427-443}, + year = {1983}, + type = {Journal Article} +} + +@article{RN868, + author = {Soechting, J. F. and Lacquaniti, F.}, + title = {Modification of trajectory of a pointing movement in response to a change in target location}, + journal = {J Neurophysiol}, + volume = {49}, + number = {2}, + pages = {548-64.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6834087}, + year = {1983}, + type = {Journal Article} +} + +@article{RN3385, + author = {Rosenbaum, D. A. and Kenny, S. B. and Derr, M. A.}, + title = {Hierarchical control of rapid movement sequences}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {9}, + number = {1}, + pages = {86-102}, + ISSN = {0096-1523 (Print) +0096-1523 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/6220126}, + year = {1983}, + type = {Journal Article} +} + +@inbook{RN673, + author = {Rosenbaum, D. A.}, + title = {The movement precueing technique: Assumptions, applications, and extensions.}, + booktitle = {Memory and control of action}, + editor = {Magill, R. A.}, + publisher = {North-Holland}, + address = {Amsterdam}, + pages = {231-274}, + year = {1983}, + type = {Book Section} +} + +@article{RN3396, + author = {Muir, R. B. and Lemon, R. N.}, + title = {Corticospinal neurons with a special role in precision grip}, + journal = {Brain Res}, + volume = {261}, + number = {2}, + pages = {312-6}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/6831213}, + year = {1983}, + type = {Journal Article} +} + +@article{RN2163, + author = {Mugnaini, E.}, + title = {The length of cerebellar parallel fibers in chicken and rhesus monkey}, + journal = {J Comp Neurol}, + volume = {220}, + number = {1}, + pages = {7-15}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6643718}, + year = {1983}, + type = {Journal Article} +} + +@article{RN312, + author = {Kelso, J. A. Scott and Putnam, Carol A. and Goodman, David}, + title = {On the space-time structure of human interlimb co-ordination}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {35}, + number = {2}, + pages = {347-375}, + year = {1983}, + type = {Journal Article} +} + +@article{RN424, + author = {Kalaska, J. F. and Caminiti, R. and Georgopoulos, A. P.}, + title = {Cortical mechanisms related to the direction of two-dimensional arm movements: relations in parietal area 5 and comparison with motor cortex}, + journal = {Experimental Brain Research}, + volume = {51}, + number = {2}, + pages = {247-60}, + year = {1983}, + type = {Journal Article} +} + +@article{RN269, + author = {Harms, Lisbeth and Bundesen, Claus}, + title = {Color segregation and selective attention in a nonsearch task}, + journal = {Perception & Psychophysics}, + volume = {33}, + number = {1}, + pages = {11-19}, + year = {1983}, + type = {Journal Article} +} + +@article{RN587, + author = {Evarts, Edward V. and Fromm, Christoph and Kroeller, Juergen and Jennings, Von A.}, + title = {Motor cortex control of finely graded forces}, + journal = {Journal of Neurophysiology}, + volume = {49}, + number = {5}, + pages = {1199-1215}, + year = {1983}, + type = {Journal Article} +} + +@article{RN2398, + author = {Day, B. L. and Rothwell, J. C. and Marsden, C. D.}, + title = {Interaction between the long-latency stretch reflex and voluntary electromyographic activity prior to a rapid voluntary motor reaction}, + journal = {Brain Res}, + volume = {270}, + number = {1}, + pages = {55-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6871716}, + year = {1983}, + type = {Journal Article} +} + +@article{RN259, + author = {Crossman, E. R. and Goodeve, P. J.}, + title = {Feedback control of hand-movement and Fitts' Law}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {35a}, + number = {2}, + pages = {251-278}, + year = {1983}, + type = {Journal Article} +} + +@inbook{RN241, + author = {Ungerleider, L.G. and Mishkin, M.}, + title = {Two cortical visual systems}, + booktitle = {Analysis of visual behavior}, + editor = {Ingle, D.J. and Goodale, M.A. and Mansfield, R.J.W.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {549-586}, + year = {1982}, + type = {Book Section} +} + +@article{RN50, + author = {Treisman, anne and Schmidt, Hilary}, + title = {Illusory conjunctions in perception of objects}, + journal = {Cognitive Psychology}, + volume = {14}, + pages = {107-141}, + year = {1982}, + type = {Journal Article} +} + +@article{RN148, + author = {Treisman, Anne}, + title = {Perceptual grouping and attention in visual search for features and for objects}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {8}, + number = {2}, + pages = {194-214}, + year = {1982}, + type = {Journal Article} +} + +@article{RN2400, + author = {Rothwell, J. C. and Traub, M. M. and Marsden, C. D.}, + title = {Automatic and "voluntary' responses compensating for disturbances of human thumb movements}, + journal = {Brain Res}, + volume = {248}, + number = {1}, + pages = {33-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7127140}, + year = {1982}, + type = {Journal Article} +} + +@article{RN366, + author = {Rosenbaum, David A. and Kornblum, Sylvan}, + title = {A priming method for investigating the selection of motor responses}, + journal = {Acta Psychologica}, + volume = {51}, + number = {3}, + pages = {223-243}, + year = {1982}, + type = {Journal Article} +} + +@article{RN1031, + author = {Rispal-Padel, L. and Cicirata, F. and Pons, C.}, + title = {Cerebellar nuclear topography of simple and synergistic movements in the alert baboon (Papio papio)}, + journal = {Exp Brain Res}, + volume = {47}, + number = {3}, + pages = {365-80}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6889975}, + year = {1982}, + type = {Journal Article} +} + +@article{RN892, + author = {Posner, M. I. and Cohen, Y. and Rafal, R. D.}, + title = {Neural systems control of spatial orienting}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {298}, + number = {1089}, + pages = {187-98.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6125970}, + year = {1982}, + type = {Journal Article} +} + +@article{RN636, + author = {Miller, Jeff}, + title = {Discrete versus continuous stage models of human information processing: In search of partial output}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {8}, + number = {2}, + pages = {273-296}, + year = {1982}, + type = {Journal Article} +} + +@book{RN2952, + author = {Marr, D}, + title = {Vision: A computational investigation into the human representation and procesing of visual information}, + publisher = {Freeman}, + address = {New York}, + year = {1982}, + type = {Book} +} + +@article{RN2420, + author = {MacKay, D. G.}, + title = {The problem of flexibility and fluency in skilled behavior}, + journal = {Psychological Review}, + volume = {95}, + pages = {492-527}, + year = {1982}, + type = {Journal Article} +} + +@article{RN875, + author = {Laird, N. M. and Ware, J. H.}, + title = {Random-effects models for longitudinal data}, + journal = {Biometrics}, + volume = {38}, + number = {4}, + pages = {963-74.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7168798}, + year = {1982}, + type = {Journal Article} +} + +@article{RN757, + author = {Hugon, M. and Massion, J. and Wiesendanger, M.}, + title = {Anticipatory postural changes induced by active unloading and comparison with passive unloading in man}, + journal = {Pflugers Arch}, + volume = {393}, + number = {4}, + pages = {292-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7122204}, + year = {1982}, + type = {Journal Article} +} + +@article{RN980, + author = {Heilman, K. M. and Rothi, L. J. and Valenstein, E.}, + title = {Two forms of ideomotor apraxia}, + journal = {Neurology}, + volume = {32}, + number = {4}, + pages = {342-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7199656}, + year = {1982}, + type = {Journal Article} +} + +@article{RN340, + author = {Findlay, John M.}, + title = {Global visual processing for saccadic eye movements}, + journal = {Vision Research}, + volume = {22}, + number = {8}, + pages = {1033 - 1045}, + year = {1982}, + type = {Journal Article} +} + +@article{RN265, + author = {Biguer, B. and Jeannerod, M. and Prablanc, C.}, + title = {The coordination of eye, head, and arm movements during reaching at a single visual target}, + journal = {Experimental Brain Research}, + volume = {46}, + pages = {301-304}, + year = {1982}, + type = {Journal Article} +} + +@article{RN219, + author = {Tversky, Barbara}, + title = {Distortions in memory for maps}, + journal = {Cognitive Psychology}, + volume = {13}, + number = {3}, + pages = {407-433}, + year = {1981}, + type = {Journal Article} +} + +@book{RN272, + author = {Sokal, R. R. and Rohlf, F. J.}, + title = {Biometry: the principles and practice of statistics in biological research.}, + publisher = {W. H. Freeman}, + address = {San Fransisco}, + edition = {2nd}, + year = {1981}, + type = {Book} +} + +@article{RN613, + author = {Sidtis, J. J. and Volpe, B. T. and Wilson, D. H. and Rayport, M. and Gazzaniga, M. S.}, + title = {Variability in right hemisphere language function after callosal section: evidence for a continuum of generative capacity}, + journal = {Journal of Neuroscience}, + volume = {1}, + number = {3}, + pages = {323-31}, + year = {1981}, + type = {Journal Article} +} + +@article{RN2012, + author = {Schott, G. D. and Wyke, M. A.}, + title = {Congenital mirror movements}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {44}, + number = {7}, + pages = {586-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7288446}, + year = {1981}, + type = {Journal Article} +} + +@article{RN1030, + author = {Rispal-Padel, L. and Cicirata, F. and Pons, C.}, + title = {Contribution of the dentato-thalamo-cortical system to control of motor synergy}, + journal = {Neurosci Lett}, + volume = {22}, + number = {2}, + pages = {137-44.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7231805}, + year = {1981}, + type = {Journal Article} +} + +@article{RN2586, + author = {Morasso, P.}, + title = {Spatial control of arm movements}, + journal = {Exp Brain Res}, + volume = {42}, + number = {2}, + pages = {223-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7262217 }, + year = {1981}, + type = {Journal Article} +} + +@article{RN2559, + author = {Marsden, C. D. and Merton, P. A. and Morton, H. B.}, + title = {Human postural responses}, + journal = {Brain}, + volume = {104}, + number = {3}, + pages = {513-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7272713 }, + year = {1981}, + type = {Journal Article} +} + +@article{RN3324, + author = {Lemon, R. N.}, + title = {Variety of functional organization within the monkey motor cortex}, + journal = {J Physiol}, + volume = {311}, + pages = {521-40}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7264982}, + year = {1981}, + type = {Journal Article} +} + +@article{RN3323, + author = {Lemon, R. N.}, + title = {Functional properties of monkey motor cortex neurones receiving afferent input from the hand and fingers}, + journal = {J Physiol}, + volume = {311}, + pages = {497-519}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7264981}, + year = {1981}, + type = {Journal Article} +} + +@book{RN982, + author = {Huber, Peter J.}, + title = {Robust statistics}, + publisher = {Wiley}, + address = {New York}, + series = {Wiley series in probability and mathematical statistics}, + pages = {ix, 308}, + ISBN = {0471418056}, + year = {1981}, + type = {Book} +} + +@inbook{RN2048, + author = {Houk, J.C. and Rymer, W.Z.}, + title = {Neural control of muscle length and tension}, + booktitle = {Handbook of Physiology, Section1: The nervous system, Vol. II. Motor control}, + editor = {Brooks, V.B.}, + publisher = {American Physiological Society}, + address = {Bethesda, MD}, + pages = {257-323}, + year = {1981}, + type = {Book Section} +} + +@article{RN700, + author = {Hollerbach, J M}, + title = {An oscillation theory of handwriting}, + journal = {Biological Cybernetics}, + number = {39}, + pages = {139-156}, + year = {1981}, + type = {Journal Article} +} + +@book{RN411, + author = {Gilman, Sid and Bloedel, James R. and Lechtenberg, Richard}, + title = {Disorders of the cerebellum}, + publisher = {Davis Company}, + address = {Philadelphia, PA}, + year = {1981}, + type = {Book} +} + +@article{RN3554, + author = {Dawid, A. P.}, + title = {Some matrix-variate distribution theory: Notational considerations and a Bayesian application}, + journal = {Biometrika}, + volume = {68}, + number = {1}, + pages = {265-274}, + DOI = {10.1093/biomet/68.1.265}, + url = {http://biomet.oxfordjournals.org/content/68/1/265.abstract}, + year = {1981}, + type = {Journal Article} +} + +@article{RN258, + author = {Carlton, Les G.}, + title = {Visual information: The control of aiming movements}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {33a}, + number = {1}, + pages = {87-93}, + year = {1981}, + type = {Journal Article} +} + +@article{RN257, + author = {Carlton, Les G.}, + title = {Processing visual feedback information for movement control}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {7}, + number = {5}, + pages = {1019-1030}, + year = {1981}, + type = {Journal Article} +} + +@article{RN308, + author = {Bridgeman, Bruce and Kirch, Marc and Sperling, Alan}, + title = {Segregation of Cognitive and Motor Aspects of Visual Function Using Induced Motion}, + journal = {Perception & Psychophysics}, + volume = {29}, + number = {4}, + pages = {336-342}, + year = {1981}, + type = {Journal Article} +} + +@article{RN243, + author = {Baddeley, Alan}, + title = {The concept of working memory: A view of its current state and probable future development}, + journal = {Cognition}, + volume = {10}, + number = {1-3}, + pages = {17-23}, + year = {1981}, + type = {Journal Article} +} + +@book{RN2214, + author = {Adler, R. J.}, + title = {The geometry of random fields}, + publisher = {Wiley & Sons}, + address = {New York}, + year = {1981}, + type = {Book} +} + +@inbook{RN833, + author = {Wing, Alan}, + title = {The long and short of timing in response sequences}, + booktitle = {Tutorials in Motor Behavior}, + editor = {Stelmach, G. and Requin, J.}, + publisher = {North-Holland}, + address = {New York}, + pages = {469-484}, + year = {1980}, + type = {Book Section} +} + +@article{RN421, + author = {Vilis, T. and Hore, J.}, + title = {Central neural mechanisms contributing to cerebellar tremor produced by limb perturbations}, + journal = {Journal of Neurophysiology}, + volume = {43}, + number = {2}, + pages = {279-91}, + year = {1980}, + type = {Journal Article} +} + +@article{RN35, + author = {Treisman, Anne M. and Gelade, Garry}, + title = {A feature-integration theory of attention}, + journal = {Cognitive Psychology}, + volume = {12}, + number = {1}, + pages = {97-136}, + year = {1980}, + type = {Journal Article} +} + +@article{RN1053, + author = {Terzuolo, C. A. and Viviani, P.}, + title = {Determinants and characteristics of motor patterns used for typing}, + journal = {Neuroscience}, + volume = {5}, + number = {6}, + pages = {1085-103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7402457}, + year = {1980}, + type = {Journal Article} +} + +@article{RN665, + author = {Sherwood, David E. and Schmidt, Richard A.}, + title = {The relationship between force and force variability in minimal and near-maximal static and dynamic contractions}, + journal = {Journal of Motor Behavior}, + volume = {12}, + number = {1}, + pages = {75-89}, + year = {1980}, + type = {Journal Article} +} + +@article{RN2399, + author = {Rothwell, J. C. and Traub, M. M. and Marsden, C. D.}, + title = {Influence of voluntary intent on the human long-latency stretch reflex}, + journal = {Nature}, + volume = {286}, + number = {5772}, + pages = {496-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7402329}, + year = {1980}, + type = {Journal Article} +} + +@article{RN516, + author = {Rosenbaum, David A.}, + title = {Human movement initiation: Specification of arm, direction, and extent}, + journal = {Journal of Experimental Psychology: General}, + volume = {109}, + number = {4}, + pages = {444-474}, + year = {1980}, + type = {Journal Article} +} + +@article{RN3071, + author = {Pearce, J. M. and Hall, G.}, + title = {A model for Pavlovian learning: variations in the effectiveness of conditioned but not of unconditioned stimuli}, + journal = {Psychol Rev}, + volume = {87}, + number = {6}, + pages = {532-52}, + ISSN = {0033-295X (Print) +0033-295X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7443916}, + year = {1980}, + type = {Journal Article} +} + +@article{RN246, + author = {Nelson, Thomas O. and Chaiklin, Seth}, + title = {Immediate memory for spatial location}, + journal = {Journal of Experimental Psychology: Human Learning and Memory}, + volume = {6}, + number = {5}, + pages = {529-545}, + year = {1980}, + type = {Journal Article} +} + +@article{RN1035, + author = {Mower, G. and Gibson, A. and Robinson, F. and Stein, J. and Glickstein, M.}, + title = {Visual pontocerebellar projections in the cat}, + journal = {J Neurophysiol}, + volume = {43}, + number = {2}, + pages = {355-66.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7381525}, + year = {1980}, + type = {Journal Article} +} + +@article{RN515, + author = {Goodman, David and Kelso, J.A. Scott}, + title = {Are movements prepared in parts? Not under compatible (naturalized) conditions}, + journal = {Journal of Experimental Psychology: General}, + volume = {109}, + number = {4}, + pages = {475-495}, + year = {1980}, + type = {Journal Article} +} + +@inbook{RN804, + author = {Fraisse, P.}, + title = {Les synchronisations sensori-motrices aux rythmes [The senorimotor synchronization of rhythms]}, + booktitle = {Anticipation et comportment}, + editor = {Requin, J.}, + publisher = {Centre National}, + address = {Paris}, + year = {1980}, + type = {Book Section} +} + +@article{RN160, + author = {Conti, Patricia and Beaubaton, Daniel}, + title = {Role of structured visual field and visual reafference in accuracy of pointing movements}, + journal = {Perceptual and Motor Skills}, + volume = {50}, + pages = {239-244}, + year = {1980}, + type = {Journal Article} +} + +@article{RN285, + author = {Coltheart, M.}, + title = {Iconic memory and visible persistence}, + journal = {Perception & Psychophysics}, + volume = {27}, + pages = {183-228}, + year = {1980}, + type = {Journal Article} +} + +@article{RN2142, + author = {Brodal, P.}, + title = {The projection from the nucleus reticularis tegmenti pontis to the cerebellum in the rhesus monkey}, + journal = {Exp Brain Res}, + volume = {38}, + number = {1}, + pages = {29-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6766109}, + year = {1980}, + type = {Journal Article} +} + +@article{RN59, + author = {Barnes, C.a. and Nadel, L. and Honig, W.K.}, + title = {Spatial memory deficit in senecent rats}, + journal = {Canadian Journal of Psychology}, + volume = {34}, + number = {1}, + pages = {29-39}, + year = {1980}, + type = {Journal Article} +} + +@article{RN2863, + author = {Smith, A. M.}, + title = {The activity of supplementary motor area neurons during a maintained precision grip}, + journal = {Brain Res}, + volume = {172}, + number = {2}, + pages = {315-27}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + DOI = {0006-8993(79)90541-9 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=111775}, + year = {1979}, + type = {Journal Article} +} + +@article{RN666, + author = {Schmidt, Richard A. and et al.}, + title = {Motor-output variability: A theory for the accuracy of rapid motor acts}, + journal = {Psychological Review}, + volume = {86}, + number = {5}, + pages = {415-451}, + year = {1979}, + type = {Journal Article} +} + +@inbook{RN2671, + author = {Saltzman, E L}, + title = {Dynamics and coordinate systems in skilled senorimotor activity}, + booktitle = {Mind as motion: explorations in the dynamics of cognition}, + editor = {Port, R. F. and Van Gelder, T}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + year = {1979}, + type = {Book Section} +} + +@article{RN860, + author = {Prablanc, C. and Echallier, J. F. and Komilis, E. and Jeannerod, M.}, + title = {Optimal response of eye and hand motor systems in pointing at a visual target. I. Spatio-temporal characteristics of eye and hand movements and their relationships when varying the amount of visual information}, + journal = {Biol Cybern}, + volume = {35}, + number = {2}, + pages = {113-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=518932}, + year = {1979}, + type = {Journal Article} +} + +@article{RN861, + author = {Prablanc, C. and Echallier, J. E. and Jeannerod, M. and Komilis, E.}, + title = {Optimal response of eye and hand motor systems in pointing at a visual target. II. Static and dynamic visual cues in the control of hand movement}, + journal = {Biol Cybern}, + volume = {35}, + number = {3}, + pages = {183-7}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=518938}, + year = {1979}, + type = {Journal Article} +} + +@article{RN451, + author = {Niki, Hiroaki and Watanabe, Masataka}, + title = {Prefrontal and cingulate unit activity during timing behavior in the monkey}, + journal = {Brain Research}, + volume = {171}, + number = {2}, + pages = {213-224}, + year = {1979}, + type = {Journal Article} +} + +@article{RN876, + author = {Korn, E. L. and Whittemore, A. S.}, + title = {Methods for analyzing panel studies of acute health effects of air pollution}, + journal = {Biometrics}, + volume = {35}, + number = {4}, + pages = {795-802.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=526525}, + year = {1979}, + type = {Journal Article} +} + +@article{RN313, + author = {Kelso, J. A. Scott and Southard, Dan L. and Goodman, David}, + title = {On the coordination of two-handed movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {5}, + number = {2}, + pages = {229-238}, + year = {1979}, + type = {Journal Article} +} + +@article{RN3639, + author = {Golub, G. H. and Heath, M. and Wahba, G.}, + title = {Generalized Cross-Validation as a Method for Choosing a Good Ridge Parameter}, + journal = {Technometrics}, + volume = {21}, + number = {2}, + pages = {215-223}, + ISSN = {0040-1706}, + DOI = {10.1080/00401706.1979.10489751}, + url = {://WOS:A1979GW16700008}, + year = {1979}, + type = {Journal Article} +} + +@article{RN3068, + author = {Gittins, J.C.}, + title = {Bandit processes and dynamic allocation indices}, + journal = {Journal of the Royal Statistical Society, Series B}, + pages = {148-177}, + year = {1979}, + type = {Journal Article} +} + +@article{RN1002, + author = {Gauthier, G. M. and Hofferer, J. M. and Hoyt, W. F. and Stark, L.}, + title = {Visual-motor adaptation. Quantitative demonstration in patients with posterior fossa involvement}, + journal = {Arch Neurol}, + volume = {36}, + number = {3}, + pages = {155-60.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=435135}, + year = {1979}, + type = {Journal Article} +} + +@article{RN309, + author = {Bridgeman, Bruce and Lewis, Stephen and Heit, Gary and Nagle, Martha}, + title = {Relation Between Cognitive and Motor-Oriented Systems of Visual Position Perception}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {5}, + number = {4}, + pages = {692-700}, + year = {1979}, + type = {Journal Article} +} + +@article{RN244, + author = {Baum, David R. and Jonides, John}, + title = {Cognitive maps: Analysis of comparative judgments of distance}, + journal = {Memory and Cognition}, + volume = {7}, + number = {6}, + pages = {462-468}, + year = {1979}, + type = {Journal Article} +} + +@inbook{RN2397, + author = {Strick, P. L.}, + title = {Cerebellar involvement in 'volitional' muscle responses in load change}, + booktitle = {Cerebral motor control in man: Long loop mechanisms}, + editor = {Desmedt, J. E.}, + series = {Progress in clinical neurophysiology}, + publisher = {Krager}, + address = {Basel}, + volume = {4}, + pages = {85-93}, + year = {1978}, + type = {Book Section} +} + +@article{RN217, + author = {Stevens, Albert and Coupe, Patty}, + title = {Distortions in judged spatial relations}, + journal = {Cognitive Psychology}, + volume = {10}, + number = {4}, + pages = {422-437}, + year = {1978}, + type = {Journal Article} +} + +@article{RN2285, + author = {Shambes, G. M. and Gibson, J. M. and Welker, W.}, + title = {Fractured somatotopy in granule cell tactile areas of rat cerebellar hemispheres revealed by micromapping}, + journal = {Brain Behav Evol}, + volume = {15}, + number = {2}, + pages = {94-140}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=638731}, + year = {1978}, + type = {Journal Article} +} + +@book{RN372, + author = {Posner, Michael I.}, + title = {Chronometric explorations of mind}, + publisher = {Lawrence Erlbaum}, + address = {Hillsdale, NJ}, + pages = {xiii, 271}, + year = {1978}, + type = {Book} +} + +@article{RN2794, + author = {Polit, A. and Bizzi, E.}, + title = {Processes controlling arm movements in monkeys}, + journal = {Science}, + volume = {201}, + number = {4362}, + pages = {1235-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=99813 }, + year = {1978}, + type = {Journal Article} +} + +@article{RN3383, + author = {Andersson, G. and Oscarsson, O.}, + title = {Climbing fiber microzones in cerebellar vermis and their projection to different groups of cells in the lateral vestibular nucleus}, + journal = {Exp Brain Res}, + volume = {32}, + number = {4}, + pages = {565-79}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/689129}, + year = {1978}, + type = {Journal Article} +} + +@book{RN2772, + author = {Afshar, F. and Watkins, E.S. and Yap, J.C. }, + title = {Stereotaxic atlas of the human brainstem and cerebellar nuclei. A variability study}, + publisher = {Raven Press}, + address = {New York}, + year = {1978}, + type = {Book} +} + +@article{RN697, + author = {Zaidel, Dahlia and Sperry, Roger W.}, + title = {Some long-term motor effects of cerebral commissurotomy in man}, + journal = {Neuropsychologia}, + volume = {15}, + number = {2}, + pages = {193-204}, + year = {1977}, + type = {Journal Article} +} + +@article{RN883, + author = {Watson, Alistair I.}, + title = {A theory of the visual illusions}, + journal = {British Journal of Mathematical & Statistical Psychology}, + volume = {30}, + number = {1}, + pages = {43-59}, + year = {1977}, + type = {Journal Article} +} + +@book{RN3379, + author = {Tukey, J. W.}, + title = {Exploratory data analysis}, + publisher = {Addison-Wesley}, + ISBN = {ISBN 0-201-07616-0}, + year = {1977}, + type = {Book} +} + +@article{RN438, + author = {Laplane, D. and Talairach, J. and Meininger, V. and Bancaud, J. and Orgogozo, J. M.}, + title = {Clinical consequences of corticectomies involving the supplementary motor area in man}, + journal = {Journal of the Neurological Sciences}, + volume = {34}, + number = {3}, + pages = {301-14}, + year = {1977}, + type = {Journal Article} +} + +@article{RN342, + author = {Kelso, J. A. S.}, + title = {Motor control mechanisms underlying human movement production}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {3}, + number = {4}, + pages = {529 -543}, + year = {1977}, + type = {Journal Article} +} + +@article{RN3256, + author = {Harville, D. A.}, + title = {Maximum Likelihood Approaches to Variance Component Estimation and to Related Problems}, + journal = {Journal of the American Statistical Association}, + volume = {72}, + number = {358}, + pages = {320-338}, + DOI = {10.1080/01621459.1977.10480998}, + url = { http://www.tandfonline.com/doi/abs/10.1080/01621459.1977.10480998}, + year = {1977}, + type = {Journal Article} +} + +@article{RN2065, + author = {Gilbert, P. F. and Thach, W. T.}, + title = {Purkinje cell activity during motor learning}, + journal = {Brain Res}, + volume = {128}, + number = {2}, + pages = {309-28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=194656}, + year = {1977}, + type = {Journal Article} +} + +@book{RN2788, + author = {Chan-Palay, V.}, + title = {Cerebellar dentate nucleus. Organization, cytology, and transmitters }, + publisher = {Springer Verlag}, + address = {Berlin}, + year = {1977}, + type = {Book} +} + +@article{RN452, + author = {Niki, Hiroaki and Watanabe, Masataka}, + title = {Prefrontal Unit Activity and Delayed Response: Relation To Cue Location Versus Direction of Response}, + journal = {Brain Research}, + volume = {105}, + number = {1}, + pages = {79-88}, + year = {1976}, + type = {Journal Article} +} + +@article{RN344, + author = {Stelmach, George E. and Kelso, J. A. and Wallace, Stephen A.}, + title = {Preselection in short-term motor memory}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {1}, + number = {6}, + pages = {745 - 755}, + year = {1975}, + type = {Journal Article} +} + +@article{RN286, + author = {Rosch, Eleanor and Mervis, Carolyn B.}, + title = {Family resemblances: Studies in the internal structure of categories}, + journal = {Cognitive Psychology}, + volume = {7}, + number = {4}, + pages = {573-605}, + year = {1975}, + type = {Journal Article} +} + +@article{RN63, + author = {Jacobs, G.H.}, + title = {Wavelength discrimination in gray squirrels}, + journal = {Vision Research}, + volume = {16}, + pages = {325-327}, + year = {1975}, + type = {Journal Article} +} + +@article{RN3135, + author = {Hallett, M. and Shahani, B. T. and Young, R. R.}, + title = {EMG analysis of stereotyped voluntary movements in man}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {38}, + number = {12}, + pages = {1154-62}, + ISSN = {0022-3050 (Print) +0022-3050 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1219079}, + year = {1975}, + type = {Journal Article} +} + +@article{RN1005, + author = {Simpson, J. I. and Alley, K. E.}, + title = {Visual climbing fiber input to rabbit vestibulo-cerebellum: a source of direction-specific information}, + journal = {Brain Res}, + volume = {82}, + number = {2}, + pages = {302-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4441896}, + year = {1974}, + type = {Journal Article} +} + +@article{RN268, + author = {Eriksen, Barbara A. and Eriksen, Charles W.}, + title = {Effects of noise letters upon the identification of a target letter in a nonsearch task}, + journal = {Perception & Psychophysics}, + volume = {16}, + number = {1}, + pages = {143-149}, + year = {1974}, + type = {Journal Article} +} + +@article{RN722, + author = {Wing, Alan M. and Kristofferson, A. B.}, + title = {Response Delays and the Timing of Discrete Motor Responses}, + journal = {Perception and Psychophysics}, + volume = {14}, + number = {1}, + pages = {5-12}, + year = {1973}, + type = {Journal Article} +} + +@article{RN343, + author = {Laabs, Gerald J.}, + title = {Retention charateristics of different reproduction cues in motor short-term memory}, + journal = {Journal of Experimental Psychology}, + volume = {100}, + number = {1}, + pages = {168 - 177}, + year = {1973}, + type = {Journal Article} +} + +@article{RN610, + author = {Greenwald, Anthony G. and Shulman, Harvey G.}, + title = {On Doing Two Things at Once: II. Elimination of the Psychological Refractory Period Effect}, + journal = {Journal of Experimental Psychology}, + volume = {101}, + number = {1}, + pages = {70-76}, + year = {1973}, + type = {Journal Article} +} + +@article{RN2917, + author = {Brinkman, J. and Kuypers, H. G.}, + title = {Cerebral control of contralateral and ipsilateral arm, hand and finger movements in the split-brain rhesus monkey}, + journal = {Brain}, + volume = {96}, + number = {4}, + pages = {653-74}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4204228}, + year = {1973}, + type = {Journal Article} +} + +@article{RN287, + author = {Braddick, Oliver}, + title = {The masking of apparent motion in random-dot patterns}, + journal = {Vision Research}, + volume = {13}, + number = {2}, + pages = {355-369}, + year = {1973}, + type = {Journal Article} +} + +@article{RN3322, + author = {Rosen, I. and Asanuma, H.}, + title = {Peripheral afferent inputs to the forelimb area of the monkey motor cortex: input-output relations}, + journal = {Exp Brain Res}, + volume = {14}, + number = {3}, + pages = {257-73}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/4626361}, + year = {1972}, + type = {Journal Article} +} + +@article{RN608, + author = {Preilowski, Bruno F.}, + title = {Possible Contribution of the Anterior Forebrain Commissures To Bilateral Motor Coordination}, + journal = {Neuropsychologia}, + volume = {Vol. 10}, + number = {3}, + pages = {267-277}, + year = {1972}, + type = {Journal Article} +} + +@article{RN604, + author = {Megaw, Edgar D.}, + title = {Direction and Extent Uncertainty in Step-Input Tracking}, + journal = {Journal of Motor Behavior}, + volume = {Vol. 4}, + number = {3}, + pages = {171-186}, + year = {1972}, + type = {Journal Article} +} + +@book{RN2799, + author = {Larsell, O. and Jansen, J.}, + title = {The comparative anatomy and histology of the cerebellum. The human cerebellum, cerebellar connections and cerebellar cortex. }, + publisher = {The University of Minnesota Press}, + address = {Minneapolis}, + year = {1972}, + type = {Book} +} + +@article{RN2333, + author = {Weiskrantz, L. and Elliott, J. and Darlington, C.}, + title = {Preliminary observations on tickling oneself}, + journal = {Nature}, + volume = {230}, + number = {5296}, + pages = {598-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4928671}, + year = {1971}, + type = {Journal Article} +} + +@article{RN266, + author = {Wallace, Richard J.}, + title = {S-R compatibility and the idea of a response code}, + journal = {Journal of Experimental Psychology}, + volume = {88}, + number = {3}, + pages = {354-360}, + year = {1971}, + type = {Journal Article} +} + +@article{RN441, + author = {Oldfield, R. C.}, + title = {The assessment and analysis of handedness: the Edinburgh inventory}, + journal = {Neuropsychologia}, + volume = {9}, + number = {1}, + pages = {97-113}, + year = {1971}, + type = {Journal Article} +} + +@article{RN793, + author = {Fraisse, P. and Voillaume, C.}, + title = {[The frame of reference of the subject in synchronization and pseudosynchronization]}, + journal = {Annee Psychol}, + volume = {71}, + number = {2}, + pages = {359-69}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=5151289}, + year = {1971}, + type = {Journal Article} +} + +@article{RN3192, + author = {Fetz, E. E. and Finocchio, D. V.}, + title = {Operant conditioning of specific patterns of neural and muscular activity}, + journal = {Science}, + volume = {174}, + number = {4007}, + pages = {431-5}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5000088}, + year = {1971}, + type = {Journal Article} +} + +@article{RN1004, + author = {Albus, J. S.}, + title = {A theory of cerebellar function}, + journal = {Mathematical Bioscience}, + volume = {10}, + pages = {25-61}, + year = {1971}, + type = {Journal Article} +} + +@article{RN2901, + author = {Rose, D.}, + title = {Triangulated graphs and the elimination process}, + journal = {Journal of Mathematical Analysis and Applications}, + volume = {23}, + number = {3}, + pages = {597–609}, + year = {1970}, + type = {Journal Article} +} + +@article{RN296, + author = {Sternberg, Saul}, + title = {The Discovery of Processing Stages: Extensions of Donders' Method}, + journal = {Acta Psychologica}, + volume = {30}, + pages = {276-315}, + year = {1969}, + type = {Journal Article} +} + +@article{RN635, + author = {Simon, J. Richard and Small, A. M., Jr.}, + title = {Processing auditory information: Interference from an irrelevant cue}, + journal = {Journal of Applied Psychology}, + volume = {53}, + number = {5}, + pages = {433-435}, + year = {1969}, + type = {Journal Article} +} + +@article{RN2283, + author = {Ross, H. E.}, + title = {When is a weight not illusory?}, + journal = {Q J Exp Psychol}, + volume = {21}, + number = {4}, + pages = {346-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5378275}, + year = {1969}, + type = {Journal Article} +} + +@book{RN724, + author = {Ornstein, R. E.}, + title = {On the experience of time}, + publisher = {Penguin Books}, + address = {Middlesex, England}, + year = {1969}, + type = {Book} +} + +@article{RN1003, + author = {Marr, D}, + title = {A theory of cerebellar cortex}, + journal = {Journal of Physiology}, + volume = {202}, + pages = {437-470}, + year = {1969}, + type = {Journal Article} +} + +@article{RN691, + author = {Deecke, L. and Scheid, P. and Kornhuber, H. H.}, + title = {Distribution of readiness potential, pre-motion positivity, and motor potential of the human cerebral cortex preceding voluntary finger movements}, + journal = {Experimental Brain Research}, + volume = {7}, + number = {2}, + pages = {158-68}, + year = {1969}, + type = {Journal Article} +} + +@article{RN233, + author = {Benson, D. F. and Greenberg, J. P.}, + title = {Visual form agnosia. A specific defect in visual discrimination}, + journal = {Arch-Neurol}, + volume = {20}, + number = {1}, + pages = {82-9 issn: 0003-9942}, + year = {1969}, + type = {Journal Article} +} + +@article{RN3106, + author = {Schonemann, P. H.}, + title = {On two-sided orthogonal Procrustes problems}, + journal = {Psychometrika}, + volume = {33}, + number = {1}, + pages = {19-33}, + ISSN = {0033-3123 (Print) +0033-3123 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5239567}, + year = {1968}, + type = {Journal Article} +} + +@article{RN3632, + author = {Lawrence, D. G. and Kuypers, H. G.}, + title = {The functional organization of the motor system in the monkey. I. The effects of bilateral pyramidal lesions}, + journal = {Brain}, + volume = {91}, + number = {1}, + pages = {1-14}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/4966862}, + year = {1968}, + type = {Journal Article} +} + +@article{RN264, + author = {Keele, Steven W. and Posner, Michael I.}, + title = {Processing of visual feedback in rapid movements}, + journal = {Journal of Experimental Psychology}, + volume = {77}, + pages = {155-158}, + year = {1968}, + type = {Journal Article} +} + +@article{RN3350, + author = {Corkin, S}, + title = {Acquisition of motor skill after bilateral medial temporal-lobe excision}, + journal = {Neuropsychologia}, + volume = {6}, + number = {3}, + pages = {255-261}, + year = {1968}, + type = {Journal Article} +} + +@book{RN2800, + author = {Blinkov, S. and Glezer, I.}, + title = {The human brain in figures and tables. A quantitative handbook}, + publisher = {Plenum}, + address = {New York}, + year = {1968}, + type = {Book} +} + +@book{RN1016, + author = {Bernstein, N. A.}, + title = {The co-ordination and regulation of movement}, + publisher = {Pergamon}, + address = {Oxford}, + year = {1967}, + type = {Book} +} + +@article{RN996, + author = {Belenkiy, V. Y. and Gurfinkel, V. S. and Paltsev, E. I.}, + title = {On elements of control of voluntary movements.}, + journal = {Biofizica}, + number = {12}, + pages = {135-141}, + year = {1967}, + type = {Journal Article} +} + +@article{RN3105, + author = {Schonemann, P. H.}, + title = {Varism: a new machine method for orthogonal rotation}, + journal = {Psychometrika}, + volume = {31}, + number = {2}, + pages = {235-48}, + ISSN = {0033-3123 (Print) +0033-3123 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5222210}, + year = {1966}, + type = {Journal Article} +} + +@article{RN3107, + author = {Schönemann, Peter}, + title = {A generalized solution of the orthogonal procrustes problem}, + journal = {Psychometrika}, + volume = {31}, + number = {1}, + pages = {1-10}, + ISSN = {0033-3123}, + DOI = {10.1007/bf02289451}, + url = {http://dx.doi.org/10.1007/BF02289451}, + year = {1966}, + type = {Journal Article} +} + +@article{RN360, + author = {Peterson, J. R.}, + title = {Response-response compatibility effects in a two-hand pointing task}, + journal = {Human Factors}, + volume = {7}, + pages = {231-246}, + year = {1965}, + type = {Journal Article} +} + +@article{RN2801, + author = {Heimburger, R.F. and Whitlock, C. C.}, + title = {Stereotaxic destruction of the human dentate nucleus}, + journal = {Confin. Neurol.}, + volume = {1965}, + number = {26}, + pages = {346-358}, + year = {1965}, + type = {Journal Article} +} + +@article{RN813, + author = {Treisman, M}, + title = {Temporal discrimination and the difference interval: implications for a model of the 'internal clock'}, + journal = {Psychological Monographs}, + volume = {77}, + pages = {1-13}, + year = {1963}, + type = {Journal Article} +} + +@inbook{RN3352, + author = {Milner, B.}, + title = {Les troubles de la memoire accompagnant des lesions hippocampiques bilaterales}, + booktitle = {Physiologie de l Hippocampe, Paris: Centre National de la Recherche Scientifique}, + pages = {257–272}, + year = {1962}, + type = {Book Section} +} + +@article{RN2899, + author = {Parter, S.}, + title = {The use of linear graphs in Gauss elimination}, + journal = {SIAM Review}, + volume = {3}, + number = {2}, + pages = {119-130}, + url = {http://www.jstor.org/stable/2027387}, + year = {1961}, + type = {Journal Article} +} + +@book{RN2771, + author = {Angevine, J.B. and Mancall, E.L. and Yakovlev, P.I. }, + title = {The human cerebellum. An atlas of gross topography in serial sections}, + publisher = {Little, Brown and Company}, + address = {Boston}, + year = {1961}, + type = {Book} +} + +@article{RN2058, + author = {Larsell, O.}, + title = {[The corpus cerebelli in birds & mammals.]}, + journal = {Arch Sci Biol (Bologna)}, + volume = {42}, + number = {1}, + pages = {90-104}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13560192}, + year = {1958}, + type = {Journal Article} +} + +@inbook{RN2798, + author = {Jansen, J. and Brodal, A.}, + title = {Das Kleinhirn}, + booktitle = {Handbuch der mikroskopischen Anatomie des Menschen}, + editor = {Möllendorff, W. v. and Bargmann, W. }, + publisher = {Springer Verlag}, + address = {Berlin Göttingen Heidelberg}, + volume = {4}, + pages = {1-323}, + year = {1958}, + type = {Book Section} +} + +@article{RN3355, + author = {Miller, G. A.}, + title = {The magical number seven plus or minus two: some limits on our capacity for processing information}, + journal = {Psychol Rev}, + volume = {63}, + number = {2}, + pages = {81-97}, + ISSN = {0033-295X (Print) +0033-295X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/13310704}, + year = {1956}, + type = {Journal Article} +} + +@article{RN622, + author = {Von Holst, E.}, + title = {Relations between the Central Nervous System and the Peripheral Organs}, + journal = {British Journal of Animal Behaviour}, + volume = {2}, + pages = {89-94}, + year = {1954}, + type = {Journal Article} +} + +@book{RN1015, + author = {Penfield, W and Jaspers, H}, + title = {Epilepsy and the functional anatomy of the human brain}, + publisher = {Little and Brown}, + address = {Boston}, + year = {1954}, + type = {Book} +} + +@article{RN2334, + author = {Slack, C. W.}, + title = {Some characteristics of the 'Range effect'}, + journal = {J Exp Psychol}, + volume = {46}, + number = {2}, + pages = {76-80}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13084848}, + year = {1953}, + type = {Journal Article} +} + +@article{RN3353, + author = {Hick, W. E.}, + title = {On the rate of gain of information}, + journal = {Quarterly Journal of Experimental Psychology}, + volume = {4}, + number = {1}, + pages = {11-26}, + DOI = {doi: 10.1080/17470215208416600}, + year = {1952}, + type = {Journal Article} +} + +@inbook{RN3386, + author = {Lashley, K. S.}, + title = {The problem of serial order in behavior}, + booktitle = {Cerebral mechanisms in behavior}, + editor = {Jeffres, L. A.}, + publisher = {Wiley}, + address = {New York}, + pages = {112-146}, + year = {1951}, + type = {Book Section} +} + +@article{RN2804, + author = {Höpker, W}, + title = {Das Altern des Nucleus dentatus}, + journal = {Zeitschrift für Altersforschung}, + volume = {5}, + number = {3}, + pages = {256-277}, + year = {1951}, + type = {Journal Article} +} + +@inbook{RN3631, + author = {Lashley, K. S.}, + title = {In seach of the engram}, + year = {1950}, + type = {Book Section} +} + +@article{RN1009, + author = {Berkson, Joseph}, + title = {Are there two regressions?}, + journal = {Journal of the American Statistical Association}, + volume = {45}, + number = {250}, + pages = {164-180}, + year = {1950}, + type = {Journal Article} +} + +@article{RN49, + author = {Tolman, edward c.}, + title = {Cognitive maps in rats and men}, + journal = {Psychological Review}, + volume = {55}, + number = {4}, + pages = {189-208}, + year = {1948}, + type = {Journal Article} +} + +@article{RN2141, + author = {Brodal, A. and Jansen, J.}, + title = {The pontocerebellar projection in the rabbit and cat. Experimental investigations.}, + journal = {Journal of Comparative Neurology}, + volume = {84}, + pages = {31-118}, + year = {1946}, + type = {Journal Article} +} + +@article{RN2423, + author = {Snider, R. and Stowell, A.}, + title = {Receiving areas of the tactile, auditory, and visual systems in the cerebellum }, + journal = {Journal of Neurophysiology}, + volume = {7}, + pages = {331-337}, + year = {1944}, + type = {Journal Article} +} + +@article{RN2402, + author = {Holmes, G.}, + title = {The cerebellum of man}, + journal = {Brain}, + volume = {62}, + pages = {1-30}, + year = {1939}, + type = {Journal Article} +} + +@article{RN3400, + author = {Penfield, W and Broldrey, E}, + title = {Somatic motor and sensory representation in the cerebral cortex of man as studied by electrical stimulation}, + journal = {Brain}, + volume = {60}, + number = {389–443}, + year = {1937}, + type = {Journal Article} +} + +@article{RN3319, + author = {Mahalanobis}, + title = {On the generalized distance in statistics}, + journal = {Proceedings of the National Institute of Sciences}, + volume = {2}, + pages = {49-55}, + year = {1936}, + type = {Journal Article} +} + +@article{RN3549, + author = {Fisher, R. A.}, + title = {The use of multiple measurements in taxonomic problems}, + journal = {Annals of Eugenics}, + volume = {7}, + number = {2}, + pages = {179-188}, + year = {1936}, + type = {Journal Article} +} + +@article{RN3547, + author = {Neyman, J. and Pearson, E. S. }, + title = {On the problem of the most efficient test of statistical hypotheses}, + journal = {Philosophical Transactions of the Royal Society A: Mathematical, Physical and Engineering Sciences}, + volume = {231}, + pages = {289–337}, + DOI = {doi:10.1098/rsta.1933.0009.}, + year = {1933}, + type = {Journal Article} +} + +@article{RN679, + author = {Telford, C. W.}, + title = {The refractory phase of voluntary and associative responses}, + journal = {Journal of Experimental Psychology}, + volume = {14}, + pages = {1-36}, + year = {1931}, + type = {Journal Article} +} + +@inbook{RN2770, + author = {Jakob, A.}, + title = {Das Kleinhirn}, + booktitle = {Möllendorfs Handbuch der mikroskopischen Anatomie des Menschen}, + publisher = {Springer Verlag}, + address = {Berlin}, + volume = {4}, + pages = {674-916}, + year = {1928}, + type = {Book Section} +} + +@article{RN2795, + author = {Gans, A.}, + title = {Beitrag zur Kenntnis des Aufbaus des Nucleus dentatus aus zwei Teilen, namentlich auf Grund von Untersuchungen der Eisenreaktion}, + journal = {Z. ges. Neurol. Psychiatr.}, + volume = {93}, + pages = {750-755}, + year = {1924}, + type = {Journal Article} +} + +@article{RN650, + author = {Wertheimer, Max}, + title = {Untersuchungen zur Lehre von der Gestalt}, + journal = {Psychologische Forschung}, + volume = {4}, + pages = {301-350}, + year = {1923}, + type = {Journal Article} +} + +@article{RN2803, + author = {Guizzetti, P.}, + title = {Principali risultati dell’applicazione grossolona a fresco delle reazioni istochimiche del ferro sul sistema nervoso centrale dell’uomo e di alcuni mammiferi domestici}, + journal = {Riv. di patologia nervosa e mentale }, + volume = {20}, + number = {103}, + year = {1915}, + type = {Journal Article} +} + +@article{RN803, + author = {Dunlap, K}, + title = {Reactions on rhythmic stimuli, with attempt to synchronize}, + journal = {Psychological Review}, + volume = {17}, + pages = {399-416}, + year = {1910}, + type = {Journal Article} +} + +@article{RN242, + author = {Balint, R.}, + title = {Seelenlähmung des "Schauens", optische Ataxie, räumliche Störung der Aufmerksamkeit}, + journal = {Monatszeitschrift für Psychiatrie und Neurologie}, + volume = {25}, + pages = {5-81}, + year = {1909}, + type = {Journal Article} +} + +@book{RN2327, + author = {Liepmann, H. M. O}, + title = {Drei Aufsätze aus dem Aparxie-Gebiet}, + publisher = {Krager}, + address = {Berlin}, + year = {1908}, + type = {Book} +} + +@article{RN977, + author = {Liepmann, H. M. O}, + title = {Ein Fall von linksseitiger Agraphie und Apraxie bei rechtsseitinger Lähmung.}, + journal = {Monatszeitschrift für Psychiatrie und Neurologie}, + volume = {10}, + pages = {214-227}, + year = {1907}, + type = {Journal Article} +} + +@book{RN2802, + author = {Dejerine, J.}, + title = {Anatomie des centres nerveux}, + publisher = {II. J. Rueff}, + address = {Paris}, + year = {1901}, + type = {Book} +} + +@article{RN854, + author = {Woodworth, R. S.}, + title = {The accuracy of voluntary movement}, + journal = {Psychological Monographs}, + volume = {3}, + number = {2}, + pages = {1-114}, + year = {1899}, + type = {Journal Article} +} + +@article{RN2287, + author = {Charpentier, A.}, + title = {Analyse experimentale de quelques elements de la sensation de poids}, + journal = {Archives de Physiologie Normales et Pathologiques}, + volume = {3}, + pages = {122-135}, + year = {1891}, + type = {Journal Article} +} + +@inbook{RN555, + author = {Wiesendanger, Mario and Wicki, Urs and Rouiller, Eric}, + title = {Are there unifying structures in the brain responsible for interlimb coordination?}, + year = {199x}, + type = {Book Section} +} + +@article{RN563, + author = {Dias, R. and Robbins, T. W. and Robert, A. C.}, + type = {Journal Article} +} + diff --git a/documentation/makepdf.txt b/documentation/makepdf.txt new file mode 100755 index 0000000..96bfd56 --- /dev/null +++ b/documentation/makepdf.txt @@ -0,0 +1 @@ +pandoc -o pcm_toolbox_manual.pdf pcm_toolbox_manual.md --latex-engine=xelatex -F pandoc-crossref -F pandoc-citeproc diff --git a/documentation/neuroimage.csl b/documentation/neuroimage.csl new file mode 100644 index 0000000..49e4cd5 --- /dev/null +++ b/documentation/neuroimage.csl @@ -0,0 +1,14 @@ + + \ No newline at end of file diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md new file mode 100644 index 0000000..bf3774e --- /dev/null +++ b/documentation/pcm_toolbox_manual.md @@ -0,0 +1,671 @@ +--- +output: + pdf_document: + number_sections: true + keep_tex: true + fig_caption: true + latex_engine: xelatex +bibliography: bblibrary.bib +csl: neuroimage.csl +link-citations: false +linkReferences: true +urlcolor: black +geometry: margin=1in +figPrefix: + - "Fig." + - "Figs." +eqnPrefix: + - "Eq." + - "Eqs." +title: \bf{Pattern component modelling toolbox} +author: + - Jörn Diedrichsen, Spencer A. Arbuckle, and Atusushi Yokoi +--- +\tableofcontents +\pagebreak + +# How to use this manual +This manual provides an introduction to how to use the Pattern component modelling (PCM) toolbox. The theory behind this approach is laid out in an accompanying paper (REF) - but the main ideas are sketched out here in the introduction. We then provide an overview over the toolbox functions, and explain the different steps of model specification, model estimation, visualisation, and model comparison following real examples presented in the paper. The toolbox comes with a few example "recipes", which we hope will be useful to provide a full example of usage. Finally, the last section contains some of the mathematical details readers that would like to understand all algorithmic details. + +# Introduction +The study of brain representations aims to illuminate the relationship between complex patterns of activity occurring in the brain and "things in the world" - be it objects, actions, or abstract concepts. By understanding internal syntax of brain representations, and especially how the structure of representations changes across different brain regions, we ultimately hope to gain insight into the way the brain processes information. + +Central to the definition of representation is the concept of decoding [@RN3623]. A feature (i.e. a variable that describes some aspect of the "things in the world") that can be decoded from the ongoing neural activity in a region is said to be represented there. For example, a feature could be the direction of a movement, the orientation and location of a visual stimulus, or the semantic meaning of a word. Of course, if we allow the decoder to be arbitrarily complex, we would use the term representation in the most general sense. For example, using a computer vision algorithm, one may be able to identify objects based on activity in primary visual cortex. However, we may not conclude necessarily that object identity is represented in V1 - at least not explicitly. Therefore, it makes sense to restrict our definition of an explicit representation to features that can be linearly decoded by a single neuron from some population activity [@RN3627; @RN3626; @RN3625; @RN3573]. + +While decoding approaches are very popular in the study of multi-voxel activity patterns [@RN2832; @RN2839; @RN2909], they are not the most useful tool when we aim to make inferences about the nature of brain representations. The fact that we can decode feature X well from region A does not imply that the representation in A is well characterized by feature X - there may be many other features that better determine the activity patterns in this region. + +![*Decoding, encoding and representational models.* (**A**) *The matrix of activity data consists of rows of activity patterns for each condition or of columns of activity profiles for each voxel (or more generally, measurement channel). The data can be used to decode specific features that describe the experimental conditions (decoding). Alternatively, a set of features can be used to predict the activity data (encoding). Representational models work at the level of a sufficient statistics (the second moment) of the activity profiles. Models are formulated in this space and possibly combined and changed using higher-order model parameters ($\theta$).* (**B**) *The activity profiles of different voxels are plotted as points in the space of the experimental conditions. Features in encoding models are vectors that describe the overall distribution of the activity profiles.* (**C**) *The distribution can also be directly described using a multivariate normal distribution (PCM).* (**D**) *Representational similarity analysis (RSA) provides an alternative view by plotting the activity patterns in the space defined by different voxel activities. The distances between activity patterns serves here as the sufficient statistic, which is fully defined by the second moment matrix.*](Figures/Figure_1.pdf){#fig:Fig1} + +Encoding models, on the other hand, characterize how well we can explain the activities in a specific region using a sets of features. The activity profile of each voxel (here shown as columns in the activity data matrix), is modeled as the linear combination of a set of features ([@fig:Fig1]a). We will use the term voxels interchangeably with the more general term measurement channel, which could, depending on the measurement modality, refer to a single neuron, an electrode, or sensor. Each voxel has its own set of parameters ($\mathbf{W}$) that determine the weight of each feature. This can visualized by plotting the activity profile of each voxel into the space spanned by the experimental conditions ([@fig:Fig1]b). Each dot refers to the activity profile of a channel (here a voxel), indicating how strongly the voxel is activated by each condition. Estimating the weights is equivalent to a projection of each of the activity profiles onto the feature vectors. The quality of the model can then be evaluated by determining how well unseen activity data can be predicted. When estimating the weights, encoding models often use some form of regularization, which essentially imposes a prior on the feature weights. This prior is an important component of the model. It determines a predicted distribution of the activity profiles [@RN3573]. An encoding model that matches the real distribution of activity profiles best will show the best prediction performance. + +The interpretational problem for encoding models is that for each feature set that predicts the data well, there is an infinite number of other (rotated) features sets that describe the same distribution of activity profiles and, hence, predict the data equally well. The argument may be made that to understand brain representations, we should not think about specific features that are encoded, but rather about the distribution of activity profiles. This can be justified by considering a read-out neuron that receives input from a population of neurons. From the standpoint of this neuron, it does not matter which neuron has which activity profile (as long as it can adjust input weights), and which features were chosen to describe these activity profiles - all that matters is what information can read out from the code. Thus, from this perspective it may be argued that the formulation of specific feature sets and the fitting of feature weights for each voxel are unnecessary distractions. + +Therefore, our approach of pattern component modeling (PCM) abstracts from specific activity patterns. This is done by summarizing the data using a suitable summary statistic ([@fig:Fig1]a), that describes the shape of the activity profile distribution ([@fig:Fig1]c). This critical characteristic of the distribution is the covariance matrix of the activity profile distribution or - more generally - the second moment. The second moment determines how well we can linearly decode any feature from the data. If, for example, activity measured for two experimental conditions is highly correlated in all voxels, then the difference between these two conditions will be very difficult to decode. If however, the activities are uncorrelated, then decoding will be very easy. Thus, the second moment is a central statistical quantity that determines the representational content of the brain activity patterns of an area [@RN3573]. + +Similarly, a representational model is formulated in PCM not by its specific feature set, but by its predicted second moment matrix. If two feature sets have the same second moment matrix, then the two models are equivalent. Thus, PCM makes hidden equivalences between encoding models explicit. To evaluate models, PCM simply compares the likelihood of the data under the distribution predicted by the model. To do so, we rely on an generative model of brain activity data, which fully specifies the distribution and relationship between the random variables. Specifically, true activity profiles are assumed to have a multivariate Gaussian distribution and the noise is also assumed to be Gaussian, with known covariance structure. Having a fully-specified generative model allows us to calculate the likelihood of data under the model, averaged over all possible values of the feature weights. This results in the so-called model evidence, which can be used to compare different models directly, even if they have different numbers of features. In summarizing the data using a sufficient statistic, PCM is closely linked to representation similarity analysis (RSA), which characterizes the second moment of the activity profiles in terms of the distances between activity patterns ([@fig:Fig1]d, also see @RN3573). + +By removing the requirement to fit and cross-validate individual voxel weights, PCM enables the user to concentrate on a different kind of free parameter, namely model parameters that determine the shape of the distribution of activity profiles. From the perspective of encoding models, these would be hyper-parameters that change the form of the feature or regression matrix. For example, we can fit the distribution of activity profiles using a weighted combination of 3 different feature sets ([@fig:Fig1]a). Such component models (see section \ref{componentmodels}) are extremely useful if we hypothesize that a region cares about different groups of features (i.e.\ colour, size, orientation), but we do not know how strongly each feature is represented. In encoding models, this would be equivalent to providing a separate scaling factor to different parts of the feature matrix. Most encoding models, however, use a single model feature matrix, making them equivalent to a fixed PCM model. + +In this manual we will show how to use the PCM toolbox to estimate and compare flexible representational models. We will present the fundamentals of the generative approach taken in PCM and outline different ways in which flexible representational models with free parameters can be specified. We will then discuss methods for model fitting and for model evaluation. We will also walk in detail through three illustrative examples from our work on finger representations in primary sensory and motor cortices, also providing recipe code for the examples presented in the paper. +\pagebreak + +# Overview +the toolbox provides function for model fitting, comparison, and some basic visualization. What the toolbox does *not* provide are functions to extract the required data from the first-level GLM or raw data, search-light code or code for ROI definition. We have omitted these function as they strongly depend on the analysis package used for basic imaging analysis. Some useful tools for the extraction of multivariate data from the standard first-level GLM, please see the [RSA-toolbox](https://github.com/rsagroup/rsatoolbox) and [Surfing toolbox](https://github.com/nno/surfing). + +The functions provided in the toolbox can be categorized into different categories: + +### Basic likelihood and optimization + +These are the functions that perform the core statistical functions of the toolbox. + +| Function | Comment +|:--------------------------|:----------------------------- +| `pcm_likelihoodIndivid` | Likelihood of a single data set under a model +| `pcm_likelihoodGroup` | Likelihood of a group data set under a model +| `pcm_NR` | Newton Raphson optimisation +| `pcm_NR_diag` | Newton Raphson for diagonalized models (faster) +| `pcm_NR_free` | Newton Raphson for a free model +| `pcm_EM` | Expectation-Maximization +| `pcm_minimize` | Conjugate gradient descent + +### Model Evaluation +These functions are higher level functions that perform fitting and crossvalidation of either individual data set or group data sets. + +| Function | Comment +|:-----------------------------|:----------------------------- +| `pcm_fitModelIndivid` | Fits G and noise parameter to individual data +| `pcm_fitModelIndividCrossval`| Within-subject crossvalidation of models +| `pcm_fitModelGroup` | Fit common G to all subjects, using individual noise and scale parameter +| `pcm_fitModelGroupCrossval` | Between-subject crossvalidation of models + + +### Utility functions +| Function | Comment +|:-----------------------------|:----------------------------- +| `pcm_checkderiv` | Checks derivate of a nonlinear model +| `pcm_estGcrossval` | Cross-validated estimate of G +| `pcm_indicatorMatrix` | Generates indicator matrices +| `pcm_vararginoptions` | Dealing with variable options to functions + +### Visualization functions +| Function | Comment +|:-----------------------------|:----------------------------- +| `pcm_classicalMDS` | Multidimensional scaling +| `pcm_plotModelLikelihood` | Displays marginal likelihood (results from `pcm_fitModel` functions) + +### Recipes +| Function | Comment +|:-----------------------------|:----------------------------- +| `pcm_recipe_finger` | Example of a fixed and component models +| `pcm_recipe_correlation` | Example of feature model +| `pcm_recipe_nonlinear` | Example for non-linear model + +# Model specification + +## Generative model + +Central to PCM is a generative model of the measured brain activity data $\mathbf{Y}$, a matrix of N x P activity measurements, referring to N time points (or trials) and P voxels. The data can refer to the minimally preprocessed raw activity data, or to already deconvolved activity estimates, such as those obtained as beta weights from a first-level time series model. $\mathbf{U}$ is the matrix of true activity patterns (a number of conditions x number of voxels matrix) and $\mathbf{Z}$ the design matrix. Also influencing the data are effects of no interest $\mathbf{B}$ and noise: + +$$ +\begin{array}{c}\mathbf{Y} = \mathbf{ZU+XB}+\epsilon\\ +\mathbf{u}_{p} \sim N(\mathbf{0},\mathbf{G})\\ +\epsilon_p \sim N(\mathbf{0},\mathbf{S}\sigma^{2}) \end{array} +$$ + +{#eq:GenerativeModelEq} + +There are a five assumptions in this generative model. First, the activity profiles ( $\mathbf{u}_p,$ columns of \textbf{U}) are considered to be a random variable drawn from a normal distribution. Representational models therefore do not specify the exact activity profiles of specific voxels, but simply the characteristics of the distribution from which they originate. Said differently, PCM is not interested in which voxel has which activity profiles - it ignores their spatial arrangement. This makes sense considering that activity patterns can vary widely across different participants[@RN3415] and do not directly impact what can be decoded from a region. For this, only the distribution of these activity profiles in this region is considered. + +The second assumption is that the mean of the activity profiles (across voxels) is the same across conditions, and that it is modeled using the effects of no interests . Therefore, we most often model in $\mathbf{X}$ the mean of each voxel across conditions. While one could also artificially remove the mean of each condition across voxels [@RN3565], this approach would remove differences that, from the persepctive of decoding and representation, are highly meaningful [@RN3573]. + +The third assumption is that the activity profiles come from a multivariate Gaussian distribution. This is likely the most controversial assumption, but it is motivated by a few reasons: First, for fMRI data the multi-variate Gaussian is often a relatively appropriate description, especially if the mean of each voxel across conditions has been removed by the model. Secondly, the definition causes us to focus on the mean and covariance matrix, $\mathbf{G}$, as sufficient statistics, as these completely determine the Gaussian. Thus, even if the true distribution of the activity profiles is better described by a non-Gaussian distribution, the focus on the second moment is sensible as it characterizes the linear decodability of any feature of the stimuli. + +Fourthly, the model assumes that different voxels are independent from each other. If we used raw data, this assumption would be clear violated, given the strong spatial correlation of noise processes in fMRI data. To reduce these dependencies we typically uses spatially pre-whitened data, which is divided by a estimate of the spatial covariance matrix [@RN3565; @RN3573]. One complication here is that spatial pre-whitening usually does not remove spatial dependencies completely, given the estimation error in the spatial covariance matrix [@RN3543]. + +Finally, we assume that the noise of each voxel is Gaussian with a temporal covariance that is known up to a constant term $\sigma^{2}$. Given the many additive influences of various noise sources on fMRI signals, Gaussianity of the noise is, by the central limit theorem, most likely a very reasonable assumption, which is commonly made in the fMRI literature. The original formulation of PCM used a model which assumed that the noise is also temporally independent and identically distributed (i.i.d.) across different trials, i.e. $\mathbf{S} = \mathbf{I}$ . However, as pointed out recently [@RN3638], this assumption is often violated in non-random experimental designs with strong biasing consequences for estimates of the covariance matrix. If this is violated, we can either assume that we have a valid estimate of the true covariance structure of the noise ($S$), or we can model different parts of the noise structure (see section \ref{noise}). + +When we fit a PCM model, we are not trying to estimate specific values of the the estimates of the true activity patterns $\mathbf{U}$. This is a difference to encoding approaches, in which we would estimate the values of ​$\mathbf{U}$ by estimating the feature weights ​$\mathbf{W}$. In PCM, we want to assess how likely the data is under any possible value of ​$\mathbf{U}$, as specified by the prior distribution. Thus we wish to calculate the marginal likelihood + +$$ +p\left(\mathbf{Y}|\theta\right)=\int p\left(\mathbf{Y}|\mathbf{U},\theta\right) p\left(\mathbf{U}|\theta\right) d\mathbf{U}. +$$ +{#eq:MarginalLilelihood} + +This is the likelihood that is maximized in PCM in respect to the model parameters $\theta$. For more details, see mathematical and algorithmic details. + +## Model types +### Fixed models + +In fixed models, the second moment matrix $\mathbf{G}$ is exactly predicted by the model. The simplest and most common example is the Null model, which states that $\mathbf{G} = \mathbf{0}$. This is equivalent to assuming that there is no difference between the activity patterns measured under any of the conditions. The Null-model is useful if we want to test whether there are any differences between experimental conditions. + +Fixed models also occur when the representational structure can be predicted from some independent data. An example for this is shown in section \ref{example1}, where we predict the structure of finger representations directly from the correlational structure of finger movements in every-day life [@RN3415]. Importantly, fixed models only predict the the second moment matrix up to a proportional constant. The width of the distribution will vary with the overall signal-to-noise-level (assuming we use pre-whitened data). Thus, when evaluating fixed models we allow the predicted second moment matrix to be scaled by an arbitrary positive constant. + +#### Example + +An empirical example to for a fixed representational model comes from Ejaz et al (2015). Here the representational structure of 5 finger movements was compared to the representational structure predicted by the way the muscles are activated during finger movements (Muscle model), or by the covariance structure of natural movements of the 5 fingers. That is the predicted second moment matrix is derived from data completely independent of our imaging data. + +Models are stored in structures, with the field `type` indicating the model type. To define a fixed model, we simple need to load the predicted second moment matrix and define a model structure as follows (see `pcm_recipe_finger`): + +``` +M.type = 'fixed’; % Type set to fixed +M.numGparams = 0; % Number of parameters +M.Gc = Model(1).G_cent; % This is the predicted second moment matrix from the behavioural data +M.name = 'muscle’;% This is the name of the +``` + +When evaluating the likelihood of a data set under the prediction, the pcm toolbox still needs to estimate the scaling factor and the noise variance, so even in the case of fixed models, an iterative maximization of the likelihood is required (see below). + +### Component models + +A more flexible model is to express the second moment matrix as a linear combination of different components. For example, the representational structure of activity patterns in the human object recognition system in inferior temporal cortex can be compared to the response of a convolutional neural network that is shown the same stimuli [@RN3544]. Each layer of the network predicts a specific structure of the second moment matrix and therefore constitutes a fixed model. However, the real representational structure seems to be best described by a mixture of multiple layers. In this case, the overall predicted second moment matrix is a linear sum of the weighted components matrices: + + +$$ +\mathbf{G}= \sum_{h}{\exp(\theta_{h})\mathbf{G}_{h}}. +$$ +{#eq:componentModel} + + +The weights for each component need to be positive - allowing negative weights would not guarantee that the overall second moment matrix would be positive definite. Therefore we use the exponential of the weighing parameter here, such that we can use unconstrained optimization to estimate the parameters. + +For fast optimization of the likelihood, we require the derivate of the second moment matrix in respect to each of the parameters. Thus derivative can then be used to calculate the derivative of the log-likelihood in respect to the parameters (see section 4.3. Derivative of the log-likelihood). In the case of linear component models this is easy to obtain. + +$$ +\frac{\partial G}{\partial {\theta }_{h}}=\exp(\theta_{h}) {\bf{G}}_{h} +$$ +{#eq:derivative_componentModel} + +#### Example + +In the example `pcm_recipe_finger`, we have two fixed models, the Muscle and the natural statistics model. One question that arises in the paper is whether the real observed structure is better fit my a linear combination of the natural statistics and the muscle activity structure. So we can define a third model, which allows any arbitrary mixture between the two type. + +``` +M.type = ‘component’; +M.numGparams = 2; +M.Gc(:,:,1) = Model(1).G_cent; +M.Gc(:,:,2) = Model(2).G_cent; +M.name = 'muscle + usage'; +``` + +### Feature models +A representational model can be also formulated in terms of the features that are thought to be encoded in the voxels. Features are hypothetical tuning functions, i.e.\ models of what activation profiles of single neurons could look like. Examples of features would be Gabor elements for lower-level vision models [@RN3098], elements with cosine tuning functions for different movement directions for models of motor areas [@RN2960], and semantic features for association areas [@RN3566]. The actual activity profiles of each voxel are a weighted combination of the feature matrix $\mathbf{u}_p = \mathbf{M} \mathbf{w}_p$. The predicted second moment matrix of the activity profiles is then $\mathbf{G} = \mathbf{MM}^{T}$, assuming that all features are equally strongly and independently encoded, i.e. $E \left(\mathbf{w}_p\mathbf{w}_p^{T} \right)=\mathbf{I}$. A feature model can now be flexibly parametrized by expressing the feature matrix as a weighted sum of linear components. + +$$ +\mathbf{M}= \sum_{h} \theta_h \mathbf{M}_{h} +$$ + +Each parameter $\theta_h$ determines how strong the corresponding set of features is represented across the population of voxels. Note that this parameter is different from the actual feature weights $\mathbf{W}$. Under this model, the second moment matrix becomes +$$ +\mathbf{G}=\mathbf{UU}^{T}/P=\frac{1}{P}\sum_{h}\theta_{h}^{2}\mathbf{M}_{h}\mathbf{M}_{h}^{T}+\sum_{i}\sum_{j}\theta_{i}\theta_{j}\mathbf{M}_{i}\mathbf{M}_{j}^{T}. +$$ +{#eq:featureModel2} + +From the last expression we can see that, if features that belong to different components are independent of each other, i.e. $\mathbf{M}_{i} \mathbf{M}_{j} = \mathbf{0}$, then a feature model is equivalent to a component model with $\mathbf{G}_h = \mathbf{M}_{h}\mathbf{M}_{h}^{T}$. The only technical difference is that we use the square of the parameter $\theta_h$, rather than its exponential, to enforce non-negativity. Thus, component models assume that the different features underlying each component are encoded independently in the population of voxels - i.e.\ knowing something about the tuning to feature of component A does not tell you anything about the tuning to a feature of component B. If this cannot be assumed, then the representational model is better formulated as a feature model. + +By the product rule for matrix derivatives, we have +$$ +\frac{{\partial {\bf{G}}}}{{\partial {\theta_h}}} = {{\bf{M}}_h}{\bf{M}}{\left( \bf{\theta} \right)^T} + {\bf{M}}\left( \theta \right){\bf{M}}_h^T +$$ +{#eq:derivative_featureModel} + +#### Example +In the example `pcm_recipe_correlation`, we want to model the correlation between the patterns for the left hand and the corresponding fingers for the right hand. + +![*Feature model to model correlation.*](Figures/Figure_feature_corr.pdf){#fig:Fig2} + +There two features to simulate the common pattern for the left and right hand movements, respectively ($\theta_{d}$, $\theta_{e}$). For the fingers of the contra-lateral hand we have one feature for each finger, with the feature component weighted by $\theta_{a}$. The same features also influence the patterns for the ipsilateral hand with weight $\theta_{b}$. This common component models the correspondence between contra and ipsilateral fingers. Finally, the component weighted by $\theta_{c}$ encodes unique encoding for the ipsilateral fingers. + +``` +M.type = 'feature'; +M.numGparams = 5; +M.Ac(:,1:5 ,1) = [eye(5);zeros(5)]; % Contralateral finger patterns (a) +M.Ac(:,1:5 ,2) = [zeros(5);eye(5)]; % Mirrored Contralateralpatterns (b) +M.Ac(:,6:10,3) = [zeros(5);eye(5)]; % Unique Ipsilateral pattterns (c) +M.Ac(:,11 ,4) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (d) +M.Ac(:,12 ,5) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (e) +M.name = 'correlation'; +M.theta0=[1 1 0.5 0.1 0.1 ]'; % Starting values +``` + +### Nonlinear models + +The most flexible way of defining a representational model is to express the second moment matrix as a non-linear (matrix valued) function of the parameters, $\mathbf{G}=F\left(\theta\right)$. While often a representational model can be expressed as a component or feature model, sometimes this is not possible. One example is a representational model in which the width of the tuning curve (or the width of the population receptive field) is a free parameter [@RN3558]. Such parameters would influence the features, and hence also the second-moment matrix in a non-linear way. Computationally, such non-linear models are not much more difficult to estimate than component or feature models, assuming that one can analytically derive the matrix derivatives $\partial \mathbf{G} / \partial \theta_{h}$. + +For this, the user needs to define a function that takes the parameters as an input and returns **G** the partial derivatives of **G** in respect to each of these parameters. The derivates are returned as a (KxKxH) tensor, where H is the number of parameters. + +``` +[G,dGdtheta]=fcn(theta,data,…) +``` +Note that this function is repeatedly called by the optimization routine and needs to execute fast. That is, any computation that does not depend on the current value of $\theta$ should be performed outside the function and then passed to it. + +#### Example + +In the example `pcm_recipe_nonlinear`, we define how the representational structure of single finger presses of the right hand (**G**) scales as the number of presses increases. To achieve this, we can simply allow for a scaling component ($\theta_{f}$) for each pressing speed ($f$). In the recipe, we have four pressing speeds. Therefore, we use **G** from one pressing speed to model the **G**s of the remaining three pressing speeds. For one pressing speed, **G** is a 5x5 matrix, where each dimension corresponds to one finger. To speed up the optimization routine, we set **G**$(1,1)$ to one. The parameters in **G** are then free to vary with respect to **G**$(1,1)$. + +``` +M.type = 'nonlinear'; +M.name = 'Scaling'; +M.modelpred = @ra_modelpred_scale; +M.numGparams = 17; % 14 free theta params in G because G(1,1) is set to 1, and 3 free scaling params +M.theta0 = [Fx0; scale_vals]; % Fx0 are the 14 starting values from G, scale_vals are 3 starting scaling values +``` + +### Free models + +The most flexible representational model is the free model, in which the predicted second moment matrix is unconstrained. Thus, when we estimate this model, we would simply derive the maximum-likelihood estimate of the second-moment matrix. This can be useful for a number of reasons. First, we may want an estimate of the second moment matrix to derive the corrected correlation between different patterns, which is less influenced by noise than the simple correlation estimate [@RN3638; @RN3033]. Furthermore, we may want to estimate the likelihood of the data under a free model to obtain a noise ceiling - i.e.\ an estimate of how well the best model should fit the data (see section \ref{noiseceilings}). + +In estimating an unconstrained $\mathbf{G}$, it is important to ensure that the estimate will still be a positive definite matrix. For this purpose, we express the second moment as the square of an upper-triangular matrix, $\mathbf{G} = \mathbf{AA}^{T}$ [@RN3638; @RN3033]. The parameters are then simply all the upper-triangular entries of $\mathbf{A}$. + +#### Example + +To set up a free model, the model type needs to be set to `freechol`, and you need to provide the number of conditions. The function `pcm_prepFreeModel` then quickly calculates the row and column indices for the different free parameters, which is a useful pre-computation for subsequent model fitting. + +``` +M.type = 'freechol'; +M.numCond = 5; +M.name = 'noiseceiling'; +M = pcm_prepFreeModel(M); +``` + +## Noise models + +The noise is assumed to come from a multivariate normal distribution with covariance matrix $\mathbf{S}\sigma^{2}$. What is a reasonable noise structure to assume? First, the data can usually be assumed to be independent across imaging runs. If the data are regression estimates from a first-level model, and if the design of the experiment is balanced, then it is usually also permissible to make the assumption that the noise is independent within each imaging run $\mathbf{S}=\mathbf{I}$, [@RN3033]. Usually, however, the regression coefficients from a single imaging run show positive correlations with each other. This is due to the fact that the regression weights measure the activation during a condition as compared to a resting baseline, and the resting baseline is common to all conditions within the run [@RN3033]. To account for this, one can model the mean activation (across conditions) for each voxel with a separate fixed effect for each run. This effectively accounts for any uniform correlation. + +Usually, assuming equal correlations of the activation estimates within a run is only a rough approximation to the real co-varince structure. A better estimate can be obtained by using an estimate derived from the design matrix and the estimated temporal autocorrelation of the raw signal. As pointed out recently [@RN3638], the particular design can have substantial influence on the estimation of the second moment matrix. This is especially evident in cases where the design is such that the trial sequence is not random, but has an invariant structure (where trials of one condition are often to follow trials of another specific condition). The accuracy of our approximation hinges critically on the quality of our estimate of the temporal auto-covariance structure of the true noise. Note that it has been recently demonstrated that especially for high sampling rates, a simple autoregressive model of the noise is insufficient [@RN3550]. + +The last option is to estimate the covariance structure of the noise from the data itself. This can be achieved by introducing random effects into the generative model equation in section \ref{generativemodel}, which account for the covariance structure across the data. One example used here is to assume that the data are independent within each imaging run, but share an unknown covariance within each run, which is then estimated as a part of the covariance matrix [@RN3033]. While this approach is similar to just removing the run mean from the data as a fixed effect (see above) it is a good strategy if we actually want to model the difference of each activation pattern against the resting baseline. When treating the mean activation pattern in each run as a random effect, the algorithm finds a compromise between how much of the shared pattern in each run to ascribe to the random run-to-run fluctuations, and how much to ascribe to a stable mean activation. + +ADD EXAMPLE AND CODE SNIPPETS FOR THE DIFFERENT OPTIONS + +# Model fitting and crossvalidation +Details of the different optimization routines that maximize the likelihood can be found in section on Mathematical and Algorithmic details. Currently, the toolbox is using `pcm_minimize` (conjugate gradient descent), as it provides a universal solution for all model types. However, Newton-Raphson (especially when exploiting special forms) can be substantially faster in some cases. Future versions will select the optimisation of adaptively. + +The following routines are wrapper functions around the actual optimisation routines that fit models to individual or group data. Noise and (possibly) scale paramaters are added to the fit for each subject. To compare models of different complexity, 2 types of crossvalidation are implemented. + +![*Model crossvalidation schemes.* (**A**) *Within-subject crossvalidation where the model is fit on N-1 partitions and then evaluated on the left-out partition N.* (**B**) *Group crossvalidation were the model is fit to N-1 subjects and then evaluated on a left-out subject. In all cases, an individual scaling and noise parameters is fit to each subject to allow for different signal-to-noise levels.* ](Figures/Figure_crossval.pdf){#fig:Fig3} + +## Fitting to individual data sets +Models can be fitted to each data set individually, using the function `pcm_fitModelIndivid`. Individual fitting makes sense for models with a single component (fixed models), which can be evaluated without crossvalidation. It also makes sense when the main interest are the parameters of the fit from each individual. + +``` +function [T,theta_hat,G_pred]=pcm_fitModelIndivid(Y,M,partitionVec,conditionVec,varargin); +``` + +The input arguments are: + +``` +% INPUT: +% Y: {#Subjects}.[#Conditions x #Voxels] +% Observed/estimated beta regressors from each subject. +% Preferably multivariate noise-normalized beta regressors. +% +% M: {#Models} Cell array with structure that defines model(s). +% +% partitionVec: {#Subjects} Cell array with partition assignment vector +% for each subject. Rows of partitionVec{subj} define +% partition assignment of rows of Y{subj}. +% Commonly these are the scanning run #s for beta +% regressors. +% If a single vector is provided, it is assumed to me the +% same for all subjects +% +% conditionVec: {#Subjects} Cell array with condition assignment vector +% for each subject. Rows of conditionVec{subj} define +% condition assignment of rows of Y{subj}. +% If a single vector is provided, it is assumed to me the +% same for all subjects +% If the (elements of) conditionVec are matrices, it is +% assumed to be the design matrix Z, allowing the +% specification individualized models. +``` + +Optional inputs are: + +``` +% OPTION: +% 'runEffect': How to deal with effects that may be specific to different +% imaging runs: +% 'random': Models variance of the run effect for each subject +% as a seperate random effects parameter. +% 'fixed': Consider run effect a fixed effect, will be removed +% implicitly using ReML. +% +% 'isCheckDeriv: Check the derivative accuracy of theta params. Done using +% 'checkderiv'. This function compares input to finite +% differences approximations. See function documentation. +% +% 'MaxIteration': Number of max minimization iterations. Default is 1000. +% +% 'S',S : (Cell array of) NxN noise covariance matrices - +% otherwise independence is assumed + +``` +And the outputs are defined as: + +``` +% T: Structure with following subfields: +% SN: Subject number +% likelihood: log likelihood +% noise: Noise parameter +% run: Run parameter (if run = 'random') +% iterations: Number of interations for model fit +% time: Elapsed time in sec +% +% theta{m} Cell array of estimated model parameters, each a +% #params x #numSubj matrix +% G_pred{m} Cell array of estimated G-matrices under the model +``` +The output can be used to compare the likelihoods between different models. Alternatively you can inspect the individual fits by looking at the parameters (theta) or the fitted second moment matrix (G_pred). + + +#### Example +In `pcm_recipe_correlation`, we fit the feature model described above and then use the fitted parameters to determine the predicted correlation. + +``` +[D,theta,G_hat] = pcm_fitModelIndivid(Data,M,partVec,condVec,'runEffect','fixed'); + +% Get the correlations from the parameters for Model1 +var1 = theta{1}(1,:).^2; +var2 = theta{1}(2,:).^2+theta{1}(3,:).^2; +cov12 = theta{1}(1,:).*theta{1}(2,:); +r_model1 = (cov12./sqrt(var1.*var2))'; +``` + + +## Fitting to individual data sets with cross-validation across partitions + +Crossvalidation within subject ([@fig:Fig3]a) is the standard for encoding models and can also be applied to PCM-models. + +#### Example +To be provided + + + +## Fitting to group data sets + +The function `pcm_fitModelGroup` fits a model to a group of subjects. All parameters that change the G matrix, that is all `M.numGparams`, are shared across all subjects. To account for the individual signal-to-noise level, by default a separate signal strength (scale) and noise parameter are fitted for each subject. The scaling parameter for each subject is additionally stored under `T.scale` in the output structure. The fitting of an additional scale parameter can be switched off by providing the optional input argument `pcm_fitModelGroup(...,'fitScale',0)`. Often, it speeds up the computation to perform a group fit first, so it can serve as a starting value for the crossvalidated group fit (see below). Otherwise the input and output parameters are identical to `pcm_fitModelIndivid`. + +The output `theta` for each model contains not only the `M.numGparams` model parameters, but also the noise parameters for all the subjects, then (optional) the scale parameters for all the subjects, and (if the runEffect is set to random) the run-effect parameter for all the subjects. + +Note that the introduction of the scale parameter introduces a certain amount of parameter redundancy. For example, if a model has only one single component and parameter, then the overall scaling is simply `s*theta`. One can remove the redundancy by forcing one model parameter to be 1 - in practice this, however, is not necessary. + +## Fitting to group data sets with cross-validation across participants + +PCM allows also between-subject crossvalidation ([@fig:Fig3]b). The model parameters that determine the representational structure are fitted to all the subjects together, using separate noise and scale parameters for each subject. Then the model is evaluated on the left-out subjects, after maximizing both scale and noise parameters. Function pcm_fitModelIndividCrossval.m implements these steps. + +The function `pcm_fitModelGroupCrossval` implements these steps. As an additional input parameter, one can pass the parameters from the group fit as `(...,'groupFit',theta,...)`. Taking these as a starting point can speed up convergence. + +#### Example + +The function `pcm_recipe_finger` provides a full example how to use group crossvalidation to compare different models. Three models are being tested: A muscle model, a usage model (both a fixed models) and a combination model, in which both muscle and usage can be combined in any combination. Because the combination model has one more parameter than each single model, crossvalidation becomes necessary. Note that for the simple models, the simple group fit and the cross-validated group fit are identical, as in both cases only a scale and noise parameter are optimized for each subject. + +``` +% Model 1: Null model for baseline: here we use a model which has all finger +% Patterns be independent - i.e. all finger pairs are equally far away from +% each other +M{1}.type = 'component'; +M{1}.numGparams = 1; +M{1}.Gc = eye(5); +M{1}.name = 'null'; + +% Model 2: Muscle model: derived from covariance structure of muscle +% activity during single finger movements +M{2}.type = 'component'; +M{2}.numGparams = 1; +M{2}.Gc = Model(1).G_cent; +M{2}.name = 'muscle'; + +% Model 3: Natural statistics model: derived from covariance structure of +% natual movements +M{3}.type = 'component'; +M{3}.numGparams = 1; +M{3}.Gc = Model(2).G_cent; +M{3}.name = 'usage'; + +% Model 4: Additive mixture between muscle and natural stats model +M{4}.type = 'component'; +M{4}.numGparams = 2; +M{4}.Gc(:,:,1) = Model(1).G_cent; +M{4}.Gc(:,:,2) = Model(2).G_cent; +M{4}.name = 'muscle + usage'; + +% Model 5: Free model as Noise ceiling +M{5}.type = 'freechol'; +M{5}.numCond = 5; +M{5}.name = 'noiseceiling'; +M{5} = pcm_prepFreeModel(M{5}); + +% Fit the models on the group level +[Tgroup,theta] = pcm_fitModelGroup(Y,M,partVec,condVec,'runEffect','fixed','fitScale',1); + +% Fit the models through cross-subject crossvalidation +[Tcross,thetaCr] = pcm_fitModelGroupCrossval(Y,M,partVec,condVec,'runEffect','fixed','groupFit',theta,'fitScale',1); + +% Provide a plot of the crossvalidated likelihoods +subplot(2,3,[3 6]); +T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5)); +``` + +# Data visualisation + +### Second Moment matrices + +One important way to visualize both the data and the model prediction is to show the second moment matrix as a colormap, for example using the command `imagesc`. The predicted second moment matrix for each mode is being returned by the fitting routines (see above) and can therefore directly visualized. A useful estimate for the empirical second moment matrix is the cross-validated estimate obtained using `pcm_estGCrossval`. Note that if you removed the block-effect using the runEffect option 'fixed' then you need to also remove it from the data to have a fair comparison. A simple way to do so is to center the estimate - i.e., to make the mean of the rows and columns of the second moment matrix zero. This is equivalent to subtracting out the mean pattern. + +``` +G_hat=pcm_estGCrossval(Y,partVec,condVec); +H = eye(5)-ones(5)/5; % Centering matrix +imagesc(H*Gm*H'); +``` + +Note also that you can transform a second moment matrix into a representational dissimilarity matrix (RDM) using the following equivalence (see Diedrichsen & Kriegeskorte, 2016): + +``` +C = pcm_indicatorMatrix('allpairs',[1:numCond]'); +RDM = squareform(diag(C*G*C')); +``` +The RDM can also be plotted as the second-moment matrix. The only difference is that the RDM does not contain information about the baseline. + +### Multidimensional scaling +Another important way of visualizing the second moment matrix is Multi-dimensional scaling (MDS), an important technique in representational similarity analysis. When we look at the second moment of a population code, the natural way of performing this is classical multidimensional scaling. This technique plots the different conditions in a space defined by the first few eigenvectors of the second moment matrix - where each eigenvector is weighted by the $sqrt(\lambda)$. + +Importantly, MDS provides only one of the many possible 2- or 3-dimensional views of the high-dimensional representational structure. That means that one should never make inferences from this reduced view. It is recommended to look at as many different views of the representational structure as possible to obtain a unbiased impression. For high dimensional space, you surely will find *one* view that shows exactly what you want to show. There are a number of different statistical visualisation techniques that can be useful here, including the 'Grand tour' which provides a movie that randomly moves through different high-dimensional rotations. + +To enable the user to take a slightly more guided approach to visualizing, the function `pcm_classicalMDS` allows the specification of a contrast. The resultant projection is the subspace, in which the contrast is maximally represented. For example we can look at the finger patterns by looking at the difference between all the fingers: + + +``` +C = pcm_indicatorMatrix('allpairs',[1:5]'); +COORD=pcm_classicalMDS(G,'contrast',C); +plot(COORD(:,1),COORD(:,2),'o'); +``` + +The following command then provides a different projection, optimized for showing the difference between thumb and index and thumb and middle finger. The other fingers are then projected into this space + +``` +C=[1 -1 0 0 0;1 0 -1 0 0]'; +[COORD,l]=pcm_classicalMDS(Gm,'contrast',C); +``` + +Using different contrast makes especially sense when more conditions are studied, which can be described by different features or factors. These factors can then be used to provide a guide by which to rotate the representational structure. Note that when no contrast is provided, the functions attempts to represent the overall second moment matrix as good as possible. If the second moment is not centered, then the function chooses the projection that best captures the activity of each condition relative to baseline (rest). This often results in a visualisation that is dominated by one mean vector (the average activity pattern). + +### Plotting model evidence +Another approach to visualize model results is to plot the model evidence (i.e. marginal likelihoods). The marginal likelihoods are returned from the modeling routines in arbitrary units, and are thus better understood after normalizing to a null model at the very least. The lower normalization bound can be a null model, and upper bound is often a noise ceiling. This technique simply plots scaled likelihoods for each model fit. + +``` +T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5)); +``` + +# Mathematical and Algorithmic details + +## Likelihood + +In this section, we derive the likelihood in the case that there are no fixed effects. In this case the distribution of the data would be +$$ +\begin{array}{c} +{\bf{y}} \sim N \left(0,{\bf{V}} \right)\\ {\bf{V}}=\bf{ZGZ^{T}+S}\sigma^{2}_{\epsilon} +\end{array} +$$ +{#eq:dataDistribution} + +To calculate the likelihood, let us consider at the level of the single voxel, namely, $\mathbf{Y}=[\mathbf{y_1},\mathbf{y_2},...,\mathbf{y_p}]$. Then the likelihood over all voxels, assuming that the voxels are independent (e.g. effectively pre-whitened) is +$$ +p \left( {\bf{Y}}|{\bf{V}} \right)= \prod^{P}_{i=1} (2\pi)^{-\frac{N}{2}} |{\bf{V}}|^{-\frac{1}{2}} exp \left( -\frac{1}{2}{\bf{y}}_i^T {\bf{V}}^{-1} {\bf{y}}_i \right) +$$ +{#eq:likelihoodAllVoxels} + +When we take the logarithm of this expression, the product over the individual Gaussian probabilities becomes a sum and the exponential disappears: +$$ +L=\mathrm{ln}\left(p\left(\bf{Y}|V\right)\right) = \sum_{i=1}^{P} \mathrm{ln} p\left(\bf{y}_{i}\right)\\ +$$ + +$$ +=-\frac{NP}{2}\mathrm{ln}\left(2\pi \right)-\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right)-\frac{1}{2}\sum _{i=1}^{P}{\bf{y}}_{i}^{T}{\bf{V}}^{-1}{\bf{y}}_{i} +$$ + +$$ +=-\frac{NP}{2}\mathrm{ln} \left(2\pi \right) +-\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right) +-\frac{1}{2} trace \left({\bf{Y}}^{T}{\bf{V}}^{-1} \bf{Y} \right) +$$ +{#eq:logLikelihood} + + +Using the trace trick, which allows $\mathrm{trace}\left(\bf{ABC}\right) = \mathrm{trace}\left(\bf{BCA}\right)$, we can obtain a form of the likelihood that does only depend on the second moment of the data, $\bf{YY}^{T}$ ,as a sufficient statistics: +$$ +L =-\frac{NP}{2}\mathrm{ln}\left(2\pi \right)-\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right)-\frac{1}{2}trace\left({\bf{Y}\bf{Y}}^{T}{\bf{V}}^{-1}\right) +$$ +{#eq:logLikelihoodTraceTrick} + +## Restricted likelihood + +In the presence of fixed effects (usually effects of no interest), we have the problem that the estimation of these fixed effects depends iterativly on the current estimate of $\bf{V}$ and hence on the estimates of the second moment matrix and the noise covariance. +$$ +{\bf{\hat{B}}} = +\left( {\bf{X}}^T {\bf{V}}^{-1} {\bf{X}} \right)^{-1} +{\bf{X}}^T{\bf{V}}^{-1}{\bf{Y}} +$$ +{#eq:fixedEffectEstimate} + +Under the assumption of fixed effects, the distribution of the data is +$$ +{\bf{y_i}} \sim N \left(\bf{Xb_i},{\bf{V}} \right) +$$ +{#eq:fixedEffectDistrubution} + +To compute the likelihood we need to remove these fixed effects from the data, using the residual forming matrix +$$ +{\bf{R}} = \bf{X}{\left( {{{\bf{X}}^T}{{\bf{V}}^{ - 1}}{\bf{X}}} \right)^{ - 1}}{{\bf{X}}^T}{{\bf{V}}^{ - 1}}\\ {\bf{r_i}} = \bf{Ry_i} +$$ +{#eq:residualFormingMatrix} + +For the optimization of the random effects we therefore also need to take into account the uncertainty in the random effects estimates. Together this leads to a modified likelihood - the restricted likelihood that we which to optimize. +$$ +L_{ReML} =-\frac{NP}{2}\mathrm{ln}\left(2\pi \right)-\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right)-\frac{1}{2}trace\left({\bf{Y}\bf{Y}}^{T}\bf{R}^{T}{\bf{V}}^{-1}\bf{R}\right)-\frac{P}{2}\mathrm{ln}|\bf{X}^{T}\bf{V}^{-1}\bf{X}| +$$ +{#eq:restrictedLikelihood} + +Note that the third term can be simplified by noting that +$$ +\bf{R}^{T}{\bf{V}}^{-1}\bf{R} = \bf{V}^{-1} - \bf{V}^{-1}\bf{X} (\bf{X}{\bf{V}}^{-1}\bf{X})^{-1}\bf{X}^{T}\bf{V}^{-1}=\bf{V}^{-1}\bf{R}=\bf{V}_{R}^{-1} +$$ +{#eq:restrictedLikelihodTrick} + +## First derivatives of the log-likelihood +Next, we find the derivatives of *L* with respect to each hyper parameter $\theta_{i}$, which influence G. Also we need to estimate the hyper parameters that describe the noise, at least the noise parameter $\sigma_{\epsilon}^{2}$. To take these derivatives we need to use two general rules of taking derivatives of matrices (or determinants) of matrices: +$$ +\frac{{\partial \ln \left( {\bf{V}} \right)}}{{\partial {\theta _i}}} = trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right) +$$ +{#eq:partialV} +$$ +\frac{{\partial {{\bf{V}}^{ - 1}}}}{{\partial {\theta _i}}} = {{\bf{V}}^{ - 1}}\left( {\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right){{\bf{V}}^{ - 1}} +$$ +{#eq:partialVinv} + +Therefore the derivative of the log-likelihood in [@eq:logLikelihood]. in respect to each parameter is given by: +$$ +\frac{{\partial {L_{ML}}}}{{\partial {\theta _i}}} = - \frac{P}{2}trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right) + \frac{1}{2}trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}{{\bf{V}}^{ - 1}}{\bf{Y}}{{\bf{Y}}^T}} \right) +$$ +{#eq:derivative_logLikelihood} + +## First derivatives of the restricted log-likelihood +First, let’s tackle the last term of the restricted likelihood function: +$$ +l = -\frac{P}{2}\ln|\mathbf{X}^T\mathbf{V}^{-1}\mathbf{X}| +$$ + +$$ +\frac{\partial{l}}{\partial{\theta_i}} = -\frac{P}{2}trace\left( \left(\mathbf{X}^T\mathbf{V}^{-1}\mathbf{X} \right)^{-1}\mathbf{X}^T\frac{\partial{\mathbf{V}^{-1}}}{\partial{\theta_i}}\mathbf{X} \right) +$$ + +$$ += \frac{P}{2}trace\left( \left(\mathbf{X}^T\mathbf{V}^{-1}\mathbf{X} \right)^{-1}\mathbf{X}^T\mathbf{V}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}}\mathbf{V}^{-1}\mathbf{X} \right) +$$ + +$$ += \frac{P}{2}trace\left( \mathbf{V}^{-1}\mathbf{X}\left(\mathbf{X}^T\mathbf{V}^{-1}\mathbf{X} \right)^{-1}\mathbf{X}^T\mathbf{V}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) +$$ +{#eq:derivative_restrictedLogLikelihood1} + +Secondly, the derivative of the third term is +$$ +l=-\frac{1}{2}trace\left(\mathbf{V}_{R}^{-1}\mathbf{Y}\mathbf{Y}^T\right) +$$ + +$$ +\frac{\partial{l}}{\partial{\theta_i}}=\frac{1}{2}trace\left( \mathbf{V}_{R}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}}\mathbf{V}_{R}^{-1}\mathbf{Y}\mathbf{Y}^T \right) +$$ +{#eq:derivative_restrictedLogLikelihood2} + +The last step is not easily proven, except for diligently applying the product rule and seeing a lot of terms cancel. + +Putting these two results together with the derivative of the normal likelihood gives us: +$$ +\frac{\partial(L_{ReML})}{\partial{\theta_i}}=-\frac{P}{2}trace\left( \mathbf{V}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) +$$ + +$$ ++ \frac{1}{2}trace\left(\mathbf{V}_{R}^{-1} \frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \mathbf{V}_{R}^{-1} \mathbf{Y}\mathbf{Y}^T \right) +$$ + +$$ ++ \frac{P}{2}trace\left( \mathbf{V}^{-1}\mathbf{X}\left(\mathbf{X}^T\mathbf{V}^{-1}\mathbf{X} \right)^{-1}\mathbf{X}^T\mathbf{V}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) +$$ + +$$ +=-\frac{P}{2}trace\left( \mathbf{V}_{R}^{-1} \frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) + \frac{1}{2}trace\left(\mathbf{V}_{R}^{-1} \frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \mathbf{V}_{R}^{-1} \mathbf{Y}\mathbf{Y}^T \right) +$$ +{#eq:derivative_restrictedLogLikelihoodSimple} + +## Expected second derivative of the log-likelihood +For the Newton-Raphson algorithm of optimisation, we need also the negative expected second derivative of the restricted log-likelihood, also called Fisher-information +$$ +I_{i,j}(\theta) = - E \left[ \frac{\partial^2 }{\partial \theta_i \partial \theta_j} L_{ReML}\right]=trace\left(\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_i}\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_j} \right). +$$ + +## Conjugate Gradient descent + +One way of optiminzing the likelihood is simply using the first derviative and doing a line-search algorith, as implemented in the function `minimize`, written by Carl Rassmussen. The function `pcm_minimize` forms a wrapper that allows the optimisation of simple models. + +## Newton Raphson algorithm + +The Newton-Raphson algorithm is currently implemented and used for feature and component models. Generally is is by factor 10-20 times faster than conjugate gradient descent. The implementation is provided by the function `pcm_NR` for unconstrained problems in which $\mathbf{G}$ can take any form. The algorithm first finds reasonable starting values for the parameters ($\boldsymbol{\theta}^0$) from cross-validated estimates, and then updates on every step the current estimates by +$$ +\boldsymbol{\theta}^{u+1}=\boldsymbol{\theta}^{u}+\mathbf{I}(\boldsymbol{\theta}^{u})^{-1}\frac{\partial}{\partial \boldsymbol{\theta}^{u}} L_{ReML}. +$$ +Because the update can become in tad unstable, we are regularising the Fisher information matrix by adding a small value to the diagonal. + +The algorithm can be sped up by another tick if the component matrices $\mathbf{G}_c$ are all diagonal. This can be achieved by redefining $\mathbf{Z}_c=\mathbf{Z}_c \mathbf{v}$, where $\mathbf{v}$ are the eigenvectors of $\mathbf{G}_c$, and redefining $\mathbf{G_c}$ to the diagonal martrix of eigenvalues. The function `pcm_NR_diag` then exploits this special structure to speed up the computation of the first and second derivative. Using this function is definitely worth it when the model is diagonal to begin with. + + +## Acceleration of matrix inversion +In most functions, the inverse of the variance-covariance has to be computed. Because this can become quickly very costly (especially if original time series data is to be fitted), we can exploit the special structure of $\mathbf{V}$ to speed up the computation: +$$ +\begin{array}{c}{{\bf{V}}^{ - 1}} = {\left( {s{\bf{ZG}}{{\bf{Z}}^T} + {\bf{S}}\sigma _\varepsilon ^2} \right)^{ - 1}}\\ = {{\bf{S}}^{ - 1}}\sigma _\varepsilon ^{ - 2} - {{\bf{S}}^{ - 1}}{\bf{Z}}\sigma _\varepsilon ^{ - 2}{\left( {{s^{ - 1}}{\mathbf{G}^{ - 1}} + {{\bf{Z}}^T}{{\bf{S}}^{ - 1}}{\bf{Z}}\sigma _\varepsilon ^{ - 2}} \right)^{ - 1}}{{\bf{Z}}^T}{{\bf{S}}^{ - 1}}\sigma _\varepsilon ^{ - 2}\\ = \left( {{{\bf{S}}^{ - 1}} - {{\bf{S}}^{ - 1}}{\bf{Z}}{{\left( {{s^{ - 1}}{\mathbf{G}^{ - 1}}\sigma _\varepsilon ^2 + {{\bf{Z}}^T}{{\bf{S}}^{ - 1}}{\bf{Z}}} \right)}^{ - 1}}{{\bf{Z}}^T}{{\bf{S}}^{ - 1}}} \right)/\sigma _\varepsilon ^2 \end{array} +$$ +{#eq:matrixInversion} + +With pre-inversion of $\mathbf{S}$ (which can occur once outside of the iterations), we make a $N{\times}N$ matrix inversion into a $K{\times}K$ matrix inversion. + +--- +# References diff --git a/documentation/pcm_toolbox_manual.pdf b/documentation/pcm_toolbox_manual.pdf new file mode 100644 index 0000000000000000000000000000000000000000..17fdbe9826dff48562ebae76955382f653631d08 GIT binary patch literal 282772 zcma&MV{9gF@b}x@+O}=m?bfz!+ithE-QM-q+Inl-?p@n=ZJghe^H0u`oO6;Vxsv(L zyqFhPCiy0x8A@ewNk&#CPB_ZLo2wT%4qg%#5+_qzH~|4>NgI223s+`IdlPpHaSJmi za|>p93r8z=YZ6voc2*%FI5&4!3lj%8?~SWGIVW;%gkaDo<~?+=Y$-rwS1hDe#E&jX zZ(fYR$(P3W^t)HxDH@L-@Mznp=-H6#&Bm;%_ zi`@t_C_>XA(ESE458Eg})6cLvxp+1!HG@f{{GxO_(BXLo-5=ySb98nSEcsUL{NM!_ zMCC6V#3g{Hl(%s8rFodRcY7z@rE#dY$GKy9k9;VVxaawpHBs9(%KZ)myNG`9B}Wbt z{5+eruhz6 zJYD&k-jUs#NtSWKegab>?(G*cLDR_h z!piqA?Leb~H)_n-STn^?rZT$0($o(1kF*DTS(c(-SiVFILZ0anz9Z>WQEW#|KmIMn z>Fle00l6xJ9)*MIkM80J`n(E6`2zBkjSjLfl*cf{V(*GdPUSV*ajG&k{&xQ?ZO6p~ zW5O|Q#4$7+O#K*E#o2yK54kE%!7k|*RbB7KLTs9NYlAa4)+oaJ>k+!KN{m9zIE;3L zq{gUzZ753LLH!E;p4DmTpW(jZEhzy%zl5cYP%y%E;VY3JU=h}`t)G|<+bY4Anb<}5 zR02%&ouq*UjI}$P0cQ`;F+xp^583ysm9;B=q59=kfrmM0Ub#i1W#ER3z4EINhblgA^CMHJyH{89%Hj#j|CU}~s-&74DC=DsAplQnF|j#%*FoA+XxD4P^4_CbK4eXr!Mra zyn?G0OTKLW=C^PJ!e0sA3aBy6D8jnMU%$81U0|r0on?Zp@!v=-e`v|e2%mGNzzxkCBWNIYjM+!3lB)|!n_UaYWLbs6#LNrjG$m?uk^&z>Or$ET4VqDQ3 zQ3FEEWOgPd<7mZeZj+g~BT^ir1L%cQQ+YJWIHnbJ3{HGIG5RnzNE=*RQIigjD0{0Y zejS?+Wetw%m34k}eu(d2?3ay@yIrqknRvT+EWfhqB`$zk4|@Dw3TrEILd_TU0!;E| z@vIk&7zTNmYL(jNBx}s8i_8mhN0eqZ&8CA<7q* z9iHT`zDAE7jgx;!l(oQGcm#O?VFvtuP;}t!kI_M$(1q zqL;W_F)g@9+uS-Moq?fPm5Tp%!&a6aR%<_vqhzJ$dr+o9{JAw<+KeA8%oc?1iL+lz zc)i1*oD6_2*8#45$!}%uu0P@`7+4-CUPm~|51nRfM^zYOM^#h#u7j@Xf+KuU+SN#; z-i=jwFZ^%EjlU$+n!m(r`m~U-ot4!5Mhioms{Q=Z3OB7WiPL<9Ytozd4#yK~lyGRB zmj>K_3(N14i(mJWMhTz_94s;E1c_a^y20n?T6#<6EKga0%$DP`JugP4?7CGWb$W1R zH{K5&fAGPJ%w@&2{TvC$dkV1D?mV$r3^+O8`K#dLMm0mSzD+EIx2WFBLh4uZt2UXJ zT{6OZ@1MN*#n|8lRSaIi8Mmf8e!)M+M{C^$UtIQg04j+0&)Dqh8EuB2(+uMBmRZRT zj8$=1B?ta6L4{M4n+)QH5QD$R%MS$bZrl9)S7wr|RtkCP#2OeqVd}bS1u};uk{#V8 zW!dUH#BwwrVPeM*fm1oH4*2&ilxsaJ>KAyJYkXB=YIAwb;CwTz$Mg4!k3{(psY|L! zL=OKMz16$GX|xmpV%*4?&j^nX|NHGgx+}${&b`c22fDrurRq3zgFEv#*_yvh8})ou zs}K%gTs7nw%mpPzk}9T$ndE}Nkg|oVz8-Aj%I)Ky@MCcd0i^zWh0}5u%WNC>etWck z+$)6Jo~$Vp+9vpu{FJg2;iZ6Dv^IjCg&;Ju;*wleqMw(#bbne1e%bBu`@^YK*I#_Z zC2ivE1J%0M^Z4(aY{=8)dI^27mlynDtuI==u`$b!9$r)%P#6=hh6sC1@*>b$f;TWl1=Gy$AFi z6nSgg`{ea?2dWPO!rr#=wZx|mb_wC0L>2wRb}O_*&vf(Tg=V zMtE0=9%($!6`J|d@)5zuYnj7wx)Qz8FaN9Lt%DyK??uhTNk+FP4u;AMgi&0;xegVE zMH;Cna9fQ}$)zmg zl^Fhzgl{dbg@o<1+1S1mcX*r@YKRR83Z`Ih9~qz4-7b7|V{m5(BQBtd{#}%wY!*g0 zFXZW|n^p1`TPYkIYbAg?U{P$xeMSj{ei5wZU4WZeglH7z{k@)wfR^J5jJlF*MJC{& zjV4GfpvSil{|$B+-)gkxn9%bGT6!B9T)7x7SIUzzb@>_i0uEUEY)*f|u%UE@@eKkh zwPlW)*JRGOZ+HNeY~Dtmbz7R_OaA000;mQ`{ z`*v^9FxQT|jUi?qqpWxQa^&+UC8XO&Y2QG6laHIng2O=aU+dzKvCp!DhK<_wCyd?e z`Z;bTMKNFr2g zL8yj^u{3pUzWwmd+8AdKro+ad4^A8rQ)|Z)i{ZMDNtCokD%=Yo;9Y%2HI@TXTjrl7 z9Ye|IG+NheZ=#JA*+MJ_Kag@Km{7`KqJI^c^0NJDde^T*KF&QeJ&&HsRn@6LA2meH zI9@uGoOV6P)@_(7<=!W>!jX?vQlUb{X-3zkTv>+}t4fw}^b;$FFe~vuXJ_A6@oQZ% zGkZjTCeU^#urk&XR_h*R^~>SW!1{c>*dPS@_xSaCjJ(G4DkF?HLsJWlcSLHWMN;y8zy-bNA+IE(TB6KmapI@NFOOn4i+`283dn%z1p+NsF;#>Sw4K*Z*^8pcA zgm}M=9G=XzCFQ6e5QpbH;!Og7BN;p_tywKyF#Ral!{gkNl9lxDraW{?S5UBbAb{|M$OIk9AnF2NJ)9kfz_GpA?=Ek1C zJNX2Jt!I;%ikjYIghzBZN-1X7_-y+pneb-7Q)MEY=;W zA6JM^F0+qJ9rm0P_Gv{1Mz3-efLvVJYm`(flZT=`H;F?Lg{|d4E|@8-4o0M(aked( zGXA3cXbulxmB6Kye73}*t?O37Y-$@DZY}71Bv(`2+rBe|L29|@eTIp-HXVrQIekW` zL~vlK2D^Z0e5x|*I_}ahIRT7-Qeq(tkFdVq9+7E;RoVois$ukv8>z>#P0W-H$2&Mt zoZ#JSwC+EZRPmB ztjI(&wakMrJvO5p{ILUY>-o9J-x+vagNvw6#8u_}<{^a}B=paa@^&V4_hAp6^^^^k>(%KPZ0RZWC{q-T=Os-{9|up;K2|w8r6<=N3AD}mT+f; z9h@Ujz`>eKV5nd(qk~UGe;GBVVbXz6pIt3cS7j&Fuonv_>c276Z=b_IE%ptg?px-- zYj8LsO>UBQaa4m_bgWOqH*bt{zMiIdxEmgvmq+X>*W)vLQ4QK8GRG;JLM(Sj9gg zIf{v`=z70}8rK=QYJ>woZrBQld_OC8X{+aS_ju|c`6~jud)iU6J z<)sC|+|1z!{`&CrvZ3p$h$ubMV9hx8_isq|X&x)V0oxIuc8jX4fM~Q*$!b;45Vf(T zaw6lJ?jyfMO7#5(5f084lFiG^REcn@g;c z@b@3*R5(D^#(+VgCM2QS()gfty@IO@OFvQTdh*xhuN2WES8*6h)D|}EK9Ku{v2>TW zz)rL*+pTj0C31M?igXH>N=L&Ffapw)8d_V6Kj5xb`G$kR4Q}h~U2yDQ%HRjN#~If+ z5DWRudd6iLVo!G7Y`%4tNHy;Wsg`G`BAPRs1bno7dP#j}VG0Rz$+ceykDcw2R+smA z+{njpeNu+kN9m$ZLLUSO77r^hn>GG&01BC%-vT>bfJ&uNn?0C}T52V(+VR<3Sj}VA z(!lVSrHdGDqA1v^(pWN4u|!Yc&Y)%af@4xt6PTQUH2=9Y=`Pz*ZqckIlzxRPpfk^G zZ&G`0(rqQv1CV-Qk^#00$wn;uS=xsL0T1?f(AZ5Ax(+rEe3?LgrSI~cV3&}y(EUZ; zaB7(x`op=z*eQ8AJLXil15TJP@*6UYVEf!zF226LF+WjdrVUmCXJ#P*K|G+d*3IO+l+j=1DNJ5} zB=2Wp?tszcrubN|Xbh5V&4RjFdZ)z^?z~Wm>ZI@rv>~c1a zE~`y$&}c-Fg;KcTE<{PX^wmz*kEF_x23gf(H1Ld;z?llUTIci2kXF}FZfTk%e2~Jq zt`ux}7LL`$GX(z3H}{?%R0~OAnzj)cGf<+aZ6b_!QswC;> zhl4cz0=Zrf!f4;ANg7=n439=$PHx9Z^EdVJr|``7myqxq@>1E|h6;Y$drvbk7x}CQ zla8#xY_s=TxVO$X!f#yh*E}b%TWqn*G&^=r|F-G$1_AgrjH&aDJY9ld$cxj!v#7F`@!N`f9~@ zn1iSmXp;p8ErM0x?U)5jv07Ab)I?UR+!cxN1bo+(Xy|+CbL{3i&tSC{wyc7JU+|$~4NHVH+p`*-S!2!hR!grMy{3?*6(tVZjx4gl*b96kRd%e6v7OGzh+z8y=$*j$O1_Ow^E#Ee{QJ z`)Ew}XSNik=nv~$U!cB;ba~DTz1FGa+(T|7q;1_Ns^Mu;-nUw~Z}(N9)Ei*?a%BV_ z%nC%1v6#b>&3ibuRX$J1^`+sG;2eN*S98vICWOekl{NO#Nmo7eO1{XM{0+P()att` zlF5vGCa4cH4OOu)2cgr^Y93l{=wd672{d};7g7g@Q^Aj0+-U_m`5Ejiu`YyK(AxKX zJ{3UEu_C^oQ8beC#Jj|uAC}TX@tJd@yuH`v zZW?!!RIgofxVz!l1_h}y)WqOu-J&ell(PCmLQ8F?U z#Mg-^!&?M~pI_}&)YZbVjYw&A*w3_F*u8MLLz^!E? zW1BqK>F?7``BO7ih?Gp}A|Lub96=V$Trc{8i0-cl4YoLqMDEFY2VK)He=0j^4#Q{k zU)-NQkuqjBDsGzGV_(NJ2yD`mEnsABX?}^(KtpuyA*psIuhB>PvwrB3cMfCTl?%s| zsuru!y3tq-z{h%ij&LDpGj)Wxj_1gXz6H;V1CPfaQG`^yJ33PlzJcJG+GzO8B^7xH3T=FZ(2kAf;V}8H%_3G{1R=iS|u(j60 zia3&h8uQ+!s$>!Hn&10qM^P{ zhB#Dtp^y->mV&_B?EOZ5ym8S^Tv32zDE1@dHcvnEXfL8A!F`U$Ez8BUkpHQl=5M;t z(*xs(Nbpf3KA)`}2v627Yip!_MeA3(ACR@~3oXL=tz!nAlvU8qrp2f?M`D2^6m?mT zp@Eb63M~Q$O*@hLXGMhUJN5VRSXI2^j1SSN2hjRaEzM2kWARB15^f`EKuVN z&2{W)C;#TK@rpS}tJi7Db7=JAxY$i)&HA4~Yd6#Ru)h^&ymd*cj{{}{YX)!)s^;q@ z*Kb|G15c(hI52;of%Lc}P;U{_;m(!RH&W`CO!{c*>Ay3%d!v7&s>@qJK}+CiA1rIp z@ef;miDP1@cWYmVWy!v=+J_O_p%q!QZH2D41j?TQ*aKRgq6NQhJHNqah0Nn*MmpNoxDba23<3v?EDWsw|Dz@A|4~a8E-vo>+4HcHuyeAqaQr`DNIF_y z1J*rl8T0Gf4^#lFLlQ<=eWw&rnj%4hx^4<1LuE`Vf<;lpz@9`3i-yLfV2+OZn>?4G z6a`fd^@qxb7&szKjNO?i%ukC(#$4^Wj55LUIk>5d{9V!0pxIon9lz(Tqt558A3tFF zW0OuT@0KBlcozA8kHc+8NrMhgJhsD0-` z_Cq!UyMzpmDr=*0Z1cd+$+Wlg&MWUcqb_X^Jn#yAm*k&UDDtMhakBVB^1onInTpa` zP|P`S&MrkSyLAHNWyr|JP)NBbe-`j1QUrjt@Yb{-B4eDKWR3l<1mTQ+LZ&&+mgeh_ z)N%r4ID`~oMYhylZQG*QpaQ6+^`Lwb@iLcre ziTAY z3Ov7{OTVvweuGI)8K?a#VlGfWApiIwH7-*SWlO#!&HgtI`vKNnTq(}nsqJREcb<_o z(Wd7^_2|sL*+SnCzA&EIImEPrAF*w-_!*?C}Awwq(#ftu890SX+R;ZW4}H;aY25Ucxp)*P4OLu*Kju^F{bM=&HAD z@xc_sS&+dPWHbtuV2`Zp9C1d#lp;#Hlrc^L9bdXGe{YTZnbEqyWot?=bw(DT^j#dZ z=U%;OmpRpfIh$0@g40ifS&Qu|1zSDNRwc(p zk$nZn30E)vYNUJwQLo~&j07UU!)kG>wA1SIhWWPs7WBY<27fxl8)t&?k0iAFnML8) zzkV;~9c+{~tueNUVxqJtZpu4Hez77W**_c4+N~PIZ%tg{9#hveYeH7Hd@?G*oXi-( z9*=Iws!)SbEuP9l8<^&aO9mWQWRpQkF)P!WN%L@xZ$8wztG_Gmq6M+oVAlMr@J_Et zStj8$oL0qOvhY~PF(Y8>X@Ue+*~dCew+3w#G+S**t-)WKUD025UQz$v)Xy(4!46D> z7UE;Zmd@M^KO!@bh$Y{LS-tm88~5)|r)yn6W6jJF*D6_AF?uLBX)i*{0^lj`DCn) zYk!t5i|njwjZDfJ^HM8Y5|+SK&~wa&1G_T}9;Sz|Iqkw5r+YG>C~M(VSXC^>L|>x& zs7*V{YS>2q$g2yY_Ya#!!jW`2Z+o2Ai-tS810i z%!}IV#+^(v##p-QEHe|&YwuW%V#n3^lB60p@L93LS%0t#XJ}MLD+p2mqCdGemb1tg z(?U;PH#J6_m4MUre$3AyA#4R+#qF*Ut_E?3Nb`No8Si2Ha8-xgLNT3ds2uAt66_Q4 ztwRQp@3*8uq>>k24T_m&Rfgf}*U*o?NOqespoX7%HpxL;wl_4rc}*NkW9W>M07Xn8 z7fFn0PUMr!dBsASkG|$m?Ci~pfOCu(77^y1Sm0 zcs`{S=dKgw!nRW;j5s(!$idfM*QTxDQNR>$>nYACKfa+#g_Uf5Z;Fd{KaDx7Zd3br zS4ukjUvJ};;Hh%9x91CBxmP{)!lLif>6f>ytgC9I+%hhRrBmQdTHjvYUETad zk&s`!8QE!-i-CipT_I`9l7<$BmdOeLY)0G4kab5Q%EQy<7wp>eF&=ct?n-}dh_m>o zH#`+d*`)2d@GWDxl{)p0S!T}?icM8bK69}d>4b0E63;++;N!2pRi%xA!_mFoYkI9e z&OH*e5sQHeX2%~1$3=@HL9IQv4mTYGGim1p_EG%2oZln6D3)SbO=S6;@fg`MwQ*7I zk9HU^aAxH-I97F&F`maz0uAQBC)F(DX=q%IM)(NIDrvEfEy z^)G6lxk+f`gp|!{IqCM&()ipgp}sIOS`hkcQ5<#z_}Kf>hVqn-ncJDF*hEXju9f0O zQJ^e$zjP^T8IKCCH*fGX)C&3%+mQXy-y3j(%7)r%*k+{5mZ?Us;6d1H$eV3(VK?6{hMXcQ23jv&&)0sP z1N%Z)jdXZk1}t=Bg()zUe^Dt(mSgUklq-yDa#ZovfE?p%5RozMvWuQoW*jYjS@SXM zbs6%>HuxzsOO5%>i_N9NHVUdO@vNR^SQS}88=sKum;{D2VyWexRDZhHYCYl>;+cEohiMcLzxH_uG+vT8qwl4Q}?azLAQnsBDPNA-x)1GhFwSMzVf}s%_na!ve9JppDSg z1I%i=jSQt|pzM?7AoA>?am*mlJR}=S@(;Cqhfl9y8 zQ_RPrRsK8V?CyVWA1a*cE!%qji}`yQ%n{qM&$DK) zZjD#KHl=ubuJNm6qm-CtFnu{GEwxISHl?k=k+htb-n5^CnzwedlIow}0fzSF?u7%K zp*?l0s@m%ci07~y{d1Pe(s`xzg&^1^;s^qBy@&cA+fXqfy2d%RdXUXv7wri>R_j=1 z_6IJdn~I3n*$?f8cJanN;BUMe5CozfTKc62lB5n2pEQ?-sN%@3#A^gBigTi;M&j=! zbA%xXCEKB{wh?C8l9F~UBfsYhmNMFRXKFH@sc z)4I+)HR7b|ozjfhb8+p;pZ#&Y)$soj5XlvF(X5{<2mc^&+CcOWU!`SJi*F>gHaT1T z_3O95m@^{1(Nbi?jL?u+>7@QK1{z%Cg|GN621Bd)AAWT3;(&pbsQ{It%8|C*alUI=5AY&~7`%5#j~= zM(T@#9TY7+%A2Sk+#?y3X*mDSIuWP!tF&1qmrtIs&fT_Ot0wbAb*I!5DiOJZF+u8p zCv%KaiqBsm&Hosfmji1<@*U`KkP@%gr*Kn&mX|l-1zs?F7ubi3=sxsfyG3+x;^PbJ zT0b}o0cfSVSxg<96sHAY<$)9d1Brq&Z?FD`>Js4Im!yvfeFEBr?EFrv?Z4ailfz3abV% z-am}U`Y>y(nt?&NSCaPHJr8{_jX5w%=qxQPaElF!l#j}%zqQs|nG~x|Y8-N= zPLi0YUTPz3%xd(YA}+jnR46R*oP<5fIwIFl zZDM51t+2iNe&#k-ub8Kh&*LV2*W3TEX-^-znQN#b@z1G4lu5PzyDKWcnU~v_ zHMKRD+t6B~Th+tK`u^oZKYofK;=2?eR1n@3-~MVV0b3S#w?VWr_5+54ir-k?DX{OztaXS- zWSrJ5W3@977Fw*!KD%Q{ZtVVhVm>H zAilHetJEfRYWwL6zZTwT6#ju4gw3*K@c<@wng9kJV#MokyXzw)LyRmqh)19mgzJS^ zxY+=O8~urT669ud-LHY^MeuzD&>9%LfkA@sahC^|g*2C>TZRk8p&7B zv23M^Tyv?=xZ1Q*wdjS$Hdq!~RMfKKF~oZK3;YzJmXOFZtyLS6AJ0umxL456(NWRW z&F57KG-cJ}^?V7~YO3Gyf?nJ@0U4)+xHK6n0G zaH0Pd)(%CwK(|{&k@;o=q^RNlsdM(wBqr~oW=^OP>YYRBT}zgjQbW>6t_8^tiS5jbmt15r=k3a( zwAfEern@fyk!_YaX)>+Gg|Oz}ye0}TdXGLU=Nfpr!{U`0_iJ*V)EZM4*X{|Ra1As! z^v`Hkr)uPeI`%#JM!(E&GluTE^=Q)|snIwE`x5dWQ}#b}{1{*UD_t7WbXfhPA;Qi2 z=f6yWVy`y>>)G#w!>!;tj7s5=@7F_60*soYmySb#1@|2n@L%{-fQHKF8@EJ{0Nkw9 z_P(^O$W_gwAi)j0oNOOf&IL8|nM? z;sznL<}rJIJU^>_pIWOLajl`|XVYz>=JeIll;Z#$L!r=AXHyAzuTW>F`4c zh;&DO&?Z>iZ)#b`&87a6fBg_WGL{-u8OpGTemIfXF~=q=GqR6PX>=)crVSvMv>H8A zQy6s-`g4kgTM98aP%FET$#wt3XW`ZVI{Hs)&q3HCtPxsyDu*9H->4*= zbZcO1>GbnJh~nABvUi=s%w2~o4?MsDAt2@c=Qr^an5p^;i;ovZAY~}r>LkfRZg6|{ z7q)K6?A#8P07=T5fIUe7_8HPO|DQ{9Ifb6bJpH!w*?3{|sVUxM>zV1yK3XsN$rFoD#P@Tt!yH#0=)eTa z>XpYyYHfGNc0&EGX25_X(`{zf&Fg*!e9tcL%x$X~1Ny2oW33|!XCwAxva&PF9lP0X zP7iP_$gC0+Jp%Tvw!cfUZ<0KMv{9R(;f!uk?=GA!mDkGl`#G%xx^(DVq~5S@(fjDR z9Emlt%WbYl5_#58Q7es^eKo16vR8k7*et<2P=N z5tPh=DM#))Ep1VT&oofE!BFs*4LI_W%g)-X`)6Uc zi0_Z3effm<3DR`{-eSuq=P6P4@ix3?Txvix&{QAK)u(7J_a+EUzwX{1<*epnqNXe= zdRxk}NAfJs=W2a$nD2WJi;#GbF-=K^`x&MoqPYO>q8fj*yi~JM>ZDOiJM@}OKrMgM zp~${{WGUC|JpQKInC3G_g5P7WU-A$jIS_g+-m%l?efCi%JHUAQu>@@96pxvH`OFex zv;fo(BS)vPCA@7JZ1o&oyybyS34g@7XTN$@Th>IV)MxqS2a*FO&X@<9ew~m#YQ^O; z;&;(t_OqKtBX0~1-|k1ExwsR$hO1@6?izsbL_*v>ZB zT7fhl?6plMnOmaNla+z9iBfxxrJ*)d_t*|h-fp8W`R;$c@A;BUD)RS7F8S8 zO#0Oq^@B&-6q(`UUHK#mh^a%M2l(bzHf9&e+_2FqVu_J25lHCrEQYJ19$Wt&8)r7v zL)ey&8z~|?w#qwrR)*Wb;r6W|jAQmDA9QO{2SgT*uwuJ?!y73bd9bP(QF`We$>*2o zA|JX|S>UD_@Iy=*mN2kr`R3i(ThtVO^vG@`K3$UWaSqJ`Ez5RrC-a_1Ith*OC?#<< zy0$tYTT1ULz+T)sDz!Jo8(kjOrPqz{qja+2^_D0SJzl4k)kJ^E7@@yc#FgJn5h%q0 z$NZ72ZrSfYHJd&naJ}y6x0n`YF9tUHy*Si><%O{Va_f|h1&FP37Q2OZ<{3ft>ONX5 zO!;MW-Wq(60VUFNRZU*qfR@^+m17ZZ?BK1pL$P701lJIn(Da}Be8gvpESt6!1lxXur}9r zWHt9uEm;fwi#_w4$THr2=4Ee9iEGv3^pYoj_B~kejm5(+l=%I$RMnH0=qN!to?HDh zf4SVfwsKX@c0}uBPXCK@a#Zr2VP#BfCw0z7bJ8p*Uy1#zGdiM3p&Apq#Wl$6HN1c8~%r!vnMI4PX zYZ2q(-fjOo#aDTaUgjnHS3wXF>equ&EtD8I8h4Mf{#z&$(F+LpHtYQ`E8(f*`LeVGfswn7ECtg(F(&Ya8rZub&D~6T zQ5B8+TsO{x+E@}insMHJIei7A3>u34l`bwyTBfm-g0UE-UX=9vTGz(?_iPe#Kh2@gtddk9*`pSGA`Aw* zc2E>x4CxJNUwC%@ig=ltxQ84TatCXTEFqd?e zeCc&=prR7_wL9vfhBihc9%ARG@-5apNd_(&bQ!alS%v?A>oPj(mX3AYJpT)XbCb7q z0SoNDWSi#HT(GXOVaf_=5jxu@HYf6cGj6>kq#-`RwM~zjTq<01e2!t;wVlPsc%CY; z0eq7Pw?_rcDY*%L|H%|=;TQ&nx!E(1cXL3GbsFT(+w2VW*d1G4rCxf(S-@;dRTvNH zJuudg?!6a^PCtWLuN2Ra4*;mBn%V>vB_sSIoqIXcPmuhQ03%*qC_Ig0<1IZAt-N=@ z(5;G@wbhET@q)WzJ`cxpartoknK70>@(3kK=xTmly5@uKVlIhHu-v zf3ym`@VG1;Hqb)Psura2#HE@Ymbp)eE>yA^?zaWCiD&`b_se|!@lUDvNpF42;^R*w zMO)Bw_e95Zgi!2V?ygi+eJ2IfI@dYUzt;^nQ;MD| zjO)VKilykisQ7&KxEBq3`~GdQZP0_18A|TCxxIK^FYPSM^M@bQ=XR1$B~IcCvl*_d zL|c%LQdQ=a1t77#O?pIV_H&8MtTwLld`g6g4rCL>t%9rf!dkV*osTm#Lnl2##){Wi zf@D^srn}y?8BhD)we{+5+sB&d%cU6|RlKWd2Fb%J`2p^X5w#&^G_2yszEvL15Ocp( zlHD!{W2nt}O%%Y}=2_izW=5@8r5(k?=-}h!0#XusMI>S-{Ppf~K!6a^D&kZV+Cy>D=L5w@2We(&_?$4x<+K;<{UL{6 z(MOneNGRazY0K$`iQ9XXB**Ns(7+VawaB*0YxaFm?7FR!!nJ@GHFJU!FJ7`_-nz$k zt^R)`$NydV{|m?LCgL6Jr$!u^fr^7sYD60IgW@B$B~b!2=<#IUDI~9Lk}@{PC5CA@ zyg}^Rm3HuW!(B$iz+u&Y2w9{8J=q=*G-qsfnB1Q9!0z0 zR~`4RX}Sw)?}@Dhk+S&kfA zxrE%Fl~YG^M~q=nOd~i-e2)5TaR>jq=Z3>%Kek?VAxu6vfCL`F7IWAe0KE>$(12{- zZ?h{=NUPaGB^~TI$80B_oR!7(>9fbC64e?WMIpqR02Pb~@k&}PLT(MIC(3<8C;UqB zjBqi;E9Vx ze#vCd-s#7l&6Q zSSB2-2`6GyhJ1cLoS8i?;zIws`=Fa@Ma145Tu#0$ZlB5u7%?_VTvLFs9pjJqFX=0v^0 z1s*>ZMrQ~4W@pW;gJfoXNxYSDF*WM;3NG;udam(a%|Zn~@*f^6*HnJgaCk0}s{FdI zluRq7R(gJpx;^V~2}1t18>zVgA!yyRHxuttgie7|S^wODz6i!%;nhAF`^o$}-&nYh z>3`LQkrad7)DeFb!XliMFM2B=3#TJ3y$+ha%6xIf55|4NMkX&&zo?XbkL{?w;kdIt zxCC+-T$bNRFQIQ7ik^sS6>Sd&<&3 z5R>2scpsFZcc$^KUiyRR|N1SsfB#KK)gA(vBCJ=``%+)krYQGU<}KTs0x;^}CEuh` zM)oH|Nd=Dmad0c2K{*YfO(hKJQ^jHALLXUfQ49pB#l|Fs*bbHjax#{J1C_%0pD)Pe zDjDeHB$+2=8>PwnKi$Vg$XmdLNRI&1UVi+)w%N_>Jv&>^&mHftGgj|~oY&Mm+Y#i$ zWpL3+II3c8{_kV}nSJ26Ny=ogHAbseas!H|bHg{=%YTRkt_GqVdQ(WYFaBkt>AhPE zcD#S*kxgo0LhnT{?P0KLa8(7Wyq}3Qce$QarO*@A(?F?@>0!vjnrm@#N-oknr}bQ} ze#mM8R6Hnp+u=>|NyQ(ynHmUrBxCd@@t^29hbjEXa$(65%Ps8g&U@q!-ca)3eDNJdE z#F(H+n?$>1egP-fgc* zf!5uMqaAlNxXQmYGmfQKn^(GKeGKAhp(69(J3s{8#2}*q_FhJ`It}O-_&e7O$X7bT z1m45rSNKnh(dR7&QJ2hv$tZ}tui}@zIjSlO-bt;owiTtj@QjuN`{<9iHe*90 z<>YpmC@#~zDOUD0trff0kdhXbB~{ke^zy9ZY9)8Mg|5o#AG20H3(IaD!g6ZtELR08 zdNcj#X7;#d4ZiY5rfZwT5h~MJNAt=~5o1%!YMNM8suT^Hp%styE2s*KniXB|K3UlT zFWVtyHAbutnpre^I@HZL`~kaT#w;aTCqc?2f}AB+)8h#!*M4SE-9>^~kJ>diI#m9l zcwTjgqdFxKt4?Eg1({zFXMZ-5gbiG-eY@I?-_*YHuxi=0lg?cJR4{*3uDyHV!p0PHPxdPMBK+S8~3gxc68g>4%)&<-mE0YqU6#z z^Xi%^e`p2(BRTuV|AYVhe>H)b{@d*FkM~UIml|R~2)p%+;=I92Yub($qCAV53;v_w z8^Dse5|A5W>2wp`lm&(Z z$8Mfecds!y@63bVf5F z6GhCC*g+6QKm>C&bAG$M?YGr$yZ&DEfI|SxBmm)r#A0pl&JNoj*q|{oiHeYlkeS{c&jK<)^gTCL zw2v#7uA$Cv`9_G)84MrYn)W+(9cy0$G3_@v=G(DE@-DcvWpVgyVPo$Sg)*9@j-H!)Vf>&DuIB)m zvubW|eHO~JW!=;K3xLfZa1(>ySjUbmD4q}t6-s;Bi|svj4@7x=g^QD$)9K>ssOoxo zvohFi{&&asql&etWZBbW;=_IC`N41Yl>PhT^Jit2f6qOz*WbUdj~@gU>W9GOE}?KR zEdK3qjQ{(c9zV>Fh3e{1UM&9oa+mMh=Bn);nJi2`Dk5ZDQMt&tY(y?P8!w-Mn9=g2 zdVSpaWG1`UVE;54jb1bBVK`mClurBSwdwC7vs(4k7n$|)1*`R{>EGQtM`WAz4qI}UnpJOZ9 zrDb-V&K(b6yKOd%+l;ILcStjASOaZUApjb|KSD||s#k|RZHhWX?BUu2rOwoCIyX?S zS?(v|_miP^LaBEu9-=tyiug#D1fj{QnFVpm^6L4@s}(g_rCHNi_$>DS;cMa0g@@&b z>km8}i`q1Jh}0rriv)cLdyqCuYLny^q`yh@DFv`7KqdPZ7$|k5QqrWXON+GxH)Stt zmo1++{5Im7jGOj1RIa&f3*`!lb=7mFPRlN9kX`jUUR{V?6FV&6L&KxP)xb0fxyR|8 z+}q2y)L&A3j{rC&;?k9mR5)ez2>&KJA9p*|>rmyVP#;M@sJ^FtN#K{j&%@7)pA|nb zew=@ZGNf(fgA=zNsV4887cpBBW$k=@sJeyieXNzk`HxIw$*Ynee z147jp zKUyLBM#5}$1DXU%Yc=^9qZMIVVH#4}zp#L`gS90mYb9N;*tlc<{2mmU3qC+VMz7u9 zEZg|(L)+N3n`R(wJ1I(-9{c=DIe8igK>vnb2yjvg5U=5yy*;%(ReMrvX5N^*K7VD< z!cIMHf;N?-X&6@CVh=JsnX$rH%GTSiy~cB^iPI>Z2W#N#^=K4O)>Z~OU3xP4>YK$p zjhzLR-5|SO#-j`tK)K7-JHE}b$P($@%f;c8FJu zG@%J;r)Z~Ur)1~TDeooJKhv6fnUe?AC)%8^<##1wRL;X6h=@IsLR3=k*X)pE%FPI> zl=twqx$cHVrq9jaN$JM(l=azYq2#@b=eYI|?VP@O zl(4d2`m>?MpUv4%*tLlF>VE|8s>K*57+3$B+}95$5o)T#(dmoV?=%(yvj){^NZuyE zCH#R}9eBGBt^s*T2%ETFPH%vX($Bw7+7-mJ2ED8R`Dwr;B8Vmvh!qh=)drxxN2C)p zd51eBfU6U#wFa-e&siO0tpE>;04?7Kqc4mj6MUWkaL)kjM1W`}gftbj&H$cdNH-Nc z%7BkH0Q81~Hb_JfsG|WTy+->B$`fkt0MzKnOO+su2U;fpZPypu2FWf=-9%W3bln%F z?Lciec%2d4ZV?Z679p1r&b`O_6~XO@eqs!Wc3?*{z}trYy6?vm0Dg~vc4+tpS!>K? zwui_QHChJ}U(D>*kE{`;I}fU>2s-V6-f8GgGnjl9#_Ir@H{iq*Yko)L7k#sa4A&=k z7217|qh^4A6>YV&=UE-Xen;O1{;DVf*<3M5RXqZ&5sZG1q&Gr+7MMp-jQ7`wcEymF zZI6{=*!@oTNyy#<0REnpDR{^c2Xt^nDWr1s=?72zst|Ybz^1+hXwy>rt zwnZ84SPAdCAh#*{p)w%;uw0q&x{PQ;*xM5Sx*XUg0Zx$-w~W|_CtpDP93yqkkxQ^t zMU4C$C3Vq~OW6Een@b$kC6B5ys_GnQc}}!LB>fypw^XYq)c$zW;|~B36jUIxhaiH4 z0+d@&_Z|U<67I4xux`0nhameo+BO+5<~dwuMP$}F-FETkQvluq@kbn9qn5vvnU~ma z!Rgw6dIdWJn-&f#l)5RkQp>%TwYPh8(JXL#w|t-8ZuzIaFXBLjp-BP(BqV@9AcCSL zuRGZRQFuh=rBeh&Pdi9eEVptfAR-_+jk!)x5iSWk-nR(=fKJ}d&i+^W+}zxcQ|4~H z`q<{t8%8Z{w1(0f9@-me^`^E#vQ5V}p4lXhN-9y3F*zy9PFgc#nw;dP$3Z$N(lID6R#xTSYu$y#g;O%6qK#dFlDAIL7Pj|ma;Y! zw5`OiD}h~0=8hP5`Y;MGN1%*EES2qAQp1G98-Vyg5bqPeVTkoxU;rB% z;(P-h8UooCUpEE2EzoVqdRx$67xP>4;}!(FM8GW~a!HMzapV>xyF|$?Vsc5Jp7H1w zM7u=R&Z%~Yt)7EzmuS0W-^}TDh`&;%Kb!&bmWVSTk{QyVmHBwZh%&_G%_-AF4cBp` z6#&6$Fd9h4m`@{$vDsv1aGDr~m)5bQ^*3Y$MB*F^;SAPmz)cz>sqGEugdDa}pdTLS z1W7ybq#rEkgiSgDkvnnH%}VMJTD2jOJ42N_naUly%=ATRME-G5tsTkK$+dQnojK6@ zf>}M``l8_vAI}(=b=LI@yu6Rr$;WmOwi}9Vhh$IXc1q87e5{C7N+~u}DT>o}khUAH zX@_k+cH7G1b`ZZA%58`KcYL|UixrC&H6mi%4*q(ix0S7bz_*qDc|Z9D)jRS1&gz%@ zI{^F!+dc~XE{iwhf86?J>leOz{QBmLHzn*r@h^NCfXxPI#=>wiV4V$Wx57RD#cm&Y z9Rgavkp_^oXU36K9#2BJgDhXV=|d<@I_g7db&9HnGG0GyTc!9pqgPH|0r|P5SJ=$F z^Ak|_ntOn$SEyd4`X#GZ%}zn@BL8`;SMpAkdmnAL`0Z-=v!kz8{%ZQOtFQ8I*ro&c z&A&v3Z%+V+uY==@o*lP(ms*kN;YlNZP=V3`fZsv`ep!lK1K00gbtLEsz1>&H4H|STnH4Q|q=_4ie>~deowYD%ri9#wCi0xd&gK-7s*Weq>5}m@qwl?L;gXcJWrCXl5EB#qncc4ory&@ zxpWU(nJ51VD{CxU7HMgfm3dMYYH6vJxl$HuX}yv8QWkt}!Ie2v7JY8jk$F=Vetz!m zHLj)k`ul#S5bgGx9e-~7k@;g5;3>?;;V=?fn?QXK)u}|+Pugyhe(|6A<)T>|_viAW zbELN2`g)^trnd9)`lJ2FE&%%sY&_Cp+@g!CR<0uXB897F#z7DxgepWKJP|<{c_Tpx zZcsr8U2IUuPzD1V4K6yw(NNJ_wZZF>|qz=<2EW@x)vnToX82nw)FUfy=_95CPg!Ycx zCY0X*+a?^h4%w~WZVlMm5I-j%*#Sy!5R(J?bdN_TAX@JfTF;pLDn{3(h^~C{lEnT& z^(y|aXZdvrx_NyZU+toXVq2>26tJ>?>a`$12zk?pj;^L}0 z_uTmQ>@<=Zd_ruH6WV!_q}iwtqC!Z6Nz-(52n6~a*&Xl*cIO~hq|y9%pzu9{l`2DCfIx3c&>9qBwb+zFqk>*? zX{N6VB>P5z(-R)%>ox&!H$(6y<*Fii6;GyV!$;m``<)q!WY{X0zCma5S- zb6eDys)s7RDRavSAg&vC^ol2?>OOHcqc2s2n;!P!IwQG6s=vH6W;SF5Rm+lK?$ea( z75j07T6;(B(UDYfLPW=B+bv{d39Tx;_IvuG{={MDym7kkfXNz8f$8*_ZD8vLqsfPp zsSntOEUC-kC%!2Lnc@H~#mk&9^TI052esk^5?LUA84rHQx-MJuWX9x966F`Td4ggB zK}Y!hzG5U;hHuNKANh6?yh@>;SbU*S^JRa?wRJ&QAEiheomgkrB-WnPa`}EY``d0+M#Ff8*E*p8y2cpH|~x1wL8hmuE6=J!`t8wt*!?4TL7l< z{Fm9FWdyU5V)ahZRxM!1ibFB^L(I8wQ%+I32Kd17x~8iEoe&<>g99=YSiSN5A>2;% zGtI6I{Kvm&l}11_ODu{M14f)pR*3RNIB2(%F6+Q4`Oyv1o@nkPg2y2X*3wP`oO*HznhV6{lfzD>K4N+)=&4#F`SCVz zo9;H*3BO;{ex2Q8J#%_?`XC|xLqBptLs4@Pi@ha+{BC$}1O#x4ZhWd`glu^s{PbmB ziX;1#UjWv}@pW*1(G3%7eb8$@7pacBT|~Aw1>(cVvVth^!v&b{?h5k zlNy_nFcr0&;1M`$No_*$XU*ve=~U`#{nG@=vOksFu&?0$TsJ~!pO7PAL8vhX& zJ>mFBrVZ+q2C*D~@pEKahPCC(QWAM)(vG&fl9>-YMVnfQ)Z1@<=!&IijMoryuZ%;1 znnf_QbRIK2Z=$S3LwG6Wh~y+Z6_Dm%bRzZ1ONM_Aa+_2n%_6u&9;P)wmow<+?3^jL zt#1hE4+Nvz(TMR1;?E$t`q)NR6qvVTlAY70m4mv(A+z*qADO$7Zm~Lg>)gnk=gBF; z6)2VbL_5BaRTpHO|Ga~Hyw*h2bymjp2;v*1<{O4_7DbnhoIJ8IQ)JceIIGy*u#Yl> zvu5pryz=Fmke&yQJ@EZDYlQ2?$TL0UFIWHkW6 zw^;&CM1omm+uC3Kf`zk(Yvv3K#(|rVSkBtiutJPR=3!0P9ib$Il)^mMlI)XMl%j!! zNyLm;!G@j`4ore+<-VF`%zkB ziuORdZ2qvY9YdI}V;z-%KcQt*!vC3jRz(ete+btCb7l^~b6~AhQ(e_oITSxG?AK|1 zh6`r|`*@f#5P>(ks9`X&ER9-!8*vyjz-BD9su|K!-TlC73Rp(cEW;XXGOAJ3N9$iH zxdcQpT(APIBn@1cg1X@{Se_t z#AwMd&(IgG?C2OxRfADS)5x-LGC&C98VMyUgtd}l-i`Gjp`QfK_%#629piN+k<2)S zKcD-q*15c^z?7R+rBCV+;P$>)NIU<7rd{?(rCD-J4qOZN1G{nO5p!iTDSG91Md?Bl zwOa1!jCXaEwQ{9$ANX!TXoC%VDj)Q|ZD$?a>he(mhia_rS@E}4Nmq>foy>CpEM6n0 z7CR@!D!TCo%)G!`B$(VCL3mDr5vc*}hd9Sr931NrmhHvA4*TP+G*!#eQ&s}@EYWW> zO%1m4`Th~i<2!|M10M;qEB^qKXeLy71r9IKY0JxB_kc2cgME+Rpmn7p7 zFfvmLiCwbfM_^ePQW+4IPFQ69)~DLPeD2uj_I7`@y!CzE@}AXZmB$4J0zTeeZO{7* z3jj-;c?F;?bgj%ZDVz(Z$g){`$i+}hHz{NZB)%;OhJ((5RpmO%i06RPH^gyQ`CgZ^ z&)A8D-IiVGlvKg3iA$5|W5gk{(iHU+6-n7k7i8?|I(27t?qsi-$;W{?bg(jG?+M3c z=f}tTs`LBYseM&yr~K}{qGvn;QWA(<7GreM%mi-<#tC!A!96tjLN$sRGPjMzKJpgo>O3MgbeO0CO@v)T;ypx zQ?erK_xoSptabX{j0Owm@5=b5HUy+AI|R{?QxoJF$6k>w3?*Xe2t&XT9Ux~J2(axw zC9!{jT*uE_SG197G6Av%*GGC{DoYT`HMKTs=!Y%O6wC$NoV67?hZUu2q%b#(b8+M0UDx}58a_UzZ7gSsId7SrJE+ep#ipeZ;rWf4Qq** zW=e_zo+pC}JElQi>B7Cx0bbtO3WwNulgAyLDsCK~Fo00!?CcR~F{6ksFKeo5)EE&8 z*E{Gbpo&@=aqdZj{aZH8exITb%HNyeYbJfYH$p*e>=ZSaB^lUZ^Z6+ohFGepRJ-h2 zHU5xC(sF#wN%sardNfWwO9SA zdV59B?23p=o?5gb^EM<*c2449py<>YVzJQ3rFtKkK^?qtO4gblys3B34^j_)Z`+o$ zYSehiQ2g>=8Q5>)HJfHJOOZz+i_{&kte57p_uQrDC0m_r#EpG08pT@0dX28NTUFg% z&e`O9Z~E3{A20O7D!@YZ2gWZ#x~l-4Q4^RfU#}2Fq5rq}?%g%N|KyON;o~p2U=f7t zebhz$19@d@&MaWYk&`jjl2*+Z(E_M(K-U0y9&sQgthV`QKiH9UUBF{OQmj~~>+%S$ z5eSUneNd6B56XZ-D;Fo~`43$fO@!L$Tb(iQbtrTnrs_agrT`<3wyHiq**~))U_^Sl zJPkCcc%+h_r)LQYT6h9v-Q&VHR1)h+?00M2m3HSlz>UN1XT|MJtH0yR9MAPyJ>|S8 zFaJ&V#$4NHpWAEctR0T`gZg&3{+l19iPZKTD<3iwY0RZ~K%==gESmpce8aRVLrgjc z!?`jJ({i&$R5J@dJ?bauP$`AP?)5o5mx(0(bRif~HXaq6o-wx<;o7PTtE>{qK6=l% zJZIJU9S2Ho3_sAIq)MJD8|63gWzLI6&aLVx{JG=2;mlczKfIeM*Lmp9J1RCoGnt;o z>8RlJhIP@HG+;6X&}k2$68*@B4LSYZ+~bBRvT2y_d!+z&RJCcKA5ytzdTHYyVwI#r zcUcGn6e7YPJa``IypYYYk7N$Vl~;UQk<^Gmk(-7&aFcF98zW?Qlf)Qd$z)Lqnd5;D zFbOh1ao;qY$xB1bu;eLJ01(Sj*_Yd>nVE?TEDlP;z|Yt)m=Q?H6dY74=(F34ZToM9 z&xyAlIxlHMEywcLPeYG(UEf=wBVohYn@X$voXjz;9usptrGo^f<^}6}DDx6D=KbF$L2#<`=jhaZlier>1*`x;xxi65a6> z7$cHOf^8E`AR*vqFy@$uJQM%pB>Nr`M+e;p|c zSQD(|z=B`tjq&TV$&w|ua$QKPy^32Ry{H-baKMPJa_v~>Y2K?=s;bsBwXV)@Zc>%Z z0-QV{zue057Xr4AdXk$bauqrj?Ee#{U*1=pXmsd^UUOqhCYZ!5+}xwCHwnX zpQWzy5B_ekyQc6Hx%ly-x|ib-I^XZa;deI$*Fe1pwf-O_C@BJ<8oGlY047_yb!tpL zDhIpvhZ#h>{!#Urc#WAev8}g9Y*`!rlA%7Gre9zJR{OJAii(PgM&vIL+;%JkERJR` zk%B248M$vQ7Q&cvW~53RMe|S;+O5k{kH$*_KeTQv)R6xz+*0qzG#L%UCiM~vYtbR; z{Q+^h&5F6JBKCH3*#_yPg}4Y~!K_J-mdEms#-BHud(C5@w<_>i*py%o0gj@O3NKO} zwnF_=?1ITS5?$f>t4I!qG~`)&u7&|MpjFj$K$x`hnlzUPuZ5My*K0j9!pyDQd4D9E z8ZV#U@xHu-e;@T;7=G&auauWtX)I*!JDT*)AAjU-ujA!p2+1xzZByZCW4ga*ousqQ z;kt5xG*SdR=#QQkx~u^3+)Ph22@F!MIgzvLY7DsOqEba8Bztz=C)UI|7xn^e?`Thj ztE0pD*C*lw*d3^95LE#fuvUUbA^OYfhNX0dnY@_JJ97?0<8otvWA@tl>J`5~d>ru^ z9*+Hi0RLG5A3pUxT^Ur>3?5HiK{OZQk<(80#EE4`N_b{eQDPM1)2UIY1614OB$iZL znxPWz;gm8`ke1TVrH5d|ND2uSbunWpO(#K)R0wTxSr6grGNvN7U5hgy`m4eUD z&FP|5J-Jd|pEC}h?~|OzZQ*=ueY^K-vkP^#rTZR~khB$Sb`Rgr2X!^C>!H7GRgW*F zQVEEJgC|Ux zFat6}hLEQWbV;EL#NtrNeTo23oTT{{%;ExCm`qmE3wUnJA<0}Cj4UrCWXqQGUy{2% zd@fzjTi#ChZtvOdUCv#1I6aBotw*>qsuPZ*JktOR+?5;RKRg-{Wzd)|TrmMN5Dcb> zs7hIglocY81X53P+$dfwr0-DBG2&r6=$vQUzsm=6-MLbP6xk;wNk#)U;^u+)+K=1RycT3{21k_sC&)SDZKh81H_~2Z)5oDxL*SL z9sAEs8{$P3=ss(Zd=XQ8)N;OS_TsNw0O)am+>;oeN8%Z+q>GW%>jX0VEWVXJu3Jx| z)BX@5E@l^%;HNv2did`U`FOTOk9iyH9Y`k*DTX#&QyYE4n7U7F7Q?g5`RFXmf|O5- z?2-M*gt)|MMoETx>KgwX1{4!m#1R@vwnK#L1af10L!1vOHhoR}GpdO0PPK6+I-sS} zC@Axtu&}|wBi^^LNUDhOix_dtKh@RrP2iSf<+Re;aVd&G<%$*bosL`BHWJqIDC;?eUm~v!Kh0Ca-wj)`71o-dQMtTPAQdLmE`YKE zo+#L|LNo8&|u068m(FvKnR z29YJe$`3AJ!O*%lp9K5EPLH(P(Qb3x=jpsQ^rcY;t1R#&I8{7@&l_EsQi1S3CX7Qr zJ_T}-_^S=6V+a=ou&s35UXzsi&VYVvg6mqvWyaSgAY(=h?`*}q2<}YUy+ zB;wP5A=Z3h!tE#bms zG0Vb|n2&M{U*f;NtIz)g{=BRgC1HWL(@|71HgxA*8-B@~Llo z6mid8^$dsBoJRPefErZKFqpp^0SPfO=DyGxz9IBBNev$3zNIy<@q0(bOhmRI8;8a zH3vy}{EWDOS8dh1N7>+SkEyM?`h9b6hbU@~^6mdXb~FKXRwtoeLD}(k1|AZTCa;_P zxVW|W>h(_zVD4*@La&>7TlXhv%!1Tpp!k_|4{{PGF&A+blbE9{){ODwFcNVRXEE>X z&(>%TMODr-z%`O4YIT=+h?$tZH|!l8h$gZ=Fke{NmNsrLQrauFo@vL%?ms8mxy5f4 z-^{;aau3prz*UAn57r8#O(GRmoX39*Sx`nX$yClBRZ$hoaD$|0ojtw2)$<>yAqOTw zMBUlt9mUBEV@X5=24t5~vBS9vL(SNv3x!xr*qi$KQ6oZHS51WrM1O#G#v0ediVlc6 zz=uTg?>9nRy$IuV9GfAjcq)srDDKW98e(6{Kh4K+njF|JECu9b9N;c3eSNtJ~1hqeoin#(R6p|u3M5{@=FRhvFZmFwm=IcJm{*&kT(}7D=KFN3uVS&LjZFdCp{5p2xM17Az-3v;BT4;BgLJZ;2vg3P=>qFRPYVO4g267u5jJU(Gy0Ud4ikIj&@#{WymPuFalmUoTOLayddlMXN(2WLf{-A zENduU$ei(=1}&+JnT>;#GxNA&-+bi>Le;K4&N&Vvhjt(Ko&)nQKtHHYHF3KDM7l9>rbU=&K8twLKg8PY(uwYmJq zwqk7xRk_AULP^Fbj#f5t%`_Qxa_(0ZhxEg+V7tF z=AHTmdg;*<5)>LjJ@o*JmDzz+duTFUON^d!oeZU)RyVDj+BCR%=skYzIP16BQz|DD zIgK4Bmgr%s0net|(UwZbI@N1^C9YA%Ma{_7Yj;sI6@ljnf*1wTMV2t8n6?N$1;9pB zlk68;Fnm~k3|00KE;DdIk%dO+FAZ&_f(@p#jmx4)SCeAJ0iceC-sQ8wyA#9h5%%1S z;>&{xlR$Ym44xRaLugU}Epv8pIA!^*pc%8N(x9WG$kW}>xs~ zJwzuZFLqmYP{%HCUD=X#DaM0AO%k83^QEz^Tcw$a8s*^~0oP#oT!pEb4Pjvbte>@3fs22j-u2zT*BBpUkPSdA2(lET=2xsx zi~%A>S02%)#sum()MK(J!cX6-vvyZx7;++_%V+_4ZJ{JzxHf!cSCK{Fdij=9y>S8(q;YNRuerJyJraI%o8?Q>4+vB&_PP_G*o(3 zg&I+WukN)6?C&L>ojMVG;Xsm}1}Zo)g(ML(z8x-08+&=x*CY86ur=!9nP4^gG(MH~ zlzOeCFT*c}XR?PDKg=hPi$io|pUcWLI(L?fo*~3}@;T)?`5)a|wDG=EPe+8#N@|zt zA`uhjguKj*qu5YIx4I@=6xk`i)mRFBs~SG`dp&`FeQ8P-`@QF%l{$2dHT8AY3K&- zUbEqTaQ2$zAMtX5|60g%Fb2g7_*#^M#IasCRpvAcnzjEw6xZQOsA&*d$VFv~i7s9eYdAw7~o%vKt9jqO;8bN(1V$OAG@kAwdw@3PxznGOO)j-PIO${q5v$ z$@g$#&|ACR`#*=fw*HsP`Z#YF668iby&hz=d=;hL>A!cI(yR3PAX680&PT?1?~G>B zw%a8z{M&sjT-ds>UtDI5&VQ_N^AEvuN%CXCUyv}4F&$z&f3JKB;KFfGcP#s%jLX~w zEz0WGI=R}0EFO9gte7^|-F_K(aS|wDC4*{Ltu<>zjah`bDBQ=JXtwsKx#8X!yj`$cW!NPUNdeI6ngHMc2~iDtsMXT05EBrX?w7;o4@h#ZGYN*s zn3_Xy_OB!~9~hNDkrS98l#D@`A;hryp@~^tiIi4?68*MRv{o1@y9)l|3^ivi%a4U> z&#b^uiUQDCFh!2E@RnuBkWx{K9uHvcg$@jhm}T1M#rk`mJc_#~dL3dR%@1%*~{&|5{ zB{d42%~|@jRJozVO_tE$;mTK}#Q-iWNbQ-#iY@OS_p>+-IL>VZ@`f^G&Bfj{*4(kI z+C+1VSVqlYO&Xo}aV$KZrc=R%%S{rLQmE-M&r10Y(pV`t<*GC^!(!r?M4^Bh6$txe z7>{I;CRw5lGSHg07KX9xW{03ISVO^2|4{66{27CXCt&}N{TxD8dNxwsQB-hBMxzYY zr;M5N$`GNBG^1URdhOk5^_h*Ahn|24wISljwXr@AuNf+wL{L zugtjvi{lMdWp6$4%xrrCm%Z4y@af-cYyWV{&yv@#W9W1`f!+r!QAYPV>&l9An9}{B z*Gow-C~c(xQC!NhFivWYu^LM+hRRb4JW*2zd16dCx#R7;ib**c$+!-MztEOL#w^$d z4yg&nPzY@WPbvfsbV^bJTuI+(zcV8$&E6obPbQj~4<9OG3 zVyzasTJdaEoGe}>xe4(~b?q$YTD4L1UQPt$=kiW&9RtCjv zvvvHt=K0r;+v~5^`N=u$y9syM_(}`4r%D(wQbN+|_s-xD{VgC3r2FPFUlG-%g_mN= zTq5kQz#9-PYFL(SgcD&XvU8PR5i+{3)M!;@)mT!fvJkFD=~v$TyNSWJiblO|SFO+ueW z0U8eHS0B^43nRrJDBd65m6N?9y04lH24SMJ4x-@3d8mTogG4$J@!`#*T5?2wB#kE9 zFyX{`B>7S)F}em|x%#^>l)y0n;7i8wHxAqtQc3$3$oLZALaOemj>DqqB2H*Fq+Ky5 z2&OaN(3{U4kKLc9K}}+&xPq}h99@OTx(SDc#x7J__IVM8)x?v}GXxuy85GNeS&}vb zyslYLG#yf*Aak)Z6%rNy>RzQeiCS?$k~!uE<@kcPZy`OWlyuIE#prpV*?zs7Ule0UB_J6G3+YNT~5@wDQ7R$ zQG)OUCd6BC90=R}^ThH(#$L3Dv2KYjZ~l8+^}BUbKx#3%ftY0eGmwq*I|;V*?*-_E zTsbScEdrg0pDry{0v(W4ZLGCTxtk95To_9==h}xsgwvy)o~rH1w>@Aw9+E?|OrK+7 zq;T5pe%Kt6+RaHv83QRzm$2yfKZTunj0XMO^VC{ORk(+03dlGmrw6HM87Z(QsXpRS z7M{g!NeIP6!M~~m!Huu;Xe=zb8ii7i*<_M!xx>ZTxoGa>L#_Fi?u1+w3Z2_ zHXv?QBFw-L!R{2n$v(*1NH0oqT)14R`zw#UI2eREPe7o)Kroj$0EDkdlR+GEqnxNk zlHk!T#3Dq8A8LlIgtcS?6Zka?{L)65`yaB(ze7+3ZoS5={{1w(#U`jkjinR3E7o_pLDu! z)KIrwKTi{*tM2|Cbnsc6GhCBz3SW!Uq0vz5*52r@zv zRdZsO3Dr|7JtZ{C4kI`W>lK{3aq26emsIE~Zdtx%b2xTvX<_MDe?ps`*m77mLTR0{ z7Z7)hU^4N+>@3)c@YQ0$#QxZ2C7V&iS*LCo5ZkHs#H3SMr^xHJQvbVj?}Bj91hm4Z zV&Kq-$ID1VD9S_gnu&3|3Y)lax>m%3ZA7#<@1SK*9io4+u9ChefVzQXgqqfuS!*Q0`A0)05X{HoX7g zp2KHc;{3W@|V1{D|(`&Z4}(|HE@D*-iJCit~P6@$bekHNI~9m-yTQ za7ffGGK}g8@a6ovUx@+ADD0bL7m`1${b*MOR1rbPch#904v^FQ5p$BpHaP*I*+*i2 zY~}B6@{T*IzJ^t1$$iri{+VtI?Xl%FbPMe>ZO@y2i;K$m_BkHud*BrUwiNe*kJx*` zYU3->Q5E*F)b?l|Xs$>ST-UpYw%K*ZC_0UYi*5l_xtt5FC10vu&ib708?Ol=^Lyr@ zZc->`TwOEvC{VqbV`Uq|y^f8uO}vMM52542?@Y`t$CeRCQRpd6_I)^md7ZwgW+|Mc zmfBd9CgtVCgr)ehcn-detgtd}sK zj<3r|BIozQ>~ZVD_p-TCx>Dgq(rILBkO!qi3Xm7938fm;K`DVE6xFQk&-8=pv_5f3 zazn^J-$#UQBNZ`&%g7UE!dFG!y!P|+hvj$2jQ4ZJ53R4rsNy$j?lL`sO;8Eljv0a= zD?mE+m{4_47~&)WXgvguDZx?z#T8yNV4>#vL`|xVspwqfK5K<184k_*iFO)3zzAxi z&OAgEiOb|))}{XI#=w#eGy6bwF9<6U_IFKZiJ7?lYOC1Z{s!M*lXj z%vWV%NoezyHgJ$Rlu>ctaOY(oSLj5&_qy%!ny0BM4)lyfCDi-_ zbsV25TdWw3YZe6dWSc6WBZn+iYuvMLoJ@xQ7Pzpd;Lc>2nl zi;IIPkSH>Aoc_vVX<05*ywSEc8LKAJi2E4VAAt;xfcsP{cGQ(q1+S&s-fpa9`rg0d zHS#=4j~5gF!`M9qY0^dEf-c+US7w*3E~Cq~ZQJg$ZQHiGY}>Z&ssGHG6LDrDX67bi zM@HV|j-9!4<$9kk%%xJ$yXNNKmw7Y395qinrRCgSQ(dmto9}C$&sXH{k)#8!4lj5SmF?IzFd1HxvKqS~G2bO>sW+_#VIimJu;KK26D3&fa`G-=06+ZKeQZ z{q9;J_jYGo+-A513oYmIh$A4L?az7 zC_&;|A<-$Qc%qt`Ubn$~&niehUr+T7*_yjp{+J^|&;BT3a z#Nh$*X7;>^o}m6$4u8m;dnpC_--S``0%-}G!u3b`SL3XCC zP^~-)-|#*c+?Gy71AxZf!-3^OLe0Oljy!Ud>6kZf8hiLP^}6Y)5N`}cziFQx2KX1N z=S$q_Aa57)3&X3;sUYvC`JrJZ{j5`x%K{_F-QmxfWyesSY5wj%*uybXT$}A#_@^UUVo?Or(wBzc70x37^(QV zeNF11_6N5}rQ4k0ly?Z12|=Z*$qf#@ateWxbfb_yl2CVSO^>pW1ptiVH`c7**;%4Zq43gPo4qsxqb$sBr7|!tl z_FL5@lgaMk%ELh@A~H*V2{T&BnkfyaMOHX6b0cOk&{znAK*zm4iueyW6iA*pJheVy z3q=#z|9J~0!X5n(j(r|+_n4{7pI<pZKhO@^UWh-ja9WV%#oUqs!=eX4$QT&ADA z|ET@I{X{$pHBcWG_9Q45rD@q+w$CFT57nwP3JsbM%eN!;BwDCf!;M%aVo%hf4evZi zG^P%(7uwOcfOsfX?4OZFPZ>R>u1O0wv-@k1O=fC56^XJc89L$krk-^sAN6d3Q!~Oe z?MTd1TZ~-Pm%qg0oq-`A86x7YseoOWhbnF#*Q$LmC}5*9r#xc2PYgeE$m80PMcAl= z3lA}*F&ywE?>NxO_I9jdmCV^VVOvtbv$WRsC}rBlx75DKBee1aUoh`pJa3#m`XTs- zuAzBJeI0~Zc#mi24wF==*tUr>r~qgS$96=uf0zN0_L8( z;(pfytfXuCexklq>kAe)5{B+isXG%gjRu}_Mz~2Q&1AtBzvcZfjc`nKA?6JYCFNKj zO2GIWi?R`FY%TT?^}mvSEw|VTZX13~@oT~s(y}FW@d(cuE^GTG!mQV10TLsbKl(XV z)?~0v5>*2GnC9kD^D_lK|NLxP+x_MAxjR`B*_)B|aYzO27i@Jp@EGVxFcIG-sje7N4^8 z1H`BXDG&G2xLG^Xn*G`RmqfMJ`&nFYfm3!} z0tHW!rX%7jy4OW>;!r+O1%{SVdkb<&vpG>fg`NtqqcjOxd>-BrX=%sBd|eU~ zZ1!RH5B3D{kU`R*|sfM5#!^s&V4#!}3v|^4PaOcjPQ*n#Ez=@v0k_XO=0!sy7 zI73+&P-Xhw48@XOfldY9eBFEj&7iU4a(qE|Fp(7#$;Rf0&0umU5uVMzD@Kd2|x$6 zh<}4nZ8x@P*6m|V?C%?K8{r~>;IuuDdhGHF=G6d(p?0x*xr<9;{7(N-*CRQHd$Vyu zjPR;JVyvtr0#Kh40zX)p(6^gIwK;~VPu}Tv2nqw34`o|H`g*QGqX%%iyPGRlSvfB9_nU!E~q4n=6sKSVDJSj7m#yAKoyg4>RGN6o8;>jzc2LTR>AOdB7UzSiHqy`M|=SiJXkZ;Hcq zTv7KI#%x5|MM?bnGWnmbyN~%D7wyxXVH^v~O2w=cf zafs-_402_Og~-GZ5ya$map6mU_=wHwm{v4G^MhoE!{x%mcL-;4!6D`TWR+Kin+2CC zBK^9Q>T`iO9Zm%1Lb-45adc&O-#{Wx{F-OK&uDn=^nA|l`hkq59z~-6{nn}TB2%Z) zebO=Yy$ik11b;Xj@9J1V|AKrqE-jB3m5ViKEuCb^!xDM;{| zdMZ*I`m&IWdX1BP6nV?+(MHY@#tSigndR`RFFAsUnkMH%D$ut%sp$(d`QD(KCczx~ zGJiFXI?Tzk?rAIst%tbJP+Gs-MXxNg;5`HeQ-MGh&j=Z zuMS&NcEGd>1H<5O!(cT>hoSZ$j-9VjK0OR9`He(6&^jD

k-xIZ9Ql*LOnO*m8-#n#9wPg?ZhG^LYWx{p4_R;_Mk zpxZt;FLL;GYze3{2QZ37eyf5rR8ApwE*)cp*RGk1(+5=Sn&h6>V~SgB>V?)d9dLH+ zx1XA&w8}l2HcDOhz?X*#hfzi!JZVSL$?qE}H(lG3Vzw}zldT7aFXF)aF*jSG0|I3Z zzc@4<-M?tu1m4p)o57O8*;OFY?6I*l4QVp6?7ft+J;S@+yyCl7)~rme_NgwIx67`L zGoNm=fgce4BQ`% z==KfON?)=`@%|Naf5sh|^q`l^M8U2`*_2R2xE}mA&cDx;$Puqsov~B!{M815A{GcS zcs0$1XxhEIr5XqUu1ll%u^OL|PSj@O`{0db+LX}6A*)%`o3yiix$4CA0zaiTyfxgq#73x1pB{2g%=*89(tbW_-8R zd%6q1mhWXpGBDj>yqjmm5HxwQt32K|<)cs*WJ%s0lqHl98&RLo=!+}>l(ySd_|^J| zsW48=Ef4-@c5Lsh$7p$J^+nj#p_!G+LwDHj%aE(E3|?^5&%om+di@*Z&V8RC&XzD` z{#$YAcfg19i|@SA8uO0wT8Q~Je9O%T2NR+@r&EYcq;9d<@3}L8$JAljHG!^@Lc>N_ zmUkTd2;?RA0A}*7PczA7hiK>b<*1QUiWzOc^Ujo$U%Rd1(dMy}Yo=O#&Z$)AU2a%< zeZ$hM#<<0&)!Fc$^!JQ1!!%V=_T-g$fpgWWtR^3kv-k6l!nzW?4jXnC5qA>iX7cDU zi4lLDxXQd~Q<-l)%sL9(Z{DFzvnauLo>C}imxPY`QRf^qk|wjh9FW^(LJ3#LIQQE*MuzccNNyI$j4h&MxxW)BZB z-HcC)d)RaPp^GfP{kL!Pr^>mbB0;?gIRbC>(|D2{t5aZ#o<--fM~Kl?3|@WpmSb1> zPHGEmB~Gn2r&Kp0{oGV>mNd=OV+Tr0gfafKV;p`Qe%Ljt9!%ZG&_Q(W=y%?!;*f9A z7NQZ2y-#{eh${eYi?mqwaV|dVjK=w3it}Km`=cka?%wQ}$g_|xk+stlcOTON;U*>) z^4DkxK8q`ZZE$4}&fC@wejLT73{(0unj0h;dwgI*ltakTuWy*4*!vlHVFZS|T)12E zQ8UUtZxYt!R@|Go9){$P{e!WJD>wH=Pl4k5ZfX2;W8)C~dZr2ui3XE#rXHQ-Hra7J zC)pA}LdoZNq0Bb&vGQctE%Trf@#6ZyM_J=Ni8_jJgElJGJNfA2!QnB}an!JJQoLl$ z&F4f_bF=Dt>^>$x>-H{D%=-N)4(CtXz7W-Rn8QcpQKl|YLT$sJ<%P;i(zKnay{!^X z?PJ}DjbAP9jzk)U>&b3(OGRZ>8kE)2Zq-3`?b8r(S7)k2DS~4OArn5@C7#I_|FEZ) zJ`tPG->^*Pw&Sw5_<#u%xY0i=wpOu*wrkDHm!%Eo+t#7 zU8ME1-*yr(4rVa|WIG+y_4K-&zB4!UxE0gh3zRt-MS`t!t3uP$dqab8REJslzJ zKwWRglf7U4ppCE-En;((%8dKGZD0R+g>O_5rcHTgnb4>&oRx!sfNV?6Jg)syTAZ? z`P0-8#i^nXd*8~L$p<^+^~->tWx7d+%=E&jx=z1x?3eXSMdtwd-0^y@s=7g7_W_zq z<6;dh_uAZZgTVGR-pcHfCw;Sk@2&X-u4$mp2KLVhF3go&dX6akee0Q+mPl;Gkp*8Jmh0k~ zr-%6DueTnb0_>Ku;NIYjmmYct1K86lqCVT$9>32Yb|NhMUHCk2`y;%&f{bni+BTSG z&aJeKOPSul;VI_81J%(rC$T~*N+4U^c2ArC0+%Y-2lFh}v{3jQB5HTEL+bmxR=2oL z8DABT@49+Lk8OXfSZ^D~0+g=VFqwr0nr#6K6EctyBp~eq;C|Vignt2&DkJd@iMa$7fDj+w`=jWWI#*@X~cw zTHAl&2M$xd&FlID_?Do7r?AgfEB+?6>qBpdAS)=PLt zY~^6ec>O!vMeczGK-C zG$b#lD6lLc7m0KZIVw(o-?6C?ubQVcBazCKcQKu@RaqZ zt`N7fQXx}B^D>v=B(CX9uIQG&TzJ(ehaztUL)2AxAFx;wLYHFPJh`~CwmnIFV>GV&R0y05#;N==hPm`xNvahf5IZq`r&{y>EkC2Z48}#BM`cwv z#M;M=vJEb-`@C5(*z#Yufb-P7 zlC`RV&Rp5rCw`REu_F07^D=t74ehYmyQA5x#n|9hPQ}#wGjLAP>sjQm{FkboQnnbc zt`^-C`PkKk{9%kg1-}ySvFR6iTDPO}6Mgn?qVw%O&Ieb$HMpgMa75BQz#iGTQl3~* z^OXf^yUs;UJ+L+V=W5C!bL8*%?3sT5>&-6mWLr&Prg~e&-hHZH^_L*hS)u68{18?2K5b}pN zei!T_sLis0Z|s9Xp*t z&%WGIl;=p{lW(71yx5=4ZnMH#gyDZa{$qL@72%h_-P2(AfC)ne`j=+Om#e=6se#WG zK0PN~KC{lR_1zskbrgZj?#N(E`X2b~OJa7?|GuD|=g|?49<66!wiGW6>{LYeH@@a0 z_4xb`*nU6t!M0{FQBRx3+2>wtNVy}}iM^=_{_@BmU?+ag$)GqM?G|a0@YEh~Ev)l3 zO}xgK@%|@aHfu_=4h=F&-lLSiX$9fzElk zUdzY@2ij^FGwcz_ssbwDE;p3;!N2Cbsux9IbzUjuWlRLFus+)}ONHKOlZUx!4 z^!a<;DxzMATgjP7_8^(q>_>AClPyHQgWH_mr1X!mKNG_>71vM6#ibp z7$Cv5{o1%%-p2#HBy5l+Ljqy)eWav{Q@_@uw{(K$~JG*5FH-nIKz!i`3*1=vPltKR;?9&+epUPg}nM?K3ai zKO-JmMBk*eG4S}O!p@Bb^#-dQ=N)D$kd-*a^~6_7(-b|H=~O#u+aUSTJR`<3t|3lR zTWqd}v-DQk&Q}}#hT3cOT0``mZ6B$^cqFDow6fol=FYGFevH;+I&buj@X)tihe$U= z^A6Evz$c8FNj*?kFyLuUzSE(dwYaxE)Lp^G_0f04N!mLRhSARrZ&eQ#tf(DZGXTgx}i_ZDBZRFE>B=wkzH9_37!ngR1p`5?Z z^B#aX5L)}$m0A3i?Pz>TQ+D3T5+^n4;Ue3;(zGsre2t5KHZbxL>5TE0d3;;Q`dAZy z@|q@}X9z3CHS&tA2l}}kz7^MD{lfo#$R1}n^fP&xImY%4BjM%B|IU0xlW@g0?DyvK zbIVI*+&GfzS{8{9U?8@`1V%cAB z+IJ;n=3J52YzSXelWl{{JgOn<(?CId5CdJKXuoU9K`hB&baTV_JF22Y1F622i}=+3 z59WUq@JYPmqz|qEpV)gf52}Wfvva=K*OCNAnPORf=R1bfL+Tu4yQz-PwV~4NMLB5Q zNIvQFUas=bCHh_vyYvzebCMF8%`OeLkS>JUrE87lY`@QI3N6lQo5v z;bk^DLW^%c)>8(&i}0q^1D(#iqTTT*2D$X3EONuDPQveUieyJ9+M1VQw4-bU@5XowIW3EeXM* z%eRF;m&9MSKw@o~&h5_?e*2NEC@XKSY@&m18(ap*ui4qc2?j}V3M9T!%_6<*5@9*6 z-F9R9bSEGaNQmld>9(zkn_O%kS2&UyR-+md5Z@u4cQ1*uAZ&jnDqQ!_{R z8^;5KRY(Qq8M{4qjtIw4skBi*D2gkIO&*~7a~Y=cn!sDBgdxvRhf^vKbusaWte6EA zs~lK!d^#n>-UCM!Dw$)PrD(dZr91$g73QWe2umM5bfOM3@sW*3kg_{qRvH z%l$;1?bJk?<3BuCD*fe z@VO{r_ZkdioR+|#X&SI$NztgJe<6<|6^cvJ%@Na{;gqY4HA_*;f0vdkD@WfCz$pcU zRVk{sC~2mMpVF^g#yrME7yDL@>ux=JPsfUk7jE9V|1=k5|5S^&JZr8I^jTM+?eJ+p z5wYX`jX>&6gTiV-j_=^_3t zy-lE2SB@wBUOO#*F4XREY&j3CYaR5q_Vyw}j~8qmL4xpsNUqmK^H;3lm3USE#D|vruLmT4JFdY#mD|zsk2_Y7^|OvbKbjBkdjNEm$3B zOjsvd>pQ_qe!R++FAu>z#i9Q{dhK~RqvmgCLO#g7u{r(O%k<`?4)gsXRb z|LkAOBLgzD6#`%TY^Q$R_qIwa+_FLocPT5g$L}QoCMw1%XSkSK*M<;RY11!R^>5E;PS8*xIO zpD_S39cbALp=MkQoLk3w!`3SP1cLein%1?So59qvdt%OtZs4oeLl%{KyS;Bb__=-| zz3V&dL-L_{qyNJCRE(-3UXI`#Ub5V!MydrCV=QQ zO{%66ERZPFi7lD@=ZJD(zG2+e$&btz7ZCMaMQ0zP+~pWzG?vCTubfG~sc(;WS}OLWobV$slsf;JL$wj&Og@tOBh((t`Rl$Nsn#TSDmsl0-0@t6a{RO7dBDr5u zv3n^vq9=6$j4#c|BQow6}`kDeBAtAU~UW&JLmHgt3SkQVMa?hN~>#I^o?i zs94dg6H^n#oOTk@ht(o3gMV^e{|%(N|so87gCV^DZvmNI()k;Z4y!rV|*$J;sQ48r@6JO;PBokaFXudynG|2RF;$yU={p{1~WMmavxnU_MfkxyO-JLdEF z$V$}Z_fJ{u_wZ)tn|G0_w+3>seT!XZX!5CQ%$d-cekOfErqU$w6lV>2(*Bu%>LV7P ziOyyO5thwLbl;VNaLH^f$8HOXvB%iPWyjw5`S+bImvRE2jiKW^B_c;&>w5(RkxO zMa+!LoxBf_yvE%<$H@)f$34ej5ObI;X*ROJ-|&##*=;e{RT}$OOHQ&I2D+p02bVc5 zXcrua)U?5wpL>36nYy{UGt&)e;2s$rf<6LgdAde1cby9fRA>&y9#SWvqP9XI=#H8v zMxCi`(Pj=Si`vf4jChFJxUMsc3$dv)gBBJ+Q$lSv)ho%96HQIf(gmX7f{IoPUy2PF zf#evd>9Hb9K_;|D_EDQ8q~RdqYRD*W4Dvz3d5Ey1bsh21JKzPf7{aSqqJAbs+R+&4n@9c-(`ZVfGzJ z_|q$fvyp7ezrAwq80cNam>rEcxKnd**@l^AT2`~7vPaM)x<0eQJm1GItJjwp0V2lXkox)4THNiI?1bePqZ_|K;f~r>JSuE}fe>7RDlgPd$VV zuH&0?Eq8|2B&mvL$=4D@7GHYwO2!ld#BWi26gwN?&3&5|eqNO4I{)ZaC4>B77oHzT z&7_uzE51;~ey$0HFB_%e-K}N~|F#sOwalPk8Wb0FaCzsSk^x|kO}~1LMBho)cd$7+ zJFhwz4@zGN)JIT|nM;m1Lb_KM7gK*+zw;?ShP>4D8c32^{H6Nhr26B+!9H?BiG}yC z2?6mC^Okl{7jY1TuJ#YS#s-g=^U7a=4Yu9o&d~!U*7B)Aqs0!fz1Y2@L@R5r`p7Em z43^0MM2vtDSG)hG^1#mU|3`UXWMyS#rk66dF?BLyBxGS^V_^HgDGzE&%jml>S_RRIW}i}*a8lQV1kyb|uXF6%-#-2OQkC zIAbX(dB)M%vQ@7^W*|85n>QvC(R3r&U+v(zItaOV=qX%`ueD5HX#8SJVt+DIS-7v1 z_UkKv_Wl5gn0r}01mT{s3jse!JaxvpCCg3UTbtYt(;$S(%49fKt)HIKL_C`d3Yz(v8RfAI$LF|ZhGWDz6Of*jGl>dfI{ zWqTYfL0oHa<9qLM?zM*xFCg@bs1-dKRGEFX9$ys96ucy++(_*F=YER;<&^2C{<*5C zm8SO+`-M`Q(@(d+?i<~esNc$tH?wP3>kcp2=E$~_rtFtM;D@+B%yTgyJdlF#-GjyUG3|?edpIIrFdP|$ zhlviqZ%95cBpsQP7@L~N!%5~mwqR~PZ#t35>N%yVJDtVO_nFb-lToL)yUo-yJ~pM^ z`0~C%CYeI38`t9S!#&j6eEyAk1rHXRdg8MWtlo3ujHl<*KQa7OnS8&Jfn zP>MzlA4^<>X5QVX#g&Wdw8h1jrDHndyzE_!TOF}re4=t9@c{Gtbp3SEL)V+4tMt13 zx|pCcW@-5C*T?TqXQmODRqg+L2LuO9PJV>=z(YAsahVk611U~19dgVO?t?CeHZP^> zpTtkqgN!>Np;DranQ0{BP{sjl6nH8DaRKIzcXU_krB$?Mq@UX5#L_ZbZ}afe%2Dml zez@?|IH7B`XZ5O<`x$#({}o2=1g!wANDBzFugKo96;9NeQFUO^j_>yR2HC5)R=5<| zhm??AR9cb?ri9Ws2m-5#RJy2G9d^yhy8EdJ$^cRx1u_D;YGEksbWfm8qLX|JLpQu; z)kKxq!aq_&w#*f`2~3n$b<8$zsXJ*6X_H~oOq8}IDjl<6NxsIq2%{)xM({u80oi)N z;n2%n6Sv7i^b(?AsU%9HlE_~^0!G4c;Uk<3ca5bv2CKc;-LQLne`DZzm}0o`3~sXIG+ESC-KR$O z2KD4NpeX352HL|V$>#u?h^h)4Nu2u$_ai|^Hb3_WN3Vh$_i%T-2#?hM$*u|DVu51+ zVmU=y#n7^pvXHV0aoaPiJI1`*v{?%;BQL$qb3EfpCIGt%)_AJxQ0r>zILFM&^vW`p z-U6<(=;h~PvSD)I5sAHzy+vL?(hk?5#v#t(S<89hFxrv*c)`+V7?76Kc-dk?)}ITo z<6#B^(A2qLDU%eK5H(xZVkBxMfCu-Q$oN8kQOP)1ikB+0UwIdEg+hx3(#Kd4jEZ-k z74>{%j|m@9?D&qD8*qdknGtdQ^{L|u(E1L+4T_Ec(S@I*95}Z= z&j3H2l%GXtaDyFyt{=P=DrE;UG*F`zgjEg(br+k)AEGqSBQ#`KFZh}em|TFER0u`t zuh$=cs#q9BeH^I}mQ-NoUF3-XP6piWfVLafL;>K55ci8;-|#&CC3aZ%c4Yr2^WcxK zx@(~oXqg9{9w!$@x6|v~3Si$6{Ym9^5n@XnQ2!V79;c9XAI*oR!cZ z`|*1;KsC*1s|p?){n-?F(dCHHXUW&3G)q%ucTmfMn&;ToWVp>JlKxlJ{ihd7juhkx zVbUxSm(-zCQ1l#QdG5YbfXo~fmvoZT-|`chtb%(bY0ML1?fh}4U<)_y?Vs&50x%dF z8VJQr0AXw{niiO<09mU%?V|i|?IKI3ESnkWb`epgS!*Um67>^=%_2{y9Kejwn?ImV z!&gwnL&CSj)D6C7AHFlJW#*(<#e=#l(W0nj?s%JJ+0{-(8E5#`Gy9(Rm}lC1N>Y#_ z5e$Ts2s)M@NlDn_x(mAWgt%U1431dhx=Yg0RYZVaxL19hy29@d!R z-<7WG)kYd~PTTW)!=N>^=3H{UeRCwO<@l;whTix(44Zto1S1t4`=881cyoM}Rf1K$be*zQxpe=Sf}q6O{|EEHy*^dvc-grlXSX(m z7`+1SlBa#pqZ9F|YE`CflCmy)xqY#H$#-GeH@l-|$HQ?5dsC>b{~z;^hmrWw09RanBDg6Nn8XIKgt6+JqsJhcQ_8I5>64OQG~9OnW9QznkQ zp@pDynYs}JYYE0eyoS7`g^+a_ep3m;LL8U8>6xH*8Lo2)U?IUn-qs`RO-}a=GmS!- zRC$h6yIg{`j1Jr3KjWc|h@DK);*WH?=)5_^WT84s#?g#cy4bxrFm0j812kUI9l5T||f=A%sl{dq@aC@hXsh?20R8Qid-rwGbpL zg%gj3qmlzxAd;>xOvXz=bx^PwwQeJEHODO!QZ9v9Bm!m1gIEZnDFvVAw|>iN?zejZ z673CPK;aFD(MOB?%gBH+G)uq$AfG{46Ynr%zs&1ujCq;|eoH`@`Div0U;7z4Cn9mC-)DoudM zDb=ANBTY0}Eh)NPZ#b}|KAvSXL%sg^zyuL2H%*jrElqO2o74^^<{nn`;GG&UY8^4= z5wTWcguVTLA^d2=_U3f`#%*}Rjvy(=FqtFh1%H1z{^vZX?kfE_50yblZPcp!XPJFz zKMR%v#`2zNE8Fs}=_{wyKO>*)^E+6r7~O-n4L@855}OI>*0PO+_l?L5G3&&9Joo|> z=ZyeOhhH|6)~&QH`%gcMm;=Stgm&vM*Zr$mvqm`Mh@F}!M ze0H(v38zQ4PGQO$e63*3T*aeCmrTua#)In{MVGqm?D`{JYr*qr;9Dtg+4Nb&PvCu- z?RkeC=2f5fk9b3b>p+NkzSHoMS(#L0lyxwQ>Q4Qtumj=-7DI%X-K#hf0)lT=Bw&f} zkBh?yK7Z?88Sz-#?b}YoHdMTVr)i*h5vpBRBGb$J0@EE0dQ0nt7;C%({2+k*=71b(xR@%N`DXyTgl07=3nvT7qD{WzV=a(79ONEQGo))K% z&NNBECm5f-1S?H1`v}deC72ter<)YFnd@t$s}whx8?L3h6nCBKaiz-?H=G)@r`r^F zoa%eLad#PYS-t#E<$;@Ee*J;@a}wzOua(12B&;@(>OhiRk#?t~lQ`XAQM*&hZoL-1 z>hhv%l(ysYT9a#*w(IixqvPi$5c>>#yyC3FEQhl~mO{xQ_7C8&AHV>m43&pKLiCrs zkti7NZ(a~xVMod;9diq^nKwWxe zR=_*-5if$hYY7l~sW{+GcW5#L@9lu;{*kp_ICt-`y8N435urG_YY&ilAlDuIdP#R( zLs&P2tZAfw>QCv~P+7rQceCu-#n?FOx*X7MU0?SmfZRu_d9n6_++G~z5>cHk)47M_ z0O5Oxr*NM}?L4O1dKTl7F7aG!a8lNmR$a#CQe2*4bxu}&10pbJ#`FZW-J`u`S(2o^ z+jjLRxi!gcc`L>)tU0&*YTwmnyJ5n0Km8%2vhO`A-1~PpvvB~fGyj0=kes;>d z$6N0h!ikTN$a3$=6vFB=W`V@{#25LA<&+jK^7Gn0TzXcdi>Vf;;d{< ztY3%6c`W&&fu}2@q#Bm2OKJ%mqJ}I?hK7|(C*3}_0>o)y*O$|6|3x5ww;lJEDDF#}VfYS-Jp@U;i;lH6XhU2lL* zdhC%qJ#EaeRRq}-1m_G2|1&GSaABL*?H%Var=$@B)5!OjZ>|)C!x6XHn9i;STRF}W zo?SAz1kf?L1p4AsI&JCgD+xE}kREt5FI}J?k2q-Yk)2hN%`zvI-qk@99&`w|@e9E; z!^b}`t<=n2L;ZT@Ih<3&vBa;xlH;mUv22{r`U(j5;p47^srdUQ4-*`;&SmT^YJMPQ zddubJ;Mjm8OQ-bu>y%6;(HHcA_$`8AI9$D+-xD)2+>Gn&yM!ueY7g{kifqmNGX2r= z9EGzK5*|pF)hVsPEnp?zplWsrJ6*u@)O*CTXVT*DTKObYOr1{MR)O1EAkH^FZz24m zkE?6hqu9B0I5?kBZd_QdVs!Qq5?A8)%yRxzdBLp`%vgwg(s^kUN#=rEo)sK&wOw^oq-w7J;&vSuf$` z^*G)WEK81WeY)LM9?ak4zr18p_sUz#@)sQ*tJ*7yf~SLfn#eWSOWDb0WoI831X_H< z2fnvYNggzpPkT-{>)UX=Bg3qm&==*yQ%NlbJ?ca{{Woe=01E0qgj02NIdf=;vV33Z zP1f>1`k-wnf|e(>;azTRdmkKh!2-!$bj=fOCqsffkk6p0^{>EtF$Ziu2@d zbBkDSidAhn>v;vQcvSlJ?#!bqs<@+OqJ-r>+&qfU{S{((O_E2K+1u=#U4r6S?uasg7 zwWTNz&=dvLV$1okQjo`7o6n)b1A2UQLJvwmPwTMmN=k(I4*d`X;X!8{lKxsrRb0fa zJ(2t~{cEQKD%AJmd!Mnrex+li_^<`ewL#NC&PP>77;P&*)J2uopeKL3Ss9}O);;{X zocl8QgYZ*>0@Ci0^%LTcPu0d~f@Al_1Wk^RoWor$F$xiS^|4=+%WE`fu6xAYqC0-c zYO_Ry?@C)*|sDKfsirwp9qf;IYNT$xA z!@@?foY960BMAAWyV0{2$l3+pv&Pm0Jk$hf4+^cK)(SbA{Z&%JSox97L|5hJc*IA< zod-ZePiExAzaiR;DD&Hc#!BO}MV2%z)0RXn+nQ$5B?%0!tsjV5UX_J~QC$w^-raHv zV%*X9>^1@qKk_KF#3!ACJsqhLMR*#`VC|SM`L&(pxX-XatZQ=NZ%*!SjX%a@4PH!*{u7_5P1P^z1a~?)jCO1yW-G0qgP`cP7 zuz>972AjD8C1{xb(jZ(t{}yvFrV25DfA@Ps!X0PucceG4u$k(aBuV46x}2z6eiE(4 z0q_PR#*yyeWs+3Ei?|&!Be_Qs1f3{$HA~r2oH~&oXKBq?;XF8IfZvzD!Nax&$lOW8HtOmnP1(e zF;|334`opZnfKZxw z?&^vDu^eApW1aJ{&Zne{1xG4&W}#=CcJ~Ft6KO5BRmhhXKz~gJEwY;+m=3Cc2awB8 zy3_Mh_0tJCq*IN0YcAITyqlet&~YkAK`u2pb0CfZ7w84th!lebE{8sg7*O2Kq&X7W zCb(3Z_}^hmavVSgsA924V3NtGQO- zOAF-hPn2qv>vrYjvvv={13SeJE zwoM!6-%z_{~Xh^Ty%Lo{taKbZp4g|Pa2y8wRG z7K4~6ID-k}UhV8?X7kp!3kU@&UM}3#@Jya)FGlrdfx`8Xdb^3t>zM1Hx|L-LxAwxB z?Q@BCVlJ=e`m_U1>e+|gn#Sgt#CY@~fP z5~zcUx zE(uQI#m4Dr5E&Zt;!cr#11?;QvxFDtu2)xF=j8J_M!TNd-p|jOj?Nw&@Mj z-Ff&rrk`2#lbbr=WZkqTz3TAk&Q6u3nrh6(-8c(xidU zLc55=jnWNk@W^!+2n8%GnTe692Ww2kl>K!|0}L?{_6Pl!ELn5+3cS?VG*pspDonn$ zK@##Z*u91h`YskO76=^at5n$@(C^ zL{7tU@Wr)W6A*&&)T8qoy1!m&>WZ6iJRrC1d+dw5U8vX?>GUZM zUQfo)20QK7hR+`S&J~I_t~+pDr|%V>Tz0{9FJ4u5oQr1w1gBB9#ltTyJB2s$QO5FK zc!=}^o5ce*h|GdyMo)3$4wAnJ{&u^~d8;%^90x*u1ph#rCatHCs;v=<@^*ClZGB+b z=`>;bLvU@(#m&XV&uZld-QOq_LeMd{SHH@2%k@H3S4`S??c~jZ#r+A>{vxBX2tql~ z7KMLYLGewojyDHJ+Xn5w6!IZaG95zAC#ns=>46&eDphYkaV8tCONg86d4g7-_wNab zMUBze1r<$jm`o68rKRz5q^2>pGId!^ zt<`iv?ke73df(+F1HQ}N#LEi8Ef+t;-J8~ZRJo}>6TrMH$T7o{UaX_bWj|IrnKX?M zhc|sV)S&9v9R8qn(t?aw?rAd;&EdUzA6Ok&FLK6Od^rMTFYu{Ob*$zkgfL~}Otjw) zfVw7nofvVvp}3rQiDTSbI?PvpefjsHIn2#0L*793epwVonv}@-`hJs8wUghn8>ORH zFoheM`7Ft(stX3jp#Q9(=K`7k4&A>)1oT(0hsW zU>FFnAZZ|zhib7>!x&5aFeYw+rVCzqs#-ixeyK(H{qAM=FHr_(&9|;mma1q2SXvL` z8Om?PyalSjUJAPttW~tum;iJIw)s7I$2ydQk5}Q13Zmrz!k>RCdm@Y>V*1|}>(@HM z@4zNLog0?}#``1xd1hU_nQ~NNZhDrh{Vs>aYzIp zA+lMl2dX~E3CW!>HD4Dg+c^)R7)>q#AKLkng3LonFe8I5I?&&}xX|@v1-t(TW$zdy zI@5*i4))mEW81dv*<;(bZQHhO+qP}no-^e|{wUU8P@~E8`(63t>vlURXuVU$!u`59Al1iLc10D#n`Et?%EDItJ z7|*#`ICamnGqV4N4R;C0>9J zm+U+1Z|r*EJU1bFfwAG}uHXXg_`y5_!qs`I_V`*wd-c#z5YXn|aH^hYgDzuL0d5t1 zNWd9<8cz~Ga?E*!GWb3})t=G%?Eux(Lfe`0M)1!p`A07Adja6U8Uk_m$~?2`qR38q z)pkdGS3j$~LVu8afPDm?FL$@68pWLF8szc(W!xEfJ>mnU+vX6U)JKcyw#-?&Y`~(u zYg=nsHQBH9au0a^NT?+JPz2(w>TirSn!V_6*`Krvacg17FjFrEHm1GO%`x(cVB84u ziaLlhAQ*;1bexJA65|=(De}VZMmuSxw!X_b1vsv(b?*Q7Q7V<4$KaWrR93aCHG5;U z$d4N~qsbU^?a-eX(bWlO@IrdW6TC&aY*1BVNNG7I3D%_L5k+6GLbi0SrA#DKrd%MB z!rM0nzh{ccNLY9EQ}shdCsU!U9&(Sebm2B@f;tkoMGEPsnS!~m01B*b1y+j2eU<^pzn^Ve(9_shLsrl9WF=uo86D0BD? z;P!L(4Z_#&D#mNIp`13b&j|<2mToEm0^#RF^>jY&qV`>9V9!({=0+sA=U_c`~y~w*WLG6 zCS5l|+W{>H+{k`-;)ki?^Q5t&IAW zHsj-Tms4?YL0jYjxp#7X)~jY@PJuaARm4#Pa69et%86;vG_awS@Ml%YQtC^LXSF?6 z`cx?AD$)ZtjZW^(xI-gw{f^!@g*q*&0{V$i8;H>&VTnV>&Su^Q>KL49#H8>Wh%Hi) zI*V1E_7S~yOf@I2)d5FS~?Vu>GXJzL3BKVEL)sHCG%%v#w6Mpya z*S1+=-g_xTonpxq(vf>KZbQucs%Y*GqF2soKn!kiNTu?+be&Mkz@>Df+l~r0Myd7T8-|?W43#tOhhQEb^CZayr=B>r5!yK*wV*pab;6iAj0Hh< zY|}tq{mk=RqjUbvhU*b7dNiGWG+gT1b2*yZXj|T{VHg`CLF*y{ZW=)KWj57gK?nv` zfePGSTvhEvq$49Wn=$l+yM@CA_xnz?l8?_Q<9-=Q;59U1SH?eR#Bl$af`Y|}<5S^pMOxG{z|U4O)L9L%|vsP&cSmYv_(?!%Y7nm-w#qBr?z6-8WT4>Okcn%#b4mM96jeN$D4!W-@wp>R>zM6LM7iBI|TYWCLRQn!abyJ$U zeYO0##Xdydm-OcVtQ_h}WuQ=8=;bs!uRV;mjezC5k` zK1N8JUfGbkO_)i)Np9eCR^M;dBBZyOKVNR9-aCX)FO~tPUh?BzUe4~K52$w@2uA={ zaX0nW=Mv+V=1kQp+LU-XES{ceDo7QS6*wl`%W=IFIV-$}wry_QX!mAd?D4&qRC_#e z#v-cD5bRN~F7U3!iLJEza(>`FB*tpM=8_|j!+aL>Ct2)O$mw6!78#H6oH>sG59{@F z7CbGl5Dhwx8)+LoTiNdw4i_V^oFF{EphfS0=RV%{P?I`^(UP9s`>b@KUZmMiXOP-m z!=g@~vG+Y4JNamL!Hqd=+HGsHcM4Ajg>4t(BqN0p4&-fbbp+o_!7{O$c~hDv%n4r@ zF&&NUg|Qu{uCu+Qy)W9#&HpULCUivEBU`pu(K;Vo~am5w3<&QdoZ~O2<;p_ zb_JY3TADTLBr{CAztb*a!6(ImX&6elHbWO)%S;X20Zf z7MIrj!W7ix9;h78S$Ux>H?%5u{h6wdyx-q$ggMBBCENpGB0gEz%tY619#Qr_w*Oqh zX73T1Hpx_Q#nD@FF3QA$Zh4??YD>?|x*A~fs=RTIO6Y!VQ%!jmP#?8GN;Q3%(oU=J zh`cYGU0G7n(6VjT9DQjAAFqEXq*BFGI%76g5XEFlxGvBQ*=m4V{3ra9vf=PjjC&l} zP2=^%zDoXbA7$asA#G{C97=3-G~W-WKE>tp14WX&nsqtxQWXzR zL=~OvK=-B-qP*`+>rb-9>R8;M^M7IjUl2I~xIx3%>4EQg+^;VDi08Cy(7cdU54A*# za2I_sW8$SbnU4Xlk7QgE*iUv-Ifv(%b(pm#dNm=UuE*OJ#;x~%SFY1#9!)^mr-RNK z@o_U=_PkqLk+LQpBR*c;CY!ie4SKL=io6{DjW}p*X0|O&uk7^QJdB@nI-EQYKCHFf z5xyu^8ccdsf3dON2-fYi9n|thZe0AlM>p>XW}!vr;77MybZE_oy=Pk-zNyq1k8__b z+beO|aJ~pF;EJ^WoVW~wto3u-A>7$UAD`zphN?$3u^cap?{sP!F@w(Z%(|lPOWPJh zgU{JU%H_B78?<))LwvdNx>tIHQ14@i1&=Zw4q__!6@Kd!RRpGNTX)z-6|>L_Pt z;5^bFGLMR4QOT)#%RQtjgBjUh03{rv~X_E=`g@vKI2~T zcG3D_uGKEQy0FcALiec?HK4SlQNAj)s8>2Zm;s;4soa?3m*_^u8EG?5Kq}CG971B~ zVWXZXIBQ&J^Db+zHn>Qo8X zM77kb1VzuhBK@jzUNsttuEI5daW~GX)cu!8>J+sihy8v`{QO5f*8ui~$DG;axT~kh z&3&NS!#O|-raH+6G$fNpO7%veQ4*tH%Nb6p;oYKBD#Dter8-4?kECo;Ie%d$Wjx;= z9gCanODRW~aW$iSWpr*&7d=f2KhsWO>}4(di=L_dLF-_8v!Zr-D7w6LJ6rmE{l?*m zanHCk;%DV&lKRf!OsEZtV6xz!YFK^ zihCpQo67JB`XOuL{?WFQv}1j2)vkN;&68N9DRXVl$#H(ZxzC)_Vv5Jag|kEYCEdKM zaB5*`YhB>INnxbj;n=FO;sm9(Nn7W|nDfyEa3gQUqk(zYH1nRNU6Noace|Z!xnzMu zYun97V%=lb%!VDi;{A(j`HN| zOZg_88(~|zr(=vZK+0h**OSr<#Zw#EAlp~^_HQR#Oy987IFpI|WWy>`!O{a&n?YSy zj-r$3YHugZBxBH9=>DAYCo!aH_XPw~hY3Tp}leUze%-Y zoqw}zoG;i%xy)e6%8S}Ha!x587(8rU8j(8!co?s+#hX?#GM5meZo(tH1jAbrdO|_C z;FdLY7Du=L?$0E!tAMZ14;g_N0>pwOKn^I#ES8 z<-8Gg!q+rZ{YdkqB^c%QKd2rX{9V|6Y(8IIqi=iJf0ya;yo8bM-*gIc>F~eNGJl$| z_tc<4G0k>gf?^R(9Cz!(QVT8Sl79+05BjOoVd<4q`kyy^`wNd;JQ)C=B-RTd-ai!% zSGQ4p6_skh1VZoNlr6c~(2v^gSHuV3gi<_D4nZjLPT!~m#81Y8yuYD528NO7T#5~~ zkSv#`j6P>})|kYQWhP3w@zZt_BtO@8#+K#m?sD=n-S(3GzsbadO@}3I(~`7MC`|5g zdK$SM=fNlwv$lP#OZSEw1}vm9Hx9`OAO+L38)#o2C2s_8`EFR6+-qET2bQ_Ni757$ z16H+#5$`1p(a8r(Yxr+~jYfO^-fPzax)UFM?b6ux zPWbpz{jfD2g-j<7T$`y-1V*s!5lD9ezwHaJS{0}51Kl47Xx8=ySOvo$*r|2ZHw?0O z8qgn&%m4dLx4xi@OaN~^14iR&M9A{=(|Gq2cYJisC&m2N(Gcv@*}0cZ)To;*h_1v9 zfYB}PMsUW}4%yklnS3?u(d~|E2)zx*OE}|bKeIMQxo~tTNj_9&J2ICwFt^lAvlcZ{20SV5pA(y))Zuj9E4m{> zX2n<{SUAF2tkv1Dfu+F+R$@1=zK%T7P|^8j<=0m#{~}mRGvlJr4u&ZgTz@Q&=UsG& zsc{R&CP&>n8jE=^KW2<$?4hT;nb^XfF3E2VAhP<@r}HnFmgU(maS%`HOnjmq_Ou{7 zc(A^2sg}3AZ&{nZyN{bgUORz!;O>|#*Iy%d(NeuA^;eXzQpWu*>7O02D9c^p?{HU? z@TNmzw92oI8qCt}n{LZaC+MSpJ*LH;veg8=-oak6cG>oTbvXz=A{fqujWlcctx9z-=@6#?fTygt##=u{(=6haz;Sg;EfZi%M;O;oGczbf~rO_b1}e9#%gVR3f1C9u_9teA+yb z9N>!(Gg+HL&9()5!r7909B<4^#ypL|j7vYl?>SQ^<|XZTa@;&+?z!$foo3Nq6Xz+f zLE_`NTE0id4jZ5j9+7SnSJwtqh^Js^2A6@{S)p>G!6g4~(XBf*@|FjAG zTf~eUpeZ0O;mfooYDHl}BTs(%X({5Zsis&kSgiahZ7#HJzW7g}Lt+TepjJD^1d7V) z)NaveqqW`))NDx`%JSMzYEJ!-*lek14%M1DPu=l?86QP7e8+m;-gJuMsGHqy6JyE0 zY+bwH-F#l6a5;~u%6(#a>0i3C)m4% zuu6@1OGZ@Pv#PmQWs&>cXK))7X7NUutAmA-SACO__+x<)`Br30#*{I~(k5a@347DB zRQ3DpO2%DanuwYLL3VUg>cqm-85#wtx_LY~V_1A*8$%mSoXn8H)zVMjnYPqJ8Q>Mw zpu@XSf{yT$X$1<4aVw+U*|i8k4XxO*DU?u(*hLKZ39EIt5k zPzi)Hpg4jX9@1n3K?pw72>BVZbjy3gfGiKQ;E{^gz&aC=hZ)EepL5N^;96JOs8w=2 zqqUvU6pRE%!RG!h8>MARt~w07;;xxwA7L&g7Z}i~ENvHTJ>U3O{YVcm^yurh7oI6!Y{g6Y}GC=V21W8jgaHbEk za&8HrjheOx&V113hdO0CS zR`r3u`fd)=9j_SPD0*F zpk`Q=EPdtzt-GO%g)xwH91!_RcmRTo))XqaSd|oq%C?t&1ESr zMie&nqt%HDWq-jV??g;7m-24{m&1OONJu&97jw*&$yD;hW0RfvN=J3(tRHqQg0$y7 z)MMP}@_i&R7?m&4*2E2=rOx67&+}P}laS_kC|@E+D;W=^&AlyW64qm1bYfeH7;-S? ztxCX-Uo4hr=8)4IL0Z8kUm&peWnm~%?US<;km}>P>XM8xn0U6%z!FYDu}cNJ%4Ht% zBlaMdxV8^L6smnsCeXUwpHxr6MkHJp!}sXA4QG>W3m8xi+LU6Z!w2kxu>I7sQNudW z4p!vn9P@SiJ3<-q9zu@-mVCOt*0N>#@$K|n9HQKfgrjDjF=r!I-zGv7Wy`A?uA%I^ z*(H+Xho#_`@Zq2gI8q-v{3`1Q2&6~weTamLnuK-{TuDKquD9v8*oEAoqFv>y zsLJP^+MTz?(U^=vzeLc?p^#TcC<>JmeEd#pTPa=fm?@_!8E3W4Gz#itVu`i%exqpI zRT3)bKKX*5B4S6^RL^+B?F{Y^fAhPq4K~|l>bV*VJE+tf$%W@q$StXbY0d8kvk;5v zL1P}r<0Cb4g*IpEqH~_E`}rOs0}&A({)>k}3q@E(kj>?j%QdF;M<|)K4J%d5?*|IR zf_f;;9uKf_+Rb!V+IbTjqsf`6D;^g- z4gwB1Tp(CKp}^D%@E(F3z<=Q71N;Y{5a2I<;9!Bk{eXM$d%m`OYJS6};PZ zDQg@l98z9FyfJJL{zNW~@fuwm=G0~!;x-VyAx6X+aNR>9fxZaa<8k{-_HsRPo&ulZ zGy-x5I+k<$e}i0EI7}Pr^5v}DoMFBTeys*?FE{z^dfsZ=628*8S`x0pnj5=IU6fpq z(NJGXQmDxC1lc0-r{$|lWC(AoX_}ne{yL?z`fw*p=)cK^afe?;B7M*g&a|&!aB?ZL z#^NzZrnOFl4*gdH;^R(1G}ErFdESC<32Q=0cCJ?w4F+=foJ_IXA&B$P$zauDbDPoj zwM^e3}9+KNdXH_Potq5Nu7b zswr}#+}YS3ov&m`>FHz!NWbq_hO?+DX1U@R+NE#Pi@E&+ zMsjZ-+5&Kij=&wf8A96q8SdBj_*}3A)s3kn@tHV7+PLE-WTXCc%n2X)%G-7-`^2oX z-umm)ue!O8?1Nk~wB@?M_kcb5!BTWPB;8QPZL1AmL4Z$jH1asV+~RCdUqg*a3|XhO884?uPEGU#?;)z@+mfr?bm{oFD?P0ZRjSGswH4pRj8RKt z!g%<#a&95aAx+scAGwCmssZGHHBT7bU!`C=!T~9i;0tk)pgk<7eS%&D);wrCuP-VA zySQ%ea41_8l^sThwRSW4$e~r7p-Z*PHndB$+BJ6~0Xe;d4vO#&y#x{#VPFWq*w$S5 z=o1bMF0c6^5re22t}5Z(xctkgXPF#3TKc!Qsu5&hxgsI&8XYis(fxF6;ECqw;e)qkn@P-`5`FHPqwguJn{C18NOCT^>R&)#ur;CKr~hE^Adc z91&_h>uJ+LHAWFpi*Br6ylvLF$M!S0^s8>nsTKA`^P-L=N-h#d5*3pS=iwy> zW=laoj7v_4Q@~r*b4LzH20Qm3Th;LCU<2sRwT)6BM@O4Ootdhx8%i3&94pa0CPq%O zFJu#4IYYSJDq^o(xMSm@I7tQ3=1uC#!b>!a$tiU~ot{So#`zawM@A8*oL;lb3xZZp z+uNEBK44iaBz=?=S>b1od=Sq3=u4bOc0X+w>-9UTXG8*?YQVSY` z@&@zrH?&E^X>HL5PD*V*^MlX~O!0h48rUwN2c?y27I#gCQ{_VzV|ePUD|2MaOI3@! z4ch}0&TqQ-vQ@}+tEtK3FQ`8$2Z^o46wO+V6Pe2wB@t6_f4^+?Cbr}zm^_bm10B~V zw)kyHIMyn_RGXmWOp|}h8lo(zA1YF6y$73|6g3uEdQTe(TprijI@ewwnnt7 z|Mbm`3>;|{ob(<4w=ZI2Z}ngCzoU5cv;qP)t{T5qYe*($HX0^6)?W`boffUMo};~) zs|Nk=V03u@m0Gm&Mh-Sk_69}{TwJumu8yJ#j(UzpzjaXsIy`2!-+uBuJilkQcKmG< zWYD35WclB<%F`+;(&4eN|KBP-9xKED?J8?;W1wKF`*Y|4(P0-wo2i(cVbU3Q{brQf0y#n-y_ur)F1PTQmIzj4m}OE7A{O7_XU5 zji`^W)=1QkinJbR=43`s$9boFOS*m))}JkI^NGXhT=DL$N2mUzMhEhFza!-mPxUu+ zV@1I3c74s|?dOt4ACEV?7-1Vix*2*KL@;*I(VXfr(~BSXHqJIq;^L;+K%W!>^CKHpIJnmxoow!pr}q%SdQK8B68kFzZOQAbq_OAoqmz&qmwzrfxZPYG-(HXf zK?i*xgAm!GsE@Z-J=Qka-|n5*-Jjp@cxvxpX66QL^DFZXdnlY3Lsju7<2qR1LWm;! zI+y_QBc!i@J`YG9Y@ZOM&+2?9eRAEYX1 zLQWu4*k5Abe%wLtOghxQLKkt4WHp%d0BD;zBXi~YegMBC!7y$Tj(iN*guvOdJ|GgK zjuZc3R{6^=shxeeH_8hra88yyw8k zpO=NLz;Rby)oJbZ26x-b+vnw$o>>7;gD%D5WbNr=V9BNBq=!>tAc$Y3XqNzCj~o2u zxdv{=aQFUvV5_5JBcudr<`z3VNfSn9n`et_%ge3ZgY~{h1c==h$xAWxxL2hR!&mHG zA-hC$?aebQ*n~ybL?qwPMy_2z&VFDk0{t6tt8qNPDiodyAo~`z466+Bxy*#uzm`3tR@qshQ3;I|J&@M8w$G}J0KhjBdRTdK9*hBC-0lELgX=qk zt&W6coPQOq2gWZg#rhA)1_=;j#^4`HMVGySUdu^wAy^qeF<1ld1y!|?B)Rah z)JJy`Jas<#kaglgD1eMZ)+azh{Q&MCu34yhPRph=3mbe4gn}@?5VDIj2fBawUx!~q zMTP8_zq(Or5`+*okO9bv;PSEjf> zl6>f%si_W==af$0L%6IltU1;>*0^AEQrHU6k_hv3r`MKqxF$IyPr^9%j30)2c1~n` z;DKAQQ~!wCr}u`y5EKFzh=b`!`PYLmMxbSZ%>2j;HOYQ+fdQS``+$d+R6)#Q7duh& zt~LE3)Cz4r)PTXH`w`g}2pg!8XXTf}pU74br)3=H^|<|`B6{CuOU}lEEUBV{0XODt z68_ce+~+{9e`Yy&xL;1M33hUpj9qGl!NQLpoRN{1gf7F8Gag{wcIr`3WuM6$9Dbnd zPhVK#49P$~QQc`Ng2$JV0~Qg0sgh zX~Qp9K>NM+csVROW2n-S0n#9`$XkmoZa%NkF(z=YHZ8MMPcmO-b8c-;;Q4t%WzC-O z99o6fX~6p7W-)3aC!Fct+8pUR1L!#LG-Xes;bcJQYr>RrS{_n+>Y`b9*E=FGvqRUq zd@_{s6`dov7?M^RS2S`Zj#EQI-ce`+)P-8mgb>vs{Ma$psipDKcR4GcyX-ih*$Q0O z+aJ1P3n3&|&erMNL|ef6iQ%4w@fPDQkYmSsq;`{o;qD@KK9qN_JzR4Q_iRc?cb-5a zE+u+P7&mEUbKYG=jNrsD*=?(@O@5STI*jUVViaT=B>=IgZy2au>3vDk>S9c_@Pfdr zsYGZ#CQ3_qdss!ntDp2-ODKLmQz9yUy3l@>hC)2eW?SiUTm9GP#*mW&)A&AaHGigA zdbX!f(845;h1nUt6~Q15qtIy;YGIGYcqO>{6C0@(B3RfJ5Kb@dRD91;^^&rNwVdy^ zvYONdUs4(;;(%2wvR7Q)gYoyKoeVN{rI^fENn4n*R{zs;DBme|LiE%VoQZ}ZN;D^0 zlg%j1rVk=j%fxc7y@lGN<~2V6ql0z3cEQvMYcXoyLo~oyb_I&0e0j7byTEh2;ess3 z_KLk!uQ5wU>BLeSU!OL~elaP)+-s;*3yUtHJ&sKlQXI{7z3tfziWma3Mn-a!qvmj=DWkldlD>@d4QsU`dI> zP44aWxsio4O-d(HlIAPnPuv5ShwP^JhOg*=GjAWG3!WYHlzcs zDI~&LUBjP1a45C$%xM zx2OLXu}UaCX1?(Iz~wUyb^04vbeG|W<>wr@3nPEYOP#wzsd1^?m0wh$B~i3>&(3?v zbu0^4yDqI+`6A7P&|hIBh?Ymz2;smtM0GkKlb9IY zm}T*25oZa8sz1?_6HQ^kAsoCI%}R(V))v@)(BhDAA#dN-q6@F+;c{mF>pshm`S0mR7 zBd6s{;TGsq)@P^o`0;8t{db^>(mbY29>~k^&dq^}5LH>7o-AqqdT|=maB~z{w&HsdjZd}D>a;qz8oco@yHgXB)1Q zOC=b3%$1?qy%$+z)rm1!U)+k=$Q4=EJs`#LAGUACnh;w|h!Qds9L!mvi7iDLi)Pz6 z2d$F};#Dbw$ni7_tO^#73!69=H*mU=N(iaUMvszw0PnqM9af((Nq0B*Xu7L zFqQUmlS-lA)D_K-)-W-Qkq0&gq2U32dvEQ?GE1kWZ)pD=iJl2K>AC-T2UYt{-oOc# zpx-2GXafZyoAvMm|aUdnw~h6EPIrZ)dW`De4R%1jc8jfZFjbW=t%vjwO2`~ zw})+H598U1YBw=JEpP@`i+lt6eGxC$=}W~&;;*x`GNV+atRdHl*o0~r_lq~nOb5kE zS7~AVeGZ&_8N>74sYNmB{!<9w*rW=(*?@|vy-rzj>Dx?J#LiqEsH3N#tXqP^Up3v- zQj}Pcj6IiA@}eTBxJU|>{Nr-hpFhGjig3E4aJw9H?f4@b~#+_4)yKL_hGstYP9T*K?Z@HI@`Pe7(IIwQ54)aA)5^@(K!q z$^Vsncs_M1NiYgv14)%%NiPVkV;iZGDw|{FiK;h~S=_xmJ-1?QZ}I6)_HOWD5GH=` zVEh@WOg1AZ%RVk8#$7u2b&-Gy-o9?PdEAA7RG`zT!^XnYvk>kCJ;LC|>mbtTmLJ1S z5Zq&~h;AfDi!<+9NCWlOx~O0#EzoDeedoW8TMRGnXy?8!<_p{z^$jZK#xX(Z#H1Q_x?wp$$8S!B8)v^f2`9sNGq)A_A)c zQkYstMJHYYRMlfUjWI~jJU~` zpAi~aiXYLM>0^tqtXyu#{+8_9$L*ZL;bJX92?fq;K(SmZYuguOYY01=8uiVS=k`>1m0yvVf-b%LoPMyxx5w+^^1C|j3-0E9Rtk!o za@QqSlnLzxMZ>iUDs(Z*I45)60;!g!O*AQ_g_ier#mBeep9;|vZ%nGD3WC(}HPep9 zS{oj$_sSRj&+_)c^Q{{IxFU*_#*T*`on6+B;BrYhpT`NH8a3~tpnEA|pWp0C6Q0|5 z(|OlYO%@r=I1j9l9P^wH68v^i*IqHc zgr|Pm>^GOfPybD8873~*$(q|9M=HdS(l%c~o75pS!Omw)+1PG>%FvaqK4qfy=&=U&^YNN(!UknJ985rm;o4 z_>_m9(_BsjymK0T}WH- z^R2ZD_fp)zM}@y|kw?&qcQ)~AugWK?%CDQwzn#v6!5~_GzKkt)C&KwLA6%rzTK3F# zJ>6HW>@McCVlg;=@l^ge2(ID!{LGIq_t|u|GeDTp%-E5`n=@4=0v^Pk4)sy*`tq6m zYdI&C8|ZVYVQ`woB^V#oa(r$gQw!eR{WLIJ*56lf^U{8vmc8HvPYR_$p{a8`uqO2zri1XbW9eYX1?X!9{+}op0`h81+ zB)iR=BfpVnI+ZB9eGriSgjEYH@i)ri+w4eo2JbbY&EC+kQ8xW8-av-YGnwSSTvVE| z4{p$ov|0uK*A|j736ir^pjs#L-4{#9)Vuk7W?b}5y5;CEQk4)}(t+pM3%BOtmM#gm zb?7UKHp%IuRk)ms;CVXO36u6`sje@luJU0))f+c{1v#w;V(qp0XZm*K@nPFK7qE1{2v0)LgG_ z*7`f=fyBC7tnnh$I9hWeA)aL2r$M(&SiP6mIt0}r9aj(Sl#?TJF6n`D% zT!-WIdI7BnEOdLHsvUy#c)+3oq3an}NzFnJdWnzNu{UOs{QOw_caAL~BO~`+jK=80 z_b9aWQUL?Y*BOqG(4d504m6}~^&K%WUli}#`l}Ce%j1mH$rW^~OSz@^>@0)sq#v$% z3a755G?q)b{YD~@g4qxj`(D~cw{=kAI!LX256XDj@%3rWR@lTCFC`d3Y)ZMI9n&p? z`wrWpK{UZ{V6vi!F$H$;F!NvkijuDHR~vX&fi?%=7gLRgOcSK~K|!}xy{hvBo4eam zA08~q78&6^Qi)iui=V{J??1CiMd;dBfH`%k^g?lNPHd>-**rWx5oC$y!O$Cw22;Yn z_ny3ALaU74%)&~wYTmM<0|EeR=5-%w`=;fp9!jpUHq9eB7vO)ig9_Ayag85srUutC zfUf=Fx=jiKId<455(}MJsW;ceRb<$MA;4fjGarI?GC-M#%Tp)%n`>7hA@(9ByIho6 z5N*IB(ug?!Ovh{q?QJihLOw0%p(Q!PZ z8V|-Lj{!4{z$y(EuG*$9^}EqFGcv?}BVnREZp9_Vhjblkc>u^@twl;FQQs5E0# z3b7m{iH15dwKk^1wkK1UPS;*xpdk`UoCROVwH_aeWmH+vf`FDPzT(;jK%6-)kPKEH z(Yzu>{iTyB0u+K&%N{RnW)bqeG-M-EtKUe_v4|;H`-vt#!ts7s*@Jc?x%-8h8}xr) z_)3cyAZtqn&Z#ag;KT9mWK~c7NOmlFK!c#L&c`Q@sHEf4^(Lfp>B4rWnQn-ijhA$5 z4DcZ;8r~k76k+Uj9A=mMzKO-$6jRa(gJLz$(zvYeqUpLeBLtHvCz6V&{m8>H;G*kd zBWbIpA3XJC#PNbPc=UKUkTBql8^b_`&=NL?hVx)Y>5e?Fqw2r2axc)f?w;UIQ}K)n z_(rJvFWwT>i6%9cTP$CYThM>MWVX?4rCP0FHsrLVs8rR^l&OpG@tEw66wrwXkty0k zqb4(cBY~?VYN@v+!A=4L_SbX5+=7rZ)c_+!Yb}~*=#ed0QE|3L1(=c)CZt!$n)OMk zanUWwz&Ff7_78FPCRwP4m)D8@4O_us+hckRN5bj`fLm5|V3!lcqoB2#OmYsOKDpS! z!HcEwGZFKpmbA4b#Dv~v+_S8t;o6Jgh&hTQ=za8m)95EUS-UF$uPqTV0fbAdi47GK zCg@Lfh>pUB4U(K)-U(dIpcWh|ca0<##BNy_ze;Xt+IVsuyH&LKBS{P%8EFqOkpZ|J zE&c2J0ULZo=r4Cg&r9Z}TQmAY2U{ZINlA_iQBv5OA!bw`2O4oQ1Q`Kr3C9AmGfnpQ zPGP_eEkyqzIG>e&zoOMyhDqo<3crm~Crd+mW*kh}8nqZVTd;(hQ3%+n2 zZiKko9Qzf_I>Qm$-uA66$75c*(K*d=nD5)b%{i$ZDFNMcrYdVvoa zjijI9Q!xz~2JHBxk4cth*#*n@s4=NQPuc}`C zRP|FHYLhT;K3nonv%QA)6&}CzY-L(Vn%`>CF!qUQ=%$B~_ydGIssjTpKqkpekh~XMV*AU?y^>a>nngMf|`@ z0P=^)E(iE(bZ-UM{llcA$~M)^ZHf5m3j54~@2f49&*QtLh3%dv0nNt!fnu@t2CrJq z3Z-VQHUw&>w`pPHr#T~h)ov?h;d_#nB^nZ509#+hIbLQ#Ab-VTJExVQfU`mzo;$8J zC(H*C>vjib2HTjk1&8GND=6w@xnXDu^N}NcO>7!fVJ$FrNuJ$FOA%No%Os7EB0qz1 z&iHi`Cn7uGDh7c7O`elz#%N*@->jZ`#lWeas>IfPRLnr`%dekLz@IC+{?-A7*=O;9 z9d94m?j7sgG2rSbtS0(L|7BJE<3c8#algF7a_@Cb1Q>Ou9G$`+hkEKha>(by;5XR~ zY5~2NH$#lg;G(Z9mW5p0{>+1@;-1cO1(moxammAO}1DalG zcFy%^r4Tr^O`X9ijOZgtOzi!6H4ZbFaf*EHu&wA;8ARB=BfRL3|@D0mlgAN)S z3<)TVtI;|eJyQ2_TGB4`m`XXO+5TuzVVAm&rtD%I*faH(j zCJ!7zHcP-9f(n}<5UN4T?0Z!PND)gA|3SSJU3OnDKmNX^iLg5HNhFz-aH7Eh^S8NI zEd{AfsTDYSFsPHqJe&cL6jr~y)caoKd3jv=QNzo3`hhocA%(#GONv4qQWjp}W3J%{959l|KU%=Q-(fG{qhF?*)S zo_5#HzRU$}(vvzucb4suqk||k1e-Km49Ehg2*6PisiYICCQNA>Q!8%k`*f4}qC=AX z`y_kex3Oxhnr4l&ifL$jW0uD(b)c0sK&Q$-H{6PTM-8Y{!@GN31fm9UZH?I}vc>+i zN`2n+Pf=LH=A%;ZY!9eQs94@DiWXFnyNMW-7rm!@Nf|aLfB&Q7{nM#yE@Nl;S$I;W z@alegVEl$(7T0tEIYQzf zrqz^;kM9q?zX&@DrlaX?m}fI&wB;}<31qU0HUQbI#-A^MT*X-zidxx$bilCsYT9sw z7%9Od+5sd7s*7dhaf&*3y?%Rx08*YRA4t24Hz+a<&c)MgY5>>RTO`$xWjQ&&yL+rq zYz1)qG=v6CuY*QtpdE}5L_LOj_~SBAWFM<>L_J!WYqp6-4ndPylL@+d%X7Rle(IOx zHz^X+G*}Q@Rf~rGzZ}O9kYExsj`{+1es(kiw8waUQgTo9uOOux@N^ZI>|N~+#Pp2l zohaQ(DrBOZ-IuV#4`(v6$Ssq0fWRQA0X4!5*Lx&Hhe{M%k~ji$#47&>W)rRwBRxp23v?gd?d^& zIg2eb(-Slg*_C1u`55{qG%IO9qq*0tX>AvS?*I(iMme>8AiT%$ZqSLSlE;rDeKHDL z{VqT z4ygX5y$q(S$$-sXzlf_gmW0D>b8iWHueW=&IpKlBg)uR(Bx@kSYuHH@t^ zS^$(R6l-~tm77=7YzvSFWyXjAQ)NL-nlU^^i@PcPi(jz{p6Fb^IJOsJXB&r~z-Uj> z>^cQMBSKa|KnEWl*g}rc4WpVLHKQuft;a;C>KKU=6e?TUYhMh%V2`B;I_T$f6(-(N zN|;D&OqCLCDrkC4oGh>*6&TK*A!2>@ZeQXKlhr5bGp7ta40M!j$Y}X+fjOyuI&I{hbo;aeJ$2uFm-@s7|wa` zzJOw>us#5ppz1Qts;muGOdor|Ge;eSo zs#^udjQZkl0q&$9mIvYk>)RwxEL43pGA_KX;0N?y^!x;|yrTXB%0mJI)3C5%hHdZoG86+MCMqDTU-2(-1Jn?#zl0`% z>+rVJ-C<$C!z8^f8V==zKDs&W-nSJ88LDmyT6)V5S`9K?UenTf^@ou%(?cwxBcqf|KG;^F-juC|>&6bk!w4!20 zEr6oY)cbx+gpR@0rcnkf{$m>rc!H<{d68+ff&*V)gz??TcQ|U+#gX79Ey2Mpii?kZ z&eb#!EIGNHbdU5bP=<$|GQXciL3F@rBSNIjNCB-@Hd6eA|0blSy z$1)%Z5k?HHk&p0Ojku9>vZdG;Xl9VaB{#1+wiL{9^Ic@H)kcfs9$Ur^H&@X-9DQ99 zKy701Z+&(?;3m2^9nR63=l4~tRzZXKn z|FnckO&PXZJi1ZKZ9cI;Rgz}w5r3$ooOfaQzzve*qNy$FZ8%vCd<`EzQ1ZUuYj<^Y zg2|GP^vQS0XF27uf~ygS6>aye-^(O+@Yfm5nfXc{5$*@GDP_S5|i%aQ- zNpy%r)Q=lD3epB#zKh4374jX43IfxlU>`M5WFO`fbDAgeK_uWV2%h$@wbhqtFa@N+a}r^y`eC7iyjR&(U+TG z)G_qtBDr(1*D{z$0cFVWKOzn9{8P#mWyb2Qj+O&an#u*0Y*EMwkzrQU%BotB%QMa3 zFA%951x;)y1ZqQsKvFj}AH68)8FE%XV!T&kEQ1gZ0&!~Ib&0lT{xTq9Y($3@hb-C~ z`6de$2jTAw9mSAZ-T`mkVXs$q3Kd;Bq$}-S*MNn~5CJ=eAotr9PDz247OR{=E(iClA>?6 zWO5BCfk4jpB&1JFsQM}B0{KHUZ_qloyn08fkfWLFhdc=32ZQNS@4!#!quhc9F2Cj3 z;NJ#e+#XstMx@n~bzi+lZikczfm6}BTXXj~n&?1m)lP>R#nC)Xr&*lZiJv)PsSNcL zU%QmH7PdDGua=395TP#Dh*Gpz9N?n37o&GpJiSb`%YjjWVwAtn%@z`%eA?cI`G05! z0dl$ulZe2XlOheKT&)b6>Z$Fc za-CB@z6+|5!fMTSx4sPs#I`VAv}uIs8bk}?n3c{Zp-9dQ^7!^gT+M>jz=kG&Y2K~V zzV9K|WOA<<3{e3Ua7C2EW027yU<99RR9K_=0v#80*DUYttTEr}rhgZugoBV_$#R;z z!Wc#skNzng4v6m96i^r1p5Zi!!+&uo`P-Ee6Rx1Pkr=8syIZfebv_u%S8Jbb$W@G*<%$xX>Ta+JkF1}{ z!ScHasSysgn`o0TDy0Xf!fO&QIW#Kjx5Md>G;CXZ{;WTje*yt&X%#oA5!RuraCp>2 z{&sr!J#@&aNaq;yK@=8Xu|Pc`%}cEckmPXH;dpKJ|E}EPDb2$*!Y%SlT~*XS{=Hh!vlxek8kXR2~7T+zJ6?|vaN zp;=%zw4&(({wrdwAc1x%FG&`Vw%X7JYB6$jC{I>znGU)ZMbNGpKp;`ZWV!hJZ6n`0Hsb5pcJODdCQiZ3teYAh1;69g0`7EJDE-Q3nuF~!8wwI7C4F_xs z2@5?I_oL!r{AO8fk31mwY8yhtYS%nu?NZuk*Vmlq`z3}uq(ni3eabKuHVwBaecHuR zNtfadmr2f%hBOyTm4bF1stg*)Dn6msP|=_a3OO>vARMOQJEl zLY^IuF&V9o>vc{QBARFNy3e`41@40CFGZoopzOeR%w@Lc{{2fb)2G<--SUq`7soEr zrjKlNhV)>l6OG0R;KkS%bR`P*rY;$u$S=QQs`kS3L3LTf?RYowijQh=2oXJAsoP>K z8$BKs089@Rl5*PT9>SnuFBE+tJZ2GYZA3dv5LJMhK|Q6l?G3^w=A)=-hyeTgK^?kX zA`Xrsoy04vIu@=}PVfF+^v5<@Dus?n^blnX`PF2NkTJIpouS5&sQiF^Wa_z9=vkeH zP+_gbF}{VhCKlqOS#jV#Z(fJI+X%@dAJT|<>+=O0O`z)P@!9+dB^f;LNlxK8*N^Vr zP@P=RUNgLKYQO6{ScFPy;3?YD$R~fOVSaWy;VQ6AW6mIh&Si-gc@0 zq~^y>no%?gD-L||Xyo7+6&Q+!<7QqI3@bR<ltG=5tGd)Uq@z*Pq*eHp}Uv(^VRgdVPFG>!nLnu^25mc>S38lvXPNz*MGC!1YR7aIa-OEogS8 za@)SCwSnnT-3H2`XEaO&%j*^cD>fXAdAsl0XSWLA=KP-6)jH+n8QSF>tpnPi(Dq#N z?sjKE_s2(NU*dEksV4ELik{80I%bzPmfC7jd~jYNsZCM>s;bd&9@9l()5|G>R{FsY zKZTo_-<=aVsU5eLVl05K)w{P}yj~#O<>lnF0~aqQZ{09~iQmgTPnNRB3rQIpwhE2y zY?OoRF|OqO01s9a4zVh5Db1Eq1~I6~>^dqf^ULy`KzgicVH^OGCH{!JS;oTPg5~Oz2FbVgo-#*LJM*6i^rk8egHJ zbkhx%Jd>^KXuc(D%1t^W7}>K8{Q!NdL$!q_AOZPF&9=$->~@28r}2at-sZB%H1-hq z4IthE3JQ!UMy#N=RM6|_8ycGDpk7^d-m2%$Q^H{+)(IRtKIeRXwfPQ7=_kgywa9Ky z+6o55czZvOOhRT>YwA`Of}<~nTO{L)+Gtf_^iNqd3pnP`v^$UIR!mNHLW6U2njfaQ zUhc=Pu*#BX!|DaodVnYDCq-GQq+{Vwp!_G#&cVu!9Bmy+U`*AD{&u%Vo>F$%{TM80(&0s@9&_%x`up{U#!FYs=;QqWcRxPWL^aLI)*W6oC0KxH zwF$wxTeb?}l)|D{YD@}I)fV5|CEssOd7|MELg?pk>LY8;=KxgwXR^~WB^nw$e71%U z!{P0_anqBAoUEED2!l*uRJzt^>eZ>~+cW;@!~EvI5U}N+_ka@q6eH9bs+s!JXx>xeSlNyP&Q49+`lntandlxYCL+ySQsV>mJO=?AfVQQD zcQ7BDZW*uf?T)EMHcTU=HKQfb#vGa}!QiNeu5NV68c_EIQ!T$)ACjxyyRpS9=UIAR zwqQI9>w6iCSCP7R!+r(k+7UyP`>%1e%HpwAd64Q29ee*<>DcxE%vqPD{#(GkURed@ zGn!S^fN&5ccR<^>XQ@FE44UE+Py)7I6lxtZ)ZR8aZYo9XUr=q_ODjw8GgLob(CTb{ zL%7w6O4hRPVx(~u41LC{+zLD#j$2cV$flR2fpFn{6K9v>hLt|Wo%zfb+Mo#t}G^3TUD2RLzwtw1zA}_!Wd>6*ew$i|8@s-Jrv~B)Jx#4!Ht2whK zvGEQY0-+V1dMYJsBvRQ%3h4u^WwufrtE$7wQLAO%Nw z>AKpXAjnYu`t7Arm3BU-<73TP*=1;OPeH zaPVcz)wD_P%>BS3?82leHQz_|cT>Vdyr!n&d%%jU^+mg$piG%FhuA0c1#)m3 zI17?;!iyz5lX14v`c;a1P36FuLJ#NIsPV3zifgmW6wDPNeocfC5LdhiK3L}iY;Kcl ztUrs4G{(?B5#Qv_mQ)at6$Wv)k+s}(``_6rhMEX<&z)00Ot5+2|G&nU(a7!epjVhlqvhVTl(`)Ah$Da*lv zaZ(^0A_K5ht>^OuIFh8G#-CCQ32cUpu@hnwUBt|Z5E|0<+u|0}s58cfG*Xw{gDvK( zt}%@u8e$7g+mi4+8cEIGjT~eJhmpN3d{XSI;b|z>A(0f@TsGpjFcg=^nkh}~c(2PF zO0ZHI{P<_vpp@%l(;Kmf&%fuBib!qM!;yWmus|#3A5{v_>V zCBiS`JnQkYk9EEvz+?tLCFEv;R+wrp1A@-yhXNo}E@zm@_ z;~mc8u^=Zi>J6-i2VKf$)@uYDryE6}bE5|Id+ z^gVYHO!XP`_-#9%$OgdyDgm#7NpoMF^!i5M09%eTq2f` zVeaDzBG?*Z!t2l{DO3LYz-)U#bk`)w(=&wk@u&fo#o7B<22o*}RP(fD@4V=eE+e6~ zFQJ}i1SZlnHJ4JFqWviOW0U^=f>fj>O5*emMHc|@bpQeWJX=UqnPTxEM&I0bU6G2R zq5iOtXM5ZJ$d|m$J|k(wSd6-;GgfWMxYt@X?lSzi#X*@s9>Wjt$h7FG;cL4*o2&6l+BSvtXZCYX zEbvzTjU$f0kf|@%jXn{{;4$6d9InKGQGPq$4kprtuBU!@xCn!}VS1-Q_=T8s@hEQv zRax={1&JZz;5~gT#Av_*@z|C5WuV`Zu(aY$Y2j*{i>ni(nqGGxmSf-=VAQ@KxulGd zSz5?A_JCNgg@M;FE&9$-ZYO&|>9dFB!N13X8dd2E=b4{M(ikT6}ISyHDE;4dUt~4$VY^rW_BO=6C1A zr`y}-H}}1_qf|#5w>_m7qSNB*S9=tb;DAl33wRGqTn{{U8PHY3G99M21VPHyJD+k~selSN@d5wStvJW`cNL&_0fz@TdZOGG+@S*I1PY2qkxagXEX-N%%e!%;YxW{NH&-EZ*2dS4 zIiTjU@OYg)_z2!SXdH3IT&frvzq<;-AX~_{6G=KIaO3kpY}C+>oB*GOkAV|5j_hGZ z?6@8cEprhJ-?DR60mKZL6;GuED&r_9n*m9^MJDt=Y#P=;d?}ylU(SFF>*WNQRU81M zmhEm@Lj7Bw2~T_Dsbd=D;gC0BQU0(zgb>sw8agg|&d4%@gRceo4DJy>roNf$iYJFb zw$db*k%;x@GR}U8UC12crfo z!K`k9tET-_mPn2AueP^M4HO}gs(<&m1PM<#`$UQ8&sCV;vyvl+sJBca$G|2D+7?x@ zs?ZtHY|X5CPD@fcpAvoU>5ok2$*yJbk!&6v4|MdT`?hdFBGumDEy>K$aUlKXcOJ6x zO0ta0C%a;N?JS80=NX0yBmK10)CVJ(Ks@W$J74)ns*!)yB%M~Z;CY?P@K1IRDhBd< z&H5vqRbz9CcetdO-x8>@$?-I+f@jhWG%-t5I-xLR0ne@P#2S$3c!THY4ZMsLk;oRO z>^GuZKa=(OMj<<#qPjWbi!W`yn&sX^IUvw^LyWuNc#uHrTDI2Dw&p;L2ZqkVcO~f( z*6wev_j)yFS6^=P$JTLB$8YK^%os1$w*cZG((Z^VCA@rM!wDcpyFdYbaH7uX}5$Y~FE3s$3?hegx`Du{j{N zqR&3gU?-o*R(Rf&dUgIg`y|1JrVP4Jxb^p&8~*@>3^yOz}{5dR{kmFD;c^Cy;no zU$<58sOyY>8?Z*I2#-L5y=(lD2!Y}R;E)oQ6PFU2OLHG_Ihs>p&`kbxERHH+QHzJ$e9R`4sq$ib zMbCA{)g~x%$8bw!FOQHavV4``g0Xl)h~!D z!V0kQ-|$DmddGa^8j;SX(soYhg)cXKwI^-q$6V9J&Rt^$e@4AM?tUON`wB2G6uQ8d zNCq(W^~*Vzw+7r%iEz6AT=%+*qeHVt$reVs(~Y}BV{0ZCLFnLCyq;EpE^ z_!_I8$+9`a+CDUuSc|X2u<~*e2dHjZ5I&%`CleZl*vSSLtr_?zsIe#>F3H~@l2wOA zRVmP5flQC!*mh35%??($+HdiXeHKj|YtCxUE$wA`URhIBg1?d*k+EkYi#DFloCq3SO^Zr|*f@qUQF6G3mu?^_9h?%{3dxs}-isG)yeURFFDKmZ zgBsAlXmN~FAb$;PbDngr#ZFC=8~ki-DQ|aHTUWkEFRxcw^`9=3X*uu)Fp2y;4tLWJ z7v+9|Ow3d1{vS^T+rMtEouMV#MK ztjF`iZLr?&j2;d!xYL6RZGh9n!rzf+poJG+5nPV2>+-_)^Y$1`R(6l07c*Vn9ifRs zBi|1Vef}J*nLnq8J(=ldti52#030SI(U@UWjvdIhu=p&d*UYL9fI=s%3i{w2>&$8H?&7 zE;@|+y-AcV-JPprqnmb6tq-BRF=LWf#Vh3(G{(nx4q%M0KM0}3DKDHj=v$bf znu!6T#)M>ty;$2ygvwprt883pVm4?T_)fiMPdDy^F?-z0+p^%pRgpc3YVcjz5b;p) zX{j09%<+s6=`I*-v?09%b3Qh%XtAfR>mSMoCktvAU@!(|+38Ms@urzIOI)Q4J%pLz zZ@RN4{i!&fvD1=SdIP~odEGR1Vsl=wdA@RJkW+syH^H49Achun-p&C?zBaZgVbPQ- z1xVtg$w(WGYeLba#3raYEOZgeDOejO$tM{QSIE0j?owLWt-8EwRnTi?(`&q5-~#NG z({2)BZ&0CmdQ!GtVkDdKA=siVpE_@eUh()u+S=5+E0>^@YsTWc&xx18o4`a4RubA} z6q;$}_UDVKLF<#e|&LPOJt38A>gUCTF;Xb_*7 z@7^ID=j(2+z!4EyDTxzdEB@9HZP3;GPEeT(=Y7;b4q{n_~3SPiFM3Om52Y!Hs z-4_>kga1)!c0JmRXBCs1z6MpX*T{9n`2kvZpDly@7E+ zn8m{4SX{nLwADBq75bShFp$*PrFt=QjkD;$Cmu^xXqodiQBV%MV4|ll^bLzGdPb87 zg351?_oRO=h=W~U$*83A+u8;$jm7BhH|y2h6PRzGf5P4IF}U+)~&oIm4!^)p@bdz zG0b#dmzpd(2Y9W6W_(DLbY+64FoYy=PcE&a%<-YTQ%IT5Vm+S(K4%m2 zR<*h)@k=yFnBYY>GCVqo^ddbzs4OH$u9;Kpa<$c5Mj@vVc_eb#O5M&kW~j%j z?fUHJ(Q0L?=$8u#3#Eh_;Or9Vzc7F(pk7+ZUBq}EIP^HfLHgrUMPBD66e5m_XUZA& z4QGQp2!#*ooyKwu;RO9^Qz_k`V+oy!FkTS~P>1Y>f2heQSP|Q(#-2-hj4m;Ms=pG+ zG1sVOUY%Ce$n}E3HwCABH?rsmTb0pQD6*uO!~%IzN^726<}(B2b>Yd8qkoN#N@b?h z-2N&M*A>IO0WsA~ByLsX5a@7TmaVfKv&?}vhE%q#SzB86Rv@UkoaO9e!uQpp?woA? zh^BxAD1j+|yIy1_lZEt#O@kIc;uH}ad_NKfD$Vr0z4Giv?!Cx$pq&liZU)bW-KqCJ z5=4y=QbCaW%q=#+J?Mk>A;4ANP2wE$jRq0)IbnDm)PAwIT2{@uN@#8K6K=?hEZkq9 zl~|6fi|R75GzDt2>0*LI>q}v9RYGTPegdSeW!e5VPW$8}%oX`Rur?g&KqZ*-W4S?- zKiJYi$PgDq>2V(@_P8bbIjr3$vsC;8-*fF{cSL^$Wu6Db0A3xaS64thoUj_sJYTu} zE8^kIJMb!n(zRScE?^vGoD?K9=e4TqoIP7r-IejMmN`p=X3Hl%Bf%gY6a>_~Es1OC zp{MK@x)coR7xQ!cX%y?Xf|%tAb`LSVZos>zGonnJVXG1=4Q8^c`8AHMJU*({majf+ zZ=TK88_m3HyUy|)MUG<-Fc_@mpD==v09R2gy8eCDZ)fS4)rR_B(vW{_ERSUB!p&vg z3`K;>5vOYvgH``3O)%z5e$=#=$aIT8iF95st=f7Wl=BJ^mcCW=$UWxw$lcqDXdtmd z`j0udMSdjTr>TN+W}0CaAa^c#d^xZIpGKxgIvhFAMG}=7!KLv8!Od=vu2@D%`qYLH zOuG$6STgsjaGWOm#&z{^nVAW8c&Qlh=E1Q%h!>a7y4w)6R0QN;gSapsD0&@?C`aL` zC{K1!g5^J3;1K+M$KhTtpU9r5#!1BX<9>3S2u=A@ksuSJLhsf-0)$5r4n_N&TfgW9 za#;$g?RMamTCt4B`QjnWPECF$UCtL1uBv3mkQ;k+MON(~}HzS_bpP(E*; z46450Y{QeH;|q^{ELA=;wamOz{nLcha@35VnEnK+cd=j*UT1aHe6Rs<)pRw7g~>#r z+!l?fKi9}ojh3{%BqoC@+del)WP z|I@7P!+qKKLi+ClX%b+C=dy(%Tdilk%@LZcJ3;&Y^k51HiL^xIlxb-F$l2RL0{LYl zMEV*QqUCt*DTPeUc6#b+Sj{^y_Wi0`pGEoHr7d~iTb4{1Qs7aVtT;(=+hw$v1T{>Y zAb><<1Q;&*-N7n_Q#P{q!Ce-*T5cR5^h&IH-hZO^qB>fEIj??9XrO)jQcqXtbDMWT zHPJ;mOIBeh*KgLl+tJr~0G(J6T`iHH2&MdN)d(-RnzJwwF`$c5YMYhi%8H#F5>lGA z+Rn=6#C&>EnG=yjj)I)VwJ3ROx~xNtC}I@I0yo94x$2)hKIF@jk(JLC`$0>G0#aX- zLqp6_W5y&A&Fc0juz4A;iI!Ei%1AnM#8EoAF70+qN}dWEx(ZZUlc>Bg>-VNOrBAjR zNiw?qrO0B*D8XsROu^IFib}8lbCk`Bk$0{urL?}Ah_B{8s&g`_Ft^2If!(Gn{AVyS zl*34`Zzl({bbNSQqccPyO}W(~V6UQ^DS?6c>f%7-&+2UC@fBq$PUzy2DxtQu7UR8y zr)9^>r=JEinDRG}?I(z(KW>O}u~yFS?No&XJkr%QMn;IM^m;R`GQ;#vli?TT9Bn!p zrbl`Ogs;3GUBEV7uLHw08-V-d^?ECODO!!Te`mlyC}xjSf(9pv-UWPevWiFA-N$w@ zfLTPmB+>EN0uHpOYb#zM$2s?9>uz_uq2r^$wz&d%^6PtbG!q&sYk{1lw(*k7PZ+&P zy{Q1x4{6w8z6|eja#NEG;3E;UWuE<}xPcN?EDI!yb4m!7&sJpSieGnLUtz6Tm}mEJ zB~hB!(n-e~%kFqh7rn(q)>gKtEX4hZ5BiXATc^k};#>qOs_s)WpKI1)cQIA3 zhB7xYt*g`Wl!!HFTI6Ic9PTqCTBFdazlvaF4Jy%l|Llu}h z9xP6r(9A{W^3jJn2D^r8OQMYQ79Nj}3U2pog|Szb!v%LM?UqrsY&K`*T=#p2NFUA#zG9^^$ma@Y4TI;~Y4?3Y z3E~>`fFL>?_B9?OKGQni9&t-1TBeM~YMJS%_YYR#z7AMK>nUUiv-Ev2e6>65OsG$! zpsl>H5>B=0dCju@+7Uap+JA^;susRImHlb$;?P+~^jx6!B%N$9S#E~dCEZ4zBw-m{ zAs{>rAEX#`tcvzQcjqJ(v&0gS7t6@FTOioO`dkuAU%%=Lq9L&pLLFyW0q~&Yl#R=V z-Zi2|-??Nazi!8Te2C)^Xuw%zo(CVWs_X3b_-E zXR=;)P;Fj&2zh<&{yf`hEogO$xQRBHaA}cBpjnl?HtF(}Q614?C^&%tGdVkF?UWfG zPPUzFpzp2aKE(6;;A1H2#r>ZS0|)c}#$jNjXJq(KhhbTBIuV-;y62SQ10>ZyFQ6tP zL#QHA$hPK+CS~wR_5>Nvd*Tud9#CMBiKjDGhjz1>3z|>xgV+Z#r$^c{aX&5tJGj@; z^OO7gf%E$-Gb0&cLp@#BZvPXFBt+TNv-`&*(J@t#(_@A4t42UFlUK?DfRBs)_xZzX zZCE-=oqDYcf_=YuHgkV6iwY3_pi#^(IE!q)oC%X4(QC@fSlQZcQ_Gf9PO?# z!d~hyCD-L$N_VK;AfNhu5jzu(<8k9bc#6YNFhV0^gt^wCML_3)YLm{EZWsxC%MxQG zxD~Ilh{G~gq;;Y@F+jCESyqCmt;j!thavNhgCKVFe&tQAZ_ zrtHr!eSCL^Vc+RPhBG;{Ap?DPz-kaat5Tf@)Sk#Ka$Fy&Dnbz;uWs-PM%7xV4dRoke zOclyjcyKngwPPZVj@}uUGXB1_J{U3cSMEp}IseY_Sf3| z2Acn%Ih)xex$@dVb^$|y!3FigkadF~%aXcEbDY>FY!tiTe2igYBTJykZ(4RWg*Bpi z^zbZan2?PkdxvT|i9__cjrB=(U4)YofZpW}OWxwf=fEj`q-@zne9UEg^ssBr3?8Vm z7HX^7xshW|BUS*Xe$n%Nl55k7@pFN^i;Vx3wVcffAzkgoEs=7{U$L^7Eg~-@R4YQ` z03uD*OR}Jhl{w(%EZaq11f8Z>`-GZe7AS4&B9xz1wIV4S%!UCBw(d6#^+Jddw%`y= zg|*U$(=+rr)w5yeQTmU%PWzk?rwT1}lSYklgZj*&yn8*}LE%rXSoG5Caxv zLch{}(zz`R#Z}P?!$K_;EoO4j`e7I%2+C#DTLn_h0BE8kD=}~?<@DME1q z35mXc2Lp$1krXCCtuIF6(J5-6z0~w$#lfN zT?4=1J$#oD+omdLeEw?^%!mOTFwoaj>vA**^}9HeG0yDaS*N`?CvGXn8-)# ziIgF9-vYZ}8(E)_B22ks7kd{VLIk~Bp2bCmPIdN%{iFvq4|p#TT+MtpOHQYLcShnP zAG4(>QJlghABlE%D`V>1b++Bn`+1IvKvQLXI>BNz7VWnM^uHCY)*M+I>QOq{r3}D^ z(;d3o(>1pS19u@WaOA98gqys?;#z?SqIp`=!t|PuSQLC|$;dR=PAO3f0*YcxJ|}O8r_kDlN73SgS81^q}NP8$pY3bHI3Nx-SmT>+7_OWB3mjcpF0 zizY)H_6jY0Ra;JV3CnkFbg$Ozi#ey@OH7y1nas^w=xE05GVyC3&x;FkyDcvja!k`W z8+fG{_;iUjU-$GPdhx+xU+!>~aA@FdEcRq$DTA3E@3Q=rACfS&g9`A9zV=gk%0Do} z8|uOu{x_dtoW=kjRpPz)+ScGIRQZ$jT-&u{LA7Ln^kLsLLV8d$Xp_Cj+MQ08{fLG6 zOyv%<^b`zNXHQ$M{fmyvEa_wFN-)cjBW!M-i-y@7&i_H~z;rKuWv}4vFL!HWAIl)+4!Kp2{^0S-IpCJ3qhi`65H```Ut7>WrrjN zHShfw%puSv#z-3db1NI2enF!*AmO_4V9a4t4Rf2Nak`Gs+NFXnZn;it#C1QHFFX0* zP;oS}d-_kxnG}p4Fsko0Wa+5k9s3HDQ1MMVH1;6S`bI-FC@6-XfVros5zGYDwoj|&OB4q(y2b9Hr;jhV-R{Qa3CoIq$2GisMfsKFgaoq*gc zF+N!vrK|iSM>l`;yZmsRcD!m5qow`RxK?Lbnl@?KYV&U5pjta_cm2wjcAIva3Wt}* z_q9&5*#Ux-8duvSdg=1$@b3QmsX~FJn>g(^s6&zV`&Y|%=b=$y;*#;@Aui5OBf7z= zfguTKa_aQu1N675TuFv9uchNi4iBo`Rw{J9^6-L%3>_4G*g~*g;<7|Z=o&{}V=gpz z(@9a%Z@d@gi)tzDo>6tDUAku6DX6AMq9@vmDv63q(JaIxq}Qhw2cZrkp?ngUZ)8k~+)*KDX;`y%Q?zRs9&Q}Y(?|jN6JuDTKMD4fFAwx|1=A?)o7gf{~6`aCnd@aJ;M0A>lcI#vbeNf?m4-VD>0@QRh z2mSIt&t=DI(r$8vus0As0YwFba7+dP%Z>Z}_pUG;RD>81B=LQ-Ol_T`F57hip)zbt z?!n|jUC=jNLfst85VZpBTJXB821>S)WF{)+Cvv{L`-D3771xivc}nLIW35kXn`r^(L`( zj(FN1V#?@gesgGX^L&`rL^kNG7w(uQUaTlkBaheCS1*ks7R_BCMbZHZs<+d0$`DaW zXJRm8QIhR>O4h-H#fTUbK)MwZnW=hd&s3t8hdl{Q;|*WId}y-*EMdH<#Kow_fOCv5 zN-oD0J+5VcsNG5RMxsAxY0R)b@?t^2`XyTpMJ=IV9idYPNR&3D|ElGqgKD_58<;-z zL-8HH0~-QX_Q*^xTncSQ7-k}72(A7j%&Cw>lVzCV#Ah0ck>dC5oBJ^&{h=C3|I|gK z?sA!W!HXG9`AjnRpW$)z8fr)L8tl8Mqmm9wRB-?{`rCkfyyn8OxF*u)T_3g6b2zn; zzcP+p6C=(>V+sET`pC#+_db9}E`(Xqtd9dMcx6XL-JbQaUiAx=iJ6Tu$*U1)snTwm zaZf7ZP1dAH7PH={Oh*8giJR$s9?EQQpmGeIkcMzV-v79L@9q9MFh2tTbAh#KQ9-@F z9@JhajnG=*Ae*CQY5f`;qA@cC-cG_Mi+2dRJTv3P+$o5=siYFR!5+X+0eW#CwYQ0; zaFaE1aMuApLcUcI?<3i)(0!s|GVI)bk{#-40cK&OWTH7$Y)Fy^N?-_%*+&XS6%npNud<#~%WN=cT|Q6Q?acPzb;}>hx>%(4;ZgE|6*d z+q5D7*40tH0(|=u(#U*kaFp0jYm#WEUY!BIlJ2C@Sas3WE8CLh)_NXN;_b;suvUZ;W8@_dK=5JYIZBFhU%Xd5E5f^158 zmc2a3UIC{8p6Bp2={b+DENbPzG-i(Bn2A6D=yb{$4?|{bWt}VmJ6MZ8A6cabwI09j z;J9JXVfyz&%K@O&@+`;K+tf!thd=p86a+m#qz&})V!z+CUSUqj`$VY_uiF}{zjQQ{+HS8P`~D9Uz#I=|yh-3vEA-(X#5+93%KNP#X&(g7L3 zLA7)4eNnX;ik_~iOkmOHeK;J_bH%^-gM$hK3blBq1rf0pNvHZsDAp)DSq+AwOEFdHWj7hhxQLKYN?ETJ&wv$y4o3_pWOYr$ z!jEv6ZvI=(DU3cSMctp(*HCnV*7nf{Qk-ncff;ejVLTZ)(1ulb(Ci>t(Jn?M#!n)Z zEk_1KGb=Ko*B_uK9KucbRHP+RW79=-y;^{$nQ(I|HFe~%C)wfiZ-;vZR}pgki??L4 zxRe-9zS^$Y2ke9QoP~gIWxHB6tC5Sb6huyaP5E|Y``H)LY?5_D^yYp82HX#UFlXnZ zJwbii957%>4$|uV3?cR%9G5^;$HS{W+?@|9w}C1u)PV?bvWerqM&vcDe;s=a5WfP9 z#q)t3+A6FdqcC)^4vk({QhP#`XI6u2z+tCQbyLtD1d{G_qXE3m&*D+#1*6rS(O~y# zfwhEY3m-rwHhcS|{Lunvkzj}gOr%BmgI6DZ*BnqX{MT_guD?nBE>n+>eW3Jn)(R;4 zFlai1!%79L63&0a_;=mvtx{UH54<41T6JU@pWmmwUK&*zsQ@zUnqMg6JS%&a=NnXf zObEs|TEmD#^K;#!vPSIBO0S@1=HeW|t=iep*t64_%&5cWPID$xCCJyf>7MhpmxD0M z4yLWvWohiD&okf*5ZWiEu+uTQmgwVhcU;to=}k&1Wg#TX%>pax@`!j|Rr#kEg_`S5 z`@LKHpP(R;wx#QHtz6WCC=Mf>wM05hDKQJBq%d16mtJ++Y< zJi|&XZCfas;6}Igu?UWO#V<#JIN`v~vy`TsA}3^PLyIlI!1gN1yZ6Oe1;l1ghn0sx zoxo`O&9L;$Lc9{7r+-UOW;64#cLi$iqA~Q5h#D51L4+rnR``xAOxv|?{~e8Asrm?TkunwOcb28$l4kMPWu8GVs)Tn4|yS!OCn zZ{8V%r7SjN_=5AXcdLMtwY?l+xT+!qb$Hsdy&~p?=zcX=XaGULS2yngFA9B z{GAw~%A&gR1k756Q>619=F<^5)*iS=?~qA1!4Q3cKQa-2*u5%&=S18=a2V;`M=v!M z(1n?v5Y1ixu4odIYe ze*XC|Gq2>5*}}aYh-t_`>2dckR^D}NE@L_n(L2?=^5)DRo_Un2t~1RD_<(uWIOXn8 zr@iH5(Rh2pe>ix|a`l}DRzk2|l4h}1x{BRs8s$AP^aqcHv`-oc{$d?(XV0{sp+0rw z#Wm~rFUHO(#*_F__G5d;wr$(Cc5Kg%cWm1>eq-CVZQC~Pp5!L?oaCR}^U(d+Pu=-; zrK&!~QYRqmNt2Ptk?e>97_O$PJZU+g^a<~%ct|P z=M>2IunV9>vg&;4?N%^Dv$hZB=`fVwg$^)xWwrVUJU;B5@#l<(8BHJm8{1u+lTk5R<*bS^U`=#>c{()HEt^p@$;klfMEka8}?7h z^Y5K{c88D%o=-<7x%+|UebxI^hv!q4^4)KcxRuDP2_$7;aq$@#8v6SOd}FVc#Kv6RD3?gBGsJgFeMdpy zzfPm;g}H09UOyb-AUT>gq;Cd;S`W27VZx3OuG#+ zTQtE;)&bLybMXiNH?cw4?TwKZs8SM|;f1Mti1g&YNzU{XF5Nr8I<34#+{ss${H>~C z?%r}}X0d}~*7w>bk}Q&z%{WN~|Na;hyZIUKQ&q~n@JsML1-w<-UH7EAKy(g041vZi zt2j*?Y}GEqwJ-TXEQA)N%Jp*Du*zNOQoEoqVo|8d=oW%HzjL27&F^@yi^u-*b#%#u0#_e;;mtfD&b@A zsN8=LoqBB&#EcF0yf04E1(UF1&k^0%jGP^Ae!nml+U-ZtLQTHl+<6YOy=S4dgw10*FG2D=Y9Muhg)Uw?S+M+YuzgOfv-EB+LA zACcO`Y1HLFNphxF3$|j%ibIMQsxZ_m7nPi~R7WP$(}^+yU49>-tkkc$?LeYOxHpKw zpTS$6oa81kF>q2uzu6*^r$}WwDwsXAp zYtMT}$U!*zfk&|5Fu0ZIO6m8{NE+GkWNv{0C-lptL}p6AY0G_AOBSm24+Wqr7WJZGDOjfaP$R)9gQ<3 z#cWDDdJ00rhO&aZT)X0$d={jeDK+&WMJpy}WV^A%Vn{loZ)Wn~|FaL0xzl%DqzMMC zix=sK?bz+SGa{_b-N6HVpLPBi$>TF2E7G-u;;q|3pU)H353gXPC{C`$mL<2j%nIn>dh)i`Lj<1 zkmZ%)eZrWU<)9DmneAiIfoC=VY7cauq^TEdvUwb1MT0X`-m%H?MX{DJxT97mNkS{R z|8p`%RSHx+Dst(Ip_<#5HWSVuEcsRipTZ845z6BCPCUc9ZoN82(YD$M+*N9N$JJ($w3^Gs?`~ar#U$%u4t2Fa zy&4cZv8WqE{$z?o$8(#(X&Sv>wv&zCVlvyW7N@h=guvE5+u4;x$oY*;)aoM9$LL9| zl57Kzs88hlT`eXvNV4z=c3p!1W@mGQ!}1hCbrWr*Aq(r~VKPaFnmV{dAEqOBgW_Ay ziYq~NnxNj=*?v{XO4-h|;1cS3&9V>jg3i~Tv&%!#C62>2rF++ehdD&X`2J`0Y~OG- z{QOj~!K5>YXX|PN8jLro^Vv9R^-TNjS!r`SeXL#{cp7A~R{BygBO$mQi=z)f zmIrI*cS48pwC&oKngrJ?qV6EB? zX^Yd-0i0u5_z*>p#j7bGnS*W*PHN5PzorlWVCLd6)_V*aWgkA9m0IsZDa7v&i(c*)+m5^? zz4o@fpte_NkeSYkw;)A@TmyGNL*}t|O!|)iYLy;(jxK_p4?JEV<^W zJP<>o(>un*$Nqu3R?6^oe*qPtDiK4q* zyRX!XXo~$J(t_*B{liYQg{mYffNi!AJdXJz_^;Ni-ft38rj}nULry|NQ-`NQ-VVA) z&-xbXw#4q4MqNB3K!2TKhZz`e6s0zoLI>4Ps9f(;`RjnnBIrJ;j*E6g6jQ?~Y|;86 zn*E0OvHT;qq%2BbS!+3XLw?^@OkAroMhw#@k&u(&0Tk}BfmY-0-}V3iuzOt1EJ2Z{M!v#kwo8&wBmHiNq?!Si|V#{t$tPv@@z6p);N;Fe%Z zjkPwVeo#&DH~!in#$P5K>>5Fy(x*1OE(dBqL;V6F)8o)M+IfS7a8Hs|48)SdwF0Mf zf}Ev%ch2)+6dgM#a;O~F0IAL?wdGjt=F4?OuZO9TmQurKf*ym8dY^t4kt+@MX?rsY zGD@-9`CHC=mOP-&6Alnd-zmZ-OESjeHl2TUff|yQmwwMJ z8f=pB(s4GviFs;$VKjeD-H_m~Md5cHW)CGy9f0~JVy&V+ANdI_&O=X!w2D9mIf7;j9Q>+D+djz4g5L7j-4n+DGtlH<&jC*YZc` z^T$|SJHZ-2d=#ezvWmkIORB<@v`VzLBBdpcUFDhMt{g)=((Jr&HgVoi_qNDaDE!e6 zKZ8iR?A}!qoOYG&_H_~Q?o25Jtc0`4n%O>!RK@^(2*6~8m-x&}GKD;dxv_(xk|X|C zNA)+ssd+@TvBZscIHxrZ+V|F~(~mq>Wt|h4#E?00lA@q%tN%Y1{ul=)LPcAlscvHc z?m;k5_~n2aE=N-3dDtuG=&A&tuNJS5ml^{E?%wPvAjAAtFf!IM0$kqDjz9)XV_VJr zy!ZEs;lQ_nhKm^zLb(h1codnhb!5)_ri6?M_v+Mntoo=2OA#Y_guZIgbZ=I@J87`Z zWhafL!AZzGj=P>&=bsV%Jn*jUMl1+6qz<>Au5*i)Q*mFuh}vkCU}~Ssi-ziKml{Y5 zGZFySxAq)dZe>qR+;CDVoXw$8xF@Eji)%qc(0ZugQEYpTGMfMNrIqgLp{E8LY0yl-ZO7`7?uq(VP7IdEj$r+luGAr0Y>7fRo|0!-w#6Vo_GQ&>RM}gh3)k zJf=X*wKdS9Zc5Xq8=2L*^2VOQr;;sc^xxbVU3k|cpOC;}i2htpB#9<$2HEX|8`&Zy z8fyz7$sVWm2z$gxIXu^l+1dmZZ$+WVizgKgWW)PBach~}klyk*)rPd?NFlykMc8k& z9(g)k7vAaeO}CkGcLt<>p3!S`62U(mOA~?reqa39s)?}C7;A+z<*AG<3>6abXqV>dz}LrdyN^yY=zK=^Hn~K3+HQfna1j@@1BBe5trQ4C$((c%*U(jOr|WpO%^0MCwFy2rg3sR)r?}Wf0KcE zo#zcBYG~N`XsRqAd;3zeZ0ruvk^Y`Da*;==v%si(gpuZvDwgD2%FnEGk#`c2K4$K%i^Y?M`Wub7L%!O!=bT) zr$?ph!&Hp@73BD_2>-q3}J-t0{#XdLES3vsy z%WmY(y!B<})b#LDnf6d0Js!ak@%3&TRW9^E%!igHg-)!26mh(h@s)j&^)M;C{eJ(+ z;CR5;jMcXd`GdD|?DCzlZ2RbC>-m5^%2O%B140F>G9E^yy_wPX2vcF3UB|zW{YpOEh#{K$csBuI`lS_T zBJNiaM|6^*SY9P_q8WvwmOYeRHX8JyLG%s}zCT)W-y$pa0PImi&X0Cbf3D~~PL_A8 zy!>?=g-rd7Jbp$-%^;$>*>=4q6oWc^&p;t*RZ{b4Z8or|=I{H)88`wm;VNW5Y6rc8 zAYv#A?`TrcU{lW?x#lfqf-4&-Wm{SopI$p1-pl}xpGNJZ2Vn7kvJ99Ibjmhz`IGo5 z%UpD8hMO4L!)W`+M4Fiis>*OPWd^czFxn~?vL8+tl5Dwq? zLdcGk^Iu1|V$bwGi174t+|K^@xPpYW-pKg4Jxiltob-1m44GI6uswW@Pn)%=+eY={O#*)b@Couzht^sR3jO z0}r?T8s~Uw~y(Nd7=p1<6Wws3i3tY0|sl|ym3 z{Q!*?RT(n{J^js5x0I4huGFf5I+lqno9~7MoBm2{h=M(Wqub12Wwkwx*&9xeqv4c- zODY^q@AR}j4IPdVjc`B;n1ttu?qwxdV1fJVdZ*2d&}nVBCjTn*AJhlMXr!i{x8%E2 ziyRYPuzd9CovPwOpuH7cS&%cSKyHbQXJX``m=#1<;jjiVUVPb6=TTEN>q;z zf~&4@1AdV@L!)q@|6D^8u}pEvEem~n*wib+1_=+kB&oe5!z0sYo2X#ptcn~|esEEH zI-Zo3h7icXSF4%exQ@1Mv0BS@npen}_8ODzk9RW7s4Jf`u*GB8|6y*A ziz+%I+KMejBif?e^j;EXk{nrbX)@(j;vg%}@ArqT7qglY6$TvLD@9@z4!%`O70PUXiQ}NhjMu|(7cFA0) z?m(}+L>-!N+TOAg$6V~wb$i#5C|a0nBDYbZ@E8o)cvJ?v-Juax=i~9q__JzFu%&oX z9!ptnW_dB)@=e_n(sK|5r-4lq<)yDeT5h^Hy8Z0C$%Z>r*+FZ(SB}wg8ga5Q#^`g=H@fYl2g2^{rpTB2d+EhQBwp4V{ZF>4Cv}YQu&igN z>nvddTtp?#x#7n{cl|4R1>rnmbV<+0T)4dSNR#9T+y#p9r1H<>g1Ju1xQhq0e@rI7 zw*qYAB}kKY*7I5LlbCz%cVETg7=twRe_kzPloYAc$y7#UDPCh*Z0eg zKL6Y}p+A?8Sq0{|J3ZIZ>L}=U?~s|_!z5gyN*9*~u16kzfI1?-e`_zsg#F6l_Wrh%+CxQl zc{V)w%zNV_!DBS;t@0xSqBsiAiriw0nV5tX>%*$XyI4rVJ7|}{&tk2dzaN?)IZ z53?kk+&D5eGUqn8;t;N{DuFn7ZNR|{IWdz92bGI?mbfOOVQLFo3~vjj2H3pm9kxo( zasU(9RetuCRtO$;Vc8A}*0&ue4wXMj^rjFCN2*w;j8)O+kuoR#?aJU5jKOl(>=d?N-vL%l%r*i@VNJ_#>uld0#1^lhP1t1jOcdg#rZf( z;7+V4=fn2Q2UD9)DfaNr9vgVx8E&|ZDz^>o5IxH+N$04Spz|%d7}{=90Q}M<`;T1& zZ(6b==Tv-)Oit^-D%0p`QiPxfrjU%$D^zNI0_p>mr@e)Ik9u!L;Vyf%b!p49Y`F0k zNPDB%@2#;!df!)*CxSq6)y?B|CDg2XbFjcqE zyX0z1iSjKT*poBSuUAqRSsCw%O#!ujKLkp0DWq7Gb=t7>fknf-nW2 zG(1mw>cKiRIQ5$w1986>#^a4nT7wE&#j{C|3!HQAPlWg@e#GQGbGm_akbT zK|S8Vmw_*ywzA0y^*{LNOF|b&Ze;>yjPjo~D$r!L1zOJ=W-%V?5l*-bCX}OfgzytTE>JOOM&pFZRY+TeS>u%GMkjCf4sA~@VE|}>+bj+ z%sw}e->pH~J%;7|_A9-YF2OD=j8-9D9H~Q16F(PFo3XhHDRcIZs7B}d<_}$0Fw5b? z?8bYY!IJp&kTB`JAq%rktYOX6iyHLj(@&5;vepKwp_$MeuY?ffcLw^Sht&RTzn&ppAH@6 z5GK!g?I+)@;0gSk`EsG;|A)PMCZ_*gu9K6E{lDvhAswwqx)x-gnHtX6?zDw?X-`Z< zqTL`cIQBMje@;ZF>$X7ea3UY5?++?EvgF0{qo@XhSo8MZRmICSDbGiM$WEwF2|e81 zp8fm1k%^maeV;E+7igJU1BM&@yE`_$(ut3cotz-WXRfqYoS-;@pju$x>sONfu9J#; zKZPebD3UvBy z@g3>T+BxIW95i?-cxHsVf_HDA@rC?$-^0HN`YVy#cV=R#n8S2Kn9T^UN?(KZ05 zDf`_?j{Tr?b@_|fblD`L8Y+f0j5yAn{s<+CikBk8!Z4)4%J44cmpcWgX~vu-z2;v6 zEz7D=<&48WvCQsh@_}BV(-$^LT$`OVHWoNm0qUm13*?q%e|>aM^Xyz4S8|5kB>baC z{3JnUg9(Q*?rLak!k7fmq~!8(9yjeNPJRoXXGq7}{dQR{@V~33ncq@r(C5G}iT4|( zxQ^`ikg4oRExWc2mqkpXf>j`uk*i9e)_O{+q2`;9Owo&ooky@arb3=49VjwM$sg?f z%}*epl2d49pna*hGtYyNley}Q6Oue!^!vP+QMArUQ%NJZxuJDo?)fO$)I1#G-XuN5 zoDf{D`QIvMp{v@_6Kn3T^ngK`gfQlp97^-e9mQa(4W9s>Q1QNs_)fiFSb6@?gqQ_}cA*=0 zuB9(^Hhx7PsQ#CNgx1Xd2~BVg4a+Q-O6El2_3*Z~Or37*MFC6HI>}0q^5R(6CiiH_ zz%ZB666_ur^s`|IKxiitzVXl+L%2w&_X?m{G9BaxLc55nEWcF5OP)Rwop-0xblVD$ zNi)wZ^UD^%jd4Qil96Hm#zqN+cs zGB^)I9Z%ZIwD^6xdgm3n=GJ4ik|gGlcfEoP>S@iZD##MZ;ts61IVRJrUc;?usbRG) z$axM9ngOY%X7kVEV@9xzvy;_Tc(4RadxJ2TRryt1Wd!co#z-X>$v)>wG}j(ebhD01 zK*75If``2GW638fJ`+PyQlH;e!}h&I5OMkAA*`2QL0hiC<_s&`r{T4XaLvqZ>l<+T zvHtRfb^!r72e%yHkV>KUo0~_u0an#Wj{)D-wLa(>I&n70gz_m0<#V9LJkI?0om9AI zAeAd@)0T<-4wUMXJ&zX_Bo8AF{GN4TZ1SEYmVb8f=N!&4u68B9lYLw$Y-2bgI!g_B!4=K=WlG2_sLpj&R!Ihh znbV4j#Rj$E-7Uj;OZ&z6tPrX8t%C7{BgrGIiUcOZb5@VV=W&kGSDLqImXA^Pe04D(wp=n4SU7TtF)I#9HD^A05D7WW5I@nSpv;z~G=7O~2y??jM+-Gk>Q1C7mYHbc!_{aTO z1YIFIl)YuMF#kK?0zL->9`BE<#f*-jfXqQmJBs1g%g7q@4W>x{SzE}ie9=p5j8r;% z2!H+Vo=;~j)!XBHmVIN(75A!67jY$deg4E*oj<*okN)4h!qpo>vYPdVed~N z9ZgKHF=?z>4=vx(-{|dc0dueVho;yZPqG?C6_FO}oNl{GzA>^e=C?QA`Mw^MN2ZNR#>mKJd@UuDpHTR2km-4G+sR=3(3vO8VYRweOr)Vd z8@v!?K54Q5^r8I0w=sS>V>T?2G6|wJ#Kf{;?<={ci7$mr@`Ab_4i?!`ID|0&?gUmX z);J56Cu^Bsy`kPk1^N+NZpJ=*-IobMV&L#|w>-{3l`y#|GhH{TDmz+p;Q3UR@vOAwGhSF!hNvt3%EvY2!*VNM&hYSGP-cm%eF<1PoTS^0{FIftn#t^ z+i}BKy*uhdHfX-9mUY^w>m5_9h#K^v$6-2m`7s&4xUKNh&lgzRj3VkdJf$S5sC-a< zC5!!*rT+>)-CKrME;7sm+6f_XP8YWU=-BM;aw?24hZ(PRr7*Y?&A8HGEW2fT3W}c{ z1#Te>%}Koj8Dr8s#W7sBVxtrBnxAiuVb{hoy37nIEN2u38*AY{1dZtvR_;W#jOo8# zrskGw>o$pv=@z=Gx6Q&}4p3&M+$<|LQvan9aPy|H>WRvdXj!uI&a3KYIfj7<%spvw zW4^naKDBb5vb($dJC#kdEjd>+k<&wFTR=#=oTHGLCdb|!6~8wGX`H*B;!(j(VtAgS zl+;NvlNXA5?9Y;aZ;t_7UMopQfoz~^mVG`pXuln!?tUXD_l(YkV(a2^p@Nk7uJSJg z-ubrJn^N4`)UI@r0Q`56-qLqfCc#ah0{Ez53P{)okl4U_4F^K`$Xkwbgm!IQtB}E~ zT1p)Y(ZXjP<`L$HB)$vWB;{0tSOfPVW=al~(R6(T%{BFq?XGM?a-*h4bxf>(b<%at z4kqx+KAXnvO7rGaE6Kc$(S%)dx+J>Ny{y{wLLN7L!LTseBIKrg0@5u=IBz0$nLgp6 z7l>9Z-HKHCsJP(PSqy@-XPBi#)nMu%>j>|U3-q%1uO(ygHFig7E$|BQRfv9bc$JbzY-`kXh=1w>uM@98@f3zFlzCUU4nY>!MV+8eR;%A^j^LwytUB) zb9H)U;IzvXX_`+S@nKizRaJ{t-v287QupZ9!!|}kX%-<`&rHr^0^vmU`ig)TmgQ#~ z+^@f6EdRiNXyCr=Q-^OE`sNadx<2%n)Gt0ScFlXd;X=~S(9deukL$x;{9MZ4d7?H1 zkc>9(HMjtZN+t7qT)_N@cOR$0U>G{DI$u&f&sbl&-8$da=j(8gkra7>(Ny>C9J_ih ze1*--$36wYO;m}3%KmKCdH-|+p@oy-$ zo_vQA)LLnK$Izwn+$&8ihVsQ<@jxZX-eD#wnn= ztBGw>RQR5g9`v^&or*GMZS@CuUvF;}sP9dsG3{qG(GALFt6_0nY_ zo#2c6!9V0aV2}TTOIj`xvHHcK9iMZD!z$GtGE2QuZ|QH3Jn(f{;kEXW+1W@nU(AXr zWjf_@ypZ>?b%-4qn^iL0mVd7ZcgvLxL;oy|ipsU@IS&~ZPrmZB+WXjw-0#KpH5I$b zs9RT*sGJ#TtrtOG(xQE^i;pa{7MB1OM3~D7RRg|Ce%jIKV_rVQGEyUdiXzJjiDnF& zG%tp%9Wsf-@fL35g6>M3;cVQu<7SqG;x*YOn9_8P)wyWiky0G@9HsR<)cEH#enYwl zEbN|Dp{>I!-cWlLgah^!TJ_J3_zWkYwu8-EBt&x`6V6W$ghT3BGJJ5>!p)?>tPnru z%M3Z}IpDg+L6ZH%88(iqU>a`U#w}l#q3$ZlX%hcGe$b1Llt_E2Y2{2y4kgJSy{c>A zm+7wC)vsTM#G|K0*%#-^6^;Ce&)6PEYl`LLb+q&9wg&JCGrhZ^U`8V=8ey{WfI!@NYXF1Z-?w7tm>@dD7MmS`fk@zO_BlbLGz@b$WFjDC;5dkzJAZ)ZJT}F z^?7sJj;?Msj(=rH)W&Pydo0WiZo)|u|IjQp-LP(t?YmEh=K7DPi3c!gz#1|0i={&? zDby$!u9e8Cief0&Bny` z|3tN9xRpU3CMOUWCJ=EDP~U%g=Kl%^$;8OX#QcBhkW7RuY;27GErKfI4nyiNY z{mgaJgW(?jx~uiQLL+-G8O)>)NBn0_T**DnAnyeRDh;X|29=3r$gbNlJ<){SjNEJu zF%W@U+bq^Hg}5ZTgoT8kx(X}VvdWSC>AQiUS@vY-VzXg}|D)?=4FjwfaYoo^b}-8y zS_nG$A>A=9wc+#({JnXUTlDdjhJ#hy}v*MK(;Osgz=_b!m1qw3FGLut} zqH))DmP!G#rP1(dY$^*Se_8nO29^7fszzIyv*~cbn%e^$f;#!HX_kKyX3`r!Zf+i2 z(N5i}bpeFl)%W?1t05+J-$+sOkbbn3SME-xrUYOS06OnB2ke9E4 z+)1uLhMoOQ*-$ETP~ej^oz)(03T^I7o;O=VZj(Fj4H!Ocq6LilY8Gn(wgS)Q31_mQUKdzLM`EnSJ>9R6k6JO*i^3m+FbS!L)VUD(Z5$Xyn8vwwYHFV!P-Q-XdMr{mmh4<6?&D4Z zutw3shb#WV6DR{olrMOB#K#sY7CLJDP1X3RME$HU{lvZbT}jiSYn#aC8~-y zss1Yrn^_h9a#o8%Z`-GG5J?$pyN{DL9aVZ*aahj21>C*|Py$&_K z{F+!DkH3=OnPzt0MX@}T@Q34GvtXt(D=lPugkYPew=$%mI7RW6*;znzmhtN&CJvH& zG_H+w-^Z#`vO&IrqZsTN^fe8;q%b~0N+*3VCG%8cSYf$L#!zdu(jY(K651&0s%Eq5 zXd=-D4DGyUA$rAZZTnChPrD=XR`6!>PUWCK5PLYm4{*VH#}96IV468}aX5^0g{mCR zw7~)}rAzLz($82UkCoZX@7=BP@N~Ox@&mJqS)2pC5s>0_`30y$!c>{!4KpZ_orXN> zgc`#Z_9-lred;?d>5LCCwJ2o{L9|FXq(tx&f8tUPWAE7m%e>U|mlVV*G}*-EG+>w1 zUBqXb8SJ3rkf=!Eym+tK^jF(L=NUc+vX4|LRXWoNj6FVMAE{6ylb|f$kna|=p z>(oih869+RPkeG>jMAxERm4cDP-IHQ9#_igNQNXc{N&N5+P+mg>3vX1Ov$4QaVJp% zZ>$;~mF*u=iun84T;hy*rZXz&zEvsgG(YELkp|X|DIDV>k|iAEUE|bj2X>Mef@j(4 zROI*RIg1jScvlb6FXNpop`T$OcReS}*B(k&i=e5<|6sr;r`F*rgfloq z@7z&;#zd%5EfdFEIe^>WRbb{#)eUNTEa;22IY#Czg5`}Sm(xvFkMJUt7{XM_sjYR!^-?mM9v1zs*)&|*tsi!bhUXr;qZbb!WycsrQQ$f;#4{%fZfJ@-nSrIUOmva} zL`i?k&5t4vgu>(9UknEI1w!y+6JX%5?8fVhNj$Z@G@N-8_)szv^U|^wDctDs1$u(H zAi~|gJX{?cH(5x-2xkrC>@7xH0P+j2j7Nq&XIwFU>AWCkg-jPkLAt|jtqqk3jHdTz zvHZlc9MPMP^U1@^C&r-?0C+Cj=Thueep_0p;~!YhU%jZu)W?}eM;^@aIlJPB2&!KNh1>_S95$W$QJOW~Kz z+<$e3Kr)$g{nQ($grHH!L`5?bk8jv;G%|vfq;8UH*qdYJ9D8LXq@9X2kYJ|SF?o8l zZE;($jq0}A)y@XRl2!LT^lYRdltZNZria64v}V_iTz^_Is~=Oz%Sl)B{k;Ko<{Ff8 zv0b>KTZ7XxGv4vDeEc;vV~$5lQ^1^c4aeSkhG%fU3=HCD^6Tv(91dg;_=~_A=H<1k)paI_GeWtHf|S zH^K1VmtoBQeIH&NWmGNMHb*yghJd|S?0E!FM?G5I;rmK(q6Uh(&4uJ{+Z<<=}Ga z?63|!C3~@&-nh_M)WamT#6G;roqj5-`uA&k>jjBDTYe+^>v_}jdZ+Eg=VY@33^NLPtWGtt0b%f*Bk~Xb?iOiGc+fnqHh;r0TK9RPW!dF zDZdEl8WHT(?`1?}F+`fSo<6Jeqm1qYHyGv~+sF#G1&)hOt7#L(L3=o)1+4E7c>lyv zeUi`o@`4RuQoX5;qEhl1ddxtvUcmuYvBDPeMN>%EY+qqbzKC)qGqQfEOxwU)Xt1oP-LE${vJOTg8$n!u@E?5vLP80AQVIkAVW+%2D;KPE6r>d`^AA7C2wvR+% zm%WpVSHU?8q;IPtjf6@~CxD~czMKtDrHg|-5J>)w=e!g&Qx>7UUEjH9gRtHo_?r1E zK|8sr@-QNoMzzWy@kF)dGM5jNIATK_67B5hn0g2O%V9<3n5A3Z zDfdR=*nKA{39F-P=c!z;CWC1}@?lc3DM^Z}|7t3KEdSBD$<>jPPOb{g;UZ8Gf_o{V ztP-uHs*5Ww#f%i@?98?Aq6rp1mKH9!-q8^Q1IA_u)h9okSm|-v#FV+E@-Ja)E0XEG zZ2#fm!PwZr-L4x1gHYmMpNzr8#1Ymzo?t*RQc0GW=^rPh68B=RnYT2BW450w*9UL0 z94_SuhU6{Ejy)QBi*6;=QdSkG60BQupmbmtc_aom{ob7-9cB9HY5Z(&y(-zOH8u}9 zZxhm-5?Pg!3j2x{31x}-MpNm#4iXm<-_$jc7xt^>ZTYoRx~`*X*9i=nog>JThR?UT z=64=*@#c)f=TYDK2wdRSl<4Yw$HeQbwuee8wgZ8)r;w`sm6GVRchC2PRVgjOWNUJ7 znVQ1d`c&*CmBz?_5Z*XWIem#8l~Ms1_neUeU%FcaMVLk41=}sFJhatbmq)zAx-?_R z8ImJ;E9aR4ibrm1unW9-hFSDo%yI91=4{poOP=!)rfW8#N5+@FG?8H{Zn!TRiyg2n zrcuW8E=mqVoqSz+2bTrb6hGiE-pPiY?VG^$nbQU%z!U!SydReaaJHr~oe8*NG=F;B zgn!pK__;E@rng0C5yC&~>8Tgyx4Kad#;jh516QeA9xt9NW}F@&(4?AzN*#B)4~UlE z*9yfmyiT5N=Sdx3pU=No35lWc(_e$BTo9qA)pnS4=ILe=XVQG>-=fH)u7o(6fNr6U zp%W?p9=+w7gkhkYRfSYPi9s{%z;+NGj#E(Qpo?Cs@a*NVzrh}jv6fWpIcx}q1etsG zpFc|WD*o?8M>uVbIG@`7Z!bV2j3*xnh?!*&7Yu$nq}9?0E+CM#%K~@;b@qxoflj)y zP1g>*2A>eSOj$BuuhbiXPq3>eUf0rF7EJGYLb>D+kGb)^+v$nCAtT1sI+>x~FJw>o z3LKyB^hH4Rs}PV0=Ipc2u#+tCjDG38AiLDFkd2^Zf^3W!*1wjQNcH=$j!O<9Tl4k( z5Dhc`fus;e4&BL(N>*|rSD-NgWn1EYCx?Fxr~6YHrZ;g_Cb1->eOhF;e*#~|val1w z_#CqFjd4ui0)GFa{|8RtB8J8>cM!( zA$89Y@>+hl?*N&u=5hLn6t zBS9;uU(q8`W4YC+0QcKhl^9hiv}_?+tm>TTkhQY7TMQ2_hrn@!6JKsu zhdCAZ?3PW-ak_!`a2;x3rB zojr3Dg^k45GpS?K`Xo2l`;K3LTI1XX-|5(_15OFYoCDs2M}?GwVTmP`U8a*gj?%f9 zi#2xjzTuwrx>(+*hw2vE!hUW;I86$+T$g#xuzLcaEpC5r0X|niNR`qDfA+~{F*IK> z*Gp-4So6l)W$Ppd!Q9IspEkvn4Ab+6!jtElU9NKP8K9?t!hc1GVy%JxnYO%ecSB^I{qQoQDN3V18 zbGXN04oL24JHH^QsPF$Vh2*zpT@LsJFfOh`uiXdjiHzI`hG*&@{t+3xXCGFXeI{;k z{11lE3S>!$cYsN4cimu?SE`k2nj_kK4vl@a!ME9F6jGh2I1-gTvY^S3%|q1o0cA<9Otg2T|UcYESex zQ$7Ev4dIRWww<^H8WDp*feFCmz)3lFIzP82lmDXVypB8giM8`P;KltJk1{33oU^ypyJaj;QQ_v z;Y@B2n{o}uUVZ)u>twExWBtdhQ_GNUnQBkCEUY>O#-8#`LYW~M;k_Z3T`HO4&NuR@ zjOP_El_TchzGrR<(qj3P~fqx7;VL)0h)~x`ZtVX8o z#e11Bjz7iOo+HODXH?(rUgcp#8yWAx*@rtjXT|8>j#7GZ>~F}nr$4D#1+T_bh-c2v zWL#pm3{fy3wv73s$;5iE7Da1Ie|LwY|~J)^(8(E>3OHy zYRs_?`hlAdzYbZ+>~$nAT0JTfPV9U(JBv<2zoQ>oCPW*t@dB3%UF08LY&>>K9yYb+ z)zTNYIjd)ResT?NI^i~UgKOHWPzY*zd2T6A#)#w9rxRu*`njj`%T93) zk-Iix0&+eDvN~mEKSZ^k?|!83-AD(qdU`7By6XwtV>jBhKDytFd?q4^bFYFW65r{j z{!sn=fDS&S^yJOt(NO&WKiP@@#PQl^i@jT|3criYKkVUt@Ay9p#rkj0M!wUaK9OW! z=R@jtbo+WK4K+-bPENl3FHXLkWHK{Xb1}2lnn~t)-{-pG3vKb4Bhc@3 zn)U6chAuf0=kkelPWLY-Q_%cwk~3Tsz9( zs(z|V)@@Bf+B~Ko%?92-E@STgiavt9(gTFrBAl?y>_y!;kDoZ*W4@d7cxUi4uFd+j zr|zhFn_Ad9mJ&+$H7k7+Gp4wFTe|~XufnqTW%PEMB{iK&Sdn-zkc1&_y}+F@;;#ap zB7cp8b{tEdF)U&t`iS6W$N^{agkaFEqcz9hzN3B93`gzvxSAJhW$sG0Z!l z#U)yY0C!PB!C0GQ!|yC6fQUnH3d@SyrFtZ(6(iplekJaCXr{Z4x)|PtV?l^`Y$bSxaydL76Jh{bEk6xlf#{f9{)l-8XzfvXn zhtE>dYBQc3g1xVQHsGHJ} z$-r!J+_Nbj)1Hjt)6c&~XV2X-X$!wbJlsD6SxUT@)^xq~K1^sO=uP5xW_0#pKP2y` zrX8BXnCv?jZFwo%dTAgSoi1yiu?=50ku*1;bf3$|ll>Z!K4wrx;t$kKbq{PBl1Rns zzMd^MVP5P;_dWa#LtIW)SZ6WT zd_?`z13O(WHOOl*jrCyJX*OEu5c)A+!N(c|hxewqFx&a#}hU31_MNVG$^ z2*idl(*=Yx%bxJ-<7I5htxKN(G4U_Ub>Kz?1r^X$u0J`=HT5>FHZhfMzd^nkQhS4S zBsZ9?E!DfSaD%C>UTaycZ^k@yTDyC`HUW=vqDGrTFr zOKK?i4){tHw{y(g7>5(|uvwAQ!F>JI8GUwbkzb~zyY-tV?iiA9xAtH5pfZ{pcE44o z=3UQQE3^9BWvBj8VfS-#u%T!5rmipSGwth*Q7P|!XMSywXtmbU!B52^p9RlC&bcBk zUng7opC7DUfUIJFrFUJ$v<{RD?$TnRY>*bWw_CReNCgPrf~(cjn7BB>zD_c)_{#rE zVBbCeB2~t$w{2<4T)rbICDc2%3fJ+yd9_P1ev|RNHR$5UY6>o$IGEdtds~B+?tv0)Fk%%|HDzsQcw{YS{r=OH+J>H(AHrqL@@mE>_?jd9TPN zkCeidb+k6(jZk*W^8BfG{}F`cdUyW8#|${>U+Z;sQd%!Ai3W(Q7EVozX%*7n{m8L7 zI#kaBSg?|}ln8ifI`g3B)IT**vGke+jGS($bQ^TbQqz?$eZGNDbkp>oUsMmefe|R) z6`zxj(mN$}&#BXWsk9Nc<+9G}-3;!!o#pR*?l0a7ylCDTb%$z97NUP|$uU01^uF>f zzRV72xh`Z>bDS49l@xuL5iRmgV4r5*_fN^YEFGQzl825vf0lyqwg4h0KJLl{9Y66_ zBE@|;RbP|GQ+gQl8Q)hq_Ez)3haVnH z)-g)^Je6Y2j`(|mnQI?)063n_?7PK@P`9PwGT&;W4cq(W9np5d|ih*d%Jy=b(zkNkfx$4LlumT1)?BDdEvD85!R?OGWBo@eQe zqh&*Mr5L}uaWFwcS9(`<#e^dRH~q&I@_3U9qd3(zTH5WM_WPPUhh3+~A6FY~x8F^U zZ^x&`d*80E-m(xp9XL4Q66xP3KQQ^^X6{4lI_Ze^-&iYxlj+9Mo}|d$U9vfXe_l<_ z+?4_At?AV4m7a=F_AZLs#sqfaZ-jzVmlj@mT%&K{LFD_W4I`pUo|i{F9%rvrEA`c7 zPGKL>pLfxbdo6n}>#3cf5fQ!$phYXq#7D3$wUbDF*Dq5A`W1wrLtq<4Rf#{!=BjaC2m;_8>$8N&?h~X9Y?mVUUV}Wr&dL*XcSq zC~1VEii=W?#nT-eEVibu$HVCy3^aN*30@akc2{?N)r{K(N9#s>?eOR1+0VbGBoQtg z0Z?f)TeZIXt3cT|rJqe^B!<9$&8%Ix_UigWKQFvvSQa?ti|I!;L3=lwVhnHq)o>RM z`_@rL`|uq6E@QTx>e<(c*}FVd%6!9crZIP_AIOCif?XZ|JO*H1f{Kk%0$(O#o{5@- zK6-Ec*I-2YCt+gXQ!$eR?-qgI+Y{K+A2BI*N{Pu}MaRQ6c&kd2RFjlWe^#s-0y?*_^?UJUVW}g>Xl>xR#zLmot z^93=S5f?P|JKQ0wi6Sq(JJ+Dd?#Guvc{Pf`hYtALa#T0ycOFR%9nPmb4 ziUYwA7|CB|7HER@7LeH^D@mLe<6dM1 zpY&c&1dmE?BUeQ~l;K;vGjg%W_;8&ZY^{Mpq6Fx`i6gcmvO!o=1p2Mcr zN1MWTta@Y@8PLQL>y4$<^Y+8eMwN*WVt~hEmAn1lD}x0Onl6@T z+c&=X?@iZnGec{?uE(YBqVBWzb*re@<2`LjPrZ71l5g%8u8(uMA<}g*on)M9UbN zwR!9OKkD^X-r?69&->M9_p3sWr^XBA#Z*6yglqE~4udDUJxEz}4qO7`3^l}e;#AOW z#X#2zC8g86fk!G;RuP$@=8rx>(^c^VdF-PXTFH~@_)n}Uy~v z=<*!`)E-^VgC4V~$;~sXw~gEQF^oR>`YBh8=dXl8PsA@`r)Ia&NV;b)N&Jg=*Kn9k zcFzrV*EJ4>On2OKV~C@u>4WA!{$^Nkm))*NvPZYiA3B@rWs1{GBbA)l(*Qn-MSwxn z84`*P@&5QT$UW=g?S_Yc!nhg6P$@(PHX#n)0@vjJ3)5a5Y(_gmnOVbgphb$&yR=MZ{82upA$>hOH}e#}q*P561SYM&5 z5VtUVK>QBx4HPHn6pHsP#>6Qze)8A50*`&RPS!nUH9j`;i{RL^3(swsjM9c%95!ah zI?PY7=lLG{kS8l!iWNIjEPwV-mv_Xr<^P=j{|}SjtiKeGgdgP7M7xUwNh#CE%&B5q zmuU$R?nL?_lSo5-%T>nS2+zc(2#+}iDIJ_8`y&pkY=rc7&vZ{Lb-WRItpLE%{kVPJ z*qv22Gnk6|XZ}HM0BFqV6t9PXAT0j zsE5fOEi`1#HfFf+0k;+CX|2l3eR&oePCP8%Tmt_)evC`rM%29ZtXIjqTIJeemSm(- z)LN*MPAmDc2?PyozJiQ~WXWH{lJ<5bErg8%T@NLkgDkIhiJ4|$&X6vuN+b18J-YZB z@vU>L-D<~KTF_b0oC08Np-z8v`7og-&sr@$F@z(KB$|CtU90w}+A9mqx)Hgg+%}S& z*r1$#HX$U(-m(RN-fUPBsuex3)I`2FE1|XOYwvTc$hN2eI`@kjk8vI5Mx{yD&)!(uf}7=Q1HAYl`U?~sV^3@#J04P;Y} zGmeP!7~@|;2zhMAkqrm>hu#VfCS_Qzm=uq1dmMA|>+# z9fGY1v+a?rLCgt+Mc;fYcuC-hGDLIDNzK5|?SQp_bmU=tcklTMYUj}20w)GY%|NaR zVrv5j3_wWK54t}+Q=4=mL)zn;H*p3}a|g3ZX9T*aWek>oaGStc3#Y-++N0uvnw5Zn^$Ia+WXS9?W$uZL=^esE zA`TB~u_BXv(ZiD@4U0s_U5E5b;rr4415kS?1@b||iSp*kvKzA-bDi<-O-AKuXXA|_ znMY(Im~)kY{rA)9Af_8C>g&>Wa)^n7C)X%C$&2eQRR5)Hm&kCE9RU8velME|2RqKC ze3QZd>sU`93FUjbNoaqd+Z~2g?gNKiaDQOC4j!B0>xTMI#tRO1uKixM4hWoN@yeHn zVy&&krA0rqN$4YH;s0#LVUHihmgL>*;iYlN5i3plr~i=k>eeOjnd8DE4`{@g4M_<& z;?g4yXh~j4NHi@-hcQQmNU&JrAR^5%!wQf9c3LhTb_uZni;whM<`eV%5RjXRHIrpT zBjM8hA#jqfB2Uu zF4WR#!iZ4E$sf*1m*bD;20w|6=976mr@PnJ*S8B_GF7FvB=t0M zR>AG2MZ}j4isD>%jml)DnkMl%>2J&RuMZE48i?lC9OvK2y}&;p5aKN<0mngDzbryF z22AcoY<4kox$y8zHs%`P*a+i%g6sw1ECg9E1PQJ&{zY*5b$~v?H-aPqQ2=uynDW9t z&o`4#h!vwnnEe;m&#Cql*U#>xiDl4sbwDgra(V`RIcS^kBTrie?p?HdFWbdBdTKl$+VzbR(nw;SapVV>%+1C+di(!8KnED;Fpl00KWij(t zMmzLw>n?gHpS4E~gU&$v|gP|0yGFD0Xb*0Xf6{dcF6vM$f z^9Vbe*Q`d9dxdjSRU!*TZqCl{NNP@7GOauZU4wq$>BXv+J|}}owaz;J{50tEH@s-1 zcF(tBn)Q|nYYWm^;QW~ILO$k!5UqFzA*&OYCzrJFjm)e9LyNZ@WlL;Wkjt$w#Q}t? z9&K>KSzBwA|0@FP`}9AMsxxjKJ1v?cU$l_J(6)+H)qhURfa>^($U?)+<6fc5V0+&WdtF>h7M*~9yPzq`KAqcZd41tZrj4cYv6vl045iQhmVs{I4W zT9)RN>@lX49`5zA?fl5qYTTKFSgb__U2tYC`C`x7lpUAy&NSL7oS5X34jN_#mE_bb z$|!wd7=ax8meu|jB9;076dq+}`44~C4}lufD>cA~72KygbB~jCo=6jL2;`KHZ;lTvZ}aTmcTf*F5bFm1z41mF{e9@U!?W?!G zo#V}!GAh4+y82M$=->nw*-l)Mjt6LP@wHEGOCD%=jO9si`4~2loSFw-B2kq5LDGKV z!ZV)?4wR=NIt|HHqHGpFl1^mr8%08@UX5=vvU6tS*Ny~&3R#PPLNWrCo!d74Z#RqO z|AGXwF|#u$I~zK=+nF$^{Op*7{}T~5G}bpT)HgOpb$q@Fy9=3ns-zv0k%6KdTXr6s zmINLh`HnIDAnLml4ibN8e!b?yO2X)d*6b!Y`u35z>5VoQf|ZGgXwKp}#sFd~GE1Pu z{QVpI^sfX8qj^=nzOlYO5VH5}H3vxU`aEI2zzS?mis)E*x1}N%;X4*UPTP2(>E{Pw#r%WVDwN$}d9h)0{m5A6uFIq(eYE4xFUJeG9=Mk)&)Rs02VT z<3MWKmtcqbaFMtFhzkX&cKx8C4B*0`^C*`8>)aIiGT@;ilQWn>>-Kx zD=OZAzX0i#ya*^NlH?InBMc5#!SLn77Z2UD9AEb7GThm>Uh{Q7JgYjZ%c?#<@Xs&) z1=@k7>JdCyvHyH)f5-+TyUWP*k?fNoI})=912H1@IQt%akTP{Y!(sJQV*MQwr;v-T z*5xF^$T4HAH<{y9Xa&3{LlTja{uyxx_=s zPWX__F9hzXhUf{7-$N!Q$)S&3Rg|27kB*j*bE4VB0d}aab+cC!@mh#!kQ`5$yi4>6 zg>sCy;){W+8C?GY*vqNpEg(9Ct&#v`jQQ=)F~Ydn?KryoHihfjdRC$5q1nK9^o1rs zdn&X0MPIU#BAC^4GW*>U^@~FOnl(K<*WwrRRYgn!16{LXZ>sX+x6y-3kooDxLCC?` z9~L_q{g<;j>Jiw7f8QO+dyoJq#l>Be%go?$wYPUZUz_Y~7mv=$>h!Q|@GqJ7be9f# z-n!nu_q(=zd%AzO_WcGX`1N74lhfOcfQ$T~cr#!ZI{!4P6)A!K zqFf(ny$l*eA8HLX&(PnH;dn6e5V^&D1DQT^eCMu}X2Y_u-hp;Iarx%>wfKW(ZzR(r zRv>^X!m7+ow!*aNsG>;9Xr6x2X2xdetH7J21qR!o0Fl^>S_Y9EIzDi)k0@8D1S6u) zaW`>>+6Cz`Pw)W+A|zl?fJp+EC@2(aPsu*gO~Wg9-&w~QpSyD^=e!&zAEz2-zVK}6 zEbIZA_q6?F^Wn-vzBA`K|673nH$iUnoswIt+bL-bsuIPh=o$HAjED4ATs5lzbi!T% zDwV2KJafUKQdfgGb?jIHic+8oolc^SWHhW_kbXa-a0}5KqIHV7#7*S0&dhSYf_jR9 zq6P@9UlQTC!Z_qO@Hk5NBzNOseo`{sl3KM|`J~17{0e_kF;Jk~ZEIf2{gF^BsSQ%{ zSc{2+Rx9?EnTeSR<@IRwp5+S$*ug-Hxuke6Y8CV%&^~%`=}d!#V0vH6p}8J3;RB+G zK?CC2lyz7PF)k8y;IG}N8znb7|C6DX*O1RaLA(t^tY%uK>P)R?7aO8B`?k;sEj0)Z z^`XjQ-SsItZT`y0^cQ%WT)ZEH5Wrj=qM3T=l6;@NB|s~ID9Ik?Idihb9kobvCa)IO zc*CErpDv&F5xtzPf~+JmeI?EC*tC6m>co-U8R!F%-1{Q9$~j1f#&Tr@qQ~#Gf^A9q zC)9lY<;j{24g^r=GeeWt9jnNUUcpMOEhioW8X|XYqRmcYLUDG5{!z-%`rk11F??nBia>}6@Jo|fkr)<6qiL76dU=dJ!_vrM(Z~@07volNXZK@(WA3GoGR=pV( zO=NMz;gAwLx7mixh8eCot|_j?1N&Jdcm9)L6z`B#wQ5iOTlreaTF#j2VaFyFZ!Y2S z`cz|P)?JTi(_$5H1%0P}M4!e7CAr@HsZ90mxQ3G%Ip``b#g-}0Nh+)zq+N*p%F)P{ z=%x8{S$j8Hk$8VKtMgwEz`Wyvw9l@z&HN?4b1#o0%SGOlRr8#$b)}xMoT~geW^gx& zX#{uCO?P_#amaUb*w7>@x?ivV{(8?0JC%nOuS zAGd_C@$;GE3T*pM_6@SGAn=7Bi~^LW0kwz_x=a9di2uDEQdJLGNznKWiHI@HQdzCP_Lx~7Jt^VL+Nz=XKC zN|o^Xx8b1WtYvIptu@iPZU-+H` z3EY4XZn+ERp~rF(6C}44(JS+=&Dkn*8xv&D|L|VRawWj<`~kHtkZnk9Qouh{2DUD= z{t*}`CugnJ>jHk8wh*I!jhoH0~5wr4%_=W~JCfZ4I~?p>c~+zXQm3gt_kExwBo1 zG^&U{I%Q&?{Mszga!QXd&f_sI60^u_cZ$B62lbGMJ`wkrkb75-D^2|poUQ@3-I47G zY@R(iC~{D2E&CF7bpPe9NoxO+ndLj})XgjWdk)zpIS}rGzJ^p#RD|@n#u!ZHA?7~f zAGJtS1}VK}oGS%12ri>&xCA|uh!L6^Rz{VHqR@p%*UdFHTP z{HoS-587)d5khNLt&WO)v1rvvYt?i`MkY2+X$-!Zq#~5Q>{(}F4|FZj{xVLvl z!H$y?{Q@CsjqHi#y;a8|d6nV9p}nuFL2pg$&HG{q%b2P8B8*P zw3KjENs(GItUxNQVA#QkrNqDrvQr|mgo!P;s1|r3B25{_Lb9@itueQ0A!jC*OZ)<^qU7A`t$XF^#CALgSw(c-bJ8s-Tv`Wgkl!(ooSvI$n zHL^&VeljPOHQaO_H%S zHGb*vS?E|8Ce2?+PC;QTvT<{T(AU{MHTi0|2aei zlN{QFfV&u=P^5C%uo4nYRdu$UyfUanLU1J_xVcYDBS>eEBeFqd+zW zTs4PUCBUi#o-K!b!GG-rbs=~A4-2dxfGc z(>(l|WcweE%Uu3H4F5d`;OB_AWyDV?@$&bb{N?7TxMj^wXfyNgo&4x$P1=OiPqB51 zah&39UW1&{uV!@G#NC~;@n?iF5m0I%(F?si{tYrl;m@PcMv>K!Cgp*^YcT1XN0?1A ziLqOyrf?Y>V9cs&(qhz_gOJx93u&i>>m#f67*~vlwqg$3+tc@wwW1~;xzYEVwBjZo zgUKC`R`rZ(&*I4Ks>tm-RZU=JjB08?DYrnYA6jHgF1G$!KKQMjp1sGdot%AS#)vlm zqFFUOZSU=qg>wV55u!PvFg$n><6_X+j1x4r6TxTpD`em-1&asGmN-sd=ge?IQMOaI{T z3Ew_)ebMoW-aZBf#6a{Kr+_FMV9Nw+rvS4Upid;VGeR8o0bVeV`av`x!}XaEl04%m zo)3YwW2cQnz38P)QoV@AO~98Dg6-g{&XGJ4@biaHp*-rc%FIqQJ+gE$S9_2n`NxGaaR!07cZ*YbA-UhfiS1_|3?!bhL{VT~HR9mMWUJg3ywxjb2*xr49LHR=FnnK_3Yj;B12zb9`#2=n-s8)eiiDjQvDl!a3sUx?H$^%41mlO>TY zsx>!EOEWEMH8=R3rdHHwZnT!>Qq*~>&z*)lKkCG;Bcnb)=@hN&F=C;4|NVKQ5bol8 zHT=NpEu%L--9dDY%egP4K7!^*rh}Ed6Q@%q?TSS|Zqoj{s;c}LyG5)j)$(wy6?b{@ z(aBp|Z+ZIB)pm?YZ*90d|15>OO0FdS3>D*_V2KcJ7 z!EB8NCI-5C@nY&qr-tr@&xPQH0j*xsIQ%MAyK(bHEWdH}Mf|6O0DK>K3uN+6ofV`S zgkHZ$JyG7Ob1z3P!XY1p?o^EN+Mxxmp|1=KZy%*2g(!-ZMZKSS}2Fb z`(Bktf9!&ya&0zYIQXy1An5lyzFvyAAGDp~J*+EE{rIWX-|UT6 zZ&3Yl(W|NYYW*F)D}VYn(+f^--u0={8)ti|nFVx0fCZC%tobg}i-CV6`i|gL(kJP$ z2FfR3@`lICud)WNsULm?s$HMs!q3PKSFT5r6TEmAHY3o{j&JPEQL%}~5Z+}jlv`4L zW>m3HZ?Nm-cfwoK3jDfw>UE^|&0z@yT`gKuRNOm_O;4nvNAn*020q)aH|}51e7TOu z>z#IP+2ZptZj!Sh2u@V~2oI)R-w1V2H`GNm{%59k1IfNSNcY?cX3{h(bO}T#Nm!V4 zog5+o-8Sifi=YD1Ug#1^NXigIOnhnrrCgQuJpZ{lC^%LP^L$nQcXLS5^{~rfX*vn_ z0zFZ!*vv0e6yj5Y&o)=Hqo0J-{)VIP@rI*5-egTwWKGg=pw>Z;SQZjKlT-w{kx11D ziqRlm&j-fO$ENhocbNI$}Wkj0X#56Jd)!||G5yAZHY}9=db=* z6+okeUTdyZsZSIm*+O^Yo_WR}*sPvaNHX+^!t|;1(#k>6=ZW@D4)0(I}3h!AqxUF)}d{f3|4s>5I&{gAO{+7aza6`ug3^qOSNa$A7 zLG$|l!__ZNAxY)h{=i0ViGgy8DPTU+zubsiJwL^jHlX>3P=CP=cTe|#E#?@bejyS8 zh?3oQRNPjO{AFf0dTx7ss>6FkIe)70D8#aHQz?cBFp?#3@DBBS+uBk&6=r>h=Dva7TXik^)sXr`l#VrUr^)qBZ>dkC z!E)gSaTj8A0mvRGe*xLhf-|h;B&Nt$8G|^)CiKd`^kT*Irg;lKQ8&$MjT-X{UX1zD zGomE&qu8T9e{r-|o9Xdm6`s7EJe~OcDR&QwvkNkx>9eEue?Uqg&vJ9yvbb za+fRhdw!ibs`1`#f`47$zi?d(zpTGFeBv6xgkR;4fYJKG*Zo#^nvc#DYuLqrFoz+a zQQpOg2AOs&l}oTEOuRNZf0bGq6Q`E84(y1T%%M+((&_Hk6Od7)9MhmGFCfoa=S{Z` z@j}Zce&uN+)f?W5GCV45a(lw;HViKYjd%g8cx}QY+1%rO)5tJ%c|~~(cOs1M9C!}V z6zE0LtN z<;tDr#P6BKbj4p|nAAy^>ciFiO>BrlPcJu5MNSxA^#TKSRSp8cT{j6GNMdwF_m?m9 z6yy0jcmLvNluXDa10P9+*H-Blz7TPT_YndSjI6o!+!>5gDz6M{p7kP&?L9{vea=H; zUH3|LNx47uainqIK}efKOR;D07L%XVZDMcBK%cFw$%waVL*B`h>Uprs%-%`#^4z`; zY+})X))82Zma4t8oIA`ejU!J>pWp}CZ0_&B%K7~U?;WP2I|QvP$`ctmwL@nrK-=dd zuh`l;j5~$9puZ)~a_a0cTBR^>HH3w8!THplapoTQ8dDO@E`%U22&4PQ66$06S9Nup zMVzbQtB(5GF(eGYRi>vL8HFrsZB#!Vki(JuhiI_{HGkajVV;Q_xM4gHxQxFr zSArDgT@KShK1O-w1|PS86)Fldn|1g{pI> zCYz5oen;wg-BvE*QIAFz6685BZ6}lzZKX;rwjK^NwiR8HN@b=-``MOW=TY|!-CVvbJRN;BEqyy3W=E?Ibk-5dhea^Z>i9YMXwSy)^NA09^V+m&YSiq)pqQyKy zjB5jr@lDO3d3Ud5Srccujh#nuFdJcOB4&nI98&V?JHZYv_sX_{eogLofX?>#WM76@WSa;Be)gPod zEr=!3f6CE8K#?hN)`|-FXA)*W;@2v3ph_^UsjMNPcM4QQSkJhNAlbRd#v+iIa; z*bA-jNVi%U7~ej&7F&mhud^JdpEDhK1*YQf+u5hhI}tLhd}@k!1~xY7YSb<5L1X-L zG`$O3-XXkyUFo(t4E_yLDDhkkiwBEet*rn3)_1cR=7%U0R7$2Io#=#|hthy3977R0 z*ua3vh*~f=7>S9kc@l?zTB`N7>Gh5NFsWeYPuN65F_*WGRurqkTMaeC znpUC!aZH+EGJl2@#Dj$zwB(_3B=}z2`d7=(G_g6tkN%o+YKb<|-jb2J(oT~X)kJv` z*|?J*jOZ8XRLml$_;%rpt34;!Hw)x3282EIwLsSivNh{GexyZnemsVZQur`YgP1My zIuUt>VCo}OFl!TE?t8Odgd-gd*=N?wZyc=&JWIF3=qR$dx7 zQF7(k|l}4tfS?euQ`7|DC*) zVdeNmuwt=tu%QvOX9i%g_?1@M4=RD}y?UpR@ZQQEAtSKs(PHOGj%{r(_v~h2d4_x| zVGboQp?N`XdS+o6vrcwXNEZ7be#ODjG4uU(b=Xd`?bJNZVd?1Zl59fNGDu3D! zxSe|Ob3O5hKB}(g=0Tato*z{)3R7)Tdp#6TE!0*`OgP_|hrupGS1~z|QBCitDr@ve z?x=U@J{H)~S=EW1)VszI<LycC`Envao(A6Ro?{|eu@|wFeL^X(-wV~BBaq1v zL*Qit@zlY=tD5KjfKeN>aShqv{OyKywwd5z)UF z2MTexQhNo-Z%>Tg`OOpR$S~Ra40og>9C!cJ{}gnHeC~QL5a{Mj&BV&zL&GI=NF(r9 zet8ap-QX_*UFD1(4E^-imEN9kY%4@Xi}``%13j*Izq_RLz%>r-}YofHjnSqMKX5eAR_wF>kkxU;r}`3<*^!FUKx_rhohD|zYe53Vtw6l$|wJQRY_7G3!2@J)>s+V9*qxi9p|8lQvo2_SJME#IyJL^3A z9&_*a?EiM&ZPe#GL9l0HJ1RTERt?Z9V0WChQ-|p``7W1C(=u@Phj!BKVQ;Pq>AE39 zvdklD3ezFRVf~4vpycOGC)B^Lf3mt0ZZI>EDlsbFgf#Tdd?-dD<-ejf8+y_)_Xca! zXD=|D{DU>L=KHo7WY#|i3!A&nywJ^9-xFfWg!Q3D5JvV{FhAT=Mze?5y;nruv;QRH%_%;Hi3 zGdx5~xRC5HV*EYFX0O!t+4X^Ub=^kh<2=9qToTY}yMDV3Xujm+;QYGGD&oaxlG(^; zxwHHjYIT|(xn}TY2I0-+^35C-?1bJ)jL)15p~<9H6Sc}QZNNGsKc5lpEv_e4+wcz* zV@R2WL5|d&`Sai(dK1g(a&8aL*u(o!jNrt;%#$)E0%$@9^m07t3dH__f$Crl( zC4s(bYe{mR!hXeNUcW&`kSM1qzb+>kC%#7IEsI%b+}I|0se*+j9Lm(BPI9I~)6$3$ zMY}vhXDnJqod>~pw&S5uoAOv%0JH}aK1(Kq~Ji1)nC&B{Z^0?i?-#dA;z z?n%`g%X{^A!M#K1pQ&YBpG;Zx%@Kq;#n=olrbSezjJ2Iv@gji7|347m|iG#L}$PseYzpf10`p=n072hPl zC;wDAJ7w89Z1?k)QrKYi5L9E>&{C0{ zzi_~dV7e)^QH82NrC5d(34htV8gu+mElN3mow?EaAMDhjxsrG$nQ*`LV_r`TsMkg2 z`G!O1+lHm$i#CLPo?Az#`90%VF@mtININnlyl^9o>C6?~>g1AQj>DQe1kZ?iLh=0=09 zZ|R;inf8gM&nyM%H8a9vBlh7zj}sn(0rN*zUi*P7QD$2<71rrKHk9WRQP)|Vj{%u@ zvf}UnP8XHgC)Ek{VK{mvZ`;q^M~>?5$6xOiV46Y9awh(C>>G)- zu325)AQt>!5x^5vTp3$v6>wItXFzrrk^z_ai~C6X{gUK53i6Hvu8M6_$* zK9lC832YGXPd%SwGlO(Heyl)SQ>2j%qs#92<8rrM>P^pRjPr0FAzs(h{?jk_+(L9L zqpY)CSGCN4*dqZl&O40R+pTU&ccq|#oo?j;#;qEQ0C-Rzx0|?HWLcwLv)bXD ztbFsV$)gfyiFcfo#?ZPEyCQ#TMs~a@ju_n`n(F4z=+89G%P(e;ID?}T(x@<(SvrqF zS%Zf#Pa(2cvZ`DPk&d8}#6PfN0Wugw;|UUb%A(v_3Ilp3bxgFMq%C`-wK}4ymbY~g z!34Z@10&J+B5kaA0g=s>eEe_(&e(hHt;NOS4|<(%Jq!*6+Q+t8V#cZI#L3JFclW4< z+wTE^7HYq97!$jPp}kH6U(KbOXy{_{3c%ywr0$4G6a)z=NHFPAbTGr}kb9}_x}z5% zqX2LIN<^=O@gE39<7Qa%e5r|0MRunmzJzC{i5EF@I4b@oL{aR%yBB>|Go3MQYzz2j z@T){fQlquTtotjTH7$uIIsu=7iHu|%dAeNzWb#dMFDl{B$)amYuc*?8^_6uK(<#yX zW(OqIMPCLWy(IESQSO6xOc0jzFFvfKfc=e9n?**QAZb_gAn}3-iso^iEK0r6>GAc* z2meMnm(&a%m>_ZBV~Na3YwNA5l{BNntb;7$YgcM&pNGP%eqL$z&$7cg79RHHUIIzkQ@D(zmk@BUkj{wQp0E$IZpeJibF=j->%#HPA#g zZ1OA!0$diJ*A$7k*mr9=oS6h2wqWxc#cz_PcmfRzxt!}$)drc2aF9si7_(tM{>Ulqf0TvbMyA5>pfy|m9 zzlMqpvp=J{;v1LEn^tVP5p=quc(Xy$?1q>}Lm5d~2CickLhhe$ zIBRBNrE8|cU%c^`O!BuwTp*tr36=dMdr%)?(MnGra7IpNy1A=3>_XXVr%1SWzos(z zqF?Z&#X!xz(A`w%>fQ+}6$~a{)+r!ph?h|Lxm2XEpXBV0DtLFT5c;WThQUGM8;X<;3ZE z%M~BNqH?T{d_C&5n=+{5llWhZ-BWaI!M7;>Kup{6I zUzZ#=$+emOIvW!E&vaBM>_9X|qgzj~UWa|TNTwG;3^jJ%CFJl=k?3O?(nT~xdhJly zrtnCeSyde@M{#yan3+ZRGm<9R^_-v$rObkvKJ=TuZOgjcgie<-kX}mR_c*#ooWXFC z*`x018mQOs=}E0cSJ=PUu(W~;ooAcuqzTW|w@zz6*_hyYtnX+Nqer{%i*rroe2y^(*kc|s57LHT>KvAzyid&gX%Dw3nn$;92;g#i zF@A2XvE0ypY8%aUqr4W6tEJ4jKI87tS9~DtK8T(-*#G`fT^W?-$jU6vzp#^#otNqI zXJ&i5Y9D9Do|V?esE)mB3~P7__yP40fsem8b72SZINWe5KxN_;fXospZGi9^VyjQF z#&_e7@3!}{C|Ct&x1l!47e1qPqPg1udzf^ki7mChn{b3=j3XzkT+owuvvOq(Vv*F<#@zba<0@CG z9${`PFxviMaD*Cv)YRjd>&%*w-E-!#^or^v<+JsMxF`aG33H49^nQ&CNfQi)jf8Ly zUIod|;ohF}Wre6wO{b%Y>~4I+KlOj6f!qLwK7(T$K@9-Itd;457U&*?G&<9y`6#eg zSbPs~-_l+0E7s4{cSpGDg7$-#o9mn|Hed$e0Fb>ic;F)$a7rQ+OnQF)Ah2H|%#Ff> z;EUx=yyRtn^21_Kio+!5G#e49VDo;e(WxQ~K~^bwH#WKoUzOQdVAKXOxV^t-Z*{d< z|3QoUU&_r-q-o9Rxzl&&Ax(=`N@GNC#w*T2o!UoZ-V(E;w-+c=7rvgm_ZS5%gMEW0 z3D3Oy0mUN`RWsrRQ>Z0_>yT23B5>3Ha%*{h<>MzKQyAA3s%ZQ&A#@5=quOFY)w2!j zO z$>(LnoY+^b8Jl|~f9ngtU(1KwMD-~F%6J}10K zwOi}B;SQJ-zCOe4Pr`PE8_)dVjZ>CF8WD~=_GsJ@3G z1MaaBNnbC;RSCvufC6x(Y~YL5Z{q6xO>q^#LTpC5eGkY_4sR)%{lv9`7YC4Rv0~1c z|EN9&4@Un>^>O#*#>rjLwlFJHHbJTiob+tfqg9@?9~a`z24rZL5xd>)#FSV(7{iuK zcwAdvAz9U$EjZsJ{;c6h9-GuJYESSJw+AqQHJ6v|ND5K5IwBgv-!YB9@Tk!!G!8h0 zN0xMOKJcdGnCb3b^Zke>Z80LB`9lj(%sqG94i^?x)}1>+`jnww%0(p z_L9F{v><*|9|B^)o>0gE5nx}AHd%xaCW}PxG1MhXC~>Z3jL5TeCRmlbh4e=9Q6c_q zfLl-QYa3{X0msDVl!_}3;H}O^=dC9q-}9vsKLgj-An^I7*_v_U2Xfc>HFFwyN;&Q) z*wrz+^ZT1kIlddBIsPl@v57wV(-Yv4_B6^S4$=6gNYTjHwl6M6b%k(hZlgZ#{}ct;tIzHDG|5MSmeaE5-u z9LIL>eCy!wf>hrLZNuWpkK;w61o_|@to~)V@HSCW$c`89mk+I|Nc6!;axInl z@)!F|n-^fb;IQK`f0jlUKJSq6fv4vcpG%Rl4_)WuR)4zHZ*BYdrGU5p&fc)o|HJwy zux5dD^`pPBpMZYt+&~YKfBW8}9{Laj-si*%6tRIgFnz)`YJLm(CA5kSzE0ZV`;eUp zK7`P4(G+p6c*gvP^;!O5eV(y9<=*K&_kNj!%=B%V{}=0X!zrxOb&_%RWzc|Sh)Z7z zn{w07R0JiCW{-+SqUB^88%O4$8_>+JW#26qu$Fa%)RpZkbg!yalJz}48O<2tI*vW11Rgyo8aXUc@dn+zFR7 zEN?O7)t1sxISfkS%4S#(CkeE$P0Vk{tz@;InFI&n6R~D3SW6RBL@Bt3?-p9`850}u z2dM%qI|j2e`&Vb^98F(#AjupCQ9Tq$4^$>#pV-w#mLskq(vE2Vzv{D-FfoPrXM}w_ zwd_ar$>*R$_CU%h?MKfxixk(=QFEmMmA>O`eqd2OnY0?hrJa2Rw4A@F+m>_^;YH`pL%kpmc3}WH*OM`s4Iqoh~@0Tbu5O3P)gweO^D8puM*9l7T$HwZzfZ z?ckQ9Bx$LI` zdOvE9qe3oabzuGe2JOb+b%V_r!=jwgDsWpIZ>J_d>4AHi25HoxT$)B*SC{%ReQ1oo zhw`Rdggk?<-M+o$uve*rL9kB0Jqz>ZrJfnP>)vDWknNxR&U|)G; zh4?bO>;UYCZhW%e!$Smqn-Y(OZ4R{ILcU`TZwv&muSol!yWab_nZCgtXP%GQ^xJ+> zF=84%XQ>{?zI!vU3pYVWzR(rB1nj?y39>wVQA{jndj>eu7RBFK8WUIb7GrvTO$UzW z(NtxAnannmSTl7ol5%dI!Gg%teUKXM%jB&g%8@u3|h(<#q%egCj*WY4UzNrRDS?Fr!~D?Y(^hIpy1-n)4%4U+cd?xIxcy;QiH zhC1K!{^YXAiMGugM2b0W&xd%((=Pol)8{i^8yblv#KG2*8ha#NYr!z_i7q&ag3+(A z2X4&u+FGj1A|cP0aVhrEXYgs{(Da72jm56oTJ9^d`#O1Tu%dd5661V}!l&+M6yPice|p8ddiN@DlzvCN5b3E?kvXw z32%2WZ0v=F)XRU$ICLMsPoL1XZwnQY2rpf;0vjC{`+6*J)uHal^bTogU_l8??!zky?!uv>K?>)C8f+}7n<{>jD) z5Al&~N-QP!ayv9r+9>8eD!4FqbqrT_M`NP3DJFbMXq1Rfc|M;}q`0^^wv2j?*%hHG z0(W9!+`QQV-;ydE;PEATwHtWT=R5zJ_wHaDvr@-7)`NN2E8q3|oY6z)X2broZTFpt zmt?1p_cnpSD)wnU>IM9aJ5RGws>z4xeo@GBaB=lUG4YS#doAl6*EG6u>Sb?Kj&%v; zG>bfX#w(V`lh36?fbo9Lq4-jgdpv-@icR@bql|B)>G$$}NenH?Dx3W0*@+V`6 z?dDF4=L4d`F_~3pJZSuqY@`Pfgi2($`7;^hN{M0#Ohd24k9k#A2)&QIt{`CBV|LRW z$B(b%!0BqblR1;q;N=Fm-oi7RdCgBDn*VaKt6%uOCgqVkY2f;N+CKa>F7I2K(nqEb zw-;DaOgnQ%m|d}7TCG?GA#pWQ|E(MDp=Za|ht>t#d4qmZx(c$T(K{Obc#vanpGe== zer?Y8oxv_wfOCq}j(CF|$iR1bz*ECfYRc;qfQ0o{29?)I`cNn5yC`P@F`+&*ph z*4gpts&fN1yZ4Dpfn7Lgt>cYw;%0cr=mnl)f}S3S&)V=CLw`m(T|X}O zx&3XZBzp2n%?Qigv8(@$jW7DP8jAYF%-5IJ^BoZU#SKa;AN}05J>q6u=VR7*g_XjP zsjJ$o4;;MOyt{qmq-*(|W7+ZUt&8$3!nLWB)EZjsE^o>mlJopF+F}&b6$`q^qXH1kuJ=l%ZlpQAw5h$M|{8#r-1}cy@a>F)Fq5mUO_Jt z>E!Xmv0m8-K#)NV?%IwW@O*8Pm6ShH3U0#-PiJb}l$-7x$Spqwx~M28=J3uTge4Ji zgR%2mz-RnIT(55VXLDWFZ=`snR>oSj$?QW)OqS=FOZn7qnm`G4GoKJ-nk)X{Ei*$! zjcDR6-hsR;gaVmPctN~^6a=F(-4m57bDuPg3FevXt{}rn=QH@z?crq&@}B06`TH$A z`2S;`PmlJp=DO3(_|4v2(S+3*x$35}U*hy?_6ZrYactdmbgW$I4bWS-`xpkoLH-)b$=WY1z#7cE7?VjWzes=$5 zH~p#f4#+WSKio*G;j-hCZdp6%Lq1iio;Knc$gs7#;FfV?d{$mGDz|9#j@fv#+S1xi z7YU9+4{?J&Bj^Eh*peLl5q|Ojo$k@L28+H_ot!_y5AMS2R@YHOZ419=kIVI$m5*QG z2=6`fCe_t+#kRtsA2@4&x2>V|JvaA8@n_RhJ>9e`B*Q5*=JAI8>M$7P-%rX~ypip| zog0AIr$OfU8f*Ww-XWLZj$drS4%B7pcwg|sdZ?Ypu-LKt zd$P>ttTlh0SMgL&5~g zpj6{zRb)ht!yC+ijJ$8^O*;aY>eD}ogACsUyg?Iea3GRr?rn`r5MRDFUsT?EfDiwO%&Gnx0=shJ@bO)$LJG!Zz%TbWd z`qgx=vOl^lj{HGO*av`UQgtosdf!9DwxUmu4hXDCfd%cI#f)Pyvqf$!KEoiKa`e~ z=MkS1YSd2N4Aw^EEM*~&t-u^|N6hE^(8-9bCo#`0085S(7?$@UnJ2dt%^R6ZxfoW- z#*9<^6j3-47$v3=(g?8Z=~r)E@mwn0vE_AiIDEOHRS~FA;P{?;BBxQ{X)V7gwydPx zirs|dmiag5c(q?;+uGvSVYoJy9!^3T1Xdo_A-sm+zP+HGJRxdjaVpELD+|%Kv#-iQX)MG1vM=M1kxjvC3ea}v$rfz( zaB=WYeX&Y%smRb=8;?eUcm*P|v&Rzo z^{O6HQrmy+WsRep4G<)i&k1Gz;^g71HmalMaig7K)}melUG37_>xV%uDxnec6P@mo zIhJ+)TZ1_gg*4$^KOUGr92Iazb>~<7V*!x{iW*2JKxD7XLo4x@B@f5DJSS;PU`j4_ zU=^IjPQKvCzrA*R`DG1nv$UQDKzn~Q$Va_$Pew!p(ync??@dfxJV2>D~n%LC^c@ZJ5h_UH|%PWND|yw8%JPQ)0oll z7EF}hk7Py>EBHeJ4f_#JHyQ(=*hDFZyc$6oK`6EdzIEqHCkyP%NpAPrSGae)J}9gz5Y^7FDs&u8Ig>>vva!M8VOb^z zW|EBvRqf-^*eaA!C{o7E%KpuSwV<`{v%V#&#b%$45#SQF>Ql;txct3pBJSi*1^bt+ zkAV`@M4$DP2$t=DrD|XPA?%x8x2sMj$>76hJ7p`GVO<3~S;uR|g~tSZa?)S~?4rpE zrv#6+S;Diyz^D)+0D`ooZg9|pIH8q%(mWt6oYqA+M_MOJb$6ig<-=*7=z9qMR1JZ^2ljJfgAtH zJ_<<@`8!#}G4!GIFhTs$sJ{An4@@~tp#zW~dR*YBP~7f$O=QhjnB#-TW4hR~EfS0I z^rUpkP}uE>_|rf%GHWD?gCi7+;iCVWhZ*+saALXiXtmct9#NMwP$i>}a!NnhG%Rzv z7SH3<)at!;bvXp3BhPAM!`KR=(n=r3-vy$QTfIR)`bFCBGA zs7E?ntLr%s{p7xO$P|baNLA!Y)mr4RGgufjJ?|K$j0M4fE$7j9&%3jOVuMO^bbvQ{ zF2u^*S6JC?N(^CfF{Ll%V5>vC8#|7A_uwz~o}1Blzwllshq99CybuPVknk3Bd_R(D}VXsD+q@B*xX*NheGO8GdtMJLn(y zD|iVJLp1XVF%n61NKLQ{nvBL+U}&Lxb7%pvTj?*B*m3cT*25~RpE@^O-AvFT{2g8} z%fR4sdW$lM<6jta$G^U@*?bVR#9`8HST7{HO~Y%PF$rmSHWL`Q)|VwQH@<`mN!E6S zxE{beTSVM6GB!@t?y~3O8QiblPBJjYW*>DC_V+3qz;TMb5cXzZ!ciEMS8>ZPk2LgK zY+@A59uX?gMtgE^oraNCqt{yaCul{rVyzN3#&WEBl$+s*%rZy5!mLp=$#O&*X>qAb z8&8}RL`>^%BfO6Y(d;nRCzkM>VQeeIIAZ45M-;8R#Js8d^AwGK_KWpaT+q)SNt-Nw zh<|h^&K8T>xXI$itgV6&p^(O;&R?Z<@ix3CKN#@X2s>1IHYP4c_H?``a-!Zsl0Xrs zA9eDp3~Ed&%1g(?jTe(RfE*0mikAD?4uo7D=is*`0_@HNYF4$psDSEFZA4IiJc zyuWG(-Q4wA3lK{b(y1MRYW5%iF5I0~#aUl$gtCFbcbt_CyI2LE@k42w*Kn> z%MQAC}uTU)sg}=_3EFRuy0GbH)v%@AYNZ=WhXe;LBhwI|R%QCN z;@{R-g(sV?6l8qaycdPTN1s9S=a=Zn8pYaHMcvz5qf(m!%yqv$8&tctl_2WIgdwh+ z%*)LMpUwfVE1J5q3GgHQE+1LQ1gwcDIWMHB=$*Dx;hM=uieU}-LN5}t0Em-I)OtNj zwDLw!_5)=}iIr{@suD}}^C0c9rNlC9WC6o z{v!|3m$i#`8n@+^tSxm{ix7b{^vRs>697t=ph*xS^n1t<^P;u|KHu^9qo*iOq{jo`fe< zE&gjF8KIxvO#iuppTYn0fOK+pG%>J&6c1la?UTh~_#uwok$Dv%uxFyK>WZ7e6$c?y zlEkqUGJh3NCQGV3J-ydtTh|k3!X%gRbFg=CJ-lz+O}g{Eva=*M{9_uyD=Fc~VVQ31 z3EePt^xT`gsxf6eqB0wuw8h-NhZnMEtwTx-jNY$L-(s`FQS#+`UzRp)2=<{o9{b(I z>&2MPbrCpYr@3IWPNA`!ByEgE7>sarX#hd3 z>Zm9<+U2|qt{0NZw2m!QUP&8GQ>qW)NWHt{9?HzoEZt7W)@F>5#QWl{u9FarSrj)y zZFH`#c*k-Kb)mCQpl<%oLlqY1l9TL3@#doK(}Q`wxDsg|+8*IT@#Zs7y=E!gpbq!` z)cWQNvGA|PL>hrln)n}A30v)_sEcM<4ZD!`b&Q_*Y@Oa=(ugZRRpieKwWN=yWbuV@5m9~ z5ut4qA45Hygj3oxjeVM^eV@iv3h&VXYsj(71azP0pp)m)PxCaBIts04!Td&BOh_8U zBDew93&%LK|G=|VXDxs@0r?BKv*A_cl2A7~$7+ZcX7R;_#G0@(Gt_cMDfyT9{i-yh zuwoV<8Q%{t6bI}&`tZ@dfkq$QBqqkV3BM^=_8Jzy{(ioZHb|K087e}rf;vNN;(-|wUQdKczI z3{lHnPR*>tNgk|*H_?6XA4Krcsow2? zhi5H`y#GGra(^9uFP?4CmF~!XRxKMil{PH@^L~AR>p5N6@#XnU`~G~g`m&I-kiz{q zyEu`+Y7v;MCAA(tU0Av3p_Rm_Necb|=ur4geOG)y*O(bef1N*Qy*$6&)O=5lcJiA} z9lMMY)2FP!)4CKdyw-fBtdI_e-B7Bka8}!#ucwM+ZGCcc(UyPTM`x zf5H^`Q{x&ZRkul77=7FAVT2N=L$Tw#R5jH zZ2MGnJgsIRe%{QWp%b;y7U)AIJi0fm^E|9`coxy_lC0KCmwW=yV6b6hg}gF_*mv95 zsthFz`0dzJ4@joof{+5gV7o=G>i#$YC76%HVTFOd#R2{ek=Js{1N>3j8^?OV?DKs# z@hfo6uogNG2$kJhRTad;W39uwZ!Yl1J2b=}2h_OMNBaJ`#`$_d`sacJOgQW_g2w#sfql-;D zI9+LxO>#Y4At~|n-!S2NZOWh|AM%!mPdu(Syq0zbbg;rs!-oy;sOy*n)G4B_Sa}KolQA|) zqarQZ#z4vXXb_yT-T7M7*;M^y{{BJUDFaP6Fp@~OVk;?T2A}v-5Ihq& ze)2xD_4f0_uFy_NQNus9S$Ap^>x36|$Xu$;gtUp~o$_R8q zUR;w1EwrLO zMK~LIp@@=|Qv9$~tGt~Ic99ZcA=Vo0eNj>6;R>kaDCJAqjwY#Y4o-Ftohw-~;$7n# z4F?7d_NnP{ih&j$jO7#Re;V1xDcT`E5=M6Q zkr<^d{0ke1^%0*-K)bfRh`h_JT?_51Cs1tiN|(nJlxkSR!z$Q~7IQua8y)dYg3(r< zWYpd=n$|Q0~UHh<>|}v(L&Ac%37-TGJ?|Pc1`of z`>PVp%x(KkOzFJvx_zx13rs~0dGiyBdOgRMk-EwEI7MR>Py$=hpig5(Po+xQZA4;` zDxHIf#c^QVZcO(Y>>ylxj?1Wf{VjI}$g@8H#`c43cK;~fNL@Oc;OAUJ>N6AQ)P=*k zntxzBMy~6@(`Q*DoIU=wpUvGI-d^~f@el$Ta`^b^2V=N|sR~=6Q|G#Z$g7ySk?MTI z{_(~B3M!W)i{sTBt0H3sj!jd=Jb=lj+x;(W41X*Z`noXPa9+Kg^J4O^uruOt49|hX z;4PRblZ5b=nhPEyygEYbgUhZ`yM9NbFPUV!<}mG1!L-W`5}%d|JnV_UnO-LgvI0mc zms|KKQd@R zROXAVRi1V!9Ye__Zi1O4Jjp+xh&RuPbTT@D430MQpyCpFxY$g2y)d94&xpdR#13F% zQIj9R^pDT_xFg^XVmCo~xT?pl(i_RsGYwY*T;3O%AKy4!gYdOJXRxZev9x?<7GW@X&CzID8oBH8^S)vB1HBMPoza0jC!Sre+S!flGPHj;zB>LJ(a0UeGs9O#-y zXj{3^q8XJ zhGp=cuhu&rXdG8en79a0Awmap_pHCZ+CBJ}{l^fWvrJ=GlcZ*T|8&`7FLxV(*W6y( z?IV0>+f7}D9TDu&)9sIwR)@a%k|K%E4~F5M9LbUXqlE=02gz_{*spJ88F~F>Pl?Gj z>15A8H_daN7{2&ZtGEI8ETN;+-sCgk)U4Qp{5P#6dGQUHq7_JL)oXiAd&(5`8DhD^Ve_G`Y>okr;Q zybN(kw5U5A%N;40hwN7>pq&Fk9rgs^TDiJ)AAJY(6%|lS`LQn^;(4pOxe}8zEBjlw z1K0r3_#d&+{Q9k%nV6iVRF7XVW*oQuG52303-4RUNNCczT}PTfI@`od7nS&mShN%xebx{9EmPty-y@GX0ny|McXw#LOdG^@x zK?qkPb0u|75@x_!PgZ*+SieoCkmLFq_`dH!sUyz#AB`~2+P--aoZdO7*T|{z&QOuX zCm@>BA=o$(;OL0D)aqF~w^lyOmYAZyOuz{rnq3!COKXSyMKhc$0CoN(Ee4Gmw$THL zS^Fyt`*l6lcosFNUKvbHibB+AGN?GkE7ya)7gAQit=4cJi5``^Da7_?T%+f|u`MU$ z-8Jvvwy6{7FmX)&vLuwjG{=O&9|+|i7E7^yZ*WV;+2#M;BKv>Dh%z%UGXKAe>|$-M zSmHLA=}#)oO{kJe0Eju9J(%^tG_>8ZQ!P(ZBFF8woHj`WGR430iWB>mv};Np^7#D& zqNSGatw$M~?=vmtjqmg4yPb{Po}I53HLnRNSkldIKiis}XS(NSpUV||r@ITIWi`www5slNkO3#U z4X*BU;)VGusIPEC)7mdOI9!vjXu9K>BTaJt&31pAl&Y9-_l9?zH&$yeT`C~}z?L{z ze(HjeRx;%c{LZ?zYPU3&w{hZPm0*OkTE#BSOmDAo1#;Sw`>w?$-67YzVpFDPqmhF! z=At(FpB3}F>D%7DPi_WRWg_o7h9&?y7i~bf{ zZNH^Tjxw=P+0$~y=UY1;>ZgE5*VLbPbwG?c{}?~T?uA8_eJIxF7X}ti*f~7`FNI;( z^7GHsT5JBsm(rU%!+(+Xu^Z>g@vZjb(cBVG%a%yi4){En3 zsA{QKQu={dhLUwy*i=ikAoM_-1(PYIR~F?+6v>1lLL?jn7dAysDzs-G+JNEe#F7 z7h@g?bW9Re3RTKfDquCQ$t;=KnO%{Z>xp-xEWi<2G_v!??LOvG7;?Z>Y=CVfO(RV? zk;K_+8JT?9I@FL23=!pXLcEl=I@(~V62QF{qT)iE*aU(QR@(WDTkl{TgJUeyr80W$ z^CULN>F!FS0LuLnt=o1+-~0Aq$u*1IYbGxZV&CzIX5L+9zg+Vg7S+w1YGv(nG z5W?X$)QHnCp191Vxzp(#91}hA%HxlJL)~s!mfJ1b)>e8S8F3&J|zL`muQwA==n`&*@Kc7@h5A4 z%(3c`S~~hp7YpA1*cp_2+gDS*mZ_|zAdg%q9PY``Ex+hOAt#!gYXF{tuF40|GR7!8| zj3FPE_>D%Ck7k35z%o{w4J}AfnUR*q;}0I3T{q7W@+F0f9()dBoi$N%f8R<}ukNzS zXyc=-`iCW_uC8a4BWrIKaBoxuBf)W-s8ofwv6*>j^-+%puvTB)@$+V2);QtWBoiQz zp8Ee~?F>uX9rH&!pJ$>&*8E$@i-*^x{ry)YxjAAcrX8+(FTR{dO&!7pL_?3n4Xgdi ztl=L`8YDRHe!K=*sXRM~Gh_pMsZ@l@jQ9HjU1FehivIb#o?jJAV|y@(Sf*s8Oj1-= z+faydhR?T2^$aWHcG=S4i6bx5_XsGb%5=yEd+yW`CfS(tDXOV%j!Y_ zYs=+e6ywit<_~JfE#ZuLM0xTXWAyKPAIO07%G6T`uqAu#I3ntP_Ce0zY#0cZ-R7v> z^mPhUBH?wz57i|1SLVMF1d}`%w?lu_qq^CI2y)u_fd#1^7pWS?g!ylpf=iEzX0aI4 zk20C1=p9LFt2i5NYoo($3hyk&))0CQS(V|M-z;fmUUnZ7vXZ+6i%$R4g~$&ehRhR0 z9%`Ok2ulg!Qd!2x)jh^Tq1_VPZX{`HOKXc$;lyW&y&!DAf1NJEhWb1XLoRkOj?xSzGuFf- zC}QS`l9ZmnASACK9i;E*QSPPiODUjJ9NL*ga}MN~+$VGGInPi|D*jL5RzcxK?W)zE z`1CWRKT5P1xP!5m8YuySgZi54;{G!PMV1}X!`DaX$G-7qX|aEs48F-1*WZ)>woOMd zGVSD(DHv*FbuRZ8^c4_WC`7G9vSDN&g+T1tTAbg6uo`|^x`gKn?q+DL^{nME(PVqcy_Zax9gR1 z;vXhpdx0fyMA^aiS(_$4=pzj@J=!4otGGK!%%y?bQd-R3a`HoY*x8N)jGG`vs40Fx zc6K{V|IbFAcz-4<>(rQ%yu@HGFFhG*ws1tKk+GG)V*GuRiFLiJXnWLAWepMzf=3ig zM)I(yJri$f74W+7j)SOjd#P;ckk_N!x60?jsAdq&xWMHBn+Z*bOh~Ydfx?$*YTm@_ zyD6z{wU+j(aS*18_jKwX4ohIwq=Umsy~SNaX3%O0|BJ-mOJ6!g#{`i~NFw83yCtB< z&VT-zB#dz&YJS&ou{~3Bu=YVcA-60D1;{fkps3<983@Y6QV4%uMol5A9Kdf{0ND%~ z(tjCFf}xafufJC6k1E7~2YaZsV&5_WDi?fKCA-36vXI;z@&` zPeddbK$1*G=HBoZ$P40P9{C;>N8QP1qcJ4<1I=o|d9F+++k9qa)+0)>Ij-=-YUIL| z7qs1hF*cZK0yEYWp^%Ew*``cfOdp&0pIBK<{}pa>*I~lj`QmMIO##i13oTl_jI7N; z_@_Lo^jwP@<@@`B13n;DXpNR!9;;N!6~WA{cpw}T{>oZ=p%mH$VmtxgBn!@F?AEyskyP23^b4Z#po~9HAm%tM_KK^a~v=spK0HD zh}{FGb+pE&t9@1L+B`%FF!dDW|4HRtI|t8lV7fdSe9N8$K4ndZ9<&;PC)oWdo|2Tw zIC8wOPIX*;1eic0z2mJmbEd>unR%%wu6qyhs++O<>I`E@+Gw*kzyXavSOZ;!deC<@ zx}t8S<8C+_6;qZ10V=Qj|Cn!jG&M93-MYI*X`viZfuo#5yUAh?QdFuwAa>)F6sODL zSXh(=DF68iJdTI~@m1>VrBJw(C^HPrM@-nGAMLFpcpDfbF>Ees@ZZnxd~}E5W)7rO zU~8ZUXL?pm=uF1gm=Q@fI~OHSLDS-2v{pY0W9pOxO|0~p({6}hjrZ@^PXu+_y@hI7 z*`vL0^o4-Y`3kTD?jmn@66#8qqRXK=b)evOeHG5^-`GEF+q6({-?*Z0Ba8(D;cPPTnG@~D6_Rn2mI~T6XD3&S3^fcMnCm` za7*st9te=hS>_7S&4m*(D)cDUR}yp~SB=+FYkB77X--zsC4Q=X!~B<4$m}}a2av2sC3=n=0W~zMvcFu`bOa&M&ELJTuri?OSfiGmWcl+@D)7+R5BtRn7_>d?&Q1H ztjH~%O7sA=H%)aUyq1ZZX^VCQ!o=nbODsb>aVz-SbJL>DJJSx^v32sP;~KL#n&xvb zZwEkyn}`pnx0OYQ$3x>a#sTdJ1+(>Ho|ubcnYjK^s9*PF=(&-0 z>I{A5vvOPM*$$w5T!^E4V*k440t+}Kg`?NJ&}{>JMMntTkyR@InT5GQ_ZC_LLDw9l zC5I`F<|7(;?LJ8=&yE5At+Q|B;Xtk$>le3gWh&br3Rq;Wm_|G*G0MmaU#T2NMRKVM zQ*}VuScOyRc%EKxZUp4gOrx3%lc_eU-W|3aKJpJ-w0Q{zLt71OL%dbdt1V>wXzt5Tzy&Oh>TaoKCbKPOi~yDOJw*!#YkWFTP< zf=sH5u7Ef&(F)#>BNU6u@ykS?Tk)vvZOX3+d4Mz8lU-9dU0iA;vw*m~3gSd3x~Fzn6s^ zZKuZ$LUg{K1lg8wB8%IdfAnk-6u+IB=Zr^Ev-JF48w z6I{ViuSFIQ1z*~-as^ItXv9U3{^iNQel4%v${WEFcOWRh+Ey@KiCIUR>k{8{UQ&o*c?nWQ^%YI-^Q&GUKoJA3B7jifL{q)EL6mic`Q zM=j3QI#lMo_et#a7`vjO5CyUM1HFc3PGjNAWsaQ zJ7uI?iA!tFPR)?ri-mZpr%#eBja`V>%TH8>Uz$|nE;*}SjobM_bMZ{Po*Do(cq6&^ zll*D$Q|-^@(J|oT){9ryWv$l&wD^?mqdOL@dH7->tmFi>=cyM5#^}C)RqlXhu(e1S z;4%^4r~Cae@D1!hI1K;agcz9rvu|!^XbJhVAunoS?QG&mCu;q(X)kPIWM^#hzl)RL zGqC*M0E2kArG6edJJ4@*Ai^M^zW;8_|554z0|Ofa`~Rta!o)_;LI3|w;;jOuoUDTS z^~`b71GtBWPiC8jQyX(H%X<+P-YqbtjKJ76x<-+|m5?Zj8Vlo;Hcu?!NH+cVy8Na< z3Zu75tz(jbV0x@xCw(73$%rF1GV*DrSBa6?RN}PU2Do&3UVGn|!Ta3{-V-Vei09Z! zSeH$ELCwY9J)%xiD%p|Ra)-_P)0@H9<~$C)anw%x*9JDvhr{Hpa|~~h1P}Nlgh|fZ zA->{vvw6c0{Nv>AU3bVEz7?N5;S7*=t;}6$ZJXdLZq$w-j?3kv>JR1n#REKYAkAgg zdYs}au0-AOA#%K8)^3VC#mDNww6FohQvA49FprmO4*QGp*Wcz`q49-%Am-IZwnp42 z{ExjJ>t167^M#;T6^I#mnJ|_M2DZRr&%6G#Jq%9w3_z18fc)G*rg+N&e}P#;E=u)e z4tD4pp~?!1P#Jm^{CFrgwPUdJwC&*|vZ9jfe(%lVa#+?|LPvZAw>?sSGhbeEP@a6# zRIVo!+#ThL0jz=oJ{vx$ls*ahVbB1his2+pjUK2*Kd>#8a_Y+an=xh&mgq$k!PDsX z179$qcKp;R)6QQQ73_g8bQuBrJ?I&&C<7AJJ@_fMo7&~)GGh-4^dNy_ga=;3I%%4f zY0pnks@hy?Q-6(sm@v_%Fs7Nb9YQdV)v)X+ikS1IpYj-(DZ4C?$s_In%5DEl@1fu6 z`8cLBLJX)(ciiQ5I3pBs^-T@yE)Q6SSI?B0K4S9ND9 z)eaU>ZL+-bUQ1pHIQ8i~7JxYmNG$w3YiG6Xx}o%j6Gw3|`aDSu5Mp+XKEkjH`YU_k z4{MJLk$<*9YDZ?mpUwef6El0I19Z* z2s%hs$2Z+K5;jGD+K8DwD`2qh`DFDnb zViTy15>aXtS6G}Eah84xXj!^wYyo~kF70k@Sd(3*ASW?+6R`rQUd{w&L!{WEL{i_7 zdIteye(Jt{!Ir|QW3?oik5BG zRgJXG+3xV~yI5?SL$(85p-wBq>B`eN>Y*@MfF|s~gUdNN3SCUkgf^TTA2Rv)q_F&cp~iracWeReG-L<23c?F>9B@^;COJU zj;O?N$Fj-PgG1@&d}-Ra$h8KlLst(;)^Vx(dh5M1(2AII4wY(MH7(^T%h{Yo)7#BF zoaOT-u&Zv@9YSh@ls{5z6Uq~+6QC7C>k}C^K69Syo(rmy2*?woF5Ha5YNK(QUz0r+OMI=s^k*26%(INlD#OE2T)JyfLJ!7bc;JpQ7-+CT@>=vQc~rr z-q&l*Uv&6g7{QcAQ=Hy#Ksb+Y$*b1R@svPXeP(@7 zfXHCKtYv_Gr0EpTHJueA|9q(vQPOeGt~S8$8y^_!-W^qAPPM$dqt|lx1?NU|=8!C0 z%0lMA*J$q4c(~?T^@pc0yOFfM1;Yr=>>gsu)UG)f1g8cA%Z^|uC-Rh7 z9$yqPBrnOT8TRSs9zdHusYJc%W!090;Ao?L%+G`$W}or{qCpIza(l=zv<~1mzLCil z7-^0GKy_S>8APydA$UMCsbq*It2(Myolg56dw6VKjiAYS6DE%~(P+70h0zdUFjj^W z-|@LWoXVh*ukGPc1ev4C*xGfIt5y&Y&98aHgC6J*PxBG|%R91-nK-?DRHMcTIl~gw z2e@?ihi63|1f3g+GF{7MvH(|xD!jj1Zjrw_ z$l*&s?r=NLKqSC;b59*M1*Td)7fSHC$hMZ zaDeARLvAzN0h@Y=-&i6rthwX)-@{12{LBmGc`9!x(As3)Z!~=&UYXPRV0N1bisUrwZV&e8>HVI3BjP*yT zYCKu#wADkyJpDO}2ib_R*meY4uh&yQn^Tt*?5Ue?e|=ooj!BKL$VD z9)K>Aveg5reYZxpuT+7>^&mt+%EM?zwa*iuV9rrT*X(=EL9GiK&gv zP=Ib){E_d%!DjLlUsIaPPs-saO}dnDbez(xF754JfFaW@_&yqk&V0A`m0f*bHV$Bb zmOT9`@{n%qvaD(;FDBa2#kX!W(o*HgL$}dGwQG>hD?0=w(`uG>Y$nze8iTu;(uS6S zFKc_QfmPxNLyc3SBy|%TSyadRsB&}X{c@05VMKupsp`3*B>H5VXl7PXVyx>n7WN5r zNeqIyP`x`SUklZrValrlgHm8r-*r*@ffJP3_eU#n`SKR>?a=AAZKwJ$x(*Ib3xlU# z1P$tZci>J5dW3quUbkjJcm6zaZJGVY>y5#IZ4KQ0XoB`uYh||^##x<87=S6j@dU;x)( zj*7e`y)S7eJ$_sA2npafAYLo_8fJ0HMs>M*_wVUI;zva{ZhsPWk(5cuDj^$XlV(+$ z$XXt&)#MQeE)=e^jE)rCxZV?2mYhY2vLpB6Xz61-Yjjg=S)!6QzK2C9%c9Yb9DBZC zIE2--`1<%^3=EqMKIRhjwXS$qX`o6fg}9uHq=&~A?&b{d>FM1OecW9U!jRefXhLiz z&PUTUw$iwJN!{$#cBu}IQa8KpCh8ww zk&Xp)Pux<*oI=k_W;O}GJUH`p_#_(nJ(MTjmsvlAGrBnO!@(uY*JV(%0FQsvgb3;g zl?`?1>Jdz80k#u2xYHyDvTLTl=2C0XL5Blm|5<5%PhPB_zZzN^@-1%Spt;Oy1wmWBlD?CIcmCul@h9bHUYPpRb<{qcUSWDaI1@)nE>ccbJkXp?sun zR1k!whF%Yww@Kea2^;|WJ+-HIyJm05pqVQ*JpTxYIcg~N0vXD4K6F{I327NY6iL? zXP%Ib!S`P2b|40FVcp{|`(MRyoi5&nl{TNXPTq)?$_(`n#KcYRBwzfS&cOoZ;C~1M+ z(lZc9SBAc2qZ4Mc4pPV1h>)D(ndpcmP8^H7?uvXtPsGJI!agQB4yIG1c-AyO zmLM7uAZvxEA2OyzcX;99{>ycK-@kLps9LdHhD|`cxW+$1a$Q5f{ammYBuABNHt}<^ zPnSQajv~PrqaQP&*`VsGoG*M3F&oJNFTrVnNOIn@k_TH-tqH$PHR(&1TqHttU7Zy%vQ<-qcnl<(@YBF9mb+MPiDtc}cC%+UqA`g8v9d@igPW&1 zQ0fSmS8=ufr0h=`!VU0i+T&yT74wy*yWn+_iw}AgYLD^DU^{eo+*LF9)}U$l^_Neo z5&T|LUJcR}N_UC((zlf0cQErWf+cZ+W}(in+G>f)A@&l(c^>8)Wl~b>QUi<%IR5Qk* zsMqRJYj$%qzzlGmcs$5CdmP({>hKCO5Y3xpz(3pg1~_Xh_DZ87j_&m9r({ z!}fuEc){4llP0?^HF|%b>~@Wl+!BLwyZwD+UEBZyT5d1&o3d(%mS z>aP#S@=Xzf+)SZ%e)%Xcj*xf z6g^h*CPP(|!&l()D)cBx`W%-;8sr2r3c{O4CfVbccj)<2zZ>KdgQ&e%=i6}cNl23K zamU7AdW5?38dEEbTk~zumR!U8H0@O8ybeUklt=xNn?Kyi>~t9BTqdpOx|@4G_A&E2$R}mMUt6*risVw8plSGYBtDbMk;wsUx1y9&L3Jk(|TvT7k5duYP*<1 z^B-tkb@)}UJV1?gJXFA%5BNOSjNyTgOpHF595;}T%5QT8<_n>xRQ4 z?0I6zZyMkFwtBb6Pkw2ej9a4x-n=_Csk1}A#SPc)B?rI>|L=3hbUvausxs#HxaMTl z>#Rmai<<^tdVR*6#**^KNzt0d1I;79*R&UwUv*K7)q7(!U zao?CM?nTASf6LR(q+bN5&+Q2lgJIJ0ZEsG;w_se{0`h*d_0xAb`8P_{qA1s1!e%-d z3!r?-UUO|>T5@MGowtxhnO`& z`7~d9upQUX6=DJ}n=i#;GIAcB9JkB)TVCVX8oIZqS~v+w3~+IwaCXWc?I!UO+FDFU zIz6W+JI&ykmwJUYYvT@cIMlAZlDw3Gva~<~+qi&L+4{iakQGB~rkgHwUzv%Vlubj; z{$cA(>E{}1cjaQlV>440W}X$RCFFUA$rSs=G#WQ^U~qW%)6A1;&YO{!_}d}@* z*JW~@0!mc8^3Jc%H+1bRu7MSVmF||p>4b-LQw@U3M9U$sdiQ8rnl<8a$4+_0rUh}m z#8>_54GrEuDNcS`avo(zGypY?H}j|ACrIOqH~8vHY`+t$H6jeAc++>d~As$x`G^U2W2# zDuL|3^mbd-mYtet9MQGQNlaOrJ;-r7D^NI9zDpl+>woqGg)AF$pJjX$FG&~84(#bHk za4S`sdEFTPyb0GAe%u{EF1EhfY-JL?n3+}0P*=!ann%cH9C8so(*+5(J_yChc&B6q#*r={oDTKeB`El989XbRXNQsJ`I>Y1%18=-Boz`2 zl!)(Y083-7K1tQ|A~*f{V0m!xchkLU(oe^YVkxBWtZo?+@_D^v?R%sSO*iy_buP=h9IN7HicL*^#Od`hzS;XA zB;c1Ao`X=cqkNVaFYS_cwsd6aqPmrlZPoqgxa#tXd#f67$sJ=)*1q`H&sqB@#maUe zqt-5Y>&0gjt-ulGbjwlC#w`=pgqiANC~Il>E|`eRa>yf>KyLevKk$eWwHS&-7j@&RmBYCoy^wE|{a88&YMFy2oEpGUR%y z&z^oQa2S}0bcqF>lON)i`8EsNlp^&-%%aDUa)}m|tEaxUHBI4lU7K#pT@9qghne=> z4_JP6!-j9`+LddP%Lif_!2%{30vatwK}p_Zya7&&#Qpii_k$?)rId6}qAcbuVnYx; z@w1ms`Bltsg?7*7NhW@DK9`y`32nQXmFKG7B4(oqF0-6mL>(zl<*8mlRZ*%8K@C1d zfJOL@iUy-3d#55|HR_-O)j9bG4c5f2 zGS6sSJopr(RkS`V4m9r)jJoB2o^IV0o9SL~OYJL)Sj+1Tk~-&I)t@k}_?G)$4+2gi z?;Gs`_}iauJ{#StMrdYqgMTg8ugpW_H_|`U0e4F;^cAN(S|#Tu>GM^a>%pJ2#t*;l zvZZhD?JFsG)~Qw;x+h+|*?u==t?s%w&&@S&S@Kv-@|$hDx@H2|7Cj|1ODZ}VL+-7@ zVqA_V*45P*X!Wf+yMd$4=T~6OIyFzm716Vthc=C(#EZFG?VL*${oFcR4t`Q=JTn#@ z*)gggpL|O`&}Oz$ZYSN!edP0)?1$f>Q^uddF~C53!b`{q(b%-1lX&J@F?p#E9EnJNP6$k_D$*na?o!WXNWHkcR?nTV~oZ`75qrj>r-_mG9;U_p8h9 z=2px0_}j&?+rIDY)kvDlrs8u)8u_6_mz!I+SxcJQj*ZU|ZPy`?OnttP)Vq7}b@LyO zu(Lr_j@cSJcZT|MPyaUSZ?2rMk{$3(Ev!fXK3@1ENnj9p7|pqcN+0B%r*pN3*0j)( zq?4c`-Qwb_XllCJO3;^4&qh!|cR8o8?-P*ZFKI_-N>cCz!y%Ibp`_oA1dTAeN^$tl zU|B0Dn&0*RQk*#&G$?JF7}3Rlrhu)%tK*X;)nPU|yZx5*$A-B~;zs=~20O1*+(;aw z`Q1FRy1VlNUWJAlhQ;)Ax*n0=tvUg_j`@9`9Dr?hkbq!sI2WL@9cfJ0);|q8!>=jx zZ8Z&d+$RigQ0L66*Fc|@^&ekOY3Mq5cWrl#2)5!pKm3>o<4RgD@;bor+}9t22-?+pc>$m|C)&60ac80sUaF;7|w1n&22=Wp1D>#$;TV0Ayk_Rk)=_(l8N z&yl;Ukk0XxZpP80Y+#d#j$ZhOVb5ZI&i>kV)QnB558g+J!C25RFZvq}d(M`emfC8E zvNv?cD(`^giU)lAHT><#H8sES?`Ot257drcvR*JC$u3~L^v!G_3$78;1f276mz@*; zpj9Ggn76NF#I@4_iECUZ4i29m`i0K1@|WR4!^~3v%)$1r7Z7z&AJhX8eg2h-I|A}y zfuA-nc`V7bZ*3H4eIi-caqO>x-R@|v6&CreQJp+ONNITnnL*(;}bmy3ZSIA40^p0lO{D&W1EE#m}E9hH$PyOGM6R+_(R6Zqco zUqfOF>@_!6^?Bw}2Vj$o4;-TcPF*_={^S;Yp|wx;{LK;!?%wbDYr02=2pepV;FtWn z|0_zIc5|oeujjK(%fRy4C+vB%W=Cr$wVN^O%?>AXoAbVm1=VP9eMOJ3GRk_;i|*ByM`#Aak=`z@{hz5z9-nVqJKeaEp`hXfynx3A(KW-gUIby5!V+RNe%~tup>R)fe-3UUW5@lQ)Lj zPEP>ur!pIfX57|0!5kSYxw@c{%4SD30NqZRjO3hY_+hzt_6zlB%uSDiu4T@?*sVur zb)Mkq<9M?lSEPXe4&G>!4?;I#2J6BE!^EsMmD=E`v^ALJ4H6jkM0NIJ|J;AK;x--V zSNie9SHm}OOtO22DBoWka`iJNV6}zVRcFAV?7}g&9G1)cB;kTb2spXh@F5P7E2fbEXC2e4iX?cqrf>Rk^JeM-Pj^^qfVJ9)ZZZx(u& zT(6<|i3!ZST;@+*>ZtUZA-dL`4@z@)Uqmy-`m*|TwIZ?)zuwL|zQ8XL%858^FAx^L zfb2)u)A}85E=u*kOu@@2T%jGh)ux!J?Rj_KJ?9*_>^*2of9xucReNAaNZqZyw!}}m zVH};BT(9#x286Yjc;GWo>RHTol_NZJc3pu{SMNUI_2BvLeakB!&wa+l?zga`?Yxkm zcCh^@e8je&pk`fTkFY|AF9m*Uy-W@vdmQVl6%4z;I0q%}JXE~wn0&-!`W^BuNVdj% z<-jBneX&Bo9Fcs{LM-G^mO!3^`9$|VH#3fG*L)To-<7TYA9JnUA){!P|CQNR=$933 z{$9r^vuyD&m0)0>iY%OH@93V`Es3m(ut0we>1T)h$G6cIeIf1bC%;wnOnYI#5})SN zcbc^)$g5Np)Tyo&3N4);QHw=aiA&_~zg~^>rJ|J!?V_JX-&ajr@qv6aE-~Tn&f(XO z=3&3f2cnmdCHZHGSx5!Y@=4H9n_(+qoxHDyzZce*3QI<1+}J7e-J%!xrf8~CgQojG zIKH#@GDGtHZMV);VUH%PShEV8{D{NSjOb*gdu15vt14EB)a`;SOptK6VxJ6JDpk^* zraJgjfo{F{h|KmU6P>u}SCIyrW^?tL5f2+%;>B}9Fdt2}lo^4wIKw z`GvYugAPEulXTs3nL-mK{qS#b`DtCKd#9~6ZKAa`zFw-WZ3fzxv4&JjVwGz__9QDi z8PINmwrM_+zuAi?y}p6cN`kE6FS(a)GgGGEp^CB#w^4~=LLEkNYEgZOrOAyWLX}nc!8AbI5FIfOI80E`Djb%ML=4Q(UNd3t${ZP^g&bsl+s72#!gD2! zC9T$L|6QK0-#F32^}b=%D3=kgPa_vbAJL!sy9Q-kmGRE@(l>qmymZhPlr3`G!7LG^ z-vskVBtK82{wIxAVK-?G1Fb9j!0RX{KTC|oU&APLQ?4RxslyqC%AWUp+LE7RDPsn# zn2zn03b(_K6!1nWw&StXv91Jh0t!v+4h1K^5iL!{2a(cQK=r(=z&RgBK6L%AGj9>! z1=29Xf&=q%P%x)X_72f0;!Iy?=whv2GAK4}9p-pY_m*j=2ge3G%&i056I}&S_WU`)j`7jV27K{D zIO(`8s1MF1ID}k<<@_(kRJ)Nk86J;`7#~X<2a!J29Y{HvHECw!HL;Y6lR=Rv*p)gd z;gz{Ep7{=bj`$_&`ZC$*xZw&MuiUVa`san$F}l*XHV5%R1?Ad`qUv?HRxBcL5>;K0 zFJ`GoTq@J8(rbQ!{6)1;Oh&bsE3}x~lgmJ(v*PO3EwxC?{fEsGZR~sb^dR$C<95RlgkFUszrntDrxkpSvhm z3mgfz==cvcKIMO?uH?9~6Z)EoKM-0yrciMVW~euW7NktWXsL=1U_gtP!_S+APL^u0 z?c+P(aK!O|ZR_1IjZv~dxFQ$}S?v{HMwLJJILN(z_w&Rw@-*>H0xW+O9oIhbln)NT zu_Hi7)%~gxte9bYC)7f@5+M*I5GGKRhNc#gZp}m${14%j{{I0{G55km0>uOIKM>y% z{s+;Mmm{Hrza#$t0Wlu*KM)avenE*6E;{(^v8b)4*&Uo zKte+NhFAuX{3lAVWH5B!4}(C)zl=g@gfhgug#SU*UGP7IU(Y;HiDZ}u{0F32u>U}u z5Ah9Iie-%HI}V}je<7S9_#c8<1HR!Y(aj%3Twx!dfoX)XaD}>nU%{*8834{aQj27$ z5~BWu5Jt)qq(p=XCKe7*AVft%L;MfK)P(;*RKOZKIUA-Z*_!Isx*kQzX! zXAnD@x{CiIUitfzs3O7dUv*;7bpC<#gnZ1+h_p<58(o3V4bcYJQ650(O4u#e#TS42HsFQ++M-Wv{M*l(>dtlYW;XSW>w zpf!ei=jIL<<-eD^ruF*qzNaIQj9d{;Y$_FQ~57 zPUKTFC#9tyjw8d)V2gt)gsvtN&SBb9u6it-HiTd_-&<8T9^)XBzj6Jxeq(Olm@5bE ziQO0y{1eq|x8abc8&dYh=bVlaWFYqarP$7K1d9clyLt>!JbWBt;#V?(aRp5;m3sK+D(v-vW2ykPQh zp(ybTKTjH!GJVIkSJ&i>OI))M1DUtVb<6OyqWE<=u%)+Sx+gEj14SFIP~+85xC>K? zBkBW|8e58n#ED94|J@b7O6onocXiM@=<2)}hs1J+%()(?RIWlswYv!Cu4^4e0#k>hIEA$?9t&x@d*lF*+KEiV#>HJ zH*7wGi%<&>>?m#@z9Ocp6GNZ6AWq)~wCNe+hCDL&ujNv_W2l%`CY$hcpn-41o!gT_ zR^oZ{)7MYBBFuf5tJ{>$|bLds&B;SEXqemhUG)1XUr>l9jpVG_+l%+^!7 z_2eXSTPl4^7k!MI5yG+fkmFw>`Q5ConM^06{&5mLZmgd1m@vn)V2(Ub!cDZ8u>E$} zZI;c&$fIt#ey@q`LQm?e4 zEy+CsfHdhlAI@lmIDSzO^Kti?m0$HV|*95rAf@A6(KvtP)jsk&Ol z$PX%;NG34VnOg_;2Jz3#*^pK$5p{J0(S3z*nXjYs>!!dybT`;8pB(LKqVhd@oeIIz z=~Jqbk7M(tyUwC505|h@s3&TvtKNFmCnL30chj|I<6cEDjUt97N4a^D>IY>LMFspH z7&HWQutg>K$Y_gGZ@`)WcF_Qu4s?iP9&yRT>-OLgRHScf?ch|Y74d`;s2x!|6h%?GqW)LcP+SfT(8ssg|b=lKso`~H;VqL3LM{NWarE(s2d6W zt>QwoDEL9UNJ;u6zg^~As~0+`ll-(tKNah?+SOy1<&9vQchN`daSQJlM;A!ZSw$84 zQ`koQ<0m6X`MF)w|Fl?K|0{9+f3w*7FLAy<7zDZhw=p2ZBuK&k@KCn@^6UG*D*l<7 zS^t|jpPhsGzwgI}nvb>eGMd0s*V~p8^6~nR13xa#uq5uf1MaY7))nW_cMQ112CLu# zJHZqbF#%#qASSj=@*g}SmGS|VVDpf27%{X5%r%7&>SR~3`62QoB39M;(C>Sa^2$Y2 zeau)RR~o;&n@0dpn)0(Jw_aoE_Ul z(*uCb#+?T+o>RbPn`h6^a;W-MwdL=(2Qe4toVICZTP%WxKabZg>z9w?oc$@deA04{ zl;^7p{2I*-Ds$8vFNdFI=5?133c%u4Ay|ooZ%6R-vNt-$*c$ z0FV(0j01Iw!?m>lh_1=o+1p_-GAtA`$;dMCMhawk-e z?cv}`1Y0N}BO|ow31suc@VwpR8e8%f;v;(HL4%s{D5T+X7;)5#lxCS^I0s*4EF4WQ!y@zmb_-aH`|(i z9rOBwW32i5`FfZLnUJ;nx%x9^y{g`{tOJKe4D;gghG_OoStc^G;=}Wxq9P3}cCF!J z`i_!s-A*dHHGBpP+^eBe5QEAbW^IZo)aK#upz67O7cM8~`h=8>Y(;Hrs)a-9HMrM| z^7r?wjkB|%i803pF^Q!@yOGJMy+A_y$g=XjRp8@UGDrQxaSihH`#k;J>gIMSB&8qdrU8b^mLa+le>h5tgd{91mE3YivH+PuYq`&o5ry3@ z8p_FdWoPL6Q0mcxxsl5px+NKw#p+V!OBfpQ4FK!DHTHq^HPg!NTJ<`U%LrYog|>^7 zXfbvtUypbyv%x$Qzxksy7l*ZIJ=P!fjSo}9g}VFNj&OK@sNb#Dpa0z_)EW|ipsmr5FXjohbeMm&;5mS1tD_s z*1Z+Y7iP{nGdjEzqKWD8EccaxwS<<71pTAxo1QBF0DJ-Pxhw&oXftmM4sBt-100It ztZN_0bK>`B(1_()G*Jfhf?9EUJBXkN-H7CH&dy|4Vn<5ZtYHRd7ryjzDV{^KLuG}u z>*s6JL%Kw+5mRG+9`EJaPGqAuh`MPfNKYU?3auGf$v)Tal`VfEH1~YI4f)=Ftr{NB zqrHaj4JQa{W|?r#2ESR;JFr_gG-&Y*YTvNXyH?1FF-&o}>jaMPTtZh1qWrnq=7lC{ zYyJMc;J^O(`2&N=m$jGcx$H-3FGC=UeP8s;6LfW4XmYdcKE41GyYD}3Zfg!Gk_Hqb z<)f|LzatCw0~TA%Y!|Fv@4h`1_4)bbybG_|oVfP)_!+nvTW=Rr3->BNIOhJmhlb9A z9pvh6=uS$ckR*^(AS5<-EWJR<%H9xh!JfN#mlJ)_wsi-{4Va1S_ zO&oDKOt`Pm(>}o1`UnSjsJ)gP$)-)t2?R9tG=vrPw`30vr=q2?>Q_0!v&-k!b@8Nq zwTwkDC0R&Hu2}VhL{X7}BI<*Hx@;N$Pqop1Srq@@Ya|ni0YvbuY3Rf`g((6ytcZgaewAd~v zg`tO7giS?0x$N<6Q?fDhWu*fSqjW@u-3ig1*=sKe^=5ova$bv6(uVt6X*YL+%q^CRvlFw*}uZo)Y1S6 z0#(u3%@o5F1==i%vIL*#nU}$hl54Ub6G;>i=?5B`tV%+z83^=mv0jW^FlypGa51sy z@Q6}gRDurr=cx89?CI&OmVd=+&#fD70KM0@^7e}2@{VIbnXMp*eX!^bq4|5T8x%KO z7IUmel#Fnnq3}L){~Q?T48p%QPHUmgr1_@|tbavV{^Y+0Cd12gS*c)i-9Q@5ro(kn zi3&HMArT`%8cB%zMM}1_Jl%K&|FN(G>`0wjpYM}ELeJALv9M48*A4|m0jmUHzdnh% z*=bRw>+e9&8L@DYQ8EyZm55ovP>~~3O~ZzQdtf}TP#ZM(1qkU~bvqYfnL#21>iE7z z`uG$aKXUXR!9cs=$a@`vab10kQH7dawV!@^dr2wyT*(qefxH z@Ux{Z43{BpZc6uXX0XnRgTgEo$fxbq{&04=RZ^o#BBhxfR#NGAe(9@w<^GlT)d9YR zbHZX?dqoiT3-6Jl=jlV>Cnmq)LFuf~C+{Nz!RLcr!2S@F&;1iLiooZ={4}`_|4SrQ zud;}+f#%BnbvRZ$OM$7_@I*{>CX1Wy`#S_I3Oe2AZ3UThDw*%cWQ*ju+Pl%A+bC68 z#ay?%-ba5%(>e2!-N;0sY-Wq~X-Gq#(Jq9;fs~I#p#iGQACo9{MCt;A|Y?ezWc$6?ULM*3~+If zlKrFtqk7n65YlyX%obJ73ZBJijhjujn%RG9E^F{gvP;FV3fl?DY$cbn483*Iby6z0*Rgy-o|q3TX-cN6AKPSxg>R|O2(`XaN88< zff`T=zin&ZqYQluQDIPm>qB030#aApa(D6PhJ;mu-DS>pYaDi8X=73rjbIzt7hmNLV9cZo_= zoB^#pr<SS?%JvQRCEoA=8b zg&g*?|yx zZ6Ew5Wi6!}9U8Vw*j|$)@%*p(6MdWWtuigt&tpelzZtB-)DW=tieHDJO6=T5 zD+Vi8m^PROn6}rfC%-gbW87T*AXw1>!g<+vH1~*CzPcRc#x~Da&5rhIJB|W>MchO#NxB zS=i+}h&!`?{tDz;ft0Mxf;DZK0apjLhy%+sps4bmVEem)PTZS;pH(xV!BUOjG`4+{tq?7S>_@qLxedu=Xa_^v7OMbs|-mbv4O-~7lKP<|$9H(*$S9bCcLykY&LPjC@wxv+y(8LW0q z&78 z5%jW9r!f=80s(DSm%7+TMfmL$gkW-bMu=Oq$T=-W0Sm9l$T@55+u5Q}`JN=Z7=~LU z**Rru)}uThRz()$6j`SjyF0}0aNWHE1Plfy0L5JhQ9=R6HLxoe8Mid$tTd-u30$Y( z+&RcLAt1^*Qf5Iy);SY6qth<_bPD<*ilEUXK+eK8FK`OYzQfiT!*NZHjjNp`Cv~i6 zK|f8%5J?K(GkErbPKi;5+8TD};>1Ck~KF-vUL2 z1V#UG&r_B7OF)it9pj>_>t9vX1Mj|*xnDm#bB56y9GY9{45ZhTnj52AOl-Kcw#ZjR zGmU9hjQ=L?DG9@jJ8%(E942L@usHsi8ue(~0k(V5Pj9**Y>1>@;kOL~|I%CssNq|S zX^j@IsAQVX+n8h;urP^9Nm21^#MF{pQu3_D)EQlJ@@&b~qFjo*CS+TetdzNCWZODj z{^FURf_a1(zP#A+&o(+<^O*g}AlR%6agEop7O4BG{c8NG2S7pviS+L7sMiW`TBfc{ zUmUxZ>6rG^j$gub%=ucVt=3#vzBTC>Ew8yKY3>z8B_%s5=^~RVCKLveN{f||QYBDZ zB;b!nPv(Z!5#1BBE3{>_SP4`bN@C?wY@;cWj*|4_Xl>MsMWG9YqpTstbF3M1ZLC42bF>+< zPUiHJ1+fkT5k^Zh^ zr^=5pR@GVbk0>Ws2}G3$VU-9QivvwplC~T-;35`3%+OB7aZF?vLRSeWSAeU}<6iL3 zP=K}US5^q~Etq8d!SA1UP4p|Mr{5kEl*9lvDwOG-Co06@`*oOOUz6i8r?|}DYz+I% z?P`pD{Puy62s>fK%PVk>ikXMzmMl48&CY9Zj+vT=XctXAh0!Upa?ZA$k!?T3nX_pZ zaXZC7ob~Y(L@?l$`A4jtbbE?~-p}bNBVWsz@-IO>0)|t6(7%W&hiw>hwbsP&C@w@t zRL!JLd!QIPZ6pWQ!GJzcQXMq0ju_+65O;X6?MLc?l6J;^+pp9^N9`OG&iKSuFbXFz zJI)YguITwTW;1(oGXpZ2U25&*3I}$zV{Gk2D+e3jh;w_L?^xPi6`6grHhh8MhZhgq ze+>2_zVSE?Mz+K)2kab&rdyu37a|N>4okeMPe|TJBJPu~SKAosVn36v9(r6g}WG}Z8 z_~R&4_Mp7}VQ~ntJ50O*V0h+5LRNS|G}ugd4c8i#VGngetec291}N5{bhU7<|E5-S zC=40AA@qhnpV7O+f}FA8dkr{w^9yD<(TDd%vx1fFv5$Tivf>>74s8=O+xtF>1O|&* z!Fu|dp5c7Mw)f?qr4Kl@?4f{js`d!L;eK~q`SUY(e1?6O&S;OcScrJg)$l{u%zW~x zq`6etPAY;I1trnP(c%P2wo~$ctTw#-@pB zYMPnmriE!~TA9|SjcIGznf9iG>1c9HC)3$;3WA**H0|M#OqE!zFLAJfzH zF?~%x^M?mbY)zEOLnO)-DS8em+fk~x~`sU;2ODRu9a)&a$Hx})AezE zT|d{~y(!0hX&Xd}sI$SEU~TZLYz#&Q>w|H+O=O@QBA03}`-2T?vYH~BbSK?echOySN1YQs z2@50$?yB>m1XLZ-5`&*(!-5|q`gFxg5h?1nyB%()+XWxVp09{>pXsxF6<^g? z^Vz<-Z|^(!jy}hC@-=)--`ThJZG2nb&I~XE&0yFl-^zFLz5F0Q%75f1`B~P(Cio3D z!|$*Kw!${p4m)5c?1J5}2adsUH~}Z&6r6@La2C$N`6%npMcM9%IoL@j>Lgu3Cr1f? z75n0AQR>@bJ8U0izBl&4m!lrE#8%ikO75??0XIhJ-HO|Ad(?#YaR3gCI`KBXgYW7z zovthEjHnwQ;86T9>c#&UulDdLsw;l(V|K%mgyj+PLYZYqG}$bWAQF-o7B;&;Lx8+= zmj>AlNlAhgP*D(25Fs!;R6e9askTK0rKJ-ZXt2^otA6&=5Q?@H+mDx8kn%{sinby< z{mmvs(m(oj@6OD*_uR+1=l;&Q=WKv=G{ZVJ!de~|Zjl2Uc}94|C^1@$5xF8yj1_kP z^Is@el`nz+i^?VCGEnaX?gv?G0`<4rnt=QTw)@22#RWVUf$~Yfxes=8S~;Vfg)L;k zB5s34xRroyj4c-yk^$@Rz$OZ9MYg+?EG0{f6L*S#iZ77Kq~b|a_E4(Kq!c3a9G>&m zH`-{PxA@kVUqEEv*7FeUrJu7##OS}JH(3{1@#tY7>Rn2v6555RdK)#9jb@`|1680X zXy3+C%~l$Xcw6AQ8CN6y{Nfd0F|${404d;#pwu6x-VGAbGLMD)jsj za)6y;j%4P1^J_@pLMG5blFF!qwR1OSucvb?g{=@i%(B}w%(u{M7|lUmu@f=!I5vg5 zlp3?l?4Y4oV<~3cK?h(@hoF-q^f8N9y37~NE=r{wnuh(f(oxnfqSsePCqiQiw3I~? zz*$JYK|XT~vG^N&p%Sm;!OK2sen>+om#QJ{9*q1O`wEc(VgvDx449KC5qf#X(l)(~ z+#n4x%1m}QB9DdqdGP?nVZ~gOI%GZ@=sC=O5>e10L^z#dx7;VM*=~uRHWP6one;>C zVs9YhNI{11AbSFl?tbwgy&9LJg z$Rm!i^L!Go;tOzZHHgLHh@6a4DIb(;fbfmB^U+}Rt>_=3UzvI4Iw}VqRzvz{k>#}l zC!L5*PtYkk%M|2Ii6~aCQq7j5JO=Oc(^%%zidBxWv+Q%kcURdp#Bqf9E!~R2P&EDk ze*`z~F4(nY*%$f0MY0$Hn;IvIL`W=zRL$aPl!M}oOp~3+8uC!KD=**%+NZp!blKwV zPsCB&``_%oo_+mfl%ngS+oK1ft>zg@!WpJP3&W`h(nnC5aNgU2xL?o*$n;Wh0@A>PN$epY-bzCkgiLk^cCWTte>DRQn{BA=J%Q0|O+R)T(S~0fq%C}`OoeYe z3OvuHI#I@fRKAz3=POw&AE_+074kwhgSuoUbo~y00Wn3PC}X9plA3sK_iVNy@>P6_ zwl`ikX+%;@M;TiY=ZFFya%i=G$V7bc^@sV{wYvCnW^AQBxO&RhuyxR(qCtdhH4zE%JpLPh= z{TlqhBvFQz6d-3ha8V5pu@mJv_z4LFHNwX4ffqYUt+p!OM)Q?K2CqXT--}kzZ1ZK> zVa})f&8_5tKWH{rV8*@l89haN+1luGT12?S0P|+Rk7p zbOB{QD#gmLNtb`7N}6bHGXDs4-wqGEgKFtJ^eJ|E87oW`?KCzzgSVIgu?YJ;Mdjum zb2xKQgLxm#q}S;syFwAW8)s~=<`LF))uv}hc(T8sg;QJtgfh~!62FnE zl~@uOBEui4GiH?s{UzxxSICoNFyB0_)*x-NF~A+`LcZ8ChRtW#W6P+G)^2E{+LF_* zZ)$T=ZP*=Or`1Jjf`*8MtThI@v2KZx{OG4C-&QgCAYZWgW^TIB{V9#ARn_%o)%bCF z@Mf;ddWS-o17mqcAgl+l^d=~=v{J=td~GObu(eoHwRU3ds(XL+n%`;(H>pNHZL-#& zH-&LDX}Uob%UlQ2(!7Vw)0E~{^{SxeGA5>Lp-9QFmLa59Ec<1uS5589@#M5P2X-sA zC2>Fx5ub1~QQympQL*k8Ra()jS!PM3O#>hdb)E`If*SUeZ@udCNuQUGZuo^5Mj3TD zkw&ARFRVKYtafX>p=3BURliC=fOhF(-l`PW2NiWpEzd;*rw~?J~LB#IE znL@_mSbdx)=ixT4X^WgHK2RUcf^H+Bg3(aF%Viz##x^h2qGGHn4|dm8s!cyY-qG%m z!NV4({RStg+TyIb!RZ|y)_~+zVsIKsMqFm^e}Hr7V1Gk_!G``1c6~R$v{EZApB+^F zdbmforB!`u-TeGsUJqpq_60>c@1c0Qh;aeRn%>SB6G9=B*kF+; zz(CB0+X3Px%@>6L!30S0l!1hVNg$~5ZR{1VLUL<@h~YJI+->l(=iNTs)iPq zApu)`donbC^rYK+`)+UF?f%|-zjxbv$Qg2G``VdH?mJE<*Sn+SSkulV?A1y<1%iU0 zhq?oJ+Yh=8yzPlatvw1t`nKlQ;{=l#OCCygm%+W(9vvaW)Do(tO4`wB2hGN?$m7If zjxXsk5ZY+oWle?IUzWkh)LHK9Fj|%&d7W}!M?lBsb%v><2hA}vnp?l?J!VKICm@2& z@|r_XuL}tIRliye4F<}+r!)Qc3=Z8zI@=Glhz^hb4R40J--hO%u)*+;_za$B1ThmQ z1lw>N*$4w2#5W349*3G}4KVxxnEHVI;9Ks9GMpM7QnGO+juNz0vdTyntIpV@n&{+c zp^FzP>gyX$4$fOx8>?pq2iNTg&hadL66{`q%HuBA4|b0lI%7y`T|2vh>>~Rt>~C0X zMLb6sD~CmbFW3-ZYS{dNx*CLacs7&!GOZ}21%w-h>TrPM6GdocNiwxJ4UfaYw;)9n zX)8(4dPUBV9CaL>OQv&iScmTn!g=hyIF4UK?#NtaD77vUQEo@_2Xx|dMqp`);uuz8 zO*n;85r07Cd0{fFD@yLBr(bG*^Y7I^W?!E6O6kXsTv$x^G!FHP0Bh6mxo)0qjMjJslj~O zZYM1u{KGJJ@&8$iMDq5iHPe_;Kb4!x_i?BBKH;3@yib@VCdFpCU0g1|}JP zRqxf3n_ls>{gVPxqWF|?il*?thmS%5IL!iAE1>1oY>I{FFZjGJpU-RYc^OPBULPZA zN`@Tz?c*v|GuVBCt^k?a;lM<+brfHM-8KMA+(%wTI#O_>A*v@5@bR{WY=AiHC1t1- z@9N$Go_aeqoCRd#%5WAX;v?}yb|f{VIw`WybjlMW@_J<;@4KiG4on-A!l`GI$?`&f zumKRSub*5O42(D3I$8^b8h8TyS>av-DK7uT+h2dU@8wPVaZkaW&o145^jBxze@Z)Y zWO{sA|4#?5wzcoxzrEn%=QobD9zJzw+tNwkDGPGf*dp+h2u_XxXZN@by8mt;!qinG zB6M&lV3Qo8L$ldJg_@7mLOw1e1tih!!N{pA)cJKGNKvH2gVm8i`lmnSj3p8fmRZ0r zdsaE?j41<=T6$9aDmkf0nkj9S*qQ1=_4yKJe$fw=)vo15&q*)3wo2Pwub2E%vT-_N z`i)(bWLCgn7gJbhvg(7fI)o%VIW3BXth<*SLLRcxsDQWR;58*@$6|erPINc*WPPL1 z5u|w41ThLKK>}|){0Y4i?3&=t;Kt*gOSl&|A_NP!!#Ew$w!iDy><(s-juV4N&hc~{uA9*4Owuf6 z6=}X5IUCMdxEZ?u(RO}Wmi5HN0%1Zk&<(7C$x+Pm#k(F4PfzJev zWdR)vF9;&Y7G4y91i*~pFf*erh%UHA7>4Q!sgBWE(FIRgHIB1rJi}+mTEmJg;#UT6 z9O=b>6UliaL5mVCK(bFS1uyri;aF24llMPwW@2h)kD=McP*!!bO2>5H<=#*zLId zXOkP&dEkV<8~o4fQLPj8bxw4fR~mdVH5Ths1_tDTfle-e z1u$nHvp+HWm7v{7iwL30Cj|L!zIN)-OI9 zdFSBg_+R^)#`~gN@3&3()ab)x5#HPLlQ(uyhTIF;`YS+6MdMHy7xW+&FnPpo=UZ5| zDX<{W7U-~UvGS|D&v9$59rn%KW;5mHk;NV4 zMaocoCU?zq)-&`IPee?;@M#qWNFAC`>(OWf6(@omb z$2jkH+N3-xjPc#KX%pnUz~>pzX0l!?GW99<14c_h-kWQ7=0N!5kFjhBCj?Pk8HvZL z)fkPVd>B#2i>m(b#EDD-*k7AZg~0&S6}1i1NM7Dcf*<~&qiw}&yB2Qzbm!=9{JmEj zADi8@>D|%4;2%95oUv$1^PZifN4VZ(&ofVd5Un`1aYgr%Nz8n;sBO-yHKDr)1hKKb zY5t3opg2H}<*u_nb{eWg4P=5*WtFU9kK_%9q;NPU)fYCDObO2lr=(PPwX`a{q-MLc zHS~7TJKkSQg_U_a<69~yt$L{Rf#-1LNl#zpfahZ69}B;zv^-pdHM+?v-7u%~f5A7I zrn(j?l@^z}BURzL7#pja#XefKz>cexjb z)`UpNS1l*xUGjT!PUhZ|kIG-mj4V>bWGGk6xO@-kX#(6xi`SHn)t zm6?X1f6w%jvJ83BkSh$Di}hel@Mw^W0q3M;88{@9yL{3VCQ+RsX^^&K{V{SNhGWI_ z-KNtSi_6{PtIJOF7kN_3CwTH-va2;Vit7sBJ9~F_XZAI-ubJ6hdzXDWUh`V7fe?eo z0SXQEnt-4Qv3aD>fC=C=v^5H(ScCvd)jCNLP1P1d5NSvyTUf;N3s=~uiRgR0n$a8?g^&=icCO?DNzJ2Z^&cA z#(xd@Oo{O43rP4{Fc9zuwM5z?+S~$!&=TM#OXG&~9j7lY-m#=%%e5D1{i1{4-Bs1E zZyP>z@YFIz(&85*+VhvTx8=5O-gG=&wQuED-rHa3Dfr#4P%z2=qF#J$sk#2C zY2Bmu_RpI`KdFf*H7(PZtb49?-gls)mqJBXLq!Kj60w`lIW!X_ z*McpA)7sov3$_SOXba-}HlsQ}8})ZN^X=J|@sWZ8T70aSM?agM)*E>>pRI+zYVuy=&-X_Q7E` zU-M^Yt$e}gp9W^n;XZ00-%vWwm{~f4Z#a2T~(qSj99Uh9OF zfi3}0nL-=KXX5TIP~VV0O6U+71*AdB50e|?LDUGi_5*~7Y1pj^`n&VQ1zd{L+s~B)>DPq7g;BK<|X8MA(99g7K?J(iI4a7?mT64eng5P^@hQ85AfM;=bm-c(;oNNHNg zo$3W!!*F@3j-;t_BF9Cleq5x=Js~bs6>y=d6Bnv-3Rf$wUacreFi7pDQ&07VX_!wJ zelT5_PZvhRsp52DhSP;*oDQzu$L;}<6DJN=dP5lJ3lgC|k)p$d_L4p#L`f5Ag<8O8 zO4(3&H{$+-aGobYo)es=w9W7Q;ovhHzSc9Br4JX@KL5;x(`Uys z!cSjZJNNL3@gu^S?(StjetrCExn3-{pk9J>kLj~oM4#|;<(%@F<*&X`%a~7OD9Re4 zV0J0=N6N5%L!Z!D%CefuKA5h&YVDC?(V(BknLBGr7ERnDw*r6AlW$j)IPxE|i~@@7G6lp;PbE`}HB6 z>7bbdLB2P~2357JDIaV>?fIf*eng<7wx37QBluJxb|--iXqEr)va=3~@s9#L1l~9~^M+xrDl? zi?&zlUbAr-1YqnxK7Vu5b8F^5`Q#I8{M9Udthi+EJDJ5z>$=AOgeWvkd~W$ApfJOt znJ=-pKR#D_N?Mp)72g=&Eqz~lC3({KUfpjjE=ddN+Ki=jf7YyFu(g7cqq5#+Z2#6}F96fH1XbrIJ~h47kFU08QcjtL zV(9>LOsfik+BV}x9fBVsN~g6|y;vnwMFKWf65_m>->Nk1Tc!^a%p%hq(GU$K z4b!LRbNKjlWN$++9dWxGL97uYhEEzXe9GVo+ThyB01H{(cr8stxg1O#vmhE;p1DnsR${LJl=xlISH)=Oq^_p)9QA0e%1mrhy+3 zOL`Psm4|$Fo`EzPWxkWnAT(@SYqfj%o`(|@- ziPj=BO#rVkdsc~bY$d+&YrsERHP{PoMw-re4!yLyyCL=F<+oa!=hVKwV$b`l)qdxW z&AU5-!Rg^wetl%s=F5AoT&43OTe>zboR`p3xv%yV7VoNwW|zG5g1)?M`Rqib$|oo5 zn|HUZKKk`v;66=G{9CBCzC|?h(Rm_64JQ6ecGUn!byeYW@B6)X_w9STN%k+L%?}BI zMbf$n@!>+Ar3FF@0f~?xi={;RBNQ-9X$z%cpo9uki!%rCSxbocs3OzjMw#=eyN)!e`^CbS98@1}(`Hh&m!= zOFfFWNZYA^3T8#Bf^5(*9~2KhVyrMajqeyL7-hy@DXaevBH26>)5ipszI ztD!N(ISPu;>xZg@PRb20K+$3NnaiNa^BMlz{7Hzj@rRe(LBs~GI{jD!oT~#Fy6B-A z#!?A7K3rL!4mV&Xs|**D>A919IP>Vzu^TrYIeN4xRde_2KX4{} zeIH-El^IL(+qUMuJ7a9p=dhT|{-Rdn?9Im^N%t3Ir@X8vT4&R0(~;u3R1q6#7Da=s zC>p?I9!4`kI$9NvQOQjD^*H8N;#h=8@7Qn+j`=k>M(N$J!7-my#i#~b zWRJlZ>y5G4%%snGsr)8yB>9Tu-sGX=U{Xy6tHf~Oz*~bT6CdCmLKU|PhZrs#!k<}4 znpM#Fe!UQW{T1A2s52A)M|<&b^?$a|Vg(_)H)e(^hkuBYsuQwoi|dA|o0^HmRt=Vd zWrjmf@=qrBdC%_wwEI*b8N2Vy+wO5@t|3*TsV0^Nb|Q?qBk{Kf9w-P4ve z*LU#kxg*=|n>u^Ww>NVauNVx_Manhwj$|Jl=6rHXs~6KukfzRb37Rl9#;->tAKkV@5=^x&B3j-X@(DT%I&yUXjK1|O2BwZPj7 zMDc;Gi{84Ladl9J4?8#-YDBekp*AY~myFHkx5W2hr+7skfPL~E=rInxFSD=0XY`8BjXU2HBc=ZWHWeD zXkH{*r(vkn9oGH53)~NF9VCU6O>UIn=TNc*y^Hv_5VVT_mTOutfNrb3ltSAe&Zf?$ zptiBmcV(&9APv*360%qb2@2;(Oo|!9g-E0Xqu)_9^(Pa#Y%ZIO_g~Et)gZRfn4xsph)1_e8<*;O{$$sBKq+Oe$m}m^g{HU-a%&thdIz`2-ggf8fq3$qugC=WFX|?hB2i)`oq9GQu%5jfFl!_8)Hb6n&>H$4+bMSjdib&6uL8dgz3*I9 z&Wqn#e{lL_BvSBHAPAAL9k=kf>l95P(rg{L1yXXIm}`d2gWD%j>MhZA#W00nx-K+T z!9;B1DYKYuTTTFvI=2E!(2=^$ZRwnXQ-V8HAc_Hm!mU#lv#Np$UgQ)h@Mg(%tk1z9 z$mR%(G+FC{71Ca$i*=qvfAx6!EWJ}#^kaOo7b;WM@rq`&Wm9;qPam@bLoP%QI(^PS z|6jAi{-Y;(Fk5h8_Ic+d(DH4&%RJc?a!w9CQ5Yd7lQA>sVK#X|Yj-Fq!yTZH6y%h&-K3zxqWZN(d(lH8%2GlB*QOsr=^Sds;G48Ih zRYxx5UtwD=U7V2r8?RycPo~~`fBMsWFn5kkZ_8(KUo{vbA7YGz*g?;V9OGw99$}x4 z#Om<8obv=KY!aS%Y@P6?qcWP;h+4;Gu54mc_!P5AG&>7e3vV&!i&@T6wwNzQ(z=GN zGS`SL>_zh>@d+E?r3tf|jW$!lHGgPcU~7OEH2r7%s{mjS>8C%93TtnOLC6a|66y@y z2x%eeHcPf%mGaFnHf&MlOyG7${8TH=7>UN zoIWhDePN#JRFQ$3bTv9nGpuqO?QSGs%|NI?+Q`BvbkyvXyNti(elH z6Wwf+5enj3PpK=+Xz4`MZ@d+A{h}qKE-ywTqyGzlbUo86%j?Tam@z(GUQ)x~>}bt5 zEA6>=mp}U?`}=mq)VHtBEnFjBqg;?s_w()A3DBX*E7o)d+~J&eLA$DemeD7w6lY-( ztW(>eU3r0Jc*6L} zwU+%Xp1(%30ciGuSx>t^`kI~jw^?ce{q|iMHHPGSuRS{N=E2-!4wyk~3jCgWAdE@* znK0Rbn+I<`=M0T=+s~S(7hZ997>D=;Sg3YD38Kju0jssS(8{`CKHfLh5|k0(sR!Vj z`0ajde+lK=)EB@13gXX*3}P-KS$H=Cu?R7T+W75p>WgEnpmBWJ0rSm!V7WGTFo*N) z&`!e=#2(c5saN2~x(my&{U-MNr3%nM-(a5|`hM7n?|0+>i}Bqal&#o)9rXp+@7{tg zjBSu0iO})=XdGutVZWo4cVWERF?bpG(uQMBM{L45W}%#dcnH5KLU});i=Bqe?DXJ1 z{2wK3!1=rAJ>r3aoQC7Pi2pZYzmeG9fO-9ZJG<3qOt=X?iI$=$&|l;XCv-H8o%ph-zXC(3UiN)fa9Sy-k%3=HkH zOX~xLfN@85`V(Rz#`R2WGhF8!ts7pYHe!a4j=`L|8}=##@CE$uIeiE2qaE#iAL3)E z<=5eJdKJ8Y@$~?XzaFs%$GqmpLp!wK{Nqrj)jmIlHX*j+T>rRbC$bH;*P~y*jC1{m z&I9(JgZMA^@&)MhP3y2Ajv?LS(8wFG_gn^1ulUj%nTNNdV6KO$ZtTmwZ z#c0PuY~)QGUt}m?1O|a7IzWM{8K=fhm7)cvPD4wjGcDi;$<($C*wIK%e{0`!!u14< zq4rDf%zyrO@3S9kuf1OTTJEI=%u#vR|8mv2-g}~=V*+E3GG>N?{;yhacC|^Jqw`to zqR zf2ikFo9bkI&$P+4DueYwY%5~*J7iXWsCUX`3A`FRu2q{=`65=msI6I@;1eNF%s6YI z^%2+=`Fd#UwGl_U=;XU(BWup`Zzra#lPTswnc_Yrx0`>;BzL5Y_6q6aJdEAuw8>4W z78%Q3-az|jFkC1H1={1NUcKG zhkuk|N1w5|xGhB-*=w9N=7%;l1orX2eIbs9_z0ZDj;_Nd^E5YTe75<47!4Ms?KSwM z(?0je3-I#DK4W%T9kb8#;&vHln_GzQk)I;R(&+peA2r5ljMO-%aV8oc=ZyKwoJQ@VPAL$1(R44W>LZI0vk9tApj+K5kUldCvvhT5dSLqTg`H0=qBg9$U`;<)ZnE`6n>_E8OC>(EK3OB{seJ{%*uokw zFt1!?VP3w?*DK{#{A&rZX$dh$to>I7?QRq2d6>8k+!}P$Bm=z~bXaZAKFOqG>|*sF zw^1%u8}U~XhqazqDa*{IGTE<|I{NB7;w1Ynr|)t6w-Dc5%KRZ=+!pp;O25u6)>=ku z1of9>i45>-Y#kt02CY-r-~B+=yJfNjJN{N`C3;vWqcCYL8ZQ82(y;CMAy%Ye`?AxV z80KcnPqg0|EAO&HACW+F=&R;2`Jt(hB6keF+fPQB-{Y$v%NjRJW}3HUjd?{@Xxj{s z5$-n5zmwWh`}fO@+V8wedzDm~iOgRj_n4XTfV&;r`-Aj0cXHRv^Pa#?3YdSKbwebM zNR?ZGZ!O~g$H9v_&hD`@s8pCKGRn@&fR!~uOlIdgPF2R8BCr1cjJ(L&DQ6_(8RWC) z)ODGsW6TF4CcHsG^Jm(-$Tc8w zB4}2`$D`-*>^I(gGiX*|i)9Lbf#f9TNsc?5{tK8FYkPz6r(IIuO7QRQWcobtE6mVi zN#+@&`+&dl1#l>Xhbo7;;hbeVS8%@z!1t_vKa||G4axb51HmDn-G{J2KzkJJ z0g*nVd!qjt+aJ3>Y(-S(@&0%_ey`oNogFeW6OkQs+QZXwwZarL9>m+JJ#w|ef0J)- zc5R!@-JnV?aaXHM*x>N4ZT|)tu5b#FHDBl8bD*=mpBMpjtexLiu2rb-Dx96X*Ffj@ zaWYwvq1W-MS9f*#dvrh1y~OVa`AW<_nF?PFPk?WR%OcM7*|^`v`=VHKrZF+!C_LMm z|4+bo-UhqDTmS355`wLQY~UZF4k@ONY^6TARcb{}5lcS39Bd*EO^5$TAKANOB(THzcr1(F@t1XSXbuJ_sei@DqQd8^!)bUihObcY)#K^Zv=Pq|6hQ7 z-u@T(4R{sfk1_9Y_}A(0r)JWg2VSGyMtcsph5t{&x$tFR0O-&BdWF^_UEZNzI-mLd z@kN=MEH7FMLaM<+L7nGaaVx+m`wE`Mfty#N1~` zCQNy7ikk8~t)sP;)%w}ik0IOlo2_HnS0pE5Aq!h2~ChEGO0 zEsCvOVr(}#?aOZWG)JC8PAv*CGlsMEN4O%yR7E@&_Y~db?sLxNXUWl-dHTO?M|nO% zudAgXOC8WnySqBKr|o#%(c^ZkE{WQ4bom~)y{Mkam;6q|{H~|aw}sht zy7rG`i2HG;zlCjdG&vK*fe~R2-9Wsc{tpHNa#Zj%ee+YFN>S=1DWbg#kT*O24$sza z@bif}5$B`e6z!kV&Nh4P*jqx(?#`a$cB}Qdtq;+eje}3B{Bk+C3iJot!QAMs^$p41 z2OYAmzH?1gaMJ7pu^O;j9w+yKmuP3v&LS4)`2C36C9;|Si{RdHZ{qtja3`_+MsIg; z%Kxz)Q^vPa^Po&2&fjBNS@THn8)Eug(;->O^JFo(vz8n>gzxptT|zq-9+(^|8(HTS z<}cSA;2$RsR+0~UY3^X(3TXh z5tfh07&AjAfnwI1sJX^%!baX_F8RmFk=NYod_vaxm&#&YBg(6q6QlnWQ;FnYoAc+=&JX#T=*;n&z{)p6zC&K#khyO( zFI7q|JrTV?I8wjswa1G71Yfj^4xr#f;PgWsiD?h14Kyw03oAv2J(SaoW3J42?q z^Lh7aPS^c6!3X5~W)TQ=9G4~93%#5=TP+mTCj74iQ}muKLF7` z-3D&RPJaIzNOr&w7x=b;n?KMQkpEm zUi(O?w?hitd#PVqh;?7%?#j5=EU9%5%LV2Nxx?)zvlWTbU|*sQrczfp$LK!@KSldL z?3WE}mDL%?pZB}B*z!@jwG9*uU13y2VQ4^@aAlI$oh~CtwgE%jFoPMT^uGH)=bZQU-nU=bAlb547qhvaz&B z5cE+;+Y>-N|4*RRd>&&*snUEKV{FD;Fpkv+_b&w6+@~0(#+hQ@i943eZDG)s?Z_}F zXZy7|e+g^t~6v}@E zoR;H>vDx=F!VUqo>ibryad*kN$7(Hw4K;5B>p?FZ-C?A zJvA>*=c@JKZ+?sWYWE9t$*zUZ_zn?bb$_o;TKh4YE`09$NwMl-;Sc{zJA}XU;rqtZ zC^ro{WD`YMH?R+P=85`ioJzzdf=)=R z?wkEKYYuBQ-404PhQV)gESv_PTb;UF=$AgI)89UW`EH~pyxCScv&lev*SjA1XA#%8 z(2tzQXlcqKYH~lrTwACL@oJDem&Q6Ps3>^bx{D~{TmxO8Y{~|@-@6Xwbu`#MO#>p; z&~-)b*ocC(Z+7&McJ*LP!0D#d(eaQw7) zl5H&~a?T@mPo-gA1lnsPt%_vPX7_V^hYOurKttkVLI+rNl<&=_8=Y#(cgnCw1<=iZ z!8+eTsey%WZ}RRZ&#CZRq20FF3xrf-&OX1IzI<{{6}(=nb*%C@;1%slds^*@5opVAY(wOxl6EYXUv%HBqr=!EUE2 z_s3M~+>Uk0pi=K0>gP?NEY@e9Cv@E+j?vDS(4wW3kG;7~-S-~?zDrZo9bba-4?%;x zk9@zlT-;5RwbiQf2f*WCq5PeH^OwnV+j-f)`0a67zYX`$UyEfkS&u3{mWX%A;6$A& z^r+O<$u_R*#rY}h(T4PASC;QE&PYaF4+na(qpg8m5aglrKE@q=4s8bmH_*{xi@NKf zQJ#=iXhXK!lzolQ8f(3IvfeZBhtQybRpq@CtlQ!JlxW4Ckfn4i>-S=;`)YeLv}iZ*xntZFI0MO) zGuAq~uQOak62^Nl8Kv{P#QiDSfs{dE{0j``{G`NxNpVi`Dq|T$jJ+<5e?h=+w@z?3 zVO)?hLgF<`g#PaatO0qr!72TObvYJx3seTs&_h21^b-}lt#&<7>&p8-h z^?RlJc%}PtwZ6N%xhH}{}3b`JUfk|B|YbHJ@LKbCbGqSvWUV-nm zzQA|1Qa0-bdm?2E{j!j%LAG@cze6wJ8&+BO(j<-<)=kh>&>yT9#9biDuus5B(y%Ti z){cbxT|g`CGOQC|O(gc|AYuU5KPcMgD8D$2$FjZ)KmJD=WS&Dk{DyX`xDRJHEoEI~ z;YH!h#JQM-y0iQbtPQY5iZ8%Jm~S~PG*{9HtBOXMN1=BzQT~1KJ*2Z>dxJUPW$-B7 zD9T%LPA;K7ux#Xi1M5&F7-fE`SS#V*jVM)`d#DncxDx%zdM%=j#HC8(S7NM6D~kS5 z&%{f~f}*f8RocbxPorHE6bSk=&dI*SZ$X_%dmZO*RG3;tg>D8|?Ke7;{6^y}jkhbP zFZMJIjKN+XQSS%VQSSq+mj4R!hs`%>E@PdgVnMCnXblC*I!*Er8#4RrX^4GR|G8+2S8Dc3>_ExU(rUa)72_4+-~!0&CU- zSffnDBf^;`gVkHTRAhK}Sn93`o$F1er*Mx8f%HXEYxPIlRK9yi&lE9s8x52?j^9u* ztd`IBp%lI$6>VmzJ3I^LX$zk%r3KN{Z!mwy?^^$6GskZhy-U7J{U^ZlpcwtW zjCag9#<=LOXA<&_%+=1@Ptr~H7%&0p2_5s;&ryn`y>*|XZ!-3+sK->$aI2Qv%DwI> z@6M#5jG2cqayrQ`!@KTLybZZ+ZqIphHw|ILc^ld>k8k=G6aVg>@@Y6*AUJRFGu_qq zFZNj@7b31SxpjUE@^684@UL4Ln|vR??NxehwbcuEdkNm4Qz=jSaQMc>lneirYp=!G zgYK98Q3iZdlzk)o{AG?2D*jcY-&WS8Ru=p}`!Z-n)jz+Jinu-NeE7Yo?E9Q=P#ODL z_NgLfK#TG_4gRK*eT&&lqs`0G2N^8_VqawSh3|-Bj!|Jn+8nNYN|YkzXnaeJ#Om!g z3!juOeU?S&?``&Hh`-Wb4YYEk|1ytBA7q|Doq&tr6B>oPuwTM4C$>|>rc2UK3SS66 z&1rtSsP|KEzJu@=lX}uiN?X>4?7qPEqzhG>dex?5{R%3zkKmka#@=yEeviKH%%)!P zcNfuUUVrDbc&`-Uch(^7I-g@6$4RkI*rPINqH|<~-vxFHmGa&?6R97^F09i*a4f;j zm54aa>v#sbEEREgx)=jK4*h51oL*G($I!KX}>6Gm@O1)w&r$>xxs$ej;jSR|n#i^rg>G^5+74T|D4ESv*5pq`iXL#2k zV!iv{qu2Um((Xtmy{MhulZpB+!I2r4O#g{QU;Qgl_BC)nbwmRWNpe4x3_hm$f9Kk$ zMx)VaG#ZUYqtR$I8jVJy(P%UpjYgxv`3A|86^M47#b>Z>-U zt?LY*b1uauDY5YqAjSAzFgOi2!PH3y2`RS04r#3j0#1e*3pn5gCln)W5_Qs&8)=ai zwGCA#Wm_hVs6VD|Rh7&2#0*3t6I-XUZi%)olhQBR?Z^6~qv?-z`Q<(5TqkL?w3_;3 z((dJXpZC1)b3X1l$LC&%LVTnNcMH5I86^quev%^NK!!X^CPbtIrAheQ#t}~nMI$mn zGKO0rJ%}Ae{R~NqQUaWS`ULCIASUC^j8=QZ*^R> zXx2N3QW7QJyFz;5#YM^Nc^px%Xh9KekBYG>WEiC>WHVy4T;2FH#n;r-qC`g%%Kp@N zD)a0_Lg`3NPNXK|nPh6bQ3;NXDLu)fqnWhQlSn5fPb5Yf_XZC}qwQ*NG8rG+AN{hD zASIbr;!0*RK9YDQK6zY8J^h9KDammqgWSRKWF|49^k(9j1S*e@cvF)~3Yke|I5jn% znM@|qjsL^--3#SG^bjTOME%@q??;5Ik78cO#2SB@@~h_lZ+BPWoFMrvqO9D34} z?KWkP?KH!U?Iv&8X0oH+r*U3a>bn{&m&);wnYHcE+1E=ik+4lt>>5D7?* zY@Nq9vm_M}Dlv&-A?5s4i5jJ4zTi5RXKTbkWcCmCv6*2XXE&7jW`a+#56NX<36R)_ zxIbVYkkf3H&pE6gm;si6Yrq;%%vN!~kNZ9L90s@E0(1jIzyweX?*_aZ zL<3#~E&)1#T?T6h6t)7q3EUt}Kmh0ltn9jhZgT9J;c1tH{r=3hnx?Vu_er%4C@8_Ko>9wOasMi ziPah-vIC7Qk`*g~(jXrR{waCcN&?5^fTsf+P~pb2`w4h3Gs=vI1w0pigd#Vd^Dn{U z#`E3h;c?^n_8EBGc*ah^`3?4V0{y})$c)FtSU~=pyzpUFLH+LPUO3=nmVwO%~ zmQG@pPLd*alHcTZ5g*%+jfMuy*u{XlwL#VvsCI>FJyd&{Y6+^HqS_g%?V;LXs;N|S zQq4uR0M!<03#LM&fnVHL+!d&#+6vWPqgtA39;($-t&VC6Z4TsEjq&6TL197JApg;U zpJ>DBV`DX#(HiXe8k`ABu-AaRC(xqX8SN9~cC#0&74XD2BQg1D_Vw2I~drmUHxnhG$U@ZlXURt|II@x{G*dJ-CIWMfq{!v~u2wud-LcKErtk z)og}mo4i0b@LF^7ZRg+QkDNIM_wUX{`7cVYh#K;r5qWh^e#?1Ie#4uyB67u(qo4&v zNavj`@@p$XdIpJ$hJ1?CoctYUr+nNg5(zVLIE_-kCii&y<$Y)`7&7`vC_(ty$CKi-My++N0Y8!=i^9#i~1tapRoMma9 zMFU%f(>d^Y|B|CpdE<(jfuWM#X3BUqu!3LVx{AfIg2sSl?9F9_`WNpc45yjl0coDM zWLS-eHGAZVaw4)`NQ_8>rnM{qt9X~NwGu&F;d{DgeL_|= zURnM1AxY@dp-EQol+x)>L2*|;)74d!G8S&Pr$Chmg{15o;V4z2jpUv?T!T@Zm8#*mIdUnL3~y> zk&_TUYu;cid-0PB7g~EP*$OIo=h=nDd@cvaj2v=OyhlD|Z8>}g!Gv?8dB@!u3(d?K z1rkC^hEwpv`?N$ile6={A`Jp^zIwST+sG{d=D zt1MN^sYaA@3K-vbDVvfgEEX|jL8JSgYk?h;xCLXbO#8}%Xsy8x37$ja!*}Di7I?-v zxlV6XfyLU3F1YSOQ19l-7}sX>j|9Cs;uUQpKd9y8P?D2_{W^Y=Mr!f@24`qWDg2Ex z$W2Tu>MWQCDa_k|GtD-$-Rxsc`sF4veB)zUHusRp1m3TtsFwuheZ)Q@fz;8bVE}Hi zB#`)!N!sduJ1TcQr6Q#GP1*D7zMjnCf3g++@0{9OE&)zTQ4?NFm4l zHGs#Hqk)4BEDPimP|8B|tFJ7tE$x)oUEr_La}{q}DH(;4xn$k(6m3vknDEdn9P_7u z^@H@R>+kG$w>}RjJM`d^lM>>P!7KnDKg(Dcf z^B%~1LN%%tsXYU=1OhtT_7K|ZPe{-TFMGP&JoT#+ON+OINsByF4UiNczcNs{jdC#% z{GxEn4e7+QzbPwXXg%uIu*=#7fd!e2{(y5-(9@U z9@D!%-@cuCdU&&4zpZX!a=V{jH=ZH7b^C=QFd5%q^uJyXv%ff;He9}|zvy)Lw7at& zCJ#vEznLg?+;m_kK(o-`(UG~x^_&bAGEP!j?~jJ5R9Z-^ZsQ8alZLBBUY^>o5tOUm z-p_F2mI$jQRg=@6_TQi|=9w+0RshzUu2)i16Eo}0ovnU6g;|{&U7sM}FxYG!2Pd`r zg2YnD*<`GmZbuiaEZR=FAA5!4NXk`O?OLipi;RuTR$FaQ&gTz7?vGHo&Em!&k4D0Z zKFkC8szhT%<4^Wi8!l97>OF(@qCcX-LCxc>G0Ve!S7EI|?St%l>ktCtGf@Dj!e4ac zc?xi4t7Z3P;EAf8e4UD&{GVcaK5=cd0a6?rwAqyj6Ev*X8UCk+|dH6xXc4W$7DBA?6_nGk-J#@!at<4YLtJ) z&kHF`vmI2(lEez=PRkTXHxsi?JRH2*cH4L~Yp4{M)ln{y4jW6V&9jK8R|)A|(>)}* zigb%&i};I-iR{NCmZ;UVo0}S1n;TQqDVQTSYbDS|80tvt05d?2e=LsTEdoQ7f#bVn zEzWmUcHUc&();Bv$$t#`TS`Uwy%0-olz;Cdmy*dhmhxuyv>29YL*P1~2o;zFMuAosQuhNWU{Xt1?JE=tTu7;eb1x31D#aWZ9ry2Sf z))dUmOubp8v)>Eiy4N^$|B1bkaHEZoNu5CN& zmab1dj6}IZq1Z=L9WtYG>Dy|VT|F^rV0NNkLvKg5j1bFjl+`69us(>OBj9NMke+F& z(dxM7DIxV+6_n)vmDXh{VWt5+13O#OQoG`EnX9ZHW^2#y#qZ|n=IQi_?(?QG zJ_5Y_*7`V~y4<~0?WNNhtlOZQ&^t^suw#j8a$e&u@tFV6|JeV4?N+IkugpDG^H9odIO{>`9ePJS>q|I|BxJe-hXzaj7( zBJE#yZaV81!s-_2FjR7TZ{Us7iTmvqr17#5muma>1Gmzs2bH4kx!>_Rh zOo^cG`V3;_xBE`^4f+-j(}lmd4D`D$@E?A%i2!g=-*6kWs(z#v@Z}w2&_J`205X-}G&smS6cho1H;8*WU=%@xHJC}f za0b2LA;#M8*1N0>y`mDsk|g}lha>)AYBuynJIEX0|9A?)8vy97`Y&4mo%M)}av8~H zf!lSMj(XHxg4=DFkMyvQ^nYLVcDBGg@BgM4@OJ@)*@t^U*%%_QFI$4R>mBH; z#aJ=G8o#?K&Sf#6f(XbdELIVLg90{bbl#7gFzn<{W`Q1?;9rL{u~W#*Li-1V%woDW zoU~zNse6uF@U5`sqr?s{)#`KJIz>r?u?(*t8Rzg^1=Grmfy~m0&jvkig77 zt=$|O1s2i_r0?9;j{J7AI+m}asq3kY_bbTGz_w|xpxy5v?jK5OvKPTQj#8&5;A|mS#EnL-m zht~h3n~<*&l2ZLGC_qfwx8su`n{!IRvJzg2bxOdp9A2q)%D}QFUJ3pGhzj2sx!s15 z*94tvKNr3>zxu!Cy^t{>p@D+^^<%-X8^terL*;&4g>ec=2BNVFqTz=_Ml${@I&Pupas*})l6s$|q>TAT z3w~;HhBV|=V6Fi5!A@c7E(g@plt$tQ>!b5a@Y0HnHIomdu=ZhcKym zG&b?$6AsNBafj5Z8O1iCvn$yc)2|NNd|hk9Ko`~*p}v2|%Fq@qv3 z{?QbIi_8B8sX(oP9I8D+CBSHsn82*73BM@AOp4xMz(!cH$D^7Mq=6&XgIC(i(})PS z2csG-Y+*>=WuY2BY~fJeago{)s2UN~7{!n}LXWw%GU_Qca(LD{X^h-|lq@k({KqrRH_(G-55KkqKT zLVZCzA2J_8Kks+nseds4UrizR&KHLdNS{FpfV?icM6gE6Z+cziiKKQKkfT11mp@1S z04kv2I2u&-~v?xJswb!r#ies;v7YTY#E( zp*I5EV?ds3skkDiN5o#mltjBY;)d@8z%_pTOs5C^1TK)$IXob0rZZ~8J7Gc+{SqF? z=ezeR+-#e_F!b~-!X|4On}(%UB#CvTJ&?A0yk3~Pq5&Prpoel9MQ?QY+FMd6T^Nb zJ{AXefs(TF8wpFvk{PA2k1~1&PohP2qO_(&n+9oSMB@Ju6`B)UP`#n_a3A~6~&)gw53!PsXr99S0pihcjI80&0cvw>$|0F z6-A$#ZzVWFXV~VFAB45aRaJyLi&701wmKxA)@e}wJhAqVn*7TPjSiNYQRjPZEn8L5 z=jU&&%?Bye`}+&BjuKeP#0#R1VGw<|3U~o*5rL>_GeL-Us6p^;Gr@sWJ}Dq0s_7rYm`6xvPW(5s~F2F(|-+=kT`@t<})(0xEHpvgOR7NANX+dY5k z@#F+LU#k%XCE972FtC%nGP5Hb>eZ%K7=q}yz6sqtf9V%$N0Ne~0riDI0cN)d(W~&7 zhh9=tuEEF;1^!hS1o{rnwMG0Qpgl|cD%Mpe{Y1*OSo})Xm1=#Z{*uJCY5XGbkEd|a zGimzi(!+hb_xL5ME2#RE{Z*-}(RzP9?aRmq?GMHw`>U2$49+3(Yx4(1_lVodpYDF6 z7r>?-r4`_HU66|a%^HlS9$FS?;vK>azj+(rsXkT~9LvvElXWZ_5cab_nI+_B1tz=I zx;P%3YMvMt;g@-n&wX1jVgtMo7NM1ShhIS$Hu?=)l`T-s!h{|^pSC;$1MDwUUB&W_ zX;pdi1Wa55crUU8gD)XbwQyJn1ZrGMXl(c09?B37lFH~`-<{8_p&=p02fY~wA~ET> zrLccuH!$eX0&<>#Gt)(k{-(_3vPqCXsu^h-iIpp{FE~t;DB}>Ph>=E4(Uq4QM%52~gG?pGiTB^RXKpmQ zRDbc#Un=;7(87W0zP^|VSbm-}?!7lYw?ANXMcNi}c{O=)<=QLaeJ^(UT{{BjsQZh&CG=m4aGzd_vIRrN*857i1jcj)*NaV8$8aZwaCpZXNa3H*oo7IP}yj zit;Sfqs40zSG#QKH&$Xkulo!1;Ebh00h)qHm{l%_3&`W$_(CGlJg`DTXDPd6F5kjJ z?L{7A$E=o#b}rllzGdz6EuA~@4Ry|0Hxx9NvIM^g$C5Pfp|_wGe)cB@c(LL_R?s}* zm6TzL&y)O?_{4-S7t@wERcrI6iWCl7if~kU%q~ z9ut|ZD(vN&&EC4&M44?e+BXW4$}Hi-p_OEF*rwU}rVrSje_S)0wIt=&8%%p;pUj_v z7b2f>ja{-~%v0B@uPGb7jk_gdcZdPe(O}pPPhz3-_g|Sk3Cu3g(Z&Dfc>Gc9@?Gns z&gQkO6QGDCF6A!B{B4z8v>gW&eo+kQ0NeHo;ua!)g1h$`tPyqc4!kH8$U?qN;Lph0&YrXALC1@_vDElSz`1%?C7dBIh!w^!96W(^R1$dlqQe+vdxL z>X4Ynkn1~cIlr6D&+3S*pkOAQFbIOVWD1GfKPxHl>Zo$$mlQM$F&DzJK>dONJpK;p zMom&hymz8@sYznqTR9{nZ(`o?$N)Pqnr?fO_`6JdR7>g1@u_yckT#sxgVtH+v_E16 zxLPmg&8CgZoSumuecQ5gPB`F+YBV1~b{{yiZXnBpo@dXq4Al-k_HgvQL)C#{2e|4j z(pJdSt)<8>G?{E7uw+z9F@e+)0nQe1#v!ea_t^2Nkor8ZjA0RkRsw$HF*#OAE-*CY zk-v684DC`^3B!k?uBu*?={k+5i{hM>$mPn5OpVH!JixD{Ta+!1=Zy$!nwM2n4=kL# zI6fJ5n%%HP!BEiTLff`v7eX%_4vD2Z8#y4@aN(#If1Sdr%7W5qX5*0@0}iNGa{tKM z`U{QXUcevj^r|z%mAA35KmIJq{s!RUQS}HgbHGa#VVtqzqDEiH9sp&V^omkkKZsu& z#*cNv!>B~M4hPH-b{C9FA!8EV6Yt2R>fQF1I(KE7F4o)_=zn4T(GEL^IVAt>@Uy$1 zY(OM|kWsH-=v`>@rjF8I% zkc<5v!W2>B6SB=cn-!v@ITP5IN#JX(Gy;!1+(UcJN&bl^LF{SsL<24C_7=>CY4`qtt_U1bxNEr zY|`4i>rNrn3ImPo2A9g z_bBxCn^W}Ts2Oo|(4mlf-*J=Mt1BHfRUViS1l!HcLq?mb3~v<44i_SH`gk8Qc?K;a z`V9x}G~%@Y?hFW6&~R{;Z3GQ^_3I;1RDipDSYax!bK!4KR7Z$N=dXo4{aOdC)0=Q@ z#H5eo_X)X$EJs4z`YoYqTePk}m}V6WC{E-)Mpm&Gsuj)7MLV0EWn}v$QNMvtKYexr zPMP}wizYtZ+{b4SVJ3{OX1P$b2(q*wDBrq`q^hfwAo;9TH*q|3asZ&&j8y-k7kwSf z(qZ4_yy(B;f_C#z!jz$lTQgR3M(l<&K*ZL~g)`No6|1oWgXr^sPEuPk@Qbl_?zqwA zuLyb+VUz;ponjic@eucT&04Cfk)lo#PEja?3WKTa-c?J>#`6Vm*gdN6s22S!I+FF< z*aldmCMk{SY}Sef!IQ3po0_FVG4kM&kfQ|xL%@l{*F_t@sj~lmKo@;+6|EzJ+<$mVtUGmsNpFd_WR#>M zWz9XEqHcDE7n`LFZsPb>S@fbLrU)X4cLovfST9=69s~SO7iV<1@Scy)Yff+&uon?uzr-@v8Nhi|bFJQV7p1ulM7`$+wuc&`@y`*t(QP ze$BhHRpDTF`d|eI3#+@0*I3R6?zxp2jZQT>fpMY|Bf|@DBGT?JGZT_ANJK^jW)5_x zWy&eY7kUh}L$B6u-9^B~Ex(}6rpIP1iZz)~Q4dK8p&GF?FB18MX--7=$NMrewNC-x zx4E!>xe>I*d2*P|z`8Ic4h23na*&1$2%9J)us?6Qrzd&qYWxD{4yAM8ncDEk1&&e0 z2n~c3`E1=wyT%-%TJ8wlF7PW1pCyQ&NmxmNx$2_|pTMsci_|2OwG&>ZmNav=@ToB9}ah30>g28ok45b3P;Q;s8#F;NUF^~DIq;m;q3*rC3; zn1mRn7U_y$wsbkA`gKvJ-ifa}0TA}n9V!DvM{soH_uH+;76^*3+y(oae%Y6Pb(OFP z2L|$Te`|3P#|0xnl8aE~93=Q1=#m0C9&xTtseOZuC}h@PdDl$cW{*rGz{ooZ(QWm; zh$j)eZ=pa46q3LhdLG-JPF=DSb#J`acVW5Nr}CpL8De%njr_bnNTucDkiJg=KMo)N z2)&XYA0D1wM_VBr<9{{(dRq9>OWQ5Z%E~JKR73c-w=YGKAN50>L}c<3E?0np0u+3@ zR4~mdAiL$F6j%kP>2JyG%7K3bY2uocw2t-gH$qSc!v&GUI%!@h!Lk|Lg!Y_v3HTv4^a1+hS!J>T?35@$*-n$P z)sxi|>5x^#ns!`s*@_T@jjs*nEf&?AejSn(cz?MB{h4lVf96?PMhiq0SQWjVS+RK9 z4uexUYu`R2$lEM;`;S`g5aJi!jbeI%CHlu1+YC|Z&*8yp=`Kx z=2KUFY(RUz&$S{9`Jtylz;qWa6kZS)f~h6}bP!qp;+;;nPnRiXf6_YtqJHX64(j`k zcUu1zcZhp45F#%8J1o0&UE^HWgtVCKUw&!m@Mg@F3{^T%QFHT4OmA=xg!jFQ=#<-yS!pZyt)n{c=scpTF!9*rZQS%F!u?SBg2gYpr9lLmex5Hnp~3ZqA*1 z5N>!8T;eYKUs^BhE8d6mI=&4TJW=*1^k|MqppLLLmEFKEyFQ;_mHTQWRH~Md?t!wmafxgS#sgN%L*A~wY8rNy^O_d=;j}0 z)0>UYq6R*|F(H1VXlBBbYA;pE%+>SgLQFTuW!CqqoYCb1&-N8!;ye%_fiQoCUAq#A zk&M_RP13KxDM5b8i+?idb{b<>ET)-6e$Er!YgolMcYI?@4G9q#SE0K#{4W2x$K7U7 zH$j_Ao{(A|^kBNrs%aO*26cgd>({|TJvIm@G7bb?H#}$#sq#rA6NsOLmF!bgFA>_Q zk2GO;FkJF~+t>{Gk`A*n8*uZS#^y~O63mE174Hgt|84UfQ@_7wA~W%KD2}+(MKS@C z-s6fdEyi@k*)j(!BlK2zCeS4V4EvznciPyKdnW=oa@NI>8fM_wbPej&lbQ=*&q0IF zV=dG+mE_fG_g-_Ga;3N?e>R;vJKAID7H#wxbK6tvQvhw*i+n1I``o_8zfA9)4dTF8 z38T9GatZpm_zCaH>ADjcRE5*`$>VWJJyXvpEAfe|!7BbL@R)CDIebJFnY#QT)MiQ4mA- zU1lFewlht5(1WOKQG`F5K65-66~oar^eslIoT5P6Z$of2NwU0h+YY0d|9nblT*X*v z)@eYq$}P%E4?7QBi##hh{)5uJlXnPLA`BG$SMGiH7r)XnKcFq;xiNA}* z$?@4U*tR_0Gt?HfQ-Ith?2s^46L0r7O_eS7lU1%;#^3o2tGC+0YaRFxlMcWG;n`PX z9?BJ1!SfGUQo5O8wWaal6U2%bfvTO(9Ic_Pb;0?F&jb1K8?P3D=`oEm`Y<@>WLsm@ zhNOG4;34#6(Owy z+-%f4uLjXP)+M(B`%OR%>1f+YtkDui2Hxgy{`Iq7rt9!}S8}6A%K^akaEFdgi*uh$ zS`2H0>@4EvaHqB@Z4>m52PRak#7}!ef<_;d1GJ8Q0tND>R?8c6SpfR|`!b~ke^#DS zwKWJ<>^u0AKkdD=H_VK&UEy8Yz8rnqKoJ~K^$_rf)PCCj&K-3wE*Ti7`?A-qmbb3< z07x`+AjWP}J9L`f)SJa!f%YuZmiiHk2l^H2B;!sb;!eEUQBGj4_7s-N;emMtSL@*syucvVBIxD!L~&4Jz*Lu}MHwW_00jziD=n+l|MINng653w~AZHI5S zJC8T)t?(Jec=_c3K;BX%_oT$bS~{`BTcBEkG-}qRPbN;s&W< z&fd+?D4CfTbE)%yMn*BO_){|aDvj#Dzh17!Ye?H6+}=hzAJKPjcDg%x8&6+d zKW{eAP9)03HMANtxmv|r+ESdBN$*)?Bw0^T!)Ih3>yUq(+GhrPX2Cy^VG@|Mb>}dj z&6YjePOssG3#y@nFmV5!ql;t_fVNr{P)9nGOih~4L;GHwr5mf;2Gz*5INfh ze&Qd8SQrLy?KWiSfOuK;i!ep&y*JlsI*X;c%FV8vwEuo-LB=uebFMrZ*gnA8(_epa zf6|F}j(mB4HrQ_$AU5~iTrV9+w@&)ujJH}oA|l%%)T5(mHzxa(<9uU4q%AKdIfU1$=m!YW}TuY&)zL5FLc(>iJExdcU)8Xq|sIK7bKzM!Ir14liClCW#qXFPOOF}1RY(PiMN zHR7A>Q`r#T*2`@u{`>>DJ~qWmuqdT`h(fif6@f2HbFdzQG+8ga53tV9mg)8be)6|2 zt!s^FnV+qk(E4Rs@b3G=C${-}=0m!iPzFwq_uv#Xj1e8oD;dk`QA)lk`xMGnIj<0Z zB)6E9Fa7JaxlO5aO6~HRv9)ye-$$+bh4=J=v|DU)4eD`-rm;JUYk3(;$6e)usqDYb zNKr|N8{0~9+GVd~Q{@$&>Ka1rl`!w)f8VwuI0sh8UNYm;dfu4BTHK0M)7h;*G@ASx zQzzc76B8Gbp9(Bdk0DW^L3Fk4xF#pHyzA-f?&OpAtIeig7wx$AGlX1IG}jsJ%Dn3` ztpg_)4=yCAhfWPWo6R#G{$_RAHpUv`~&$RwTdet6WOgz1L^2rx$*K*!h0vY|?kS zegmAJ%gr>lXK}KP*#h21&?Bk0E4`~e3);nc3Ns`&`+APQxtPx=L)n>bFuzNdLZZ}Z z;}~5}=x>41;i`av6tb{jdA5W+V^7!L8}Pn)k}AuIPpF$_(?yYFiL^%35kHBXVYN=I z<1N=~k?#iAWIUV7HDq75%NDUp$?PjH6Z z&c8ffj}Tv@KA8bzwf61udT(U!O6yi~i3!4IDYD~(U7ATt?5&B%%~U;Q5H@7b2jaZG z9o`dYzt0dhz$rp`Kt^9Un7W*SErs>h1T1*RS!h^skDhtxKbA@3~-K zH=Q`1K&-ezw`RGXc|d~pjYIY;->guabGn)r<-ZIIQrEEU&0Cq$niJjgPC@!NzaiN6 z{4DmfT##;SWb7T8DD!@_fsw8B1=3PgZL>rDz^|=C?Z2!)tVO#v_(9W;L|BWgPkU z)fW()w6O*L4%kXBINc%-?VDO${ zLT=st0Hu|no0=`E-M;iZUa_ON^r+UATYnI|W)p##y*lE)IJ)`8G*lMvo7y!uZ5GVw zbTKldUm-kwk-T^j8dp#i>Zs7(<(kFmi)@nJ-x;konaO%>Z5g#ybDp(IA^%~1aQ>xR z41>V*M7lxX*o)l`Ql$3Ds8keWKU$e?z;{!jU_dr=dMqy3Bmf-rEY7`XyzB5(bjE1s zKqC`mtOQ}ap>UJgq;DPI=G;}jnd%P4)V4y)YSwHV-?Y@O`7Y4{W+d=^?tOGrvf+k{ zzWwDaztF9yk7P_a7;478V-g6nnfl2y&U)U_XZAL=bn2#h$w)yQsP5@z%&c+-8rw zE}}d=t#7X9xfyS{yzOeyu5~@CgpqGc*0ie!rszMkG+3*JwRC#-^IkSb#b4ZcZ7AV*2yh2?}j#x$l;R{s(c>22HaIchb;^;6WR zR_*ldht-DkI~H1f6Z@Sv%6x%`()DKMb!z1i&`P=C)SUU1mLH>}Sl{vArEAX)f&h8^ z2afsX+1Y`%FTk%N+Ob;(4(RWN&cj*|#3Nf8X*(PSRt?SRJopQG>fqz_PB-X|;R#;B zMg`?_1T9l79hfU9WgX|+2?=*$xywg%<3^eN_C3Ar9KXy1YQ5iwzG>(6j~AABUmSnu zxyxQB2C0Cn4KeYw9-y&f#i}KX{$RAMKj9O7E?&r|oFflA4bO?Zr*ikv&$6vQX&>%o zk{N;@&Q1(d6iuC4F4orLuWf~{v44c=S4YDiRgrhBA9`HlmuoBSu9J}p-Y=AC)v)G? zOx+ug!!sPtmT@akuhiT4M+l%uIYH`al6@MU3<0;U+);fpr5Fh^#(qjc(UGF!$A2*U zyqN9d+s?hSGu&Ocn@o|Z_IP(HzMr6$fheN5LRApZ4yuo1p&VXp23LmNa9&8tWu*lQ zd1l&iCd_&PJPD=nyOKCjX@FyBzDE~w%m>%fB_#4bti!8{zkUCcw~siCG`v0aa#a(4 zxj)X*bV~))4y*TG2b;=(XeAlOM;h42Dk&hpw*y$k;+*6eQw`iMnWvWz8|)Rr@aG0NITep?<<$Zd^BqG_*p_G<<=m3mxycK!t!z61qG@v zXu$gTZ)C_jgUWMd*NRb)LV8*Nr>G4_Rr!^`-8A8`;HN^H0CoB08Bn z!L0;6xZYy^MQw%l)B&#Zv?ISU++oqgS&?w63F$&=2}9nY+W7-v3%$)JzvEp7E57XR zoX6X>UO8nt`Gs)*l*19|l_AfuKi;(?S~ex<5oO1>Y$_6l{mXQrygt6BX=LZ5ayWbh zz}onG%-xb?3TjgdCfEr#X@hs%LwleWIs0$^i$<^)XLV+eLK(j}i)USozcl}ymkRiH z&pY$(^{#*v2W^Go=t(?#Z4L@2fJ6H7U>`6%PXQVkha!I|QrS+S%uaawT zdiMlo-)zwn$R#^uL*v>cqQ0x&w%G1Z%q%!xyhX?TyD-}WZR-$UMN8Yw zolmgY%00(;SwWKY*>ISE_11zHZE^c@tI3>0UQzmjNHF+c`)%L@uQ#>f3!N5Bo~o~E zFA5KbsKa?4((+s+(r^ac{ahm~(yl%$(;?ghnL=)P$H^)v=QS8iyxI|WuUXl8IE2ah zQ+5ZRoA;_?#&y>Fo}k`;^LNZezI#EqL^^=L4(zqK2d+nlv{o*9ji+>&vn9uz!K*cI zi90~pwlx>JI#b77Vfv<8L1w+G(Vy zeYLgmlif?~(}r)c4#}a~Bs&4QrnH@Tk(O^hqpqR3$GY4`H?2>oln<&aNne_-_c1qM zPYS7Dk3G59upeCGcD+EfiYh&f^+P-CYr@P64tj_E z3rD#5d*Q}ozS)2l(@65&_Oaf`{J%JdaKB^T#HWwt=f6>gu>M!cod2Eg$qy|1rF;S~ znI}vl;@79Z|0s~Fx(5V~E2+Tqew#4RU0qImj(5gChI{RtNxQoIH*yS>ZE^)toPhYp*s^u+=ub9S*+o^t)9~6R@YUay1<1L7&U<3)f%OTe>J~;(N9y-2 zVM41WX*&{_kVhyo&$&=xcZ9zPkeLlNB25x*mcX(Q&@Ct)(+vJNzfdM;JHk@2yt@i2 z4&nyjxXP4kfzG4WxD1-kj;C${btl(w$9)3PoTfnO_IMU6hC688Y(m-q{FAPmAz&40 z)+=XOt>oEg0wiZHo2Jxhcz#w)!498lI;b>U8CYsS<|%Ezk(O>|D%HqPfKY1Cc*wx0 zDh^++RIFb4_jbu;yv;@bk)xOkxjg--fe<~d>`YEF5<(w`TKrTgZ_%t~juI;JmK{TF zNu@Lq=hclowqcH>T$*U^R><764G&BB&_G|ZY)~w>U{EbqEnT9SaIbRld+;<1WZbO- zPsowsGH$e*j}2%wqjcuP_g@3-+JcTsMCRlf^2DD-o|xD#dbzE51rTj{Y1h%wNPjK5{Nj{uD7Y zPI(r@V6F03HvL8`qw(t{P@u1XWDJmWvu{ZfDv^`=seQCg3t;2dvwFBEIT|8>JUOev zvX`>(G}=2#n&m+@yhPPK(EVNnY@Kjet0Br(!}BtyBs%YrskDL{AAnZ7B#PHu%yj+o zbh~=)v_iX9bOstkrtqnDoCd51;3Hr$&Lcu&%AXNN;QdbQTg)Iw_6IC!VS2*Iy4mS> zLaKa)V-}U_JDtXr?1yF;+8oNrl_6xF4V)3I`o=-8ER499s%{Bt=3uZ< zm)lYSHzRdONEEo@r5l7O4~SwD z-jdsf6{~0Pq#aIszLrsY?~Y#hu$)?g--;(4XVBd;p{rAQiEqvXuuy0P+%pfV+J?B} zO@(Ns0lK1}3XN!uoW^)w4eTG`*^&VIc5z=Fq1+CKp=_EmcIhd-jJ?QdqiGtjBkcj% zCXCGtn8(E9MTh-q~v8H@qMmmJ3P#;?l9!1cZu*U!sNZgEliKrD_YrL+3&yqkle zXWIi+w{jhqtfry=6#khPET;3;pswn-@iWPf8tv*f7>8`)UrNykv%BgA+lJqwpjsBs zQMV%OR~2RDzd}l{G%8NU2!(0iGhSbn6jh zH5!0bV8a4w=JijOa-L`mFyA_ZnGM^w&sh!EtC|KFyRsPI`Zw-Sxx^bSmQrEiXH2%`U{7bwh+ za~$uvBMHg%%GQ0n3{7)2=rVlmAwB)-HFf=v(cjrAh#!XgF9L|9?m)RA0RIIX5bVF; zFL*%Uf(sn*{7cA)@4vvs0{%eI_j}jJhKEIf1s4+*8Z;ObBml4v4br%`qA*F2&CXjz!JgzhW!_O0Nj5O_+#Qt1}fOV^DiMLzW)L@3-H4n z)lys9s5?*EKLjxN{tK8XzzdWGjj_4(G+(heGf%4=U|sF5D7*S*Fhyoz!~1 zKjm~A{35~e=ZhT~d3ayBe%F7a8U4etShzx<+mDsB!yx)@|5fI^MB%MdrKT#Bnijb^ zX#hnpx&`hhBd9CNRXZOst3{8gfqja~R&_vt^^GTCzq4Pf#-cu(fA~25*fNk40QL%QB6%%O7`?U)z&xU@htj7?fPEeYgQ*QD~O^N%#pf_&;*acDW-?W zeL5@S!Yua7C6?}3;qnD8D;uXi%NwXg2S)*DOg`dvH&269+pmko^H&ZGY&T-s3{;kt z?rR&j@Vpt)OXB65`9;}RSEr@K?TDkpgffeWqx!pi)%%F{ibvDV)Q7qzdC@J+r=M>+ zVY_%mUUXl>iHjk1FSVkg0%jo;mO2*nE-JQKBW$S+%Hp9fwsU@Jh<6w0<~Dk~Kc=kC zOn;hY8aJ$Gk;!q6>^|m?0LY{X5jcXx&|0ps0hPv33x+NNs*>kNf!Td-g4;`)y74}s z=SV>xO-Y|n9?pFm(qwG&Tx4v+%<=TyaU{o7Ev~C7n)Y>HYoOYH4S!8ZOY2Q~_$!c$EJ(oK1XS(SA zao{)eYqZ8P_OTs|1?|dj#*}iqzj5jg#EQ;*hhk+KqKV|Yge1yG9c<66%|z5rHa1x_h0cT-E`J#(~-^OL;#A)wr zn*I0h!$MvM&Fq@L8JO%e{6zW#JSKC@R)oc4+Q3Xnkv0bhVyDqckm`H45}6Gcy-#YMnv)WttdQTj(W1 z3uGest@$@_b5dn#ygW4j0{q3h8s7RpWH~c2;?m$+>zRRba8L`GS~wWmQ43kRTHa{wJ{+mzIH+iCV$c#*kV?TF=Z--+@}*QP1I@VO!Oql0o%Sb2gZuAZlUmNu-rCVl-_ZVNR6!R9VR?t2A%EJ!@;{f* z|C4wv$Hn#2t(C)1ke^QbC(6M5PxPMyT5wv%e?GMwwSvOW2}YLxv}ti^nf~ejpIc?@ zto7v$9n`611cay+3|$;F{|VU`+Bum1JE$c8&z(#R|8+Ij&jxPqU}van2`&;^p{!|+ zDGcketxX$E_aZdUxeW`Dr1xRqm+ub?`X_fJ%Fm$Y!XrjIyDY1-Gco@Jkri{}a^mSh zVcB8%0n6L{EJ`~Y*!ga@^I?K{KQ>!l&MbzpQdeHM3JbvYN+qP}nwr$(C%`UrY`aaE>h!b(= zPwdS6_R5uLjwgwAfs((ORjD@OT3{ZUgPZatsAP0b?TD{PWZ@ZKH4)pf0y`t6NH6#(-817Fchs}}h7Mi&@?)QoH z-YrLdkT~)H>nX=Zz<_#KZK8W3_^54Yd5+0+FLgZN7;MJJz{}z+9T@Wa z-ux`Sce`@<*)U_|r1veS$C@vSm0j%&fJbcn7HV!b=gC75*KZc3oV^DpqCAqgdp$00 z4EKO!jS{>7v!tFS6pLJECdvud5v`Bygq5Rhgbqpm)wNIJy=>ACoL;hkrt>f#igg*D zAfW274uy!3rmIFo?>I0fR5+@7QX4}-!cXFl*BKC5;hn1K=)u4+^DB4^J3R1K$Vuq) z@Q*tn^g)OS%l(2)&#>k+!wl2TY6fsWMQ^z@Xu||Eq(m=c@t#8L9d3&$Q}Nf@Ci%!F z@vwBs=UNy8!^T5~gr<8z_nFZkqqz{29yT#$cT_!hq3zP0FpoRI@$Ub?(7=uO>26Aq zoIa*>{%gVOVM<~YMLFLy1z;N=uvrIz6tkh4(6R?gz>ExmPlHLP*5gZ>O%H)C1|%-- zftF@K{b36;t~jQ}GtW&-;Jy;XZ;+`55BPN}oCGBPW)Q6T#xna^VB)Z09_#uUA)I?g z8mpa!fa>T9_%vf^iHbir5+(H5myClmTZg&ksNxX@Qsj~)WJjg)=;Jau1xOrUrG{^m zqAAaI?*T!|t1?&{AiC~bsz;n+$z401(%dZyz~btRgNO01-FE?v8~LfdQx2u&%RZ4> zq1Y4Tkg*B`)iCFXjEryr`Wz$T{4_J*%kvNb-6pT(BE@=iCTvKh552M*5c2ue!wHrf z4{Ip=Xu?7S^R&Yv8vNnZz><%WYVx2H-mWhzj?`NB^3oeLWydm%dmzWgB)W^U@nG(Y=2;$w%q z(XVr3C;+X&z)!nn&4E7EH6l3`|AIYr9;anK6Z<;9{K8QYkxY68CK{E9-85s z)B5uCeqDbq9D~6tref#~r+(dGTTdSu-s`=HW`)20Uc=>>@S^=l>Qljireu4#MANG0 z`gQX3dHSv0aUu=qg~hglPmu>XF+I=o#?;@x8ebRrw9TE2$-!F#dz5t-2-Q_g4#*H3 z=D-x<8C3@9ah&_^fb)%d9gtK7QShAmtUT~ea^2R)ANAv%u|Az#DY1S36LJ{sgMj?E zQpNi3x&B{E6(bWfhR({ zKVx&hO^to`sTpk#rSC^i>_y){yD>g-ZC`a^e|>(>pz2W+)yQe&`j7eo&2&xu{qkqK zrL0O>n$4c^iteVh>ZjT^5rg@r`3lDoKJcjPTe$0AB+1_l0ea7Bn|gZbi~IF2so8nK*jNq-c|Dl+ z=Ve#b?u52MK+L{w&TE8Ac7}8$M!74MLugBk;yBJAZFy4a2hlg*4_0%?X>^)>^)*%e zJn89*pe`ofC!QOK7{G1;4{7XQDU!$C=xJl&qlBZ|ELXP(SV_MvUR+eJGz!a&RTB%q zt2TcjUvvA-&IyVjb1h}tob7Hr`j<>}zRdG)HP9s223OlfF73R1Mub*TZ?MM_kUs@0852CYvNt{%(wz#}lHAkEE*->U84Ns2OnL$q* z^&i?idem7zw0cSWwl>=D9h7lqiM`flHI}gzh}wZ%Fjhl@_P#HB;ml(mE?*>)bm~Vy ze*wHI@9S{UB`g~Ffuy~r2l3+rv+cuXdmrNOf8_7kOHv9(WOLv5H^C~YD-ZSYm6LBq z!D`Kj#8wru*iIn{?u}dTIz|*f$fG+RfBhLKN9OHWxfP{4Bu-yp|5XkmDQm>zoHxq2 z6}S{abo)nZrBVLqG^SN1gd`Si#nkS0iQSQvDI) za`Ys-4oQOr_b#S_VicJ{Dfvll1EvnHN`7k1dhCOehRQDl8b4{=0I|mz z)r!oX8Yeg-vfMVUEH*`br1XpgQW@WINb{sJlI@>S*Zdr$mg~=rRIQeB8PL5SzALVp zsH}xXBlCov&~_z?j3H#Kls!$X(*jN>H7Qd$0~7@FI5-={C26?UpV3n?C3a9%jBa6B zoqVxh`L-T5STPb2`SzuTpyw#V>c6emqd!5a3eo&yfIN64JF)LT*#ETqACJOFgjb{o z1OYY@yO-7%NqJ2se2@hx`1f=1M5>hHiB_P_E(p}!T6RHUY(0BV??lDMM)$$t;YEiC z)|JClBnbxP1vg!m1$-mXlOm|DIG07o z=dsvF(b$N2kke(Y~fJGgWB2y_10@DzUKDwDgZt@ zd!m9ELF%F3Hr-I`q36uCB2xm(HxW%1Qd)~CX&n|vONEVXp^M925qFNdl#6O^!o=5M zxtg6z1@uz>RtB1k=2Z4H3XbSX^UzZHL!IVP4T}!~F;xT7n8@T*fbt=uDLQp6*oBA* zI;Mdh{EXXkpJutkKB+J)-F^)L`Mb8f+7AW&pSqn~%Ez^TS3Rd5AAE^+J3*~@9+S|b zLDkPEaOsfH`lp%fW-D4Czd!%2kc`;fKcEr$FXE22_I>}9b$wmcP2oS!Sq5V}ZWcCJ z%btfJGVPvrhGo zf^}im*|RLUiyXBj8vSW#1I=nIQRhr+o)@j1JO?-7dKQ+QDMyJfK=6)RWKuM~>ytLX zdWU42Br%z#g)rx^m5V0NL6TT!TBy~OKYg5tPtD9>GdolbSWFhPJU@^?LU#;P>3P1O z$B}sFWa)q~QUpHGQSw{_|6o-+NNB#kpw}E_B4$KHzxHlYb-+$bv;DJt@HlLu!<>ch zIe?sZQ*gGuXlApX_g-BEn;ZXTmoz4UD0{E=_Gg!~D}=7Jef1-Qj>zXxq7j8nX-Pm3z)j7bvPN+ zQ-o=(P=^u?c8bWY@O)Fi*ONEyNqbQ)G6t>|Gl9`AV~!2Y+4tZn50)bm5bb- zWNPI|6IM4P*02RJ(UHA!N%WA>la{QBAjX-}U1jq{xZYnL#5Ot3m#4=}9i2$GHmM1Tx{6A-(^x`>zYaV% z%8sqODaPN8RJzgeK$ptE6-PhMsWwKwOn!`x(*wbSDFYQ=nE=Un`mEhxhIjf)b` z?^!@87 zrM?Ui&A8@wBa4h>?ErJi-_W42~ zIpf~?GtO4Ar|W|j1e5SZl)#sTUNr!zS0-RkC)UU~qaLGVKFt(syqPS7V{AUT-HWL; zBFSM_0#O?QS0>qg73cSbU-xEF_}`kX|3CW~D+kAaHd{BEQ?*;H2s^J-U%;wwNECnr zIw<038>sDFg;7*fyDkgAd&zYNF!+V$Z01VM;?Y)1L>$~srxJQU?SG-0e&0qQKJ)&C z`g*>;ecm6P+N%~Tf_l67FIQEc1axFM3HILCr+x3jdOpCtQqBGZI!zaP5Q#{vixS^#>%`nghkcfjUe$ZL*U0T3={KdXILn6Co7@w2 zoZFIlV4D)b?srrYo<_GPtC}lA239K!Y zgL!a^8E?+iH~@TffiUj-h4jUVss;GJMj7|5ofn7ESYOY@%%#0IXA}bmlTB~#&4C2e zV8*_uA?mgMo$~aS%OA_fYyy2=Xaq&=xPeH%XTmHn;`1&-!vH-7a2no(XpR^Bw#sfo z_S!o5x{%<5e@ZBJ&#&caaO;o0Z0DZf7DHhn%FxK>6?vF6J4($%<#_Vk2f-V^Qrn(= z4f)bOv_28%MU}XiJt9a!v{n{*;Lz{Mt>qzgEG3;u6&5KQW}m99(0#_Vm$h%e#N7^O zK2k^7TzbA0=96Ir^Bm9!^T$w1@YED}KNt{s1$ank^e}JEE{jbKJPj?aaJ@`NWpK^V zww`#|WQb2Fr@8ZgeFO5betO$|zthm4EyQSSIB3k{`)b znR<;;fY5{$+#+L-o+112!As_0RThelbH_5_2{@88AMD=O;~K#55HJGKbR}?ot2oXE zYev3t2?*Edph5t3mbPB#U#o4`NX8p$<@Hi7dJ~B?lC&llZyfdr4K&t2ZmCF096!k+ z;f2{H_*K|EpY&|}BwA;nkyL`ErwN9RrZv&MZm!E9^K(4IbI!HWQ zyP^R^advM0^M+5L3^mwdd zu6kw2EoSyl88@hy%6pOFVRBCNa{g%vYy=4BVgxnRtv&D_o6c5Xh4Z)^|zlZq^GT)6w8?Z^oqg7HR(E* zk+?|3?=qKCqY&g0UJ#@QRdTomgC?IP!Zqzu{*`U7MpJx#R`A_Q2^cTJcSq|#Hw*AE z5t-k_tgb&poQ?kbhZKX7SY=s+t!;Yf1~x>-M{t!jDS48dQ?LalPX}pBHmm{TLP`T0 zv)$CUC`}JMq&~@DL@hX@2c-Te2z(}D1XyZi7}ekcR*^&vm3OPE@=6HwvKx1AC&iR2 z74w;D^a&-Z8fFaV>icmpjxkXJT61>EGTfBWxtj3ZJnk@`R1;lkS=c*>r(m$4fh>9& zhpM2d5<+wz#&pb!XB(LKPE8)IB4PrJaKa9(IX!xm%6LYsmUzV>06A$pfHJeVWB)AR zZ*MUPiy%s)PtlZ33V9Q7yk$LQAAHtGgu2&KS_re)g~W`vID&XnGHEC^5DN~ad@c?I z)V={AOY1&#Agk?DTySR#PB@n2vsU0mFQvqYJHh-{{>EoMLGdeEW1uWeeBiRijm7uv z<2Zb1eJtyyg4&8gS~0@+P3+W4XNdBtg?u3|FwnP(Y?vn_C+he#l2TJCA#E~#ceU3D zD}gy#;aZ1pciiTnPv|_I4*Llw_V3POgQ=+G-|mSmTgkt-bkmX2qdSu=R=F>C1LadQ zxK9$uZL@UFHB=TU`FH74WnR&KvU;+_BcjL^$G}&oA}Xh>>HNqbnez}0ve9+7X3D0T zsi5&rT;BcFdcGgXFv&eQ|E1Eg{Z9(~zsCw3^#4z+Fr(EKYt#dK`-tKTm?yrBOJDjH zK+LZQnocWjFsD%lp?LhArH3RE(TOvcu>p#7JzHA?Es}upp0KF>4&dqf)iELd*#70^}%gsc@EUE}oydEZnz zSFtv#>kdK47d-Fv@6%H4FB?%p<^zg2O~a>#7P7zuWJ$>raGHd0&3QS< zVU5JVdpornlk0@IMJz0Vp0u8@#`N>oQ)-&S$yx=0lnDt!4M7oL(I(uof`l`_-rwiI zP=XV*XhNy|L)A#cN=Jk@KQv1NEibH_$eDFczDR76?AH8z^7=^%tG!l}PZtj>y&MZ_Yb!5$gb$Y}x1GFOpC zci~~J$ASzS?j`1hZBOjkGF+{yx}33vM5)giBe~q-;(#iUHjbLet@>#jgCz{@K2z&xYYkX^&I;3MfRd;;)_bykeGR%^05-JP~B3jpM4B zeX!<)7+G}8FSs7Yib7Jy;Mm>+htX@qx`{b2{Awqvugti-D*9gKo%$%wST>Ya6RE|9 z?)L+Z%(-vIEKbvW^X(cbr?@B4m(hxe(GM!qZ&~2d&}`vK!P=T6TU}HQsbWOeyrjRa zF)WlR@yUinh1Q$rPpQ5WBFSY5IhiBi?HQsXQ;|0 z3Rgqpez(BQkF~d@vn68(W>VJb4!GhWoU)-FeiDi;2l6CplJr!t&vZEg$)n=hDf2npIfoOS@ceS3TRIO@@1Qx;b97@zrd<`Yke9IWjK8^fE{haDsF~c0ETn8HeTJNi0MsS!NB}Ptn*Mi1vyL5bzZS7G{S4g|>ADnD z8P`$InRrR#3;s#>SWkbtBk#g-&}HyP zXKg!z*;`?=yEefJkL3zTkmgaj*Amy8a^eu#+lF)^Cs+~_SDf4wKGSkLZIIrt(5eA5va zkx^oknoRzaQ@T@N6fRe3+0#Af8?^Khrq{SQSUf(`*DCXPe_~d7Z3G_=E~QH5LvLKs zRzB(41djZ8BZg*_kVCLCqvu(@@f%JRCZfP~T2WUroBjp}LAV{U)z)k??y@X0Xp?@X zh>pG?>5%lXp=|##3_&C_iO=JsNdmffvl0Fz-Mk3v34SB$I0#mvOqU5R4&LhoLE@HU z27!OANYkb*B$ETg*^VcE)D)d@czkOhFmRLY3KRAX6u!-;ebmS(IvDtaX#_uku|}Go zpRbjtH=ArFkv}QXq1DCNZHHUs7wAzCYu+d0w-0DfEkstO?uS9s>j1c^Q?r((;~q;} zrqkA(rE`7-KJ=WYkoEO1zkTa9O3@BYN8q}Zeoz1e){2+E1e-F0JsfEY^-xO4J&4z@ z{G@dc3Lg)$Mm2*=59S4u?l^mMRQQXHP+L-sYu<(zA`jTMA$ghlJgc8X?=;I{zC0-t z_#SeRx6y6B_+{L7cHKD)6+s@518aa5(qyq#Vv+zu(23-$^qiRlzR5%eM>-r$!_5~0 zNf_8<#`wLXNm=j~ML4EP0XRF=aRbNwX`3tAi`BrA(1 zD=xbul>qN3Nc>kt;ZmHz6G9BM;3$ihGL^bA$2dRnsn)N4mx1%~ zHXCO-J6?3_+~f4Q#!qA5@yN0&4u`xRF7--*!&M=wTH`5P6$NMI{h}GEcFuaO5Yd+t z25Mc02E5z^#@eT<@~C`P7`3?4nad3HOJS3jZw<&w%r7V^*FKUQu)}e~H8`d@vz2ymJj6;jm@h;?AZsU2wX=5hAfN?w@f< zxk^5CFM4H@W9Us<@;b4-km|_pS>fhM*0otGd!VMqeu@5~F~6g&Uy$ycn)#hx@97d~ zPQAwi_lFJL{kN?S{;g=rF*CWnr`^3c4Z^b%Rn`son?x#)?o3dStuU1`kn{Hz%VcQ) zzRfcmVVMmYVuveY`i{=;5J1$LDCHs=9^0SucNj2w!%&oaRvHp+Pq=B0S-INIazF!Q z#!>96?Ngo}LrFUxm3$4q-=RC)yrlmYL$Uo2_3^(p=M3x|O#c}}t!NI!9? zJCI1G8tW$r1-#5_1$3bD5Fce|!GHfs$wVfTi?xzvY#2uE=p$(mQ6%0)Bzk|G8Oxcz zo5>-j{+>R4yk4ZGEzR}4FEL944qlvmJL7G$=gh9}%hEmO?L|ZWTj%Tb-gk6`OGQIZ zTiw9u^WJau&P%=1pEhr}d03mei&`!&j$PU(Q+GCtD4ILsj`f*(u;-rWFy-LKO4}>< zv4AFRE7HZP+amBoV;Jo{#Ap?mo95(8SGVT(DaSWSfcug0JA)p!+sNf_YWOlN$qgB~e z(*%&GZ(R5m_+bLgr2#<-w-CbuD+Z(V4FKhHMWMMV2#fF%;E{rW4DMuW5?hcJc| z5=+uQ5DU^GMJa(~*^k>vBBLcyUZ&$4;S|^yi^Ip_NCBAbCKT+D0&uQB2q;oI5Mpec z^k-SHBMx|}&6>n_zlS@uKjlCgidAxcr0{Li4?~+LhNZ zm=k^SeDzo7n`FwCh6VKld(0r%LdH*e;=c010TzhAIzfAiqHe9G6HYxvnkYOUx}J`| zlRT>fG#f}m2<55WzUELz(}Mn(cA-=G`7xPYJ~>(-B2x5qDC3wV#FDW4>;R^e zksu{Nd9wr$>d0SVtMB=!hoXj%_?HLtLIcKR6ZW=p$tW#uDl~ehzM)7+nR!tE;7ArH zahD%^KXY_M2?U!N(MG{QI{jm7(IM5$coP9buhY$JA}M#46MIK1%Z^qZ%F2 z>KtQ|xqyB&^|b5>%d?u*-fh1$JI2j#WWz2OTOge?QZMk^Pe^OfxvV1qG-|TPd=Zlb z$wB84CQG#wR97lCPMy)j;Yp(Ufe@|zRG-LWHClGixbh_TagKs7#U9HpoMqn0Ee|%< zwaNBd@E!04?Gm&&ROkx-EX!DV%*53a=cN9Qk|7|=Fit9XPrU%q6-6zTvewFfSH^bz zm(v^y4Emos_Nu3n5FIN9zIC@Q6SeHLik_Dpp&y#yDu`_eqYJC9W7lgsSOR}a(xSEv z_2OzQ(J!xeE0vJcj%&=ilxFH4+c@2wQIkAhugz*;a+J!5B#nU@OXh8I9j5+7<8hTX zE_gaK8n#$tF6;J5S^^7Y+Hw%9$cdV*q>NcmBslfll+7YG8x7?cQ7Jp)P}NsjYMHjsWA_n4kjf*d#?AqPNoR$v-HZ)h1;|w6jYOs}7-${` zg}S!tm3`fc55&p)NtPQ0TaMA4DeK6aIDccCaW~;c)kj3)SJ{(`Hx$M~5n1=D7B7cy zrbl0ho1Nfq%4NN^5NVA#Gt|gt(VSfdNe~;7-3GWbfv3UFkmngm;Psg4S$$s9MZdp_|W^ZhRZh3Nx2rE_J|c#oW*( zb(rU{s;!K1lE&~9u1{e*j>Y;TSdTTb^&jx|g{vmm50;F36O;P>8PB=fXmw)>6E*)k&{Bx?&zgOAGfIPN=JK)qQvLjrn}?rE?-FhC_h=Jf zuOlF3Ytc~|N%PLG;BFSt(r9XuO|i3AN}iw)&bAGDXdcDT1-BD_hpXPCLmNBoqpB~K z|L}8iwhAGuj#oMd=?r@JNx*E3;fkbe?q*Sd`Bk?G!t~n^(2i4WZmdo7PBC@E8r$co z;XKQehIlnmz*fm?ZUV21S4`EXKmx6)gW}ygSKRMLaV^{3Mh9UT_~=>Ves}x>X!SN{ zUU&3)*wz%s4B9l8D$4Zd<$I6e6W`?2OwZhtx9dbupsyB)9(Gi=%qiSKoI>L8&q1nH zIG^taI|Ev`7?4%mNu4(B#xX{#^~w7Il?KQ=p4 zea20`S0|T~ed{kDbwZ&qPi5zrSExf5kq*mWh-Zz_ z%r~BS^|q9@dkJ(;+bFpi@Ag$xocX@y#1CT2ZbQ$}jkoD0k6?$Vkh~?V2*ZywQ?9qS z&pEy_AIcW%)zg^6z&3W_*Xyx7)}QEUfv;QICuG5o9&6HAe`ZG7+b8dU{-BlwN69W$ zi?de;1E&h_G@kdhmk8;w4&@~<>D}<2rO~C$3%$aO(J~KlzPg0b0)WFi&Bf!6gJ&l3 z?g6rerGQ~l;n%Xf;B5+x>U6x+e1a+DTNUKQQ;R&}$;^o{3Kz1TBg_j92P4~= z$j+8vc72EZHxQN84yrkl?VgwCr6)3^h2H~vYKyCjyZGWjR_k1=5Q}!XQpTNr6^rr-3pLl8i)Tn>N zI+?|>$KQW`C{L;CMD|zHLtYi#N=* z!knICwgeZuE#3)({JH$rX&mD~geR#1V5;iPunt+xJgO(m66jUp!eprhJBP`%PBzOx zMe!8`8H;jHfq%qz=XW&@*M^#y>-|!xFGb(tL-Iz)aEVBmv73r6$%EbI4K}(bGY^8# z6HSE!7jazNtg+<7nyBNav`(K?O$3UF5Ep&Mj87bvF#M*JTYFsCd71w}HCdpDR#3l6 zVwNcONSc~_lW#SK&|GjZUWq)4u3o)d{o9Gu5QrSC2Zp4EdQP;OHlVF25umM7w>2Ef z%}qiss;hny(N}|XE43B4Ou_3$=~*C{#@;*^nl4Ka`;kVsYcT`ftN~}u$FAc#LUu*a zH|D_YX*oL+k9T(`8t&#aM5G}iadzc@z}VS4pCkfMm;Sqg>ryYvSd4t#i37M3(G~Ti zW52jlz(zkyM_Cx8N;q8>K5Wso31N^#u&9*E>AsolD5#a4bZJ7$AxzKtAquw;_;!EopIC#l!2nM_w#D6#raumls zs|GAcR_qc6YAuQ(`zGT`d;ACXQ+y_1y+2(1{0gQYNsi|CZ@iq!ye4PiM6ZFpEe^*q zXAO5=Cyu5|%GDMQ#iCsMj0XidC6#7M-@ZX9#C3rcfin?sSs80#7g7`EvtxFvP`V55 zweVKgA_O>HT`RiP-z$Uaf@nXw)qQWcVQaWza{_w95SiO;zJmen$65Vo{%HkscFHid zmoXC1(}cgfFiagy!&1lE-$2MIDN+DEPYse5KkUi zQ}Baq1buOpDC%Yw$wlA3@-_>v4V!@tq-vx{(ApmKRyu)gM15RhePboND$;{ljTqYM zn4B6>LoH&LlpStzP6g8%l_S-}*UWH!eM&K+5GLiM?9WUm!g5TfAS0 zpb>pn)~dckZ);Q5DPoGMS8z!Tzs#6UVH4?QfY86PTrMHNbb$@h1Q}EuZqyVi^01?m z)j*r;qa`h*thOxoo+e}xxYt3G2I_&1kC#U%GBX2!_%V>6-6`SovtemGBw;GKEXO`5 zo_CmurrvswD6{cdfAq-}aq=2m;1tnXjfxvhkgxoqpM6icY zC#0U>SMk%_HT)Y<2FkRq4;Z=by;t25z(OwhIBJBtde*R9Heu>_PUvCNR?7@eK77yR zsv={2S0G{aRaS!{&MNJ8S-n`j-70pezlC3Jg;d&~P4A*wwO-6Slh;Xx>2bHPp5$@q znaE@9L{Li*t|}j8PBp|k7<)yyP1hA=h$t0EN+!-IQ|cnCo;yn&fJa!~8{jxgy*;U!Ag^1}SS@&u zTKfjZ3xL&h*aW=PiEa=6dL10fnZ(VNT=G9}`j{8g23b|ICvl3HG5JpMfVyg4Qp)kK zP82HEY^iy{n8I>VVEG(m`-}5Y6;GH8F&$?dvvKhgGWqGN3@_-qvsj{jfIN5p#KSZw=bt#=e7A?f|nRX-%yzT1ux*89JQ>%q)CJAwJxuJN{qwbzj zOplrAwe%v1g~$}&OG6zE0NJhjuY(8=l@VTNoE)sm)CLw~bT#4pym zoZh}%%&}l`xwMLEwEC_?sdOdo)G8R3dOL6f&_=$vAXMgmm*IP{38dBbMF zHq8c=llPXht3FpNSQOsA^JRYe~%2e)n?#fne3TtR9-+>-zrx-)UmF5Z%E3`^+_<%Eh&{x-aO4nelGhMBP zGDZ4))N%+Lg0xII)723VCCsu~W5B+Z#qi)L?3*YQSt+HqJT9T|%rq3U;nx?#Ql|tJ zz1bkp#c`)d$8IsB7L_n!5L)Zmc%rjlRq(9bc>L}=wSa+n$Yr~~BI;_9zunmfnm2uR zZ?EEMlM$!L*tO9I4fPj)x~FgNU&SqHyZurLJ1>=|5<@OA-8m0bFEOjQADqavjlZJT zr$TSbhDoZ@B?`eJud>24s)Uk)t*D87+3ms*->~$8l>6}Wu(N3|QetIQyb%rt)D6-M zYz2Ng+%C0x3MrM+TI!8ebL7=hN=6oyUz)g;ap@;A>1b>;ZC2=UK!yqOSusk6nBQu# zHe_oH8uat%QWY&J>ySITD|4u(*jx0?5~QJNbsM9sXOJA|x2d}|7v4W)bz{)94JucU}#V+N8v2w~ zn9r-a5??I=v|4i*P3<;nx6Vaqrgcd-hm4mUy`m&QZ@^?Ld3XQHjaevQ`wAp*AxnQEfI_VF~XudX{5a>KS&D z#|zMgziVybT1$Fr>edqqN?@OVSL+R;&A{=FklD$sF;7ZMmj9776*^IOBz@e!(9KKA_TkJZANEPM;zB1ME7@f^25-; z*DnbqYkRc_uC`suBK1Ga@|Z1bp4M2F&;9ezX4yXyQembRuWcf#8uOBVaYWPIzb*wU zTk^T}P|^dyl72F@@fj5jlyI7_;7Fn)V4Xo;nA_bkr(&fcZ*g$r9ih$ z*x&n;`FjF)f6ckE_D@@mNb-{@lWI{`8`ox^(Rk%*dF!oGuow7c#0tG#?!~*RbETe~ zjYT}3Nhk#0-&##6hC^%dA{$ED^QrSr3dTfKm#p}<4m;XC%%IU5J4&l5VwDYPB>BDvbt>@wcv|RZr)A;=I`q4js;-oeb)~J;qnBUIw*UXMB#emy{#^+d_}^))1Mx zz-oUu6}5>f|6NziJ;%Ru;`TzDGvuhK_xv-3DD*^#1I1wNAP7uKN${peJMBAUvZ8J2 z$6Slt_J}e@iaN6Ipb%4@hP z*2rM&;P@OrHr6qNJXB)U>cm~osi(j-N&0QQBN&(FAY=;*MIMZo#mG|I<3+)2GEu4S z6rtNeZZQWVYm-`Cf4-%+;0}YD52DzD^usPCM9pme&-cRC>#uTlE}^RjaokSbMs4F2 ztgKbim0zh@EYox!8Hm5OD##e~(18xj?exbKqe2dgT~#D6D@D;U} zvA-QO)XK$uu(3NQ>pfdK$t3(3|MLD?lbWGNnA4`72q6TT~_lW2M{d>$)-2y6mkUoVn@!zDqk zv@cd1GsIlC>4=ekc|jN3En^T!Ssj8#hqRnxdJ0Id;O5e#j7ih(tb7aYuJLkSIyr&q z)M!AyX^e+RI`e+7hA3cw9XGHRBoabx_PbD6qy+UjtyPmwr-1JrPA)l;9mPyia}>F9 z>#!`1bZ@VmebYP@pjP`u+*1yMSrkcZ@lwZ9lQp?4BZhTmq+oBRLt-Ss(0uG#Ts#KE zq+Z$g0q&wKtzErzr66U1nYy;Q8O-UO~`WpO0||!IazIa$o%p7SVzS? z%6&%NND|mI2W^$Q^x9@{g@;UMiv?qNv3+D)zVs~QFwZ*Bq)Ze z=0X$UA9@*NOgev~hZk=##)l5Ka>w$x9}FLJZ#5GO*;Mz-adCNsKQU7EG}( zNVpC3NHI^rXE2<_j16X>^cjSt7V$zuwdLzB86Kn+OnB)=sRobR&+-#w6MU0as;Kb5 znZEc2)5keXuj$OPb-};eu%J@6k1^BiL%|Q$>d+g?kEVjUk>MYt<7P2y1zr->!S_~B z>PnVBqfnMiH;YK(ra+cSilcZGcVKY1Yw%)A%)M5(R4qcWk8m$b8aM3duYC){ps1=w zI^V=XJgOxZZ4DxvnWU{kM|ZfaT#Q50ATqoPTzj6z-I>xgn_;V}HnN*Qe$MEYHKgDj zPnd);&tKuOEZ*Pbcp)T^9boa%)n>RhHHnjm5=ebV-ItcGOP>u7)>tJ^SV#Ywwzjm9lEtA z96op*9BF6Dh1Fgq$yHM2Ts!sTd@9u@+FAbnj|NiAF4oX&Cd+1LmRG|5zldHF4Nu3Mqa4Jge&TSpGfvUP~hRvaBgU)s-V< z*XZGd%|?(W8(h<@U|cdwis;<&{XDaqF!yY*vY#Y7s#FnIU$!*Sz3{DctXFSmF4&V* zooWMnFw~Q|HdR}Bp-IlP2m-fBr{!l1oEVmZ!i#ApYNAS#c=c2?2}+`J4{>F#T2M9z z{^+I!#DNr>#LJmGg%6{HNA|u=+?rgW)Zv9}{X}-dgGdeJd+i3HrNQZ}Lo{3pl#%0& z?kENlS0C+G0?b{@M-mG!NKwlg=|(05G5aCBwyemn13*HC3jhvZXC)u<`0}6ReIfJ6 zWLgEL=sJ&;T;i<=>}_rv$9{Y*x&kpuW~izYnOI(naEgUJXw`LR*Z|X`sp&E!%<&?0}>+yIrZ6)PwWB%!BeSI9x#7G!y5b;X~ zp|6JHsLSt8>TIX?KB1O?+IvF#EVU z$qSCgwcM821TTiuGz1e02Wz=Xacz-ZIp(|fZSgcF;1P$x8K#hQ4w)5nM9Tw@E9K`1qlYZ-a*4g? zt*-IaP(|(5_-XNPu0rEI6j#T+z26BmZ=~GF{c84Z@z$7R7&8SI7Pexzv5J8@@k)wm zAI}A-SpONhSe60D+&J1dm=W^L&LHVp-=@9|)i@re-qi0-pQYy1@2#h+m%`<0n2Pu7 zJ~j3Dc%5TX6Xh~;9}~m_EV_m%4Rtj?XaAE{&5Ge(6I(HLp#$yS5{kj^fDVLT0Ll&L z)X8Irwx85i02ZX|`pK4~CC&}l<;k+lYDh2|ifd_lfze7NOldud*_$&9Urt;pKf8aG zv1DAA$p!1|2_U~e$w4x(y?45?B|V3*J3EW*f%2hoc*{RlW6F&`fNwwrR;N+o#^(ML zwqRy?Rs8j?eeuOzrbLpzaOy*{Z|r9v0FLp`lPz%rs_|pmo)av$+|lxe@)^18mMxyB z?xq#whS(_G+u7B_FBF~q>KYwbA(~YMU*V#8r^D=Ws%`03G`~l;p9etmsh!$ZR$kzC z!^WTUrLf{UwY=NaRT#Q*>aG|NYt?tT2pE9)NyYY+Nr4ZyOr~Q;F zDtwuma6d*$&)Xw}My!gP5%+9P`YsvRGg4#}DEZweEb-%phwNwcjfHO+N+G#r$8j?0 zI+)~nMX^q-P?;AnG|`)R7>Openr_bF0q9|B$OiTTAa#uL=a^`KApzj~ed9_-S^seXroy;rqgmJ%qZ5Z6EkM)&?s?*;jOnu zfz2>(Gtm1$@+PUlxUFFB=X0Z3e<`D0#%btK;nEI%q-Twar$YY2HkydcK$8Rr*NZ*~ z*At+VZOY&dC)^VzRGmF3hLzv}JI zj{bUMyqM)Q9M?JG4i%h4EyARh+#-H#cpY0#Xo9OPQN5WPM6M}6n4KulbBj|A5OOJQagop0l)memi}TEh z-Nb@F&8!Y>`n7Y0>fU996wJ<_igFltfdc&gf;~Pt0bjiA-Y4)G=l9rza|baw1d4(F z``dg6g8O=5ft0hy_e`Oh2T@~=b8m=)k+Y=Xt_*khTq=r#G){a$Bg|o-PCU~|u%F?7 zhFAV#KXhE7Yp5}NEs^lUJ7RHtUf;iZf$Zf9Ss86p^Fb3F+>9mM<_m1k4Q6zCdcIn> z-dKd1i*)e4S7{pV)nS6gU2gCl?|gm1t?v3Gf48@Gm!@k*OFKMt)%AW~gd8u$8c-y0 zXU{zL82>XE?TbtNrQrc(Xj<{XzrL|%nQ9V$l)E7~w zG&eAzhOv)9-iN}X2{58lDVh7BneEdp&B`?)P21`#Y}cW2AmW5J=9i{qju&Jbo7zrN z@lm=oPx4Mx4+e*Pk37@}>JtP%Y3$ovoOPRCeZL}y1qPA9k%i_*I`vEnk%saRFZHUGYc^{;Mrt2Hw z1NX>o*vrj{iA>F=*_W5e{)2S9Ulm^ZO087gn?KApU_(PHW5gWh{YM zYbQ)9RgwHd9Uash zbc%dw0bz?z4?g+|++Cts>dE^pWbqgf;*{7l>=hTATWT>{c}T`gQHdfS!s)M5%+M97LdZX({#ayP!8{rMn!#o)pC4dUSsYioM5+pONx=?K1t}=5MijfNK5bN?mDW-{!C0- zBHA?}4CY|{@E+nev9~bhW(8kS@gpRWLfAsfQ0L62=`03CrHgxY-C2Xei|)8dVaqMf~Cb#n>NK z>dqpelxgKd5Stg2pNqD?(X0E;d@RgHw-kL{KT7UEa!Mig&}Dus5rIn9u@j%A@Tq_uQcumyDnKeWb z2BvDGCX+U#sF?EyTTEbCbQYtJDz~ukU9g*s4gsOo4oIb(!^h4y*82AfPt}^|$i0)3 z^NlfiWg0s88VDqoDj%^)auG>TaAIB%$C)0jklLPg=Z%1u`hGm0sdY|LmhE_Hv?%H2 zOfH*yKG*DKRLQjiL;YasdDxLb1N}1*jH@6NN5c>r)rWIKI!-~ADym_!_=nE` zzn<=|&pl{vPH556KsG}SU}zVbz=Kgp@^fLqkE;oDa`#&)*GGG=DXGaol_{!&NsSCq z2%~kAG|psvw*x90o1JmPyNKWjChA+Ml`w!R1&-N0x9I@&8!fkF99mz^4Fy#!8=?qI z#|k913I|u4wJADJLkzn`UUN>aRwCR1%lxuhA7k&jr3}8&NI{RCNgQUd(Ihd&srL|> z-<=h%B1o37G$Q&b?_)Wh8jJAlq~}$D()qzoe>1gGA0ioP<&)}84LiUEHiHZ*i~pol zA-Z(&Y#tAG%vM*tH|#EIgT=Kt`cl5!NF@`dBrk5%F#rJ@&42wO`BXyhz;;HYHK$)` z=d7@G70!iqHom8w7=1J-$=?$gzp3}*Zfst@$?O#Y&Q&1Tt7mDj3A6QX*#I)33oR09 z-8c=nFbp!9n{sPj1Cg;go2^mUI{>g!jYl?pNvqwAo`cvaAM~UG`4=|dssqkV4uE3pFa zvo$JXzF0JoOhIYH%n#B^IhA>6pD{)xm;pwStG40GzT7pPtlK`!qBo~V&#kiblPIST zUKE<;T4y(}e5zqt2QEsBES=M8vdaD&Wc=O?9o$;A6)!!jos^eE-3T25+Au_5j;Hhfv+eJc0Y%uz~EH-NPe?9L! zVn&~@i^*uoFYJpul?{pMZ_Xav83kDivlqF`3eU?@p1x4k45QBD31rYhzr$Hd;hh0n zNpCQ+zw1RZ?3n`9p2x(64`NlOFg(?eJ6&$i!<|+5Zm~6^->%139OP=Vc9ZOU*7!=$ z^<_WW6{{u@(-s-59qix;v$eWXF}$X{+gbM0uxEVE!H0QjN>1rKys*(60Nk<*K2mxXslR8}Q| z0I#>Sw))oy0|lr7YI^jtd{%Bv;ZTvzlWnZaOfTh+*yJ#d2cz=RFRi#>T;)HPV}<}- zEH0XO2kQ8>DSiKXK6a9f_L2!bl63+#`8e|E$~wQ>iWA~6K^-|)z9B^ZaqLO#HAFpO zg4K+0PROUZHRpAN*c-c_uj{^HIg-+)|C1bH{qIENSlF4E{!hp0T36SRjvG1PRP)KS zXa%clQj=N?3Yq{(>I$V$-`R^O6BXJGVUdLFTOglt$Nsh5(uX2>ga6FRQ-Q@{OJAKq z)8BpK?x+AF>SuW$>SyZU`0*~g{2;w=Nfc=y2|v#uBG(8tTpw@$!1`wmlDZ~6$?%@| zli^X(Lj{LDAaI-6H3xe%^9V})k}ZJe-3o4WMK(`=bX+jD>Wuhy+QDD*dMd~A-}kTW z$*l>02p(|98rm0skLmmT3b>D|wXWmx6bvxEvZ=4SPYCq=%WpQ6Y8RQ~G${hmW;!7c zm>kxLlz~xvWcz7f`g^BeOh+#ufjM{x#4lN9`$D=CCNw!%d^&h>Nyer>O!KJt_1Ug! zE{OVTvX%mh&>DRBA*uAg60hZG{gg5^H z-jK8*rulzF2T@Ej=Y`8B0=xI9&nK_;1mFb`LP9x*0wearEO0!k#S57HMomc9FRcG8 z-JKq6Rgc$lgYvzAk}-~-MHe9^{gzEZ3%AMoR<;Q9(Hx!V9Dt?Br}(njmT5V4l;9uu zDCrhV$;1@4?cP03|2qHWTH52ZyHbry8|%)$ic1oQM#E6;RgM6yfMqEha>{oq_|rSa z-tqA{U-9QUti@tpgt{jsxyU9Dz1>qh zt#T+#`a>+P@i+xhnq~0Pg&3AOu0$H*K=e16{Jw^)ugnA#rTnj5^yccs7Kk1KF(?lY zG7(0c7C(0yVt5l{S*6~1oXo}iibR`qE$NjMNhNro<`Rb#Py;3 zwTTvqt}c^?Fx5kO3T-XysDWt5v`Cu`tcUx33*!<74!h&i(AVriKEb_0P_6fgs-paz z02O*~lfiBb#7I56h$Ln)`qjUw4k!dUOfi%mzMh;IC8ihWV8QKJ{!fXk-~?YfpQL#G z5nNn21jJ$4enu*(`Y@Z;5&fxHbQCtHvV>YX{KZ*RxJZP(a~$JRe;h!nB#j+Pe!S!O zd`W-Gn)3@X->8c?#kufbadSQouV^H&X%JombTEt?TP3afc%K&b&ZtM5>5^+MUokHK z$jo6WSvn5rPj5Vaa7|8FSD(jHBaT6ru7q{_UH;k_w6X>QA60??k%P1(^!Lhb|BE-A zP+3lsEcfN3-Dn@EeI;PNfkDvx{<(hUinF|`LiRZ@Hw&Xt4`fR3pwSI>@OJC;9A)D> zLs~p3thDI?LEe*CKoe=i-fOH@bM`W`$w_~>I>&u0#@h$M>Ak(pfLF|&v6TPt(iND4 z#Br>E`!8BN+=;U&5TY=Jd2}NUmyC#2qmOnp9ayi)Q*Ztzm~H%mnK+{^Q1VvuUEv=# z_e{s2F46;M1o%hW@g9xSmu2i2@;k=1G1Z|^``s;mZx>Q9D#~kSuY;IONs*2*^3)TG^A9x;>E>|lWfe?qL1IA zH&>z+(__SD04=y4UPCswUI&g8Sw3Nehsvu}C(``1P`#=&OkS20g+}S9edUmmj@(<| zD(Hf_MdFzD$tSSOhx@6shN&*+$O3GPhXVg}Yw8cuQufWYJxZe11zlU)>tKeRYgU*1 zX+wzUGWB1$QA6(BHhRHiRewj>59}GC`Yvm~u zfr6-QW|?(`M?KYx74n}ep)b7zr{$+#rA_jRuBpcKrX=`&e}7r{uO&3og$RONOtO8| zryW^>nPn$^=0p?1*3F-kM1qgW$%;kUyvJ7ZK7usMgU_GhW2Psl$~jbm5{HiDDO70aoz)dMP?qzeAuNrkIZr51?6PsLGcSgg8 z?CB8vjiM65fLyuW0CeW|um4xzJ+&;yp(0ZE_>tt5SDsh$ROUv9N`GWLqJKmwh`m*F zcp(jAOkEQlA#?Ik2~EqGQd-ZE2ESxw)3k{xmeLv%a`?dQ*W;53c5ADgjT1HlP#Cuv zRPEqqT!|jLa4K;vI`Uqv{HI(o|C(^ICZ%xDMd|_dC+5COb6ZZH=5#GuX&=!2E36f? z#@Gu?oY1RkX3?5VDLU?IwC88zJX2`|rgqwu_s!0(ocgEf_3_y9?GvQ0cCJc>rB-i7 zbj6pO9_(msU3nY>yS{C<_(3YVy*8Xr>w16?Q@IXx9}f8=dZPa&rhWTSn@goLqjQZD zwH==dKFM%g6Dau{)x7|LKZq0yC_w-Lk6Oibke7O>=mOs?sw!OJffDU*I2atj!}?2o zL8R%B*V0xU+J60f%vgu;;9ASLr;_yogLI(9+e%^;=<1J+M9;DJQtPM-HBj?>ecgkW zU;u#(rKxFoT2FP-D@t2tf-?J$s1JnJice zc($hd=m zFt6$T1hmmq<(=9wEDhvOpHV2H0OVlKOa{&V@M~;6k2$Zj^}P{7WEp7ur&I917d~QV z{V#2a9bN4Nvj24omUvyPR>tD@7M6$oN<%MimWzon_RhG-O2T4BoO*w~NB3Aiudcqh z5r?{#+Dbhq{S@blpPN1Y5U1n&q{M(dAT-SDqwDk133!lgfEwstt>?=f`Uth$9X~#Q zDuIC=lO~7*H8->%Kpb5*=iQ)lY=B(*N#HxyrmW>X zoY}a~mB3>%1ta@~E-8++((n{Yuv?kJRU8@9b_az4tY{m3OOCYSkz}5Ee{S}*{?V>- z#iS@wv5wwO-*t$29qqWDx@y}+LyRS&ng$u$GScoGPwuP=G(o)Hm6#ELk|q0yqgojZD#}ad}U+*7kX4=gUWBB1c_V zu>u$}BepmM#5VckgD9`ZH^K$F6KD$H;m$Nm`KWD?$|&DEDr`pC;t_xx4SuFf!;URw zRTlaOa*AvYJ}`a=ctD1=+)S$!c>?100i-WLr`Is!NrCal0N^Yqg&K}B4Yu7!H;8ND z=YO|${Pke(aheOZKIeRrOU;7UTqfiZjhYiCB!ten5{Z`f+dfcg0ek3lB7>(|ojzWA zTmzi(^|_!ECO{9+S44wW(D*bAz=NF|T9>c7wV;W!Z5ZMD zzHhU#_9V;~w4a8XgtG_%I-lJgti87QCXFwj*wj~QMo2?|khr{_o?rq>QJNOw17NV| zm@COZI5#Q`X16N3^|BK&Y#;L?Laepjh#pWU|Ll8T(tc-P~WF)N8~6Jwbf zD=wPSJ9Vgq#pcQ>qc+81f~j5}!V%C8z|0P*6p`CV88)EAD-LDlk2==@2nsuk^%Ec- z8cVI=xihhp&@}#GLF}@E6;F}knkWp{FA;8yD(ghjsUN+;mj&eRCd6_ik zt&Wk~2&l9Ix1U*-$K4D!pwTVrLMV{k2f)F^R>s8qjm9UXI$474XQANo)gQw}wM+iM zOM!u|L7~MR{DWUOV$wjHsPddym1IKV{TjO>QY#V-;S?d8vC7%DlF+RAV4{tafgMm2 z6))-?ia>+Tesf=R`8i~l`>vt^)dT8Hjyr1CLvpb84cXrTOgy1Rz@QC?VwjI;C&qwPpyQ=W-0?3y#k)W~`wdeP!c}y67L7q04@2tlE z;Q2ib;cr(fc3*N5q<_?%eUl_HVDShl%&>Zcu39K&AJy`T+L)(wnxliBPzXymv)w~Glrs@Pef!o$UOJ5E4(1;tfMsn+5cn5iu-JWuz zh=hxbqbka^@my8`c9!o6VBun2eu84u5Avae8(tZhLm3B%AK{Ehmy|<~X3)V{t`=pr zpb*;@vhX$*0j^=8^7J!-Kd>*UwJGK*7M5OeIKl!^BH?N+XIK4W>*h4Yxuzi!Bf5&M zED0&5OCgyi(nuh>6l4p%qn$vB@_Tdw`ge#&l753K42fziEtWb(agj4N8$(g88{SfB zF#Sen4zdwWJEAy#-D`TNG8Ab>)RlS(>C7bCn-NY{#;Bm>OK}Ez(fYck$>0(+wh0H) zrL|by7RiM}>bU1sPKZNi9fg>@0Lu|R;qK#-iZ$Aa1H~=GL=Vc^RV1zml&9ME?Tsa$ zW)4HG9+Wrh9Qz$0(H<-U;438LRf2M;eEzX-XZjr}jlqiZha zxGSh&AX^$6*tmCRtlpjjAvk3s$IFgl5~fu%aGQlpgy-4ZZdaO$s^49zy)sC0tROmj zZLWjTUR<23@&q4vn!SEJQzI*du?qdVNe5(mV&3d8X_A9?becXI>y z6>}oZh3#7=>T7&T$zv8Tc(S>y6kt1a{PYXA%@kC^awMjpT{mT7G#pz|KkPuG6LjVj z=S7WDBP#yZPldaLfgTYc1`AFXv;x~Ohx+g_lWDE-iM`%0MDJ7>ai|A+j8y2{ezPxh zL)*JauF(7{i5;R-RhXFrxIsVGZk!S4ANDd2ELSdHa7YD^#Q3I(YVT3EkxDemQ~QjW zmkCVJt<~*PgO=f2ust(Q`9_s)5LM_(S30CFGvl+#l8aOJfqxyt>wBGP&2qC|jbF6C z@$^>QD5N#=%B))Gv|4x`#^RF5VBcEc?18AtT-VdT-x8!@hatkrH9a)!P60J{$zHcA z@cUM&AQgg|w(+aCNJ7`zgWZeC>{uT~J zd5PRUG~rQB&q2L8Qk61HAJKSEFYRG>5QGAeJX3<6c#sn`6Z&jAoa3a0$d}$2Gti#1 zz9~?Jw;rLyXi>rb-kz-JhB&>Bw>mJ+6zFy^>9-mVn1sZ=a{txcVjbEGatqFv?iwGGu_ z;QyWWNa}l0hd?%ysf>~$j2hN?MG(zxSZ zOFV`!)GqKbZh*lM_Hvk{xK&->NgW%}I>&m>&V-m4oh;|m;2Bn{Z`pI4XQJ3G(%rEM z;ltVGqT#ix6tf}g>4UyRVGufE5txsm4RQQ_H`A;ED|=cfV?)9(KP7TpvF_`4|3M8) zEq@%-k>dIpGN`c@K4u#!XM@Q|>XOa4`Q-&sWWvyx3@oF4Zp6G~AI!Wwcj7+D50!qo zGVcChqOb(QbFl`eOuAI=X3=qXY5X}2yvH|dl{AlXPbf6_X~96^>9wi;LRDHnLa1q0ao^7j9=LFAvwhKi1TzF0 z8i_YFIJKilFoDRgglh31u`Z^ryK`Ncg@B|FYc+wOf{Qo%riL``(_bA^>F-l;d*5e* z#KKiC|F1A)Vg7F|FSBwo{g>tC8QqR}(w={q3p5|#mTXRFI0_~s$XU35lnbmljSa%L zFVrS2$e1fr3D(P&2HM!=o$kxGi>iyMKE{*A)xeV^yRSZj-JkZ)DPCKkc{k&k27L(H4K+wazM*}6u@_M>a7!vb%}T**fJa$cZsZdajgQEB>pUB)DQM*O_H zd{aYhhMqXz@ja~*<~PA((7k~X=JjT8Ez)36$=WhdZh!03IIIQ^j2`aV-EKBXtOP%6 z^0jSS4sW&05N%;I5N_~ZK|OsK7apwpxwW?>Ar=&R^Xq&rgk3{x`~=Y)l4lN8JM{du zA8@oy>7qnNZy#_eQ15*K{#7Ekfroouyh{ZcX@6jBk*LY6P{zZqrs3CMSk9A)SL{{( zu9mJ)uGgj1%r&_^LVD1YO8sr1q-ak#H3=ziXGEP3Ri%U#QS?s|;G!*e zzpUCf*x%&B^pkOmq@aKe7U!Heww^#+2PsSK%EH`%XsfnoS-{P+-x<}{hay99tP0NL zL5V3ZWojSsa_uN<96nS8)W;zyL3tY*ci5@E1C%gZDTsclABRcrY1f^|{gTxwlBXLN zw6=DXiDX3pEyA=@qtMPinOFE7#h&e4wQ9?w#Xez8MSJ0T z@q#jDXejE3J%g6%y1hGCvw49RRrp#m#TigyMXKO(t;Ke|>QV{*XRTVE)dn8N3lE1g z_9L`Pn~x6Kp=;@>z}3ie~O?l()`n&d8T-YHj2%OST1LS~d^_Z1>b}Ag8rdMy$(>bdb@_c9p`R zWR^b5UkgxI_?|ysfUAh+w-xzD#z+_QTvH)|A_251_+Jh#2cnL9hf&!eeaIh63fs&~ zj$;fa44NLmp45|uf`~lLe6?T$oWFp?Rw~666FkW+agfS3$GPN z`Px=6!un@cmS@piM6d}*qJ)j%yj@Zoyw5C)Hn0|d<8%dw;-{+ATjV-Ey_D8;ef#O71b z$`cLqLWV&D)wdghMcdokYCh5e4O(dH_A`Zoecx=JPB&}mVjO*P%Efp(v(WcabGxF^ z*<7(>KQq4qAFWIF?fE(ho(hB>`6t%PgUOiM-lB+0n11ljBg+!Gl2ikvCyQ;&?R*c; z{49Eh$Vz`LkJ*!9kt`y?14T_W`G0}r1kp3!i|2k8w;6qeIAvRUQ#Jb_n`EK+Tn5a| zyCvgxA7;J*8r8}xhs%TUDBNyLuizn#V^k$kR|CYnD6yYNaFDpgKVK*_?N;3|pKA}L z7SF0AGfsH)Y(4I3;r_Z6aCA`{Azx~H1^W1zZB;Mz%wZrbSp2YfvzE@9FwrNBHej`= z7Lv9NbiI&a47IXWtoB!~`8r#OBEA{g>p(vtLvP+&uvS3X&R2)eatnahx#+pvtB=x5 z(@=jwsPa4_e3u^*?Fz7!c8rGG-RGW16z}N4CM?BFj{KU4p+9?#hKQV52`LMD_|Q!U zcaDS@g7fPX=d)h=UU-h0p(l;soz3jfFS-*~U5-N9)#kM~d0&sSPa+1o-;JAB2EvTi zR8H-p9!2F5P})!`Y8-gGl!_8*`an6xr{v>`jEU0|T&xO@hbyxjkFi;DZl2A+y1Or& zrC%hNm9vOuY9I_z2z7L8m8{C0HS?0YN_V>hW>r}7A8NAqs%!u?GCx>)ATD{k>(Sn) z3(ceqsX9#089dhU)ptn&Ei4pX!A+325mXRDpe-JF0UXfN+^wW4k#ch4zu4*I98P9i zJ2wkMoSz82%Q>0Eg@Nl@bxzDvfY;aG1ga%3Jyq$Zqvf>H0y>tY=DX)o;P)vd)T{qi zzbv2FJ3O*aQeCM?_{7nHxz{~SX9yt$fPGj9NJP-swUc2rE;$ajV-{=yf zylz0NKeF6lBv+yM-ss{FC{F$@aOHo#NZJ}acg{|5%d#Sgfhmb3t>QOS#PgfT%uY&E zaY46qOm99xb=)0w{TJGp{q?Z!^`mBf*tx8wQYA-rsHp6uA@uQ!DV4TMEf@bC&QGTb zS>M?|U%Nodz4iLq*f;pgGt4S4Q*s_#StF1AK|akMQEXeO`uKD)pzdXl3By=K;NF_ep2gv1scdh z)y`(r-Er(#rf$Q;Zp|R{y>)O`KyjdNzTX2s=pDLL^l2&++lHc$=&N&NGsh^rT=*J1 z(B)qE9bGDPjB;t-3UN$bnA1FQstl%FpIdt60vK!3sCd>hws2U93ou2y`9i(v>Gwn` zrCN}5_(h>7u6mYWeCEw$0@fvI+B}qb%s=GT5At}5)=p$hLC~J;DzWW4N|5i<-l>~nn z7Y4I~*e7YMM5C$-P4OdW3V#rfy4lU6fZZ$?u8~P}QjyJdX$y1Y7R`SJ7JEQ5!3yol zP!0jo)?qWdyf~d&Ylz#dwsqM#n$`u<6zw%t&mpd{xatD!&_ppN^W@HqS04qhPW@di zEZMLcjSkpMQ++f9Q;&nky|Vbr?rD|UiuVt7O@L0h;yui%MouNkJVkJx&lQ@?@f;1o zjGN@Wl?LyyKUAy)89GxG_ZvUNvkKMDTYk?Ya-tkcm11N)wNzu}At-Bx%d-^vVyB^w zI~avP!8?wcsB~+2=RpewT;~D+y{^dNPu=hhyICD-Wk}YM$s(t_s9w&G+=#W-mq|$h zbcvzmVE1*$@Mt|h4=V*vb7dQPh=M@eRr-%cV)7P~)1xl9iob9=rrKZ1H+7o)n`t8HwO0jUf8)qx6&ii}QnG$UVFXS{Pt0LD8 z!DHBUgd1O&;RI!4+py`gI&&RyaJ;6YVsnU!dT?_^GWg-DD}&rpXGZ=xGL92}rhz)~ z%5T%WwSM?XRKW?0WYmM<6j$A(oSnJhTaOVg-%J2W>$y3KOQ{7TBO7-U$?~LJ1>gCw z-?KjUGD{da?@!epk+NglStY`>^c2B~b#M8^y3%%15f;)b&#KG%?1OAk3)+Y#(O7*_ zyK}3^QkiQFYU|noPHS81Db$i&qDtU{i#@fghgI$neYHDq9_f4&R^d}-)Mk*K(JGPW z2+Ce%X#F&TbcphEC*7Kiu|r%`A~F4TZERx#jqKbc7K&L4^8k+vtE8K~%5O4z!yJAo8ngRp95jps$7ge_|^9PYmz>UV{5y)L=yu z8&x-ZMg<}kCZ>OwVHa07B4#c&mj4fNn4OvVzZ#!8Df+6FrZxw;# zPs1jY9kgAj#6iN3F-eYOe5?`-W0T&%1hWzf8Crw_fNLxW8Prnhj}cZjP239ww18tf zA?yinhUNkP3t1Zv7{Vdgg^IC-t=K{Jl2*x77%7u3&_z_H($h(CH4i|j!I#aWp$ZL4 ztJ$wRsKwnPXp`^pS4vo5Dzj&JQkl$q)f>s*At6-)0DKRSpQnj}U?rr1u~L%iFeczt zvxPgtm<&PKX3osQjTq`O-MpWN>0sS{8$WHrSOfB4R;K~AnIPX zYQYpAzeEy$F=Eq5VhW2y!)(GMu@j*DE|P{ZLF7FYBLx!fF>vffdta9OaFaEm7)`{4W(vi9 zvcb+I86UTTXk(j8Eyy$BfriTi5{6tj90q0-b?Xmx16t-Jh76PTglM8C6$Z)V-d#C7 zHw;>o`PV$!u=s9)(SA;J)F;L`a!WDl6nV60BItuXoDU!^B~SEq$u9pssDQ$f;$(J8 zAcs#?dA0I0E@??YLw^fo+-s6$+Pn#FW8pW#l)-OwD=zEA%0@WyK4qEF#?#Pn(42cP zoLSNItW98`%(+vBSv48xzch_`LAp+epF%Fb4VTQkV2x~Xpl`KcXF@zbC8m80-F*ef zH?dYFp{?BSLvg9QQbTbpnjUZYI3n?Yo<3z{;*g8q_tYX=xR7|pZz^@7gUMj5$bgwh!>M@FV zahipjUd3b$)>Vs2_0}JmZ3+P9^l2`}gi#6$^~soH!XrtTV>)=UULG8) z_^I1d$CKkGe(udZMnlEfG)lG~2Ix~(O^{L8p|-&aSv3@7nq`RlEA`BJ)uv8cW^=Vl3 zD6w!Kgg{LH8y8T`dU!s23PuEUKO)7*CY4bD1X1#;SrKM)r-p5z+zS*S0SNEIuYJ zZp;+kpDAof5R$S%QJNf{TBD?>B=rrqNV7$ZUV7(djVhF+k3~C3l;MQ0A|S#Il?OTv z{^b!%tc8e2<#{@Xh$aSBnmj8}vB5GnB<$q!4C5Ia=L#RkfxK^AUE z3XYl->4s{@DRGgAURK`(OUeaMLPLp^82ZcOS6bZGX2=?R6f+K!m0G+Ecu@%PS&joK z5-2IrfRq-jMDkNHGBSejWwq#(sKLakGTGuxP+ho{7nIH^z77J*5nCGkV4023YN*$u z&0?WBF{?!S#*8`HEg&(p`Lak978zLd{EryId^PeY!hzexY)}}GCX?GL3(T0)Tz{#8 zC|9nIyA?6ncyhW>@ieRGV3u&!3U>28!?86qyk_{4BoXwQKa@(@zs_jbNG81(Gc|^j z#phy_vU4ug^=jAM3lVHi17@UpAhG zpkh^iF)_|OT-Yd9BBco45H$~Dq&t@oxCE4qmI=;++@T+Iw|OSrsVx)EDvgRw`n(1S zO+N4N=_~T;z=E?gb8mNEilSkP;2b95X!`MiaN%Tn-Nh}VVNd_%y>Nrxw%p_q=Fz2K zqBBQD*7uI#)NMlg(QyeMF6q{1C5^iJcM?m+?Cv#wuA;@%`NI)ZjX!6P0fWE|e$JdC zB`MVP#f8fQ@I+WOcc;J+uBG+VP_d5425At8fQu7`zhvtqD=MNF< z5CZ+44Y~JXINv|+U6{4=dJLnY@&jt#g!h#R=*QBRnnE|arlg6dj*kBf^+jXRQZv)O z>&w-pJ&M2U?!c9+telh|T|z(FshWQX8WdL+Z;a%~f@{M`&h1Y33HrR4_^H=|=?Z+L z+NbEIv{&|%&{`EyvHqgmanktqIh5map6w&2QSg&k+}gsb0t5<#KmGEVS%F!6cktj4 zj2K+=<9|1n&;DcfZt?wZ7FjNNP;*@0b)oo6@qFuyQQ7Mam&T92-?04OUp~8iefxE` z8xZsoGHS#*&~l%oeX`ZMQq|y86fgB^NA<0~Jo&wU{{^7VyBy^ouw*jVv|T{=YyC{* z{_ufK_64oy2fpi9#PK!ME?FMbxv(2{{?KG8aOnNIeQsLi#thVcr6{)xo#Qgxx+47nB0j_0-y;~;mG)cw`9@bc&U^Wii37c4JPdF&6!bd6OY#GT1Hgn?3a zzi7PT5dwl#E6Z_TS@Mt4?2>1boh<@pGP6x-h3#&oa}if(clSX30OOr$7+wuDK3&>R zCgb<^ULB4%o34sIadv%D(e8)!r*nu(adc{W#9n%zo+;QL8EXP2?W?x*@<1cJll{NI z{ZG$Ioj6X}&a0Tj4)4@Ket)9_qSY}9lSB=RF~>Rt-e|*NCuF?1oAX1caExOj>ax;n z@$~or3IuFD&qIqLfsFW=7szSO$|^Dg&z1^-T>MU5a(U@%-YVcnP=0;`VM@iNPy%)x zhVVExaC|8z##%5f{|0>5BtN%&`}7R-e>}B&vl;gGa-y5wBV2&_7*9Ag{j_FJ)5{R3H~R4b|9I8Btts5pTQ)z|SqE(7L}E{)RvcE8d5=IWXva1h8hQVYAPoFD zcpdZj-S*o-LaB0eN?(M^!MM{GZsbcLm&hij?V2cBxA+D}d|<7QJXVIeCFLfR{=6I* z#rL?b7y@W>LVz$GwOjGw8`^mGTAi*a5T2klRsOb^v>7gARbuG`BC9)DUK zyY1j``ioZ=j}CeJ^0t^CwY8PFOZ4wCSlf=%``a~mLD9oi4|0N55MA^etaT1zTTURJ?mskFg8+uE)>)bWX>-fL!c&flb}Kpj6LS zu<$M09Kw5lMI6CxbV_VHt z@pfcs8-Dd&63X;mWB(7%-l<8nXj>XA+qP}nwr$(CZQHiZUAAr8uG*zoX7G_?N#c5}SQp8%B=G_3_GL}^7?d~bx%BK@ zJeN6gbOQ1gKyyWFvZ$6sw{szKMW{)+yJy?JVVn? zX7jmzKv}t-yT8qvnaTcJ-*;v^{K5=R@NT%d!mwr~8a<=t(rV1qwGzkHf8&N?XW{Ci zcH=gUac9uAvbyEjM_?O#Ne zyMA3SvAm`nv%?6jtyM5}DmaS(@4ZCkA*Q(D!C+U3NXHZ03iqMp#{B+-Q3f-Qlr1pD zQmrfzS>EC)->NvmdrSi}FlY4)UpQn!p zh&90wvd^mRAI&>a*NS}c8Uj^nXzLONcRt@oifgb8m`cRC$CR|m>}z0~R#iof4}%@y zER9*SZR-Ubrg^@|l&U59?GQtn>zc{%{2agOTR?0e@2qLHH-<3rh}E4TfFwR1jW>n) z%a;uoChqJ2={aw_w)X|esDdhFOP-;bBf$s2T7FeFJtLjN#)ngas8p?c7cei9xj=1) zp<*@#BQJsGelxMZ^H`XzO#z(pQR-^^QzZFO2VnW&!OYWMA7fu;jM(~7)y+$k7%60} za0Hlf(^UHCKz#GPK-XFob8SALTX(9|K+8m@!M{9FKp3GQ?&PPyfn1kkj%53i_Y^_Z zHW-fsVXT9}v`IYkFu{MMVQJ)ppRmC2z9e25!7C^z1U3rvgI_Y@6(|gis9Oeno`+mKeVfR|y{(?vF1wY9SQb9m;9Aosb};}8HzB!z?w81j;3Mi(VAnk!TS}~3O>2wJkM)qKru1W5T*<=Zx89mMHEAi=79}ILwWgyN z>(aUs1luiM*c0nTi-%0*sA~P=b0hh(RgM9>aES(RUso-P>9@KfHR^^5AkYpF;I12* z`&IMLv~t4)5a3q(?^CS}3eeGKmbsu;4Pspf5?{2ELy^>~&aHK_3RIb<^4LqaVqfFu zi@*G3LC+!rIDYvDn9pi&4g1i-e)|}_sA>t!J3yvY8-Jo_q*VLSrNwh8!$p2A12dxFEh~xRA0#FbO?6!}U|u)Z(x8j@0oDWWX$! zqj1eG2VTgvyb7YQk`DQ*_KP}%1>*U1`OZwNW)3)cGTgkvOH2UAAlv%-* zIIuy>2UsF@X)n9V-BbzxEmk2}FJ;^|T_#(>rk%Ssq+T%vLw6D`dGI! zjk``e%joUuk>kA&u_`p%?%-EX;dt3Mb5&*9kpp#En=Ef?dbeQoH8T9a6WnW6k2Ps* z*?CrxpIOf(@+iyGeseQo+BD0D_qKkAaDG0;4`M?v?T+~nw-e=iGv*dgoxl@vYnM!{ z_Dx=Q^N`&a*9d_tuFO|e-%wwz7+;pbDPMZ-Rj5%;yIsjOd-POjYet;?vL&Cq>JBHS zH?2sW0li3ao*exLll`_?ozPe4tYx|@b3(P(UwE(Hx9Hl6uC`TmvZ^=d-esl3B<}af zR+4g9d7FzG4_$1$*xxSwXJr+r^r$1Kp1r|eP*;t0i?>88!PQH!PPWp?YKy=6g3Swk z|L-LkW@fhkhhbE9HFEKEFs1*$m_|n7{|`=)iJgi4fBI@;)gTp6)Uj^OGH%rnpcu5kOM*1HrLwJn{*x*vKkt zBGX1IvN7TtHZuArvTLue7CKJUY**yedn-M^=RW&>z4w0m$C&c+V5XYBi*_Spe5^0; zD-oHO(nd@BaF9^4Uj2&xn#DX46~8x1`NNMCDEjc|PECmWZJY4Vm2UpP487h7i>+wm}t)SkT{z-NQ_rBw3vQiPTbMXGR49`dXiE^#2L#ze3Z=_ETwdW zq_k{LrsQBpDan3Y&QPG2Z8 z69EV3lYd^Lo1UN!$~lv#t8_JL{XJ-ygo1QY$doa)(O_VUKty8>~jd8_4W%6S@H{V2%)E!*0b`>j87bKi zTLS}Mn}DJjCjzJcnh@}*_8~wLiaM)-%ImhG>;{jAt?1YB0{(_9-Gk~-@hiHXO^%AK zL*ID1LWgFFG60N1?e<$Ir7;p5A!tTUn0Ehc%HxeDN72=mb^@dY^TDp7qn#jkUnSOg zl&ZXgL2#PEb#uNAVXjkOnBs{EwKkSqV!SRJ@wx}XEW|N5f9CKH5^?~v8^)6)RBIed zKXM#5s7gPGdFd8;gl{#7nK@GQ1(eV0FR8{X`5gS5%S*;XnOxH822>Be71t#$fURYl zndrDf7^@+1;F#*r`+fUogyunS zafCB9C#H`pBnhDH8$2SZVYv^?#Tnz)PSKU52R1-fv12o4z5V3czDa{?b{_4L`^Pf1 z-&IwzjSM28**47fxr=)5->BDe*3`mxu zen#B%w=TG1biolPyYOMt7)%g|)|uf_DrM2iqK$*`PAIs41Ch&x*ksenB8f4ML(y&+dpqP1daZ8fAi;YIlc`2GGdT>s5@7hWsI_r+El zz!HXAUtL$LXD&CR54~u3eR2h_O%2W8V5{k3s%CYAhQi0`2T2c=J9JE*X6W!zF451| z%CIhm!Y!E-Mvbcqs9lfU1Hl)vew-a~DHcAk&G0Av7`l#oNm;L7ac{?ntO5BeHi*Hr zDgc7Dmpil&2f0)c%cHjEri49$r}Qp-Jp%r|0UZ0tN%su89Mg@bBo5Yoi9|)@J~TF1 zh>OdQStn@z$abin1i9*kfMqzuM%?!_Oc-j=thqW&v)t=#A~gbZnSf|G^c~A!s_x?Z zy718*oiNjrt4_>%Y@@f40=F<2^vn*9wF|&xWK9URX=NzP29c?dV@jg@&ZD7iT>%hY z+;csSxO4KskFq4=U;}Q&t$JmS+a(r#57-)7RnMzRW#FD(Jj{tmV z5Vxf*+vCxTW@Xd5iZ)>vY%{QuOb!^5E3biMHiABjG5oJ0>m})PE)YTbcN;Go3yJ2$@@{e`i6w`qY>2ucW9V1jSek$1$p>jDw?IE= zRbdn2RZ4i*;$>14y(-RJ+14yMN336-CKkVZH@0P_Z6hmK5&_U|arM3IJz|T-xQKd5 zTnIJe<|mb00=9V%_8Hn9U%-2!{?D2=&0lowt|Ajzs^_g>_K7jn+!MXVj;M$I);ZPFrQLoOzSGfVr5frmwih{6G8B!iUfdtp50 zaZn^-t2H!@TFNB76sKCwHXQ_|6)E0x9w~Vgt;)}Xs&1EepRB7xscvK8%ArVO#@I5k zs8-|UeK)T!9JTHtz;`*`z@PDmSHi6L!$7}f2lsreIEN%P7Scs#qr^#1Y@6^?*3}mQ z&EyM{@Hm=b<4t?Yv&e@<2KKXF$ooh999%jzX(vn5CwZz*gza!&E7RtTDPzFJALd3Q zWloj~wQ9%ZO>31v-njg3ps`eY)7Pw;lJP7$-rE;e=TMR6D34?gEq^jO%!+M_dLV9< zOH1i##ty1Zpsa%F)Z(9|_yrN`D*Q97<1S4N03?m)3+%#yg6sYB5y8s2fe;-vNhK^F zNe;0D2PDPpSYrHxae$lTHpT6-_m+e1@=rc7xbyEK_P-HRDc~6w(SHlPO&SPMPD{;B zp*%v!4??w=_Y}b*#nyl`_mtF?yG!K|=u^@0V!MPjL4JJDW5o`a;HMd=c^O&xHj{u3 z5Q@swV-g@?os2Xn}=txR~|Vh)}TrE9_Sh0y$hohRtp$Gl_di z2RU0$qj|zQd#aeKET!ky{)nB8df|je)ww83Zisq#@j3!O+YY9hAjw4ylL9+H?j!l< zkc7G8Iue^{rf)JCc0_47E}Jn1k)Upo_$w6>Oh6$a#>fIG&ay7hkW=<~;C0b48; z2_8+*5P8j3wB_GhQ)PdfBFd8yw?uTnxKR zdVI1YR#uGYl;tFEh8-`){NPWSDB;Pc61F!49d!i_DSv}QZ2wNDSkeVwRP$OZC0UTreY}bGbS}Z zzvZN!sn*U^cfY?RbQiB1qbpysb5B{Hnsn2@e@v2wS4&spnv%vzm8;JSV?5GRDSpm*c+xzbp(a|7&5qRo&Y~S+$GbQi=x%R3x~(;7kOgAwm>^o){v6DI%ap zP>^PxT=t^-g4p*oH`!-mg8PElGP@7I1yqVQo(L2gHAN9YW82UNRu5BrOtUzBqq5t& zhx>+Ows*Jt_RH~(-@G=5{ELC}5CN@^pQkAEoV_dn&B=% z2Q5F7WUIkpNoeD=M(9zAE_z}zg_NXxw7h)0Ny&se*?r3GMx)y|+-B#Mw!7^%qyN7D z?vcNLCnq%nZ~Nqg0wYD3%fCIlVVfGw$x4GL8XWzcQTF!%ANjD zlq^vbWLbqODvPX1;i+P*65|r`Qj#joD@sd-SGZT=J4#EsSERO>O>wK@#w0X%na&D+ zL{x!@DoLuG56Kp7Cw3jNFoFY{k*ZCEiu^i_hY)giO{`xaepjE9(GH21(%tF$IIJR8 zk-Q9}d{l;)+4iLc86Kr*NZAj;^Ome4=v)CjYl)D{RXL{bE)~kGJ`9v0NGxA3Ln#O7 zxsBJ?o#WgM7uAPFi>wkdpuY+zinB*$@%>^8y$_&E_^_UkerjS$1u`$toG;GUad-yx zZP&YgZ7PwA-6>2m_bT_?OJUg^)KwQT{58zu0+sae)Ci7#ct-#a9w1k3{?!}q zFAjRvuY~*uq0vsAZe38~8kA@-VJwHsAPwk%$%(C1eV>+kIDAMQ11P$iY9C-rA&!bx zJ7mX@S9zc1&RR$0fNe)o0wwqT_9RPFjD-; zApoI{L+3HIyx@5uG|}@%0LQbPMPN%KK$M1$coO_X!*A?zNe&0YJb)Gc6;Soe0ak}A z;AH?_63(Dvw}Z+Tku7D0fH?Y!1@(rTL+jr-m0S?(lgxHSxL`7gMTeMEfF79AgqtMq z*W`a8I@R#Yj{5-BeN<1v9`IU*^PaQbX<|r{rtmI^=fru*{=x;nSD*_E(iJZ|{r0jG zheVKi0V5umc`e6>oAmP{D6vKJLU3OWT)p{Xh)2@D0?K!1_f{ysCzEE;ldBm26^$GE{sZ9QT!Ge12tF=Ib%Zen3?tv}%J zuYg*t@gi#BqZEImU8HUsOIn6@YHql4hHK)hZ1UI*ShWJo8?dH3-V0r(wXmc{5ezMH zbuZlZ`aQ*t_R`vloiPIV<+rqeHOZ(%-xbL+ST@TPrNPTaN$HD7nMf)fs`L{KDv*oVNw_T zJox(>cI!f6_-U`>+ydzPeQB*RDVXHv{^Rsg8q%&lXtu7<3uy2y&{$fxK5;&WwKSPD522mb~K>!JsQ6(oBB95_0SXt{Avg zV35K;o+$$mdJRbA!4uVHD+X*B(okwtDbj&@B%bJ;{=<=p1(mRt)f`F_POX|uWxD_?TEbYQ9NikKWa>24wR0h=b05r%LvY?jppn`A(xL7j(hK6vb`HI&{ zB;bEBf__wjrdB7@Zgc zCo2uSX|q(T8!9nnRCna)NTbJyXD0_ry`bTDzLu1$aOB&(OJ>(r687!R8A`l@8#QbP zwd%8q-o95f$V9N=s@ywoVHlnutYRmFl5bY=TO+bvI+pi}#q!1~A+JK&pD_TEJ$E z`o8uvYIPkndC(x{*>)>Up9s_Ef`b!Ca6q)g707`ap5&b8kJ$t;DVR~bhR$Vp#<#`T zw|Uj(TqEq9gmbm6SDfDo@ubJx@Y0-c)gb|!=X8vn?gg-zpL{^`I5%IM75ON7tl@;_ zRp1w9r7E7R3MfdSfp9o*1q-{-Y0c(+M2NA#eK!p0#m#XTtR;F-tEvFj_0EyK2qDhi z2?)c!_;X-w2b=wa4-AoDN|<38n>Grl6Zu>5rSG8)segIU=WFH@8Sr=M1MTq7hW;F6 zIPy`Aeh@&_fcH}xIAuoy`R}fDAOq`AC@w;vIlTJ|``A2%8Nx&R$}QwR#QO3Z9%nij zr8Zk8O#U-XD21{Vyc{s$IXDWN*#kO~*;BDTaX7hP2RjS3ZU$@=1z7MXD^+0b#eFkb zblih2M~;N2JuP^pc1DQwMPG&39Wb~E!uxyRpv8|C9kyw<3OWUF(Yg&pXDA>WF9lE3 ziLEZoVVE}>I3Zhx?ZlcCI>(f=&pT=t-1IdRiJK*Sac;)YAGRo|0|{F}-> z7(PoG_9mkHr|vK`m#KuV>WUVt59cve2t(nIbxT#F!j!g_VClg#Y}$KZ!7lc8f1cs- z`<(&An;ga~K)&BS4gjMKp7Mn?k17oaDisvl+_{sTFI&rCORj@GnEK$w9UFWYZfh6& zO&G;l&ZG@7dp$I-zhX6TM3yuxTG+L4(6UKoTE)#76I5kDz=|Eg>4*}`+mr8Gl5O5p zVPP2U?Y#T1fjDRJFtZ8ELbEeYy(Lg#M!-aS*M1PHy0Tu$O{OX4Q}e+ARD-%QI$z7k&8jJxQ8P@i!j6J+S<6=AwD~fAl-KIE=CT zPNVMRxM6qZ=M|PN?kam^+9FLYT3z6GZ54tlTR6OaXG4-`3f@w3`9}vb<&w6@x#{va z7NMWLRi~bD5|USJ2$;}tIn9ZImDX~13(ntR9nVMlC2&npVAyRIt<{GO5LE!arC$Fq zfRA1E-F7WAy8O&MiNuOeRX0gX#HFOBresA;?5CkCthBYVyu$T39;`O8%NXE zyu;0W9OuQ$@FTihlp7Zmr1brwri)cCor?EE?3j$ks6xqGMagP4?*g2#BwD;!R?E#i zhH5u>;gp>J>L=8#WfD3qF~1!~@y87{p+hcmzGF%lAd~#VM0;xNz`j+a%6NS4eb0OWN5QS` zLL0aiw`YL`7WZ^szjYie3{0|KOm&2TsYBG0F&Msp^|M1u7wLY__O$MzO&Jd+k%qR;aaFoPbR_6BaRt9xI~RBb->RD?Or!Ty#t#}K)+c1R6D3eV1#CH;wDV*wK$5zB z&OFYLRHoj4F365w3-!6OshG8u_lU~M7l1ABymE+zpP(vzZgyFmjCJ&X8iR4@43K?* zE!dB2EG=PG+}&F^zXjgd%Ir@5EqC_GXX4nM(SES=w<5cZ2)~O`QmQqjqZkiZx@zo1 zz``=I?G_rVCS+*jWct%po+2PVi72sv&E@(#F1g;ya;&Z|HN)2%w`gh|!7=N~#nA(( zp3KF=)6tVi2=*hJKa4Kc;9|Q2^p1E;%?(_zkvzV+ZgXt8^IQj%` z(V6G2tcKz>f^sdujH+#TRWY7BwXya?x;V>%I$(x<@r)Nr_lSawhvhXK*1;=P?eF8F zIDeyTtnLsxN`&Pl3CSxehthYmF7@sC&ZnM-AiHQEal5aRaTHg}O){aM3iIin(!qjZ ze~-!GaQyI?DV^S$8=k~2vVCj5Xrf-1IHU9rCvPxmfJO}zhn2ZmlwwQyfO2Ajezw7r z`h}(82`iEhYA5hJrI%>BfD^UbJYO~3wi>|1ll2I?8q8LEIu$@Kr-uKcnX=DYo=)N4 zlpd!^c+J~*<8qugcAODT)kw+?N@uL!gBDZ_ifVKbYX-+-L<>sZab@}3{-cERsB?Zsrkhp48=BYi}aI4-n(zcQO7J6OD9%O5PeBfUEC6pM-iW2-3!Gr#hr(Cs*l0e zAzn^2!v=N6v4dIGG0%CsTcu|0f|u2)Q99M#JedOXnsKF_heVuA3YxTbbl>V&60_}W z+s&}SFGlFg4Kydpmfyb%$lU{jCds@T@(5Ov?x<$QXE;&Z%Np`~fq2zH!|6-OEiumR z!xLH}vy<>)Y9G9)6~z<=VRb8%kqt>K-i{{v0H@;|yS{(oy^jGU~D|5GEgRr$X)vb<_-!34`Opkm%;)asxp zh@_MvB-fsK2?eQ&VuFGQm}X2A?4a`qMz9$#Q0daaF0&O^ z^mthp{a=`|;3dbXiS2#MHWY zd1$yStkjI0(rES$c5{e3gh3Cb3<5-r%7Qdl>xYR4rzwOqc>;(>UVQfykLW}XhE3d7 zqk`m=kQ@?J$G_J-7lDF;ck~i--|SijFKGpEBT9=b_nypqVt9b(AXy%bbh%_LMzZlcd6e||gf zw&3y0v7aBf9?W)sj!}ptki=?;SCJn?fD$FnBUp%n84$Q5a2~pdBNG2nfWj1zVFr<$ z!{H%m8WJ>QL=h53q=>S^NY;>ILJ1)8S;W1>+CO;-VJZxrmX_%s!l7Hdw+^`iTuzHRUEcL#6}1_ zNgjXpwGih^Pfkj$7=lYF-y(lSaez1w@3%>M5aLHCgM=CaGU;k*>W!=qKJEL&rZq__ z#g#gwy?c}5&N1;5W4&}M)+C^u(w{|(Bn;*PebCwq-A4Q@n6L=Nby|HyG-f-iNo7o9!^V4{)|^e!j%JYVGH2-=TS%^+2BtA}@-20w})0)`6&V zI^$(|?;-las^_(x>mWV9JnNA+3)$Nz^6O&5IvaA(Is?(UKB|k9F!!WFF^xY|sMdAX zD$(c^^Mh=`u^$v6N`PvMuZiZ>X`dZ{Q*G#A%#>ZD;BEmshTi~PGJa!StoPBhzOK#n zJWn^0&F>R1k&F`6Ochctq}k9;Qm^%(GzE?vMxOK)5RANM2ju-E5PiVC4L`mtmx|{A z*47pMi%8o^Lw9c23J%}aW?l7w{vJ$d7FwNRP3v)!lL3wG+xC$qcl76?QGgcv+Cn@! z7Yd+z9*n58p&4)Iew`n8IA)OgsAP%Eu4<2lzA z0-#5Vb(K_rIa9427X|>L=iM{K|FsPY&p;p|gE={XgaoDsCL>oUf*~7|!^3_5kq&RV zL6bV~J}`j-IdZRp4zsW-EnIG?{aVID8&RAG9ZTkJ$I!H1lzv68$H7f3S=2VFnWj+%;HeCBUR=h9M`%Czm z85a34pUG?Zs;6-p9YWjYZ*DxH!_p`?3mKH#@Bt)KZ6c5#5e z;A0mZY0@iGZiN|*d}#K5ik62YqpwGiWL@!(hVo;iS4ZNeL6C!*I3XqZn-^*3;0#K) z-fT9G6v>5fq_0f%JXxL|ELa7HP_YHnEpR<|)?UXgd`wy#5iV3CGI%3Q zY_JFHSWOrD5tyF3125MLu@{F)Z34{j&vKKNR~&BzaW*%%wva&(Pq=; z$OH>{jzs;KH3sDiZc&&^UTxhkH1q6q;Rc=BgHCzBs^Mq7b9c;Gfe1b-wq2{THE2mg zPwWd4hjm)tzg21ubR4jB&G`AUGwsW`s>K3P5BS%AZ^^W2;cT=+I|nr&GF`l!^NtFd z`(k~0(?@yuy(VfRLUp#{)Og@# z-gup^HQvf;zZQ^T%WGNWO|_m;GYi61+kmP$HZWwHOUnS<2I`7}nieA%_8Rh|tw)fm zz6uHr>vyD>KRuw3Pi-Qa&DOs}DF0|VaycPX`y3GsAfdO~oj^&qd5g8Jdsst%S-hft zoS8b3eii`Y)ZV23x;*jjVJ-FPDnN~lcw(Zm7^9(*bO<~297c@HQBM)lScq7?rxOQ)o4_a}>N7Te_K+_nf&D4~_0fS{m#VEvd5hUQDIy1%8) z+*5v(QMWO-f7i&8>67W-y3gEa@7(>)l0=|hp8Ju=$rX^GBf0o9ND8Dt7F@2EG6{x21BN=bumFXA(L`K zW;V8v+HAB^nsd}k6g zne;~lr$LE9bNTkVrPBy!LaMAH;UhKegXQ~12w{if(R*l92~0d%hwS)!TOUIggoVs3 z%t-ZQ(jAX{@kV|L@!c*mi8Sss%=wgTt(hGE5t`}4a{fH8FoLOtC=?$Z2L=urUqTmM z^@UL4Zu2;^Tj8MyV;Off_f!!)4|z=sE(Z^z>MDe;*ezzjm}V<&PECNTgwj+F zMgLk}SO4B)nz?7XPS1$|m;r1FtDp z%aIiXYH_%pG7HNO#6wVBX1{d4FNLCDW_9FqW`7^3d9!4+a9Y}21C%9Kw37&6L0fo8 z0^V{@M?pPqM~8K3VF3otwoY0lv22ZvoflZyxTLwAqc6yuzOD|!hNBC10C`D7-WaDi zbdg1sK|RO1oN7kD-3RqS5@VCqC}3aL1Zc?MIhRkw+r&G?Ne{eqG=T7O=cER%tP|;1 zk*{Y<5rQlSaP$Qor_S9UD)*VMvR=Y;RS3RQD6icgNha)KlP~wgp-9D&qRyG06cbp7 z1Ph+Ig2)rs9tca0@^v~Jq-bH_Bv)f|>>pPKHHG09*MRWq)#CL0=XdlHJk}5ffbkZX z-lJ5hC>Q#>Va9Nf(5D~XNG@iiglWuxer(MU#mz55~)H{}=*R-iR}7s!9M}VPn=i zKl`yC5(qbdX$wIC-B;TUh0+0&!B#vCfy41P z5an9*$k6G~r$qR9quBhT6XrKpA&^*w?c2@i*#um-Sy{gwr{YSWYrm!vTFU@H>zU8D zeD>2@1E7X%PEkd)xK*eHXD1Rur0Ho(L_wkT`UBnhNjc@;A;v??6T@x818#>OrjYY6 z)pX`vmPJ+;Czrg zKxM(bHA?hwdSY#?6jWc+Q0^oqX9lhyGF`%e&P^LCE1--R;QRyGn`CF2y-eC(m|2KF zJ4kwY__g%q6UI-bQuW(CT9?RN+K6Qx{7vq(%QjE`VmrUF4rb)c+~R2^Fq#&OmM$_I z_;8k#BY=iAgQ$liBX2CIo4rO*y;)ZafZBT98|0k+=C>1-OF2H6e!xpiT*D!-^P zw{FI=rW3egTPuMbtD4saqN@`@hh<*>GWf5ZF2ZmdMKr6zA1XmZ1*}JoTuAf@D6wR0 z>PdO+Zim8Hvmt=GiENF@+^p}^QK9irCxtcM^6D~2N}L$*7&l|*<=aPZFDoHLHj%!M zMgk|S9ZILl!o*6D-ZnX{mmnwOlvFPNgiti?b*y`TNp3J$H1B-UeI5X_N&Qm_a}|Q> zs`QlC6HvWBE_;)EqjN`hU2nB3=o^d}Hyhm7vUv570vKH1wY)!uYuE-w?_={$idgwN zAsecp$};qaU|`0=`;mo6*yPkDGwI&r5V%Uu(*h?tB%B+;JSG*WNUW@qdM zVCBf-87gNMy0mAMmYZ!s$Grm=xsQdDe6Y^TFf;)e&sXYfx{eM8Ki#`3UZzVt&F2WP zXn004!(-bLKHo~59RruX_}E2#C?C3=8f!{p6D~?}lz)ib?ya%+|G!*lm|p4?PCKuc$*W+g6*4xanMhRI43ZnwD(c+Rt2G`fq@G zVdm?p3#Cq|9m@uwHnWqG{`j~b!_(sC7(0p~ItZ0eMYuoweUcGoCoY z3-A~|y}jV@y$^&6_0C(;8WM76peL9sNY{>3R#)S<>c5OZ81QnTE%dvtw5SWHNF#X{ zoYVsNGBU`l>K~+wgGEBA)hz3%Frb-#OfKw?%Pkx}9R1YlclNvk`6BENaB`4w4uLg= zv(atN&MKDe_A%HorgfC}4<$ShD$KgYCWC7FiadtAeh{^)?J5Q{7GKT!-Efz{>rD&* zHTohf$_xhf5-)oQl0pnyE4E5Pl_FcVDd9o8fplfSe%m6fnKlQ6d(+r*rlFHO+MK8= zkYRFGmN@<1-#HX=-BkIYSGuHphkTRU=c`t<^LH>@k&Rm^_gh@|mvE)hiwY#N@_BW9 zVmQGl=(dB+#Ip^)Q-Qx$8MGKq`Vxt@XN=csZGdfN5~Nh@ZJcfba}|_S=v0qW$&DMo za@fpay+(V(!vdi+P8KPETKn?Q<;oUZk#fnPDO^cY)V5m9*Z_Pz(q4xW+Tba?kL_-4mTkL-Sd!T6cl^aevBk7Cyyzmt>C|ygg5Cmxw6In(7dK{tIEJFqgp-Y zAGt5WMs3>U>S-plngT0SAJnR$#f8m=>^6Vg4@on-dWiqF@%N9<(f*=-;O56%kEmKS zsv5ISvXrtm(eeO?5`d!G;7{LCVXngbfjqyvyLutdUF38m1>&>EKf!m42Ns`EdncmC zg(FY;8!{cUK9ls$Vf_UYk&l_>=w>$l2a}_G;JQgG=i%X7%s3ygpGGX5&~LRLkiK>V z?>}L5mj42yvoWy!PhQU0#K6$dz{DiQ9V!;a1!nd2;YF5a0-|nOc5;rAjb$EIN|t^` zk_L#f@tbhyUO4R`9A^pM^AsP7#tFVRBl+iv;p7|ozX0;{1pS2U6kulp$b}#nL>O(paSB6?p^bT%sey@+fvJJvoPoyZeXQci z7k1Cz>|YtsUNsx@&-341a<2ZOZnfJvwYJTu+s8-G9p)2%8`Esgdhb3SksbLu)S{ha zZg1?e@3(k_4Q?f zy`AknzS0YC7741q?k>j0;@0lfCPT|*l}^ds-rnW1pLoDb2o_|av_i z?zc13d$Im!Q9n&a`5V0TJw4q;YPb2Q-nQ-|UmrV9W|I%BayvW+<@1lS&>P1c8AC6g z9OMrUu1^m3r<>Eg4fcmAeY=&s$e&*6_xCi{SJ~Tp{J#IfI(PHqczOT~h`*Ko(=Yqq z_$}C(|CilDH_=u?SrKDwZsT-ERz0&TV$$0_pJ~XIc|fmWK6SuJO_{QYPbPaQXLr*q z-2|=$y=jcK3zdeN##~kkM zoC{|dlb&+htYS;6scY5>8T(o`$df&^aoyCN+$`jYnUrqKsZGqRmAUebm^yH>ytwBi z#U^xqRz%WIC-Z3Rl|)L#63?UnHM;DV-cGtV`~+%taL?%8+dMmU^7Pf!!;^~LacQg* z8QHvUjRmr>q%gOU4d;ZGyfT~$UG!ID?gTmjSC6(z7%2$KSt5kjdT#zg{btPxiGKI3BlKKm@M6q)#V zNyNz)qODOz4(qE|VXC4LiCiebwPUcltRrdNoA;li+dyd=MdTB3`3`h1Iz|#XqrVCm zgV#ZrGhxJzj7bH=9?#I2??tJ?$FYbJqx_Ehsn+9O?#S~|@G014%oIDr;ywahdksG0 z5F-lL^vEAKGpr5(llD>gTE_Q)qX)D-S6JO_57(Q#9uURhb+={o>aJOZ0eQS&ik<9G z3lSNDC2yI*PDh6o!u?1>-!)$X{>{b825u=2=2d~SKG)0P2b?jY=ln@O2=D4laO9#= z!IaL?e2Ej4_KIIFmru*{C2DX8(T#arJKJqjdv0IHW)`a1>5Bb*up);;M~&(7``ogp z^%&|+DbIsJtloF|T^P6BNWET02Jp^TFVR;+0>2ovo8v-(tt|tUIVzj!Ev>@f5G~Wn zRjxwu3ADuTs)N}se6}#&f97P)l$_(b*G1q~R)BkJoJ7ih!s9b%3w`t)yay4CkUN)a z>>IV&+!M>9(Yq+gRMjalP9?)s7)nHy$rtTFfC6Wm0VxS~ZkaKN&Vby5as??p_$V+> znXhP({8hBLlV8wFLnM*@)2aDy7Bv}Jm|6elP4B8?Eu(CX!B~mYkcVf zg_w)(G8(Cf8HHrQtOM4(u9P6%NJ}*-N+&fXtxZ#_k+DQHJB=+9+i}jq5Rr~3RyJx` zrpdxQn}NVS=6z4yRS%Zib^YbxoOkDGKlkKIL!8J!Gu78^HSxI2N?l$rC9|yAoMzjI z^+>x>_LY&TI00sCST~C!lSM9L81klRSS67`hQ^nm(LoNXGyX8ZONjW-suTx1`noW% z&J`v`mIh{d!C@8?VVJ34M#LPNIpZ^3W44&VQx*bPmbfwYH51lo<>nMPYcoE_YNEy5 z6ifdzvoTtuP9QPdD>vLLHebRn9fN7M^A{)hg_ILUe<5wKhbK36a>-m9%E?s})GWEr zq1P3|^h_I8teMUoV>T*})A?0NS#TlR$q!9bQITcz5mVGhhb3RYJDW}0smW8fFHb%~ zF6LA{n{8>x#;=Mpe~!WA!im{anXI0%X>!2B*k*!*ZS2zVuj2(k1idH z+H9SXuyT3MYISsT0}E|kYjuE26J2}k)(AzgoKyzRIrlrJmrM#p7v&{-Ecz`fUy{dz z<(ku5wE85%8JXO2XZkRPuMuG=QHr$V8m^o9W;;sXm1EAU|4`loVBG~&y%1>c!Q&4o z!JC>;YZXR|wNx~D@;nF<{4fwnQ)tP7N7K0WYO@FZxbDlo>c7G>?|h7IU|p#{63k_Z z4;>Xfga=}X72O==qjq9rd3J}!lEZJ8hI7z$VXgAcBIY$GyqC|S=VD2N?)ygvf%r) zPqx+dT!t|2%N|pfwfdJe^)D5BdWV3zheL&aRBt9cZpp108jC5OgH8Qb>9|sYdU}8- zDlOHUhWu$Og`F}Y;|Md7Kmt_+4LKC!dPwqWn>TLQ>&GW}_f@X}z&tPT_V5K=@Ub@- z2VKCwC>0Z9@1 z6Q7ecoPLOrIQ{$N%-efab_*UCzOk?$@Z9(j7X>3=rSNX}GvYg3^Ud z$rqN8m)(=d?EcVubI)y4j@k!#x)?5&2=ay(N9qYb32CwE9p`P{Iwg&nYtoUNX~r+o ztn|O#LJ>`EwK#8z6#;q{=u=%I{Wz>~pI2uB0Jy5|3Y_k*I~>HIkPm(%#rGCJ-mYp} zYqx!;_}K*Zh)M}PXh4WFm8exzHr`Y;4xp{m;owX{!Lxw&6(EOn|KoE=Mlw{{saT^~G*}n5r;lD|G!Ql)(sDg{rXkp56;IJ+I ztC>ziNS+%~-6C`_C9dP3S8fA=!Wg*2a^hWX2Ag%UT7L!?G@~6O_*_lt<}bgZ(+$( z2Sxn`m3#@(x~5638k=Gv6NP9uBB2n&#o1(^(m!!fx1)OH)a7dnH6mGFy({}KxF;Am zYTh5fp&xnwKV0~%|CQv}W*5A?b-W#AYRCjdH& zNy=oTzJZR2DJQ5is%fJz>VedlzR@6@cN9gJ8ClXBHKIU+9D-8Q=D3)YN#-(TTTTk{ ztDJ2L8@p%!oloDJ_MFW;`{n=TgjukF7-9%(35wOE*Ge-pIo;5st&;mcw0&hvr0ufp z;O;gI?(Xi^xDT#_ySpUUCYARu(b7X(| z(#I}D3=w#r-9sNnIIhUpTlOTXkl`GB{T(bOgE1%g7 zHPYgVB?mBeoxFSll@&6v+SsZOVdrvU?((Jm5dU;*Kb>{G81D>#C-Vh0`3N_nWt_Xo zx1(FaJ*`)}=b-Xya^W8Ks^y?whAf@sF|H@>k^&fRq!Ggt>BelJ){ZNEHyENbt632F zWJuv1Q&W%U_#M){&aQs$DIl%oBVpqV;O#uw$sx$cX}L~YXts)gY4%k7w6cFRKVdlW zJzSsTg8^-m$prUL7P)J>*+mX5Gwu z7R{-?k%x@|x}Ct7?9^8p&-}Nz7rah|2AG4E@$SmFqj=QF*n)HO#3JBaa1nKky;S;b z|5yHRa0Fr?If^0TLLUk~1R5e2{DlXWok!dXKRViqo$}(Gh_epUu6TPzb>iuRH=V$b zd|m46W_xVPAJfkaHt1k=VD@rwVe-P1B>Taf~g z?Q!J!$C9>gv-3^hHIeU!c;@9W`3zM+dGh4$K*d|+_aXt@9);*|#V^KW=Zd_`2%NS{ z7fxgyAl0dkBU~M-zVRkdxvh4fQJihol?3+=jtC$_D;Xp?4S1c>N56~DRydkZa5fqD z8eYs$3-xmQ6YfeLRVtnT42|d)seZ8Hy0&;mMZoKxduef1hO$ZpRFX%hJ3=?ydhpT` z{26LE@^5h_%7RN2R)EGk^(tx0DS69!IovbkUQ7IS&XUo#1{A@=Z?M77w1C;DzO)r* zILZIJ%JaYJ`>`-H|LaZjzc~fCyDRuGyQ#l&3Jd>5DHK({5RF}m1YHHw&LDB^6I}l{ zr7-t;lceu{?TAuB3kKHXD}?+MOaORC{t`sv~J4Rxo2)%9rifc1IW6YP?KhA{9Rc7 zH&hQBZKm(?7S352E6Y= z#r}X0%>5*KTFH7lhX)5SmDCpu{y#B1ss%aF&;P;j;PoCtIi>Q0p^=b`j9pkhzSn%U zML1i3-+6NBzew*u{q3vsRz$J9!IYy~UfoifQ{7VC@~7la%O}NAfICQkQgXU)R&+dG zkvhkx@@}Q(tKq8RDs8Hzc48YOAcxw4^!j_9v!JG>QR}*aU&|dqVJ+gk@7jAUttGkk z1M`DL{!d;Ol}bf?PE&D7mbt?X`cu;y-1EN6#0hYLrNYzap|$*JO)xg9X$_YpUsjW` zAiqV3zq$a_Oza_dJ+w`!1MdAW?(uzpBBv-3t);+Odi>%%g;BrDHH9FJjGQjB`AUOe zV7G~HWcNu5>)j5>ZoT~Q8ffL9O-uB|n;!4h*zDf8V7GRlJ2SJgvarBny`KA?!pp10 zaese%D|48^SXB`mjP>QLWSa8tp!C0?VE!GHpdDbLL!CaMgfKiIJIeCkC>l!nh%tF2 z>Uk7NIts?UL2^$LDDWXj()YYM!TM)X!+j?8ZvwzN)|Xg0LI11Y$Y3-iBw8|Zl8LcE zKfh2%A0cB!6A!Ua|5!i2s&e|6T4jl1WxHvmODUQ0aR!F*ab<~7X~oOwn>nS+5e6t& z6Kb>F11i!y6Vm-$s@(#rfLt-k0LT_d2%1Kyr(j5M%j0Ywtp11p%<5lLF|mF^Aws|X zQetDtcKaXLygpJ?Wfo`K-Ue#V3P!Ly2t3DM4Ko+-C0zQ>%}aKDPYr%7O=XZBY`>*7 zwX~+?Q2QXR{5faw7EiW&J<^*vvQbC~k1*w#{m6ZxMCL!@pB)EbySRG@-e@Yf#`3t& zsCnTrU1~VDJ=zFJ^WlBPr%oN5SDZT3T3cMTSl5{uyW;UbI|Y^mN89cr&wF`XzfYZ4 z;BJWe+~_`+(NetLHPi-`nLOU-r;MmhtPyXtwcGi~ZCvAts{v2;-5ey>|FFoF<$uNlDyh$ysIls?G6>kXD1-t zL*9I7(KnY?I_&Naz8kyi@9&amZf<+4bqPx>iCpjDU%u!sjU@aXl>Rro1nXY~ng9E+ zaJdP;h7O(lOI2c>bRM3N1d&{Mi_w218hI3nItu2!K|;Z73f3K!{BZwm;qx$5iTn7U zHAw^+;Iju6OYk2x$qLgz&)CRlM~>E%@_;Xwz9TfHKpXY@2KhFtfUdMd*w}-Wsjtkw1#+#Lgv5nup zRv(HK&ugOYZJFt^4IYg>wkgnS=^M;zs<<606`uTwJPU7bGl9_$9XAXwHmlx|I}P2o zHd7l#RxHu<-t`V2f9SLjPtW%kxjFa++gA!^bBSVe_%&xA9zbvWBhHu4tKXMZ?nat9 zTwPrWG#(9>*%8}|xdezk+Of(mPW0n<45%v(w$gih=Ei#3fG0Q)&+9;7`}+{u{6zX} zPfv~IezEx*ADRcny-Zqv58RhrzTB?A2|LIC$a0wVuLHn3@oQ0OjL3l(?yx^>@|wR2 zpO&E$84rmKi~7!<@_!K^7X@8mmYZw!j+`)K2ouhYzOsu#+G%Y{r#FG6{W!Aro%4%~ z$8Oa}a4(kU7XjKhd;W@=gWP>F>olCz`|*Siq;L>jOM7p8^?bA_a1hFGMW2A_TYp zrfB=m%{&Xii9(cEmhXh70EtQuhztd=v#nC@Uz;+hL??};DCtzhr?$}-gjblN0eDni z!Hrb_30+|wB1=(k2{lE6YvtTvaEv$w3CSsZQipI6(V3da1(!ekh|0bX{D|h2oGIhYWi)FaUtElC#{Uio|C0Y==2lL|4h&*e`cB3GV?$dbV+I*x8&fAULKd#S zbeweJ)@*YA69_JOcLuoIwci60Vu<(tw3NuceCdVPAg!b`EZ#qZ<1fS#)w^}yck|&j zcjwQL#ZrG>(DKgiTpniyihXW&o=P>0lcpHS7W7Ej&xxGH)p`}JU3d^CU7O#wHZ-5R zXGOPrQqYU$V}8|KcQV{8W7FTAkA-m+UzJ^GpJ^r7Us%azPuT_9DE)Z(!Cos6i2Qn1 zH;issC|bCnF|a#)Ftf)G`E5ME&ZO$+$(909(j&lE$x=j_!EnDMwvnWP~yhztz=if#2e`FfR%JCOX{m;}6Tlq&s-_V;^ zg;hSJwV*#47eDRWV3P+BD-Ah>dQzhTR@)yMriQOol{{&r ziplshwdKq=QqtrQvx7_ZgB{&c0cl$uZe+3Z(Z{X_4|`A2>Ofd&Yw z)Bs+g+c0$qZW2gp$6gC$3s_>m-(MtqLx3cSwQ;j#A+wr zAP|xPsbt!)Ni6EXPX9(!Q_{+gI1Aynpc~Mac)%=NvBYs;$ZR%+xi}{jOa)nb@}(xe z&~8@eP=KZMgJVbM%cxI8X|pFmKOv$EZlyOSd5(a|hDL*F-vhxe5c2qMFv9sS$Ma z$Tyn#F4o4Z^XpPXv6q5!pA|wxk~TplNKv*3p{2SVWT!UkfroX-H>Zjc-omt}vu1M3 z97el)rn!`t>BzkUM)+S13(~ow`qEZ++!bg{PpRwc!BgxD^{2fy4X6fhj_f#M5A?c- zqOJ{@NmUo+mE{%$+k0nDHzW;37nUod--xx(9^PG0s`qsCgZW3wMwWwh&P;;s7+jK{ z>V7QMKic{jR-WqacQ7|-^7aulhB3W~q-R68LXZjm>_GH` zdctu$J9!xYaPlrud_gBJzj5{CpY-ZbaVY!f(DSL_mQ5gC+(P^?ma_hJyWHy1=Yp1C zf7n7zR{cz}NCA*W@`p_jQ}N&v;7bR;eWG$1gFVOxvm^&&vZP>`%}~plc*-OTogE;v z=Tid!aV8SzI~?C7Sdl!0iDiX}Lv=qtGh7A$f&u_c#knz*{XVeR291>JIP39v-EVsN zld<1Sg1}iIED=~l4CJ%?znP$R`4B6LVFH8j5@Her)k>-P*BuaUUE!Evouc>C2FR93hGKCkgcUegJkp^uLy&Qn@ z(OmB=*QXZoJ`oPPuT0x5tk)EiUdS(+qF6B9t7IT~gb>R=S$6G{S^ z>1ol59~+xUhkLYTnlG;}hb=xDdjh^7!Hw=%e+TD(F&X*yaAxKFi|UC^!e4JQp!enI zL}Zn*4pRhdEl7f$xe|IL|8a)pIH{l$d*8e5k46MH@~WB6cw&Co)i;?>+^=RWc+H$FQ<2I z>>0){-o5Itju`BouBP(A^SXBh)@Lo2bthwyd~M0el@1#D=94?c{-K4G{w?4|Z1rdqY z2Z=oU@lnjPp>qSF*+z7Q3Io9RCW++<&6cv8xr)=^kQ1o>;9?VX;BqVN#)xQ0p(upn z^2HSf5DVXazK4{DY?6tq&0h!b5$|SAl8Ew8VSK)zMEOH0p$b(M%Ca=^3LB!|i+6$( z#eK9#LgnmgNE;7!2%TDgF*F|3Z-c zd$_PO{e^nbNm%*E)mkwSnRBqYev) zES5ilZv(!kG%v?LeCeeW$THI-aVPvH~*=FNao(S=~+*iON~e?R?EoiQiZmb zmu3TwRZH?y<|so0Ma9jTeQBI`mLZ`CH`MfjATuHKG6^(L%8z~#O6sUc2-T7_kOhS=u#TBf9S5~k>HL@TFm!D_ zp=P{UJ;)S%uDU!x?RM4wP}09Z=o}UZiJ^R{To~YAKr|JBVkRcchXE`T=0ku1q9!g} zrZYf({?NrD+F|D8Cnj&Et`*mxGN?lW75d8R5K~w#hKNf4tuAR$l>}sLqC#Vrcn1MEzJoTqB;ocz{=LKLz1zRn?os8Z5{J=_lj)iiX*$ul-V3v_v6s% z=8qBTP*yexpYQqG4(5%BGm-v?aE}3MEezF+*XyeZ?QCCuuO$gFn)1x+YrcGa$M|=; zOGUZ`tI%n(lbl*=S(!qMrfBL;@j9twnQ{x2_2#cC66(3++}e3?pUbypYGlVf+jqqw zZaM~~KK{|voZm~-$WFF%ly_~t)SZ5d5nvWeMZh40tC0bMijrDU&`Ylu`bY~^EgAy) z4ttc9@(Y!pD;ZUcgoRIO+S_45QTUr5p*QTR#V&Bx8YC_(eQm-%PD=a>O110lu8Onz z_+eJil((AQRLs=<#c;|Vo=h9jpA3p(XTMqyvxQz~dlePUvL2IJkl(@HQL_c7N{{92 zE5Q|tCJ598XiCu)s4CDDeW8xgl!Z|2nl+J<4OGyyz`>C2Q-V=Oty>9=TP%~yBEKcM zNH5BmRg!GoUGO=1uH%WcU)}*9ui$BrOdb>)8D+-d3(%EZXl`tVrbl{?KJuMqTfDmf z^M`V3X0lPV*+3fo_L#9s*}-<0CnWl-4T=Dd*?Q0%C+>$3=p)Q_zLBJDK`>)Ve_oq| zxpR_!1u&9hH`nND(a1Bd4h`GMo#cAkQIR<9Pf`k!SAgc?e%jz09A;|zUYjFJiK%qr8)BJq8yr#Om@*MIK4{>ZY19Je|>D-Qf%_AKv zFsQ(`U(RPU&g-n^p_IbH-Nc*o`^TvB@Nt+TU-W{IZ(l+Rm7;B+`uZD>LNNa6-maTw zy{OaCs)Zj1_nN0i7X0eh#7DA23`UFL2RHPARhZRAKI(wr8CGD2cyYb}y>RyDsZOJ# zqNJjvaZ+7>WA)60**NgS4=Z|2CQQ~Wl0SU~xs8b=Ob6Ac*@pv3l$GWFmdCWXj22$( zw?_Yn)(m)v6r?vQDO_B1mlCT+h6jsY%OC2MS{f3tJRB}wE;O2XS>t5+igx5)aTh=a zgxpis_I{D$>RC9Fw0up2eikHy#U9HTSz)@h;Jz5X!69Tq=HQqXB_CdGtv!GEgC4xsn>&!jpBzdy!k~bK1gL^ks7CV#R;@#Sjr(6x^8? z67L%Ye$`IsSJfFpqMxgD!StvLBI(8q-|d%fo%CFF)?T2QPWDUhGDxU0aezb?cGY*G zc`$NyC04pY&iD#&#V?cK?Wxmp4!wc;{RUH&5>GT71EBVuRcP(VCORvIb==_!2gwg{ zP*~huF&BHw^{zYZFtvA#?wuB&&xTudi%FmjoMaqWT!p*0Fg4mrF)njMJ@z~cjfo`I zsm&kw-q!w0!1d5eAI$R=Fl++HumRZA$H@9_N3jJTtfBhbOtyhp-g80tmoP~WT3om3 z4g~Ez*opg6bRLnTJ58;H(G4?ee4}6?xB#{zZoYbwp(uoHVxM5p>^)6r$BNP#O(N6V zZX;0(p1-DERNotNsHrx`u?asKnxrhXOZI6-f9tH3jr(eKE&}a6GpJ`&@PqMa1wvq9 z5!=cAN`YGmx!HzA_1mYX7G4SdQy1xPr)ztR3pf&VP9+n58*a^o^J&!^xwcMzsxBMb zRJSK>RHg7Y@$C@vW(?)|>>m$NSYQ~4P#q_Z3MMun*xcR1F+$XvD3cCJ?^SL${_S6| zPM3H?;es%~lKeW7g}dy0YhA7P|LQ~ibDbE(e8P2eo3x$yUBsTZyLk|aCr}@2+_L={ z)91J%e+;2vN~nGhk(u?n8{Q3;83f4<@St5@n~)M2By6K5wjV{hmsFnsc6WwB!TB@+ z&WQs)rDI1?=m#eF&54ubUN;aA){p&Ag)*$q&!p%ZZ`&bh?h5Ke9=W)w*&^Hei!J13 zHpQJU7{^{t@d-uCJE|yY-UkJ)&Qt536HWr>M=)=GttcrPcZC^;R~H^sOU}3V&2^OUz`k;J+gG(6hOB4#yOw;@?zR@KZ?K*oKz9Pi0Q)1OTe@&&b%zp>1Wo-mz})2ocT{EFdknjIxva zMBpLuX8T~g1Lr61P*gguj}8cIHBb!8Af52OO0O#R+MblOq!yNDgIkADJJv}#xLs)L zW+)7twB-;B51p1yNRDX3>{PvcthyE)>MGIj7+&7=QnKHdTaRST9aXL6=@?BNJZ~&% zv=Yzk5wz;Ao(Ja$Y+J78+E}7F`&VX9p0KpG<|Lqx0=htHYj$L;3BqJj+=#@NR0!YN*?ov=YU-*wM3T9ON{ek-X(KaJTv{}@GTF-8xRiHw?(DgxD=W`L zT=fw%-8>7M9;a6D(Imu`(^f31{XhV#+ORXxox)EDPLS~sW1a$yg8Ig=LLhOm8V#?i zTmF3DMl^P~ou&U#ngM{MHCD;hBmu`JkHCmBp1@Ifjd4K_;Wf3TGe>d+kBTcl-ZS4{ z&RjV}tJb-ph+_96nQ+1Jl{zKbxi&wlIUmsEra~h#zUCacM;u4ph@Cf%`_L#Q)B03| z_!ep3luksp^t+oJncDgh$@9efJcQFPiY?2Fk3dO}b&jU5hWuNqm3;1zCmc)hVsZC$ zbsKN({e67uY5B8?no+~R$z{BYaS9w+KW%{^yplHuD8SyBHyo! z0c&m4y7(85gSfCyEf;4HoH#d<+ju65%hQ9MtLGotK~1o6Jf`%xMe^xyrmMGG$3He2 zSj2uf%Y`l#Kx^D0)}T3cTjd%$S8y%o`q{AOw2HNpEf~otFYErX&Jk^^rR_13GO=I% z;PAxMTs3T=kfmY4eyEBptn|aWn7kvO@dF*#*0C%$c?rpTa>cHxks2aUH`W*2<)u3q zoM`*t6X5uu(0$@8%W<`95m}*wk}p_?Y%KUGG1|q68-3@7jvq~82VPi7(Hm!rkz#^^ zd%s$7Dd+nn>nn#tPzoHQ|KWc4i_xcNEd8Uo=vC`oZJ@$oL4MVYdt&`bqOB-Upt_k? zul2i}Q~ESHx}MykuX`rD9&-&+=+s#@QISe7$R!u1-d8V26v9L2_F0$)I#K@e!+(2pIBbZZBK zEF%U+4~Wt1tvSyh0^3yu1I(;wFAl$h={JpY4Nd8)YIt;Meqy1l`IoP?1uJLANSt?h z$EDpoA=dbv#OKu8nVRjtUw~-59>9XngvwHE3mE9n#xv;SPOalFT5dgKSUA5GnT?k> z1q1n~RooNWocNKE4)zYFX(d5%s{~s_dYE=!x0c|6GO`y1YhlHFPem({8bxB~W9f&a zcrC;yQV;n2Ei@;X`Ly(%^`Fuc6<(arG`O8hxyJ*{2Oddx?m8;2N+ zE5+v>bL!upTftFk=_{Y)sY(v0EV|E0rhjSOc1kB}N`>PprSr;}H5OeuF)m0uW6bD{O?RXg#rWDbFas4g=aFmm*O{HKiJI)l)$qX|F{x&5_l1z%4bS|6wFz!Ktx(b-q72W^Bh=4bZ6k_j9$i$y?>H{3#sNtw1 zoFNlvQO?X6l}!s*GlaFkEkR9+QBlN+amSIz>_%TfHkVQqQsvW9jj{-T8UQqINtqi+ zVi$RM`{+BPAn9HzYpNvtxFtGKfC4N^_om@@8+@C9WNYk%K5DOy+hz!bzGRayoE!HI&%oZJjvKz8`Xu$GaOc*k6lf02?$r)tDG2zPs* z+a?N~5+3#xOb9_SD#aFH{;eWL)%L8Kfe5%rHbo}%9SOBy12${yt?bJotCY(Ao-xi1 z^zfxFFS;fk#v}vL4h8w7qF*>G_+qQWw9CM5ZscMD`d-KHFNa&Gqcs!;^Z^ zllWR3c{Bdzm-jNXI$Sf+NGD%?p{qXAn%$x-en+&`)&PdntiVb9{BpK@NtQ`0jiX)t+D4GT*o8mRN5Pwq*3ZG-=pX$S?wgGi&8nj(YvyseeaW{L6I8 zzo*xj|3Xe!>gmNGGs?01v>ib1fF`TZexbyI2>81{|CfH{e<@l0PZ^O<(-)S19davE z^HfGt!v`YAg{D>~F{!d}qMaF@fGIdxO1qXolt6%J1r}p;eIfcu=e%9mCq9ffp0P1{ zap%2ZOOJGO*XPE&zB(3*!!8;?7ZtW%IFwM590+csOo>3pip!R@&y%YxhbGRVt|{AWXPSe&HYpoKB~iSUWzkL{=^T$e2hvnf}K%p8y#g zT%71|ysJe-bH)*K6SpWPHfcCwT%TFQszvjueWYemu0(vvcjHuLjZ%Z~(JUo1XXZRr z!@+4f__)6Oyb~j_NSA_$77GmOKS{Ft)v6?7V{62%i^#iJqEIyoXZ z_=F)R*g#s@iV0W*#CeJi(oQXA45GDB$PF?E{pbIu3p$HLS(7yC0Gmb*fIvyIu zVl>i#K9tV|wC;_v`i=RM9OW z%0!XrAE}d@Y-Vgbita`=Eo$3xc~^k~L)5xo22K5tHg~+(KFVz)DzuP^7~%T5;kP!f zG#Vvqzuz9!Zko>@A<5Z_e%!u*GTK4)*f3r9bBvo@4r<%6MvEQWXJ?g%NSC`dvHZp?iLExRClpJayo}q zH^*_HFJ{+T``)3!bwqXjd=ef@{vBR)r6cNY!?Fjju^npT4fZ89PL;{PF>* zCqCW9ZpentTYldM=&xbl{OVDNBkP0`!BPEwkoZ`&ssiP@a5$&J4?+FD`L;Aa8hdQl z!(Cuw=GNn@X%i8>pM6c3EEy)7z#4Xzk}{T2wIRmR`E3?k^ zSe9c1%RSKL56gQ~kjjQ*=77>^JxBR{iIS-UZYpt)1vbMUPPG9jW9l{Tk7dd>-9r8P zJT%23K7J-?o_C`p6jy$fSg$J1=XlpNlWnFs*)vEm_H03f-pPeexi0@AyJ_Z(7=g3X zb&1Kps!iUMK9lxm-FR@^;VUmfoeDdTilRQm7xf#dyptLZQk#Nd8BE8N+F4bL6@hE~ zUaAhypV(N8yqvZP8E+82yr4ehe)b^&U6cvJuCsLACm4Z6w*ffvY#2dGVr;D>0rDbL z+Tb}yd3$lPNu7}s->)MOBx!~qx&e+VSY!A-Eu|_Hg`VBf>rzpiQV$g%(PYwXbd2}a zAn~$4O`GU{#%lQV>eff~>^A=?21$Lx|Ij#7WFOx>J&YoXJ#2uRq6Mt#LVJtJrQ6TW zSlUZG?t>};{fL`qoFtFSjM%#^Hl-I%p0#zHOr?JuU|&19cAtN1KF81-Pn2`kYXRfj zG|A~O1;^AOr>_ccqFhqr*UUGW^;Yv!Ya^~e(#CP7!Sj2K`(0cl^h9;W6^}Z zqfB$NYLXH51GVukxKP)*l`rE}$03(Gy1w%wpm%XX=%5!3RxmeN6$*+=lj)ZdKsyuZ z+5GFT4bOwuy^%XD1ImOC%OG6JMoNG-G%~@>hn3YF@)V+UYb!&|-E=8~T&o{w>v;Jo z!&dR?`wRzXH;d63gdV>Pnj?GFh7>P%uw1<1;IIoeq6eQhZ~4)Aeg-N6)9N zvur(64gBxd#JAb%TXK}%tTYR3)hD{L@1(rexN!ZV^u27r~T~&G|q@%6d zu{T4Fj)98w4_HP2p!8yYUUM5=^QeV#?=Ma<17)3FUd6?@@~x432q+cZ*GmGe+)-P- zJRkiNKNlvjD+m}^^{`lOH;4>lwOu`8;{ zV@wpzLg9)@Z8R73ondH0Q6B6j{hqtPw!en z&aj&QdNKc%Kny{G`&O=Oxp2Xx{=(wSj%y8f@mr&=_L(IRRCDPtThRdX6-Y)3q{WUZE})|2mlsD(y`mFG zrqY1PT3?HMxVbNn$kJZ=i^C11yyNm6fY=>5o&khyD+7o1=t0pjdcF^M)69aF8yWEiZ-Nj^y z^AOhr*FwP4bE)ncgu5_g^q+2##RFkPIQNGV0^$^5H(fTqSl{*#8 z8XPWv&ZB16IctN?cEP1LDdB3?Ko`B}vWo+zGH+D{YM$2w|9h~A6O4SPHZhqejZzDv zlASedI~v}f{CfQaORPx(hf`e|`>XM72aAn7knFSmJ0CtaBCXeO#kEIo&2`?5C1y4$WuIc2Ci&O-_+}i zo_erAY^BMaQeMIM_sbmuV8j7h{SGm9JkU}7RC8-y(A*Kbi|EDO z!Z*DHf%0_aal#rxOPWdxt~Y~pPiN1u{O&c@XE2AHubh;WMNDdodE>t@_|OYno)xl) z*erjl3~2n|(fi(PRtRW-_#8UO(J-@a8#3o~MEkvB)*lj_V%co|HM(c)(ztHqU>+h%vSAgRKa zF9qyi1%LPd|I!=(f4yI`F|qz-doA#@N9%fXq*J>2WE8jP<7Zl!^CuR9a$p|mqiRx>N% zQ+7mJL1<(dDH7fA8Pz48nnmhZm5r}xx{_@ff~BN@m2phjDkT^w{TR6u6R@jvCf|5= zT}G^5eH?Xx?xRHa#)CpUX6jqVH#MF?HOOGsnMmwQCdNVdnPRLsr4Av)}pn()qYg zsQq~HFssn)?z!-CG2~D`XD0yiTiIiZo^?V;NF_uc3M$nWE`b{61lsSY{odHo6( zifDxoMWM67vql!MY?0Slt%Vv19BgT+B4c^~XhR0h5?e6kWveQ^D}SjAg3a|WM5azy zmazWQT?9=X7M8tT2yRh=kyn|%CD-&oxKTPpOvz5|bF#IPvot&>Wjkkl_UY|9kwd`5 zp<(MH;JMJhwx2#W18ng`IC8FeXlWbq_^^3tw^k%b=1+84cX@e!zV$Y`F#Rap2=K8+ z)J4ogoMRVT)CkEC5av#Edd z_0}UzqpRN+9? z<7)&@p`KR_!{`BcS9%~5emRv1OC&@ezqb9p)KaP#o3;a~hbBn-jK7ju@|2FcBUh}( z>q|(ehjCy#pvKcD>WTa;<5kFYl zn}Ldhze#0pv`j{~Fo+Au8y~6G(kWI*kE8Ab%4IJ1szN&J-dI5?6xfr@>&S>3IPGib z>1FSji5se9&q4i4I#~+zF;_MleDGj$w%XqG;whH-3}Z+)&cs}^RtdDrMoqV{$N-yL zS-ms?^wDZDa;AD*@D%sf$WdQI%7DRP#J;qH_Qy(5eJdm|1UF#}xD zeZMY$dXnfL1{%(>-EG4rrNP2l+SnRgr}iniSp{cJ%o!dUS=YEV%2AgdOwKSB_zcOw{ z!pMaptCUn{eqTo4c(q%>79VN4M=LYLF06eLf#AFD&ABe<~_&pkCCGqR=ICuJ`O&#u1)#!vFLZI@LTlNS}`jE zh!zpT5P65%-LxYL1qf0GlK;eI5Ii4vvvOY$^%_G zi6>6&pToVUbWLci@;zq*Gm_n{u5(TdodQx>X6Nctt&(@)RAUC2BnZmXCPc}4NMj0> zn$(hSd%w_2UKRqu&ByWl`2AM81`&4kHN-o7KO4m>mw?$QwB+V{no9|+qs#t2T)H*D z>4l>C8$M*_^L{b9v)%~3{YQD&DegKpu zgs55+zNp&ys!)w;sG#eeVmXqwe@5k5*!}%YvO>`pz7&tFDeZ24Fo}CMX@ytfnvUw; z>>0^!^ewb7a1yhx*9ULGM25&Pkb&V>Y6`Cen9bN>Z0vmGXQgLM)9kUk1zFhb-DAGm zgslO(HK^*(83NgPILt0_ty#a{2I5Q>P}<@A4IubdO&i5O`sH;7GO<87&CIJgLLmCi zqNJf{w)3GIk43!~hiY_Difa;2rM&b*7~q-Q#~619UQpr}kmIopm_=wUy(5;NTnsd5 ziuz8#BjpU{e{`;GdD;!Q2->qvo|29w>S&z9-&g*2C{Lqi&>XK}nO^~#3!w@!BeN{Z;UCB85h<3lebLjeM(Zw;H{3UB~FwVX8xBFg^sdj zjB8*rbe{#u9|h8hA|^{x3VVJPF>83S3 zNH@rh_-|+4GKcSS;p+KW+J=#Ehx+sX6e^>bI?ZjvHzk!z%8FL;Mpf_jx(B6wD_ID( zgrHZ!DHGZ9N(fqIX3r2B<1OIx>IQ8_?{jDml?*xsFpU;+C>I+IbqdQa7^aqlGEk0F zZ$Io_&<>(x3-#A#^GwiAFs_N0@g^@nmjoi50qML@8V{b(FJCw82^X$Tdk!@2dK;W8 zU#jGxN**Q zS}diHeb`vxCPIGeqTAM3NsOv_%(=p`gJL7Y?Rli-7nbHY*> zpdj^~Txu%pxDw*W3H~HPCfroyNd&G8fV;uqm+%^Xu1oOUd$)+Ni{$uqmSqaU6>jDM}8O)Hh36G&FL~2$riC3okn&R{5ket?D$ z!UHW*=vtR4YTI2Q(v0!hr?tJMUl<|HBeHGT0@=AoNP9QX&ZeWyqiY%%2l zHQ+`od#9=Q7dafdkV6=%2mBk1JbH6~N3Q&S^lb_fkTyim5ziycEnxn7>oO- zsUBx4^ICVFTM_s#8N0NQ(n(BV7I;u`nRxYk2=VctI0B(s)OCjs3?yK)lc7Pxq>y@m zhsvptLGo6l`g3KvxP{$HtaTYL{Kw1Z%<|$C4AQmsew)fKxpLI+(lOcE5M8t!ly$3m zlyn%HT5`Lp*J^SvdQgATw2&J=*brs(e%KOcUo4R8)PR#py$eg;mSSlJ_qjWoRPfd| zXPBAXTuS?D7!@Nm^AI#03m!1_MS8!6LCLWLe=Afsj#viuAo5ciB>#O#*+Dl zg7whvtM?_81oaxQPaCtVqpiwbog~+oC+bEHdZ7htRuOow^{m=adl3@N|1jbCE#+Y`UsBcXZvR;ubh*L$%#0>PUL)YYmy+=NhBX%F{( zsb>L4DnX9Po^ zavcoOz&5RMl$OoSv@p(H;8D69MeyA7MT zFpW!p-XxyP0RM%Nf{;y~VrysC3`w=n2<}c>m}q?!+4U08**v)_NydJ1-5O3h*Y{HR zYNE8bjn|F&i|8aUW5Xq_NhcT;G%#*(bG7c3ocG(-yX6DmR1#IoKaJVex{k?sT?SZ@ zdK_c`CAw}VjUrW3Jvon6Pt|NaG9t!911_hfB^F%&DLwV*@inqDP~EkSQEnaX?VH3N zgP)J;HPy`*vU^j5%9E({G6U_Xc0o0>9DRR#d^)DUAIS;3Mk~9R-oe9ezk5mh$$QEA zmm@moXPBaci+Sa9R&}PMCIVgVe_yEsNzt{7I2RUSZ5S;D^-+dxl%3)J4`t`jBwDa& z=~K3C+qP}nwr$(CZQC|a*|zQK)3f`cZx3GnfXvyB9Sh%bX$O8mk{;{tZC&3-HxR;G zv|4sV0VWr?b_9AwXxC_nnos`IkPT8=NMl!quad{Cv)3W#inlbX9C6u%NW@wpSUH%L zRb`b$3#yG740ZrFdWeIE;=Oi3BAw71+dCQbcIPD@;jZ7h2qNR8fx6I5rL(r>Z+oRG z(3iAW0cKuFwLlv+9{kLQNFC|s4j3&OsEhb2?)t~;xC~Rz)zsYi4bZtm(x1~lp&p8Q zvEFkPMJUYDW+kcm8~4^^iEm8z^W!W7D-|Jldd?mcltse$3*J$Heo&tUTpJ^Uzi^zt zJVq|7hh>PA$%S%b+DJ{*l6S%N$sgtwIvtNr3QoDd_Ynm{ibknFKR!L#uqBW zIHWohlpkS|ww}O^7;EoY+lAUU>!Z>ccZvJDO%3(T%Lu(}gZs;6px&_WUe}UQW9v!r zpT6FP#uODlv`?*TmnWGn`iK^$EUAO(?&5NmyavYK`D={QmM6^vC437}5I+Hm%@z&M zns7CjnqdM*=I^Ru^B__9ParaUqx$lWF~RLVWM@NP*$-Y{HHb=D!~$(!>9nI0uq^c;azPeR`a}3@{`x^o(udqL*K>1` z>&0;=V(PP$XY*y2Eg8dTX4?K3?EHD8Vhoy``1qUk8cW$mRH;NXiZ*Rm2)u()7PhJX zCc?7&O!V|$mf(P!BPfAm+#wYm3 z_|%@{h($`gcO-vyBr*pM;`B)%T99-!6SH1{5bkU@22znEqg*gX4ql{-H+y{s%K?V` zOSHlPe45+AGI`l%^5So%NJ+28MZ)1r-@uXQfw&d|Fhj+? z8JE6dSxDchIk43k`5Nm05qi!|@Z*COl{F~RNr-5{RQ$pRyK4m)sLoRw3Yg69v|K=q zI@RNqR5r>v;dO8jaZ};XsA@R;F0V$Iyg^pbOQ@+;RO5kqLHNI~Styx)l1cAkQNBL-k}kaJQaoh>TY5S3}i zU#6XU-i1FP+Z~ez8Ifv$CMO>RC#7%)4lpu4u9;nZroY}q{`Pc6Rv%FkP%sf%)KJ#b zE;^UjmOc+(Otpixjs*cZ$PGL%TP5_0o^96X=Jr#!a-xAmy+x%FMIXoX_DpYfcFQO% zc^xtKZxFPI=j#2bqJ)e>FGzbnu;0ubZ*5zGO5XvC77Zfc8jDYJyX&s0N%m?dZW~X} zOVTlJzJBcUp$xnJZ-V20R2=>{X#x3vU(xL5Q?S#lH5HmaR1cu(|LyYsh$8%N)l7C) zrvIU4mUx1>BZ;-WKzg*4V%!lTx*Dt`%S+o800XA)RGqiK?i>X+(4c9U5O=&%YSE7C zV;TMRf*Xc_Pm~7?9_H^2PK=M&VCe1modg~1A?SGR>N^&DX==*kxaD%1^_bI$0H>l7 zBu0GJ>$QC>rI8Y&(Q9C3pJy>2d}FZU=`jJQHAo!@`TFCFe+A&qf0rF@)^+D<=o^oM zyCT$G7pBq$w8Q7G+&6s09|%wKg1FNqeK|CQ8x-<;wdn=jqK&?L2o!iB7!Iy=z!OLm zir9yET}bPvVN)wspLL1|Hl)$2+W7<9G8?V}CUeHGYqwc=&lm=xj_8nWpT z1~Mf$C>GnIb$f_qi-v-IVn_A`^9X(C4DYhW)QyzQvx zHkWTN*TrCTbv4MtbL~w?C}?tDzkq`orl$AzdZSDluDP; zrhnWCVnkF(bk!X=bj8h0r0oMVIMyrB&B#tY&*Bg7t8Vy*As$^CnjjQmC<0+vd@vVX zB${*--YCLh7}$`IA>u7QT~eB;6p1N3E<7$`eHh!2cAtNm=mZHWJY<;Akf9-2U6h(k z6`m?WW!TaXrXf{bteOlv0%n-hkg6fZo>UuLZ7{~3j2m2TFzSxf8(eQN?v4yFoS!fp zoK!Geo-i7mj1U|HK|&Z|K^VFrD4gUV+J!Wydl^BFSpJW?~w#xNlLb{A*2{dfrv#g=d|X{psbTzPGmar^%Z=0W15Cc}455TjX6c09C`C7`XxSlb-itUeG07deLgfNklGGjt z8UP@Y$fgE7AnfIK(!QwOi75%|K8DE*9PT(iZ=fYBk208*iDE2dOny6R9-* zlLD?3s5!3(xCOraDWZ_=d3+>B{ui;vU#NDXYD+- z%iI&Ro*`{gx_rcWhL|azFvwDF1^b)-fFb_BSOEM=e(JRc{m}% z+wA?X-Q4Z&Hn^$|2cB2(_s8P;Cnv2mqf*QCT!hP(yLa8cF2hmp9Nf00B~6{(U(Gf* zfvS=xp7%tIq#+@JahqihBquvPoo^6!@W9Cz?(+>3D#gHc3xqg1pQf_?C5YMj8hZQR z$i=As^))Se*(N;|PqzP09w}p-|*txSHQ&^fLU$$>5>RF&TsXFbS#CO{*oGrL! zH;D4&t@(+bju**EEt+5SV6ZzNVrSrs-~4Mm?3+Knozp{qo>S-9 za991>1FDAIN*>u{@gVK-CRklgY++RjmXZIh(3@Nt&W7?)uxVQhoWhJ(jl76lCU%Lt zrSVRu<^Q256yqI9)S%roGz93B+%Irs^zY0}X$-OY9S~>n78FHpwf;#I+4l1ZEZ$5h1_BabB||T4rr$)q`E>gKjMcGAPq29N%~3Xr8o%>Gl}%7=+QC zo(X2MZ-7rqO6VQ1$f;7KOo{FRJMFRJ`UQo&4-j2kx>-CaR%Mw{7<8_;l#wzK6$E(I(mjRg@IGkj8b-|2pOu-Rf3mJ*~@_CY5)uXmq7u5g zqN=(A=>7MCZj~B&CPFxtPS`v`AUeBcacY0&hL?e$pkRamCIke7ql2G~$-U%})ha}= zNP&^!eDbMVs|}t6xWL(*F-n>c_y*4>^dK){21_9exn_hq)8DLbQ=m(HUK)5Fyg3tV z2QI2e&BG3WK*4Gi+9=HBgPikZ;<2)K72i1EKdESuf zPHjWd>mlV^dMWT|x(NH1N(8OvIF{Yt65O%E(b%DFfT#iaube3U#Bq?kA( zxXXa^Zg44NJ6Ll8jVSYEIa}n6E4dmb>44D?A@&_M>Z>1$$|SCQoYOboQFJ-6G@}Tv zJ{)O&vf6++rGQc8s!?q?lVo5*v~}NIX#E3Qun)yKH*>)8_yB%oM^vJwUQVX5j%A`| zLN%z64{5)!Ytv`#C^+pMxV4SGe9mxw*s&ZA-XZUr=a&3_&if3m!uSb3Vw$6rydQ;Z za()8FYqZzeDM$Kqy?a~r=++duC5NgnbVY2$`?Yy#vw-h>6Nqry*a`Kf*|*5y0#eO% zQH0qTTpoj)b@Xh73D&rbIW*Hvy)F{7$u_v@JYAHZ&{3S5AK2pp-C_%_mfHKDtxwht zpEO4~2B-VKsaC6WcG+N)nDc2t1xip-G~=@m;2@^LoEGjBD^zQ?2#a1Wh_fMtTH7LXJkF-2^n*joAB%=cp zK}vQHnd#4>bH%^*zEmopOomCyspjEy&7X+?<<5;JNhg8he{GNZ`~T2}4Ua(0I%9$q_6 z8`tTp;)P(9l{7!fP}A3H0Bd;M>I=&O2O@(ZwV2PT$h$uxkC{nMjouIz4}v-4$jw5s zsPY@U+p4N`M`Lx`?~KfX$`}%(b}#_9R)SK`fQnf1AaXaFRf&BB%K6m6|G(zxO9ouwoiw3{bXmLqnesQ+@wMp9*w= zjwY2o0Go*T3dqZtn*jIT)8j+UzuZCtf{()W-CP;HRTXM#sF)p}OgwZ|MP_(kxY)S^ zg>*K$q;O8{a5=2^?~}q_SaIir9uq&uA!YYDL!QY)Fr#)CuxkID&ZS7Suhu2wv@?gSuI;H^+9u$pFCQv(MI9!*DHoq_|O+3Ghjs zjoDE(AF$0zT_mKGV5?JyfpIive>`twOr<&EtO8=cuJ9DYbjGRXARQMXGE|CG6`$Hq zU<#;yja3b^<;z6hyfTF-GO5&|FP`oIs-V6xfxO`|aqX!ov^~}BRUI)2l!I*20BHTK zfwdOgX$8*pM{HVe43XcZi{3}riUSx9<*ww%F@ z_4VWVZEEH$q?}hP4-=vkbi1agVt@=|Q#17+pG44@fc7q)XvNT=5mM#bEn|DkHRXy@ zlTazXBrbnF0>msQqu&X$+7*r2?6w8U2ctqAaN5D zsBG1%)%&JIGjGbbg&V3X&4k(`5s=Its|_u@eZPYxzKM(d?JZ9ELGZ9ieQ<<~Yt?U0 zuvrJ?nxwFpY+M3Q$Ag6YI|*5tQJLPjx0hZ%A7d6c=leWy9Oi#xg=_t+CVsNWm%%0m zPRt=%iUWRRPyGQvBkI)DD2w|my16S{A^2?oe%XV1;S=&;mPblN7!e^OEiDVsj*^GJ z(DGXs#2JUEtcKPMoR)+kv3?IBoevh>s2uy8I=K+a=4zTKKV{&v@S$R*MCFq zE%bnZtn+*GNWEA@Yd8Dobn#&EFq)t0!XW(wYtn3zJ)hLlg6UGTcT~K0q@eIMtOkL~ zf_^Udu7&e(4CIlGk8;xVm*nY9mZddn0|?3&xJw4nGkDUA+u4Z6w5Kq#_h)xRC!+X} z9tz9&UeSSSJDj?l%lhCq|BULkRfqa*eJY`jb)^;*WhH;uZkTT57M#aDl^EIb-(D&9 zmM;L7!pR@L03 z4AN3S2U&$pAE`&vc1#`=Vc|Jbxg~P?N23wmai|)C*xNOiKd&Y4Gn~Pg6WFWH)|NKe zib2*?r2Y+C}WB}vFB=1jp_!IEWRrt1V_%`ElwT5>7C*4{!eUI^?W%U;;JA6igbbqRs4odiOlQr^6FU#aLMD0`*ysGL}cMv*%C(z1FLiYXoiib0HAD|Um&4J0*W<(G^e+?x|t2=%_-H+x`FP8;z zfd=wLK)7A5gV3iYD-qaov&9mINfN+v3_SMC@Ie=nW(KIX6)@xNxh zEDVt-rnUl}=Q11@9k>aCFzuF;Wf9ea70TuLoy?(Lj0e=Y!8{n;n^N*^JqydJ$~mdS<0fjFV2> z8c4UU=R~MlaIItC_IYDN@z2XA-z}i9be>Tf1-TtG&v6i`Awli#zwtKJLzAop)i=J+ zH)(BJq;~LkApK~4!i7U{ZMCYCVks(Y|;|*e(w-D zY4k3V_cu5P?XTO_i&3zp5S`Q(57&U!0rl}Sr&znfx zN>c&0R)uTHpV(buJ3KEAWS$ZLeBNK?1FFx;22b!jHhhb^$G6Ch3F8R z8@i#OcRtat1L4tMH%m0dGUcgrbMWOP?W6MOvqa(}=nre29S%lm zVwk9CqH}l->eje6>U7VUSGZ@1p@ybe^hP+F*=sAm6Ol7!{os(tviy0~wt%l!A|d5% za{h^vT58o&Qo>&r)S0MgwF(5ra!g$a>+=HgTH5v&rz6oLAGcE3=j^@hB)w`yFurth z(a2a6v|nxFBp}&1a!nI6wnb-4WF_@7FZ}Row*;YJ{6oZmXXL9FnSy9tG)t%AXn@Ff zC5lP%QFtZw?y-WA!Dhf4wMDW9DMw7EzXIokM;|eNK2P9I4~AVPdnsp@189K)@(Sl2 zsNVeYZB3A$!i4h?h^OuFy3ZTc$nS&)%$L6jVz5sbydS}5a8Fn#qgBLDLX!Ql12aaY zh1?5T{}+c7MEQmp`Fhf}bI;ot^Cn7zdZeHoT4U}vph%ABKJHiW)(NS3vBv%p)~=q? z-pdlWi~CNnATWvp+AfWr?J}2#oD*0roj(F?tND02>5tSf_fQ|%iCRWbF)9gsnY6Sr zz*ij~_V|)}IwTjPhk&MREN;GEk2C(?kepCK?QT1x7sPH06XFehL>6=fRjf(I7aaZE zDZ4~btxOAX#26Dm9dk*6eOu;8nu@>+>{@MzV}$6v`(Aomdi%C!Ti<}NHK92!O}3jQ zef9b=!l@~J0SV0cW7Q!=)ELUAAtgv^23=cWJdpxpBu!kC&&w2gBE#q>sVABX8Xm0H z+)S*q^A>boYS8iE(DXa_sOc zHT>JYKf~mLMtB1I%V~(MMy*e?4_QK!134E?YIY26q&XNY)-RRozM*HDN*M(&Ypep! zI4mtEZ1po`CP;`&R)RSl{WZOn^f4`@9NIa9q*jW|5z*X8s6jx9Trp9i2LMn(**Yi4 zd9V8yN;086(n8`I^6h@vk8gOX_y~<2Z+B_2FRL+QZ1aP=zO3uGpVt$1cLd*wZpg|? z>BKDbBODH8E{>Ck~6H%wcm~s6fN^|JM8TMG4`i?j45tp$7J`O&*PAbwVa*ddl z%6oq!m10iU!amKUPtWA|Hn^R>A^lg4_!McwF6=|gh?|4(A5BPqkpAw^{!Bl$o|dvH z_GLl3`4K(eGeN?&{+d6rZq0u)|JM9WEyAYkE_jKB7rq|u`-L8bEFINEVV6?E<^6Gnd!i9xbBo;xu8hEL zEi)asH-E|iV#!+ygh1vI`x7dVGX6kY^AT4pFWH_S!R%*_n3CBRIU|4rzYK7bDUT{e zO)h6XDMXZRoFZ8B$6dpVSa>P#14iePH!B|vmsmN= zt`J)jRpe_MWL3{J8sHj|QhLRJvDO1)_Rf>y0t5p+Khn6X?U7j~W1qQbfn+Oxvz^;e z(!0B2Qt7O?nQKmv3JyG)2L6WnO=(#UP1ue{wgJG&#_0h?clOd5OU8%Wj@Ls~vvM6b ztc?|0l7y#^A+J{c)HIrO_H0=Z#x=(8abdj9%Khtj6UnDjraD0;ICq3}2&qDZN9|g7 zZ4!k>yy$3b%k*|W!!R%dWVvh%*rCGK zu*XZRY#cvIA948tnWG<(8%ipHsA8qew1mMU^x#_)Dv1{smGl!LHAS&ZN+}Qoq8>Zz zjyYRWbOgi}Z`8Gw8B@;9oXE1vRm=q{{Wc1d`dx?LQ=1k?#mJ;=L zD`aI`&2^vYrKL-;es}F;agCv0b29uBb_Op=Up&LoP464Xnc;=ulSJ2stw*f{b)yL0JQx@-NR zKPP{jtfo}?T+>m32=>Du-#?Vev+N9pfKT6(a7kdg$pWVLsh{MF7w?i z>E@!>(?H)xql8j3QMANTxe`)8eKmq|d4Tds`QOF#N>TNXUGH~siYElZFrO}RYnBdO z)NXqWsa^3Hf0Bi43YsbTVPz3C5#fmgpd8KaI2}t~uU5qT_b=-Q#bpPZ1bx^*uQxtv z!Hbp1_onjchv0arSll4BdiTs=zdSz)(-T1(Ql(;lg?yhL;hl`AiD{kPd<*JKe2d%N z*a>8gC1NJ7MFWmK9hy0yf`nTtlA>k=7lQ=hz{?GT#FSOFxkMN8n)&dXK^oC#0C54xz)nh)~y^Gr7-R=?TsifI} zsH3U=vm7g+9QC;6(L6);caXO;ZYPXZNJ1zVx^K$O@f+J1428+#>Y%1HsD~3*vnJ+k ze8CS@@@`-kLz^2Co4fTU+m@y>Migey8YwsfF{8_v^u79{KHd2SU0Zjlsl%X`L(MXE#W272%m9-e-?WL=nuM3eqmnh4laZz>~c zs>;aMoPE6}H^nVCTt@sp!B*?0uFyA~5K%v3#XG<#{``<1ByNcaKYdCa&Fwleld`nqzMg}Euf5c z0!5p@5L@b7I)8wF$oOxWKVl>#ld6Y^Z&g3;wLrfGJgCG=M5~k>L4IuIXJJPRU4(vQ z9>n>4W0wX)f^WWuR>OLMo5fsNq$~Fm|1EA8NK3EG8it5G6;KC(KS)aXq?52TQ<)^o z-#zYuI7TD-81Oqmr(&ArG+TK5%A{R9I9zSTs4b zsieq$UP@I~{n?nm-TjR>xwg{_pMRK5*?#+6gxUww(M3}<0pY;F;IH~?L9jGJf$^K{ zF{S1o9LzSdv|XpbHZ}SC6Bayq19S09WjuwQ#MS4~`1Nbu6LVZu)8o-PRv!Q?AdRpi z`rMj=@#Zl?PR=%j53pUm0`__a>E+Dk(zUpqzpOzzy>$MB=JiC+ddcLB;n~B>LsTO+ z_Y1cD5H0@SA|d|)kof=SO_=@%`}O}8=oo(VzTSU-{Fr|KofrTld-^?K$3F~TkVXIR zBh2*w(bD_h=1y2RnEnSEqecV59qG6;7oIeEgi=3wc28PZSe_gl7g=T&xt@~lYrrlZX# z^F-o-Y}b4Dvv>E^cOPG=j1U{vY^TlK^xZ8$dPQ&EXfM6Oo7m4%6sgJI)$i`J9( z8$MlR9#}958#7N3s{P;ZV}x9*L(z}b3bN?}we4JWh0(tBt~c|!7v2Yapndb}hutqL z)@(+Le~(!6oaUL|UR)EdNU4kf`?&QHKrlb9K(8n|?CB|9CoL%prK^>6H8~Rllbgw1 zB#NAkxXcs^*(jMYq-w2tgJs39YmB~6y}p)lGd&BLP&#=y@(6e<2$U-*lxxXJeHFn)qKa-u&mA%!?*Vr+PVG%?nMP;q$llxg<2MnLu5sV}ACq(|~! zHj{Vc$K=%xtqvol!-bMFj$B7fzl{)!Ur2b6`M)MiFSG7eCsR$h-DV#=KmiZ|L9eu3 zZg0KOpQ5I7dEZ~zV5jV-qI2JSKZZX(Uq4`}yzI{dQIC#+xPyTXmOl#(`TcGIXt*zn zVovO6-mmsPT9of3lK3zsSI?Y;gJVKGo;?zgQZ1AnnZ~v;KG^q)!K?yk#H*K10HPR? z+QK?X6+4@PEQhIxd#)4#i~N-^_o8$s^~hY5;cffa$dc}~CmPITMf8HY;KU&#{ld;K z>75%~<*Zwp(3BFUL`!!W>bP4VcKHGSX3M9C-Y;2buLI)lawPL9moA%@hJ7=P#Rzj@ zF(qyCw^qb;gIvlxkkM(>U2;VTlu0a~g!6>eX@@arnSwMXsWo}p&wFBjE|PeT4AjhA zxpp*kPHBj!x+3WSqt~hTp;EZ=U6qcX_MavXkHok4?CEy&&@dsMD04EQjSa_& z0vyIT>^H3FuVH9?pj{vPHhmo3tPNY~6Wozn3qg|>An3z3ii?pwc|@pH3qw3RbOR@H z@}GhgO7h7u@KNIu%5xQkM-1igcE4b=An3*7aG8_-~cr`9UI& zhGSjMp2K^N4cL)Jz%!^z<2_EgLgM`k;(?N6*-`k5Q~^jt80oMLP3`Q3 zydOZb1$`Z^qXyva?6`8>Bc)ftDWvy-QPU>m4M<1-5&d|v@9g)I*$j?oXmjphb_<;; zT0DCMC8)L96tlwc;Ni0Q{@%@fARR5o?!N$RvE)Zl5)Cck1L`ZLHJ28w{B>b0bmDTt z8!|(sk3!X3`@rb_J=vXFd;LXgV#UIJO9fIGKOUSW@U5!WMW>O4hp<9kRyn3^3K{of zu>M>)^A|*g(~M@Uuui$tb%)EA0QLp!=8a7|+;mL3q$+E>-zS>;3ED@RR>@VK6`Y0L z+5wFh1ISSoWqebI%Pd!>VmmyPj)4yzv7V|kY@ODW8WcOTa*Igokp{S! zk+TZ#=3=*-I3c5Q<9UU$Z(Ti8qLL_EqDa(F)~!;KLuHx)$}_5(=z?X@=~JJvd1&kG z$_8o$ZOmHz3Z3u?{Hh1hZZQaQ*xp2=kE1qZ>`{-rm zxX;aO7G{*6l$?%7gZ1P{^R8;|mFLXS17a(9CS@5P9gDqtK*n$D2d$h1GC}wwX~R3A zZ&c&9G6o`TJm;V^w+GMS&lMTa)ebH$0b<8fpOzl5pe?E!iuy!)TS>%6BS*C?DUl;t zS3>`ip8-<0DVQB%K`w

%GPSjjJUY#AQYp?J^q2Gvbfk8acQ2?bg9*!xJ_mn|Ss zF0Du>@_i}=b0T@j&Q8R0gVj6?mG<4cF@z8|C{?8W5pPG^M^{N|8IkURuOMQ~q%>dS z+kadiLQO<>zY-@yw^b3YXa+_?2_<;w5HhSxN|r@a(xQ@1wn~8#<%Br+*~ry*9^!z* zsw##4WTYE{q})iEE!Nv_6;QPx+jS`oW?Q!+AvKO1L;a8LU8$VBx~$TI6!1I!AefQn z>#PWeT_0?>su>x6BrJ)JU>n(=0%A=~%ZkcXS1edZM^Hu4r5kDyAe$j+T(dNxqzGh4 zC;Jic zS+%epm)5SnZe}oEiemdZ5A{_!m}oW%%X>7xDer`#wd$ZjH?17mESyAL!vJVj%J?^Z zWO}G7jJ40LvaYQ?ecHE^UOFcy6Wy7a6Z7a0WTHPsRCPV7imE=5(9P4fk(#uV$?Ylc zw(qAmD}GR3_1>)qJ`iud=azE;x=al&p>E|F&iN1xM~+HDGIVF)SnHHh%(kiH&)GwZ za3-V8gf6$1o~q_)b=zv9ikavB(&O3~LGF+iBBEkqgxg-fPGgn^_X|bk>iO}XB(8_; zWfBxxqy?~54ek}oD6;Vd1A5g~;AZ7#9bcqdwotQM?$POFktC1^Wd&B(YKEWTG#mSf z5Rns<_D}3nB=h4z1@~aPW=$T`X*u{nh~wik{(#h_3Km2dRei7&VCel0n*6ol(q1D$ z2EC$J`+dCaFGG^?bqH(PKh`IVfCtWG8-{J1wTH{HsrHchBt=9O<>lZ?$hDN&`qo-V zRpp$iGQ>=N)o3z`s1$8`>mvASwtv^ZqOY&7i#+YIxX|nKUhD3cd_S+T-G4g@nw?fS&?<4rpuV&s5oyenFwQb;H@*VeITv&qt(dPIjtQGM_s7X}*3 zP4@EsI?S%4bu_p%W@NFz!*C%O?>8Mzql|AtTf_OYM&`aW@-S}O7p=xcYLe5DmnPCcOprl0Mtfa0 zSA?4bYrH2tPZvY^8iz9VGKLy@8JO(oW1EoDm@s2QYA3~YjDwdGr4lOWn5Uqo7nYCNr=~*GWb%Hknw4WI9 zzR9*q=ii&mBN(q0Sg5_Z@HN7j=lo~um4DzP|hJm2#7$+l?E3gcPkgl`Y_6*%LZ=^zv1C0GYKZ`qW=Wx?F!mOpmGt2F>=I(-#XD zDD-YYnNSoXGFoG9OoYp_Bp%%m}k3f6{z88)KcXC;#)aFrdMVLSxSZN ze*Lj?EswDOE-iSIp|uIo{mFaL_PYQBtG|1g&AQ_q4}(&tYp%$`OK6dA&jLrlf#i!G z8}``6tqt2sRhvkdMVi@un;13n8s~4-em${2+ij4M8hGI#sl%VsC&zD+wiKc;W#NQ2 zJ%DxGTsCddtec}F*41v8ASnc7rXF~tUkS;alGWS{12-K_2S=eyiA1v}p|cA_F>U;p zxmx8Df0k>d1LGQTT^^dM9&z7es+ALNyAxy6GhhdHI-$i5%`?^MDZRN z^QIvY%LfRV^00>;{skyYs=|EZc$YGaLtua~NZe*;3Uh;D&BuYoG9TgF@A06_X$hDX zpws3I2->bDYmxC>974E{AUyCkaBq0?qi)0$SE(Q#!h%vGrK&*pkw>taRY8r3u{LL9 zX>ER2&}7{CGzs%xwrE+-nwo%Z2cKzL7Reda;Nn1{4V4<_g1*unq3Mc{>B_+l^jcv3 zEPhWT;yJkjsZ-g2SDx3+|eS<4(HYB@s?o{>dpl@%}c_k3A zr!=1M<+KDm=^nYVpkzncs*+5GCH2ShN_+5L=nANAbN86~v{ejkUAW*fgK()d&2U7uZP+RYOWWim2%JIB(}f(vyRiT1qlI zVXQsrhvwb9m1RBVpIaK52@Mqg3t?*k+(^kNAPd2A=p^7Z0zAfg~@R@&f*^Z z40K%|zFT}DV@EK&BlvewG=gNkfB}>^^|9~>SQuhDB+q0N zdpra^`!K9@>v01H-Pt8%fBJ5WmUbdh53qb2L!9{ja|OBJUU!w1a?%eJph%!}`sUxV2H+{gfs-_jKMfQ!Ya_uoKl7pw$55U@0jJ)cpHGc(O`?( zNJqtf756xF$+W%46y>YOO{q|ass+{Lg0Ju}?e19Vd9Jw2QYP!`SI++aI#>=$%w%0D zPl-*=I-EcDb$EGWy%dU84Hyn;Pc~*Fr-)Y&tuO&)YUfi?f=i}^E5`2ci+tA*)#R<} z5M3{)DzdR=AH{&n>Z4ZKVPVwu?92HQ36+?UFB&r#f0RDC6s#$oiqz#=SlQN+z$(8~ zZ1b%@e$^)&^`j7#obEmG*;|0{MD6OHp_oK6F+o{VRz;S}ut796EEPp(WVrJ4Zh7_| z{|#+}km_i;sx1`P{Wo??-g*#u2I%bz|6|630B(2D~KjPh&{>gLg6^UZ2Mv#yp zYXXiWJ$P@CgOg}&9MUV36OCdSx#Sqw5IbVB;D~(okGVH^(QAo+MJm!vG&^ z><4Lv6}`p8J!3-Al+1t#hT8~J+3?Q=W&qYt|MT@%inS;d+K~uCfyQ9D+8w>ctwUJB%Ca18*j$lnT+Iul-TnL)(M@CP(ui-~__zt)D7EK8Du z36BNZUDTM@t|e(!oy*W36E!a3aqh$JkQMH1h64LErR$H)o+Qig?c$&z;eB@V!QYlz zUN5Y5P&`4oG}dgKK^Yf*RasFge(E;`f4OTK)DU8vRPyjBjj(IOuLhv$pbWk@eW-Vd zq4OKu?ui_X90m7w^4MwZ0NW%}zBa5fMt%$2b!)e!6ocpW6~G2|E{YTPlf8(Q+7n1a zy=4gxo}XumaFvG4_U*n$jmx>u?7kcz>eZ8<5M7b`UrD6$0n0CpqEPt+O3&BaU#v9H zo)!`k;3iVn?FRa<@aic*Xwj^IC(TH#$$u&wRa&|gMYO^#+_en%=L}xoj}{I_`|nHd zEzsOs?`?#_+Z(wy^W^jSw^pAK3qnEyg##iXmm~_EDK5Caakpywf`Tm_9C=F%Gu)wx zjB;;QvQpvK(S3@JP)wN#d9x)SlU}=VPxQD(xa~6?9~tvRA62$OeF?rY71X5slpvCQ zJS-$-MBWW#+>6wP9n2uu{)4F@aBqwth8@#mi?z;{S|VY|XiC-TExdkn z4;y`B0s#ylD$z4NK_H|sx;dqy$VfxChQsck9mPW!f$Y;?rp6sjgA zB_PBkCVxO^5wxNnCpz+~U9xymVA_;?1U$crn(WdzBWe>o+2{0ofOj*%kZ#V{e_#gN z^O2GQY0<+rxR5e>7MNjM>DH5XUR>SM}U->UC9H_$S0&ULPqimvs_;3(X1IMIS33aS5df( z%)gSt2OdOSso$x;{p^hlM{(13fT*!4QqkJn5NWWqX}PYtjqd5b{UnVFth@fy9j7z6 zneKVbcA9(7d*s8#(>_D7m&XN0T)17y0 z^%0;(O{Q2VknE2s5mO4!67Ui8A;kav>H6Yja)TS|#RG`K8yUXNWIE$%l|fA|cyoAM zQ=h|QwUTY|G3RETHe2uFxOqsX6#DkQ)(LXc;*x35Wg2>|nURS1+~A{wYJPdMe|>Um zLG{?|a__#&$~-KDYj{bL76Ka5%`mhwvPm|qN|E%r{;=x^=LgpYAJ@}b5a7jg)Cy?_ zx0#Z~+PTI#4v5k^%j?ArD8y}DCfC*ibAMO=tV$kuWjd=I>^T!Z(PQfQFc&=i#Kw!v zsKjU2In>!g`!@$Ctwz1eVFX&FeQ-sIv~Byc!2ar^R1Wx<`tp;Hsiz$#F73 zQ=+CYyL>sBsU=iXtVgV-j8z_s0?iVsC1XRdN6x0CRjG?y&64d{v_r|OyeAp#Si(bz zH<|8O>|F^!8K0ymkes6=U$BB+QX)hN0Z{a=X|DmpPy5RXr$yG!{zMu1nJ+LR5Ds(( zGue!FrF!@(^#3&WPEnc#YmjJ{ZQJHwwr!hTw!3WCU$)U@+qSxF+g-M&@4YW))|t68 zZ@G5n%TBHRMeK-pg?34Kr4rF;lS-FFDrA2UokLeHKlNt_qVFN>@*aC5;SA?NN~ASI0Bz*FHbDlse2xfmj2 zWM!h_62RGZoge7*mBV#)QdWW0pW(>IbIoWW1~Pw%l)~v&4bSc%HwO~MZ+g;KXNd-> zL@LRvftWQ`)rx1tGNU0bX4U(c+_AraGt+WnyG$J|XS#RmSCJl8LT+mMR;qsCkVjT* z>NrxWD$)1Fd3m>n(}@`6rZ3CosFc%tqNRqsUe3CT#O9IyQ{xZ8^Ch^O6W1?UT7iR4 z62v83^EOxt$u&+p-@+@;1k3SwDUjURSE>M+Xklu+O1~(XIklA5G6d# zk}Em4j6^mNC`4IKynUK_gjsnd!gqHmcKsAW`VBM_4Aa%grhCWy5z$(de=KKxHtEMl z?Rt7vIZ2cb(ov$J9}AcbQ^J;1%;dyeJ&aZAGa>rDL%bBRD`TZqWKl}3P>?a)*zPYMFtbF+@YdW;W*v)tOtkj*vX(qESn=o}=koxDYh&qhLTX9NX zWH!kMZxhP71PEU}y@y_ve|n zbp)v0gX~5EDGB0lp}*pkB_y9$Uyp4c({bvCX$_h9J{8i=impG>2&qMjp%kpo;b~8w z{W$`6^rkno+O_{wqKA$(S)du=>g&veaZO0H|>?2dlfG>-{V`3Ztb4t8U?sPnLL zT~qqCtb0&?9Lzc6?;3_rYNbEb!kDfH*hqFTaQYM3V3Z!+H3f;8HSPm(7FwR(i&3Vd8vt2i%mTRNIrq1x3q9p_=ON38eZLa7Se`gY;A2{k6? z8ju3{8<1e`2xP@_2WNZn9Q*v_*A03msB*9qKTLeh8+o{YaG}iTKk%ymbq!VHjSk{R zICa;OttT(R7-i5%M$0iwD!@*vO%ur&L%;KU!HqqnxZq4%z1xCF>tQ0^#|`LW$0~`h zk7yHo{#I!zQN&pHhqz*kZij1OPILEX@!-c%_%o}f@E8GU%!wmQuSLe_SAoQ0V;O*h z$ODxQn23tpyYmcyAE9jmP8NKlo0)QK{kJ{cnHHXCUWs(Lm`TOBWSXE~b+t-d0kfN#%E}eeP%EPdnB~q03 z#Qof3)7OvW4KVm*#gPwF$dLliDAI`s4&a?90t=wtT ztvWwGse@pRYXdjyEs#B^j;n`&wdO`6j-v-UMC7djS3U z{+$K9QO$46kBVTYE+-GAh`q$284UcjS{2>A3HQFpnbWvchF!RW)83{nt}l(_AA@Jl z7jpwr0f~h3&Fog401V0k~q_=7~H&>cGYu#WcHeML7 zKIX+zCpT5|NLW~D%Kk)hr)TAtc`0l95tcNy3pPSA#eYQL@7nP^p^^*pg96` z76p4pA~=gw&;v2vX&V~g?q+*NrlWxK8>6W_3|c)`c5CNd_beQ|yiBb!^HtPvKt!ok z-tP?zBSbQy9Wd5ljpS5sahd?UEqv2BeRzC?l?MBVZw>o_Wvf&qc-!3)Y!(l~I8WV81>k*iQb+w$c75^DRZ>yeD zQl!?R&^VD#fA6Xu&%%Z4T348vSwf7$07X4L zs{msSc{ikN1B*-ptdh>Luz1?T*W-+rw)sEy@!>SXCEVRsLI{QQmwtoy-64f!tj6K>hGyu*`Teb%6%+KW zo@jcAm2sMeqa@UJ*W7|`^a-(6N)y_RGSffirbUNCVFS>Nmv{RGF zyorth*thYR;L@4Yv1O9qn>NwC5}&FI2#UAJs-s}hoO-CO-WS4$xC9qd!BU-sMm2Nd zmlDWx7Vteq%m*AdEI8Q-`)WduPz>B$#OdV%7zL1eL~MMcxcz%0Xf`*V4Qiv7?UyCP zBZGD(*2D);e^3(%S!{oh=CIWa{2@JP$8}P*jFH2{rA=B2;b31{yeShJXzt1venU`r z3Ytp7;2B9{b;oc)ERp%i@d@f{v!VFiSr*kV#&OT#_y;`HgyfK*zHMlG}DKBxv$ONkhOSI zL>(Uguphr#KS?+nbJ3eP{r$LCh)>r$PiWkG1G z>ZY1inj%IjyQ{7|UqkrRGL!XXz%-K-*TQ~E`h~xSG0z18DPv6V?~QUT2KJ`w$*)6g zzv?8^+V08r6ETuXsh`F)bjgp=%YjA16rL2Gw&v6B@v5%NA`4h@7c0!v(?dw{o#C}s zRWrW^l|H=}xk`X^98#B|#2Kx$vyEVzCQlQyUzYsRw{S|KVRe627_4OQNgi3foY@8X z5(yJD(`o)*;dTcY28X7QmQ=Rhi&@x77om~TD!<&XcD>Gve(xomoZRQ*4ZJiJ9rrL3 z&Q*dXNTn*ESum=vV&diCkn3~*7o-WnIkU$*ty~A}eKIJaPYVvnWI|1V^gt41 z(L7Qep(_lL9l;t2#GJ}^a^I>eMtCpsNx@Ydl6WDW0Be>;+!_ zX{T-Sd=J?sg}|$tjD|JY$3H%rOKx(9Qx@JTNcdGP3$egtd=+3H;(E3MW}ICgKFU!Io>JfyKm#J9y&NWTzzOYI8pfK zZ?>pPUKG=v2h*7cJaCV& zMp%{x7Yd8F+$aYRgY}N3dw%ct*k^^D^EOwo1OrCJzqpLR7z78Nb?rG7Jw22@tQ9-o zw>e_JrrXoGiILyGCx}Ycrh^m|$aWnFARIF1LNUZZ*-yJe2+S z0J(DcCiU*TL@MIYlzkov^~iwsJ_N9p+M^j$K_`IMCC3%MT@ghBVHx*Ww{dWCy5b=X z1_Meg39>aFsWsdvboSN-UfA#03DH9-pXJl^}8fe?l zV+4`~t;}nZ3hj|?SVKe`bRk=2ow-$GNr&8mVqMki#GLX;N##Bb<~^C_t56pc_~rCM^V98U@_`@^Eoa$@r!qFDsEQp@mSvF8JFj75M_!)BOx-xFV zT;$r}j|e+OFIT~Gi-`y303#g>FC}()l@;|%I&v*B^j?F&{evhT}%}D!z)U9Ad+d30oH9ab%c{Tl;(0pC(135b%vZlP z9M#r|~sgXJ==X5b`3CH6=s!?fD}&d)R~A-a)ZrDg#S|$o#=N(Wi^j^o2^c4@whbVCB1>}s=`PA|XXJ{)d8gmxzu6ipC|jGj zp!zvy@I%_oaI>iZOTu}lSNDR2$1dYwUid2OoPfDBeOj-%VlFt7cQsu|p}@}ob0|Zd zRrtS_D zo&PFP&Fj3>V8y}5w`gT{bnFGX#i}~)spf*=DwL#ypNBGDwNK@?nIH{cSLr#h1nz{K zGu2N-Y{+@|7u1fIy1JX4r>eAyur;N%U3b_&@Fw?e9RvB20Da;OVsfEto}Qyf>_8~e z0N|Q!4ojG4(Cl|9aiZ;wiIod&-q`5kQbF#vr|v9n*|hUFZ~1=H^pE>95q3qOnt;8x za1Godpgh~Zw5@;f3?_{vQHYg{F~`sKevAa}xIcVrRPap(G&RW{m5#-9kN2K0Yk%S~ z2!jHP>hSkLF_q4Ytb>2O%XF081%bX6s@yUx8fsFaI_kHV0X-$&)k5?zaGSvpu(>FV z@38HBm0G?=La4+XAKp}bkjjviGyQ?qKZuEfBvQ=)iR^V&KFWsUXK|cF<$g8j2p*>^ z7S>Zx&$`B1$G{yMdF3E0aFWY}Q6a##@K~Z>wIj0Gf+T#Ihr>BuT6!*0-Q%XKZhOR+Ku{?6hKYuaO(8;;l4T38PX7_`Fi`CFEW5zA-C7Y+I5jb9)KDBpU z;eO9X-OgXkS6~9mxg55(WnkCv<9=H#)AJ_CIzZmAeYP+ko>LZ&&Ph^0uumNt=@cea z-4mNrjIJ!Wy4AQ6CvBqJ95k~3^T&=D8c4e|xTESSTYf#DO%ShnmY5VNL_nOcJXvFT zzeR*FZm*zjSPitq2eGs{h-LK)xh2bKZBxui7CKf)OiVK5CTnqDrUkeyqX4&XmK>IT zP@jWIBvFLvC42B105nlu@`jdC)+t)h-EFFyd}-x|K(xr4sXcyflk*CVs`_&(Ixm{> zx(?g&RZ~LVI3gly;c!MA+=$9R3Z!*RXd-K@q6GdUy9ddmA0Z=%j$N37XV7hm zvOY467}w23cm=)j!(USjhBnNeSozi&r=?;48gbdpz42M$`NbEhn$r^edb?zDk$cTw z@I6%F88}WsqRoKy=`A|02B<1AX3;~{$U=+=u~`Xfu1wviX|@ljHeIrF45*GiyvF~D za~pXp7p3%m!C%Kxprg+Xw#f15e@RfyX4t`xW9tym`ICk2@qdmH^Ew!kPpd*!4BdO&7zLr<(D)mNvTf&&u*IOC(0x=#0(53ICz$IaV&gRS!x(iLiQ9>ZTrogfFQF2 zB*%;_ll`mCWxpcqPx~A2W4==KQ&LQ<)(mnIQYycZ?MZcB4eE%qP$^Ku2 zpt3Rlhpp-Vp40ko4NJ#|;QReW_czn`d+*l|Fi2#hKA6=XTto1 zIJKDmiPO;m=_SInu$8GeT2uwKb=i6grqr>agC=}o56yP^JX6 z@b`F)EF5W5)UNS&T?-O&(i|*13?TIJk~31p6bYvHm4(%ZH4@lSb!0^H#Sz76S%6o> z%vBz~2hH#l91RTtaO{-WJ0@FD*7ITh9G3{ers$0$Yvla!Z8xC3Lj>)l*kiE)?-+4g z`;#bZI?_kPc#p`EcF8|LXXN({zG%j{rf=V~X{$VBN3zLiATLFua zpcHB}xdSscE--20o`#tpDyb6BVWsx5UHyxB1OfjSk;YjmA-O=WB;94@z$;iOSLmPr zo>vy`|Jdhho{nZria)JYUG10@hykq3OcGYkF0RA?04K-4rmd@)Gn0g^v8$PwnTdm` z8Izouy@jhKF*`GW<3Bg(l-`>2hE#)ZUTxpTs*~u?%gGo-NhyQ%&aG6eb{wC4F)4F+ zaat*B`}gbX@d{AofFDs!)ft$gLmFcfe4Z?HaB!iT5Og6c5SmR*p>?3Ln$!xi%9dC4 z525wAvKm?zaN{0(^$Z!*T%4$M4ZAwjRb@f{?B9uFX<{+P(5H=tF+^x|0HMrW>c4a9 zFz>h??drl8U?A;gJJEv>g*#Z_>Ei7vF6TmjMz3RAN}oIGQcK&VGbJyRLqT%c!i>Tl zNr&ZQ#H5J8m4WYR1?psCW&WMTlx<3_6QL`H3-^tRM(>!_sT}a6XYfLaH%=af9kgPe z6pbEk$7i-IrPm;i={TyB^S-Djg&RbVYz*BqEoIgMS=T!sfIh0*hZX(hEJ}x{FRg(+ z5Um@FA-cOyPjJ{rML8yHBI-=<3FGBdW{+>Que8R+BJ(qjYIs+9GM^=UlA*Cr?cdMt z_uSdGp{4u{KW0xw?gl`$`XWVfF?UT7?2TGA15l%QC4~AI6tr}1Ls`L@_^$C|Wt;Bt zui|IdWD&CR!!!>Cv(FGBSH!5!alUS2(+lQS6Pz4@?uQ^epu=NR+oBEw$xiu{{enM` zT=+q1&s;&HKx%`M%@k%C`}(_r8^>@q6RBnG`-Kr3oNFRmgb1S%8AIR+6(FAQPxE6$ zHG|LuVH||zju9_INDmkY*n=ELdmTf9iwkpgf^G11=G(bwX-3*geWSXJtfr8=&-A1} zX``eO+7~NP9ScGP+f@z?=wpgZX4MjEi%XIJRbyjIhqz}2t;>!rQh51Es+KeH4ZynDr6C8p&gOL_tebX`){&E2sBShl!?QOVR}X7&r^`gq6~f zGzXKKpVFS!R3($d#8dbn=MSWMjz$h)z5?;T-EatwTX?McxcuGKW+X?FgH1mb0+{8j zNqbpwvPwV(2aXN`Qetxs(tX&tg1VCWuYqyE{v@aqBqDy?E+VGMR~}O?4Ik_-!_@DQ zFnBzN$=+oWs-FjQh5k)$0BMf6Pn{}Vl;_K;!6HMblnWzoS87&x;++?GB*Mov?X(6% ztelJex7)J6J8;3kFTeLcSIDwk5S%Y!2wQVY=^b7i`ZddVRK0|?91;kGO!oOhfi+9U z?L2(p{X2W8^P*QU5EcmZxH&-n`gnFk2}En7ak=w zlc%!mLjKUNhny*ME6ZQxTcCbR^^4OQEk(0r-n1K{SrY;V2Pj+x9gbKySJGQD?zip> z{FjYx-y_8?X0ZLhLw{>t>Canw@iNA5Dx5A!L|Gpht74v3h69e42CxkwR9Yg|{3E6x z>*i4xWjApsB9C+o&c#dqs%O1eXchFT1eK778@uOzjz@ml)0=@V#o@}IZGXe0Hy{m4 zN25kb_$g)7&XnCsC3mC%9Xpn~2pF`g)1`Yw6<($bo}N4~qo$L6Ka@6zR~)0pA1`oj z*=1RnTDbCOoH{Zf>2!l?I;yj-XBkjRO2uYb@ZK0R$yej8=2f{hFmlEsw$v3Ivy%Fb z$t@SrelK^=Ea}(VpVN{OQE;RT=isxqdr@l69G>4Q#I}U>_c)jCFKS=z)Lka3^gr7T zPvd?)XbWaPzo@DSv|Zxq-j?3&A)UEy7pQ^!S%DhDvMHmh8-UO(!TjcFMGDXtdu7FlGN~TyX3o0k6EZxD>UwLPp##QvCmwfg#Q|})Iw?0MLFn*_@e!t z^RLF(75+uC4-+&h&ZjtZ9})#efTbK2p(2({`Wqdmc#K+Hf`&yVK{+Z~#Wb0;@c(-x zPD3lBtQ-}kqL%#oH#$af8MQbB4VlQ9XuHlP{mi6#K_O7kua^xd}UeYGu^` zLH+dK+02~5x=?RRK^7)DFALPr-=B)zZ?=z|p^eeebAI32*IOk_@M0uIs~tyYBt4J| zZKq=e%*%N3DJ!2gpb!9ZK-QL^Sz`O{`#^}U zlxNZTvNZ7J;_l5S=<}d3S8!Rs2bW%e5ODm9F62`{<0Vhep*SUk@w0%b(FMJ39%v!I zA*B2Ha78LSVaJGKcN8q^ky6{XxsxYQ%%0kSU#Vy9Em!Yb($+##q8qfP9dwppv^I^( z0Z%kWKEh1czBT*Yx>+`#IhsQ6&{%S+bw)idTy<&Pj*V7aCOQk#w)e$2( zC8)4J%bA6Mi0KPgg%`}V8cX{0z>M2~DHX{ePB67}_*;HuC(7Z}qMe>8>f-jbcXn&A ze{Sk+AAoSnP3uix9g%}ghAQpdq*embG^yFa0%Db&8FOHnSEQe9e zp_TL!$fYZ<5h2DMWXihTTMzzR21ZdDJjlpPB8!g#5sGtIs%{&{Dq9Ntn#df0=p-0+@6{2m6haK;=h8}*#7%fc!-o#EvNa+zY9Wyx=B z+L9!6j5kCLC&tZq$*w0f*EjYY=&ck|gf{sNFty5~)LUN_XX>xeq*<~7}9HH8_ z;X{%=qk-sf5kXyeuJ7f(Ri0q1^OP8kQJ*np8$dVKa6#gcP zn$^si4MALkM(+)h;+>nCZiXWxl&<@ zYCGmxaL!8Pk%_1n2E{NmXjj#utUNDG-=N%9v1r%|`28eIv8*DABWCWN$_VN;)K3z{vrZ?{6^UG{H zQe?Wq*4#=|JDyIblCJ%5MHHn&wzxg@#R*HBma0hnq9~kP?cBNxke7SGObg?08?<~! z*rQuV)}JpM9+Bj@H8r7bvHNFdA3lJLX{NyiyTu2OF52Ke#aac0+}^Le6$b(Onh}?2 z#8|9G>C+48b{<28T4k0{N!%>6pN$|AXBQ_&4|jMI0v3>xl`ga&(VAe^s$smIs~&*` zK3;xoz1b-cc-d8xl{47-OS@~fKJ6m?QX+BX9=uA^=umqZhPcFl#?(T`hc#D?dDR@J zH+k=}-=`eEi|vS9TObHlxLxUkr;BK2_ZNJkd?}tHDAN@UKfjJ=(q<2)JU$t8;LHS) z(>NP%?>New-Ib0M@(CT?#`4t%mg~T)&2U=Ex{yLjK&9G2&3>Y3uZaDs6z3)VyK!jh z3*9>Y`uf^QHIr-ZcNwbkX-!S%hr1)LI3AIk?8Y^xx(XR_i|dH+GY_Y84~vQ78IZiu zjqUaDaCUZo5GH6RSn-w%V=ay)?72^+Z)$bVYM@kGuw_0IdozLA#m$>BKF2OkA1CPh zd2mYp=zI5hZVS-0J1E;CkXJ7l=g?}f6RMb&!s_9=35!3342`iTEzgv)Z#9>scZd;f zfLyS}3(Ng{y<12+pcQLTn%~mQ-B2_~hT;^Id8IIju^CNv5;X2$< z&aD}Up@H>+j!5g+2o_CwWj}PGm|Tnlq)h(#st?+9Bq1e*Ch>y zci+qAiFXJ+lcBoqhN-wuyx`iLgt&n+)c)!3D z?)^j>7(8zmF0hCc^4M6V{l#=WA#?1G|3cSnqi%WWI=$}w8(b@? zZe%O0yt5K7dL%CCLzas;a1pf}1}MeYsRopeMib0+vcHd0#l9=wuWbnC`SaN+VsxmM zye`o+ip%{ednXliOuDMv+&8y*IBTWa#Ay(PlGa&ESQI6DkcuogNUXV!Nyg#nLwkBF z7%q}=;hwj)90Z127j4aQcSw;*LY8t%*nusfKR?iKjJ1)lH`$hT(?+u!*Q$%gk6;p# zE@+dDh9QPxjXOJADih2a)P^InGMTN8bru9sPd_M0hZiHg1!B!{@<6)*d& z^U8&V{)S=1!fWSuL9_FrFka)z8;-`Hti9%zlIt*JZ6#da0(1p)@3%hnwEiYbc_uNv zlH&tooeI#bze}*vp%NiHd0Spdf{9ps1li z53i?FHi(khv3Gug-NM*6d`$F}NkS@zMMAy}b1bBE?fhdfBW8vH=otg}`7qN-yp7{n zW3=e>tj(bxISo@={0h0=l;@bugLUl#Nv$#Uyi(2`Znu`=b-77mA1-RaJ}#u#RLV{Q^Ff8B+bB8%++#GX z-0hEx)Fd|8fWV0>7hdD85$+>_bM7I@$*>((S`cZ#=w`Uf)BYt#8DJK6b+%-TV~`c#VQ>(HKWHQoLwa$76=(EV}*Vv-4Ra2KG=QsjmX zr$$9Or~B5Asx#~ui`|;8uM9?uEr*Gen#iZ`o8PS_5wg?oSb$kjsMe(thEz%dZA;RJ z2ObFa_rX!(bPc+K;Z*O9lf>ur8UGXtAM{xo62-s>=@T1P#+qj!12#&A=4U^N9ksdo z%O1kp6bc4vCrf?0x>`OofURsA;3Ljhc;DUj_B5FFT$;yPRfu;TT+t(~KKwGHq@Lwh z!9lD0!laVY1B$n9X(F#G<_sm&e>>tn~)ADc< zx<=NP?kyjZch_mv-5-1&ktFi+^eHp za7D)H9zPTRCFFUKSAJ3-+|(GnERe8hZ?8qXYC-fvB6x$m^X^)8ze{qkLkxDP48UGv2~w_ZC z4NjqOLcUx%&6UR6=YBVjOiz6~g_DarXKABQJC@6D5ZZyu+W*G>*qAwqnTZ{KTEp`3 zG5x>TpO%W5Ig^Tm!#~LHUylltw7t0l@&AKS|7(ir@^P}TvixLa<=|xgX==u7Y|6&U zYQoKF&S_>20Q~&P$u01I9-+^qYUO1H%f`&bq^S!aW+i6P|NlW2xw-$Rcrf;58znV2 z?9tnAmoHiBGU|WYn*{U%%lJAV9yvu#Sw0CYtierKL42CJm`srZ zQ;Ghc65LX(?i&0?tf!F-^KA19ob}HyqHUjJ&R*Xq$LTfJnSN{&FE2ha?PDh&`0#_I zHW*D~I)P9{?~x%qGLA(vcQlONkL}$sRL)ESV$uHt@`YD0ToIKq*{%>sK>5B`B0DJ^fF3B5FZcCa{sZ|q;_OW^OV0;;)P(RD*q(x&6Zx_A*oH$VHb3yD zFBsEV^8<4i96qY(Upf()oOwK4eS|q#OXT6x>0u#ThE}9Y9qvga_~_}O7_Pg8wYW_1 zI@W?|q}q3Jj5nwxkp8~ONwK8UB&kk}To0{15A|v}V;p;chLm7G+wz6zbGg#C_z>9}M1&j_~`g~7Jn zWu;S%$5+v5SFiHBr&e(DzWiqKr_XH^la)aL+%RvQOqRG-IM4}(5#!oR{NY9LyE18# z>jeMS&uZ43JI4F>xl^b|EA69dE651Y{UnwHfz9vs%YMb2LjDKVE~#F$?C{%!+x%rb zXniF2I@>(>aBNqVJlemvN&`;48F;t4M2%HCA=C`JVUIkvfn+(6wd_*binsP}#;!-( zwL!G*bJPcBc_D7pjX=7h44cnxv;}`mE;CY<-}V*H@!`znJnx+#8M_-0Z8?WULUQ8!X+Jfl{(G}+UlwpM<7R;+$*WtK+ruacgv#lDi*A7l56E1D1k9Tu}n{e*h59JVyWk literal 0 HcmV?d00001 diff --git a/readme.md b/documentation/readme.md similarity index 100% rename from readme.md rename to documentation/readme.md diff --git a/pcm_toolbox_manual.pdf b/pcm_toolbox_manual.pdf deleted file mode 100644 index 775fffef101488c806d7978d3625bf52af0c1c4e..0000000000000000000000000000000000000000 GIT binary patch literal 0 HcmV?d00001 literal 854725 zcma&Nb95#__bwVvk~g+(+qN^|#K{D2Y}>YN+fF97ZF6EPd)Kgrv)_wzKlqL>6dGXpz-e0FhY6~N5NM8rg7YiI%B;{!0t0c}j3%!rs-xVeb_ z=KwHDm|Hmk9f%kutPGrhVn8EXV<1340O08405q@$xUFAmX**_0p!q!4?joB2fVFh7 z3V5aR=NyS#>8E7gM0G7LQ9=XaF7M}_E|^0parBxJ1WSA3c>_Si6W-^>e85amh zoP)~y!rY(sfAgq%!<0@w`h}Bz$T5XFBIjXArQZ*EUn3t<$dgv~-%Af}Hf2rk!nFg5 zVZH0?AI#0m(kC6&bhNaL%zizASXpYZfV^zxKp`@*0!?H(gngdjSzFp z*E_2D3ENSDjNeBvzi(s&RVre{;}GDXk3z)tgMI ztWvnQHi@r*mVo0Kycp?)682$v89d*hNcLm|XH>8$npm$>y}WqSehot6R9Dvm8rM)1D{;MNu2uf3-7U&ux2X7% ze{*=uDpjxb;@xNah?(h!u`Wh6fP!g^%W`%|ZAX8}Y#-^Zxp%1^ zg&_^4&H;z$ip9c#sQ(!~u2vX*LI}Giu8q~BRLg*^@8U)_j(ZtEKfKHQYdlfKnY2;u{sI&iSzy0u0rRoXsMEjIFs)YpS!^Y)!?OSv8CSRn znSkC7Qd$#q37-V?=_wG@p|Eync*O=1oWUdkorW`!X7h_d z$=MoQgoh@YbB`-~q9YpZjr<{Ig!;&vEB1?kK63p6jEguM2a&Q$Kl;Op_VI_J!8pIt z!EM!v5`7eU;Ixsz<}>ady#sH%&lg$SKRb2g;mx=2gypxOu<^Y1JOH!K}oa zlrjH`;GOG@jmC8fo;>37NXFl;%fnx*UCW?Nno%-$^mE5yu~-PZH$xzh`{7kdTYrHi z^YOHOx{DlwG>jcq?(^)~cX#tU7{(E|tEgSAlw4w%UrMuTl`S29^8zh%#xSq>U@aWA zZXi*UHhg&Ps@nQ zHE!)QJzCj@lL2wPm5)!~bt?~kd1Lf{q-`Or^Q90Vl{jE3H=OvZE@GK+&j8poj(5t2os5}}KW z#i=fpWz6S;zDel^Pn537z;L`Ko&{$VW{Z;O2mZ+lTI0W(vQzBE}keEu+9Ov5$u| z{S^1XDj_zhyaj6(?d3BL_Z3S09YTm8vsF$gNYpdzhPDR6gi{PXt(X+LHVZz5(*i2= zC)$eaZyFO()em4JHeMC77NUb9FE7|^;N3@^Y3yDoINk1p7%zwLZfGJjfwF}LU(oUe z&az)O`(Fvjyt_T)?c4z43ESFT$5OHN zQ?Tl}_rDiqF#@y};PQe(ks{j0gN)Qx+~ zIA7tP3GYC&H_+wnq?dPQMw!~4+FR$JZEp;SjdZ4G^f%{$Le6WH!?S;%Kr2??ckv%D z5ujcCk7tsmUPrc0W()LKmM$BZ%v^uNl{>;(-{ z$9W*kjl90M$qI)%dWP=q7N8LZ(7rEu`z!bNg$C)fSC5UGIUQcbY(Jx zG?7#EAUmwFWnQ4W+~Bx?I+E$YJP&6tC&|W5YpSzg)GQurLX+Hk@UeSNx7uMEp#N0c zG&8})OuG^*N^syYe;WI&)r#nUp1-tloR(?(j`_n@vJe;pkyt|J$lrFij^~x$_V?Ri z5f8e4Jmkwkr|+VNa`kQD!h zwrU2M%?;*SL87eN6I1e>$kW!yOIiuv2Q!w>$6D9uv@aIVExD4P>J!$Dn>IlR5xH4% zxty6xOCH;K6Q#NXE86bwyuD2GO{LgOfI-qA&pQ}>?cdb{t zxSbrATBRMoT&qvDHkxZJ%Po2NR`%KvW}Mv?_mn~<@d^GP!U-?m&fY7+jH_Gsz&(D> z^^I5PiK|;JMew-xr(6kR&DUzn_jjAd7k9dVX7x;_bEVd!#oOmY=;;FM*4Myrn(dJ0 ztTHv_sO6dsfQ%HKO;lJKa}6n0{OJ6(jLj-R50az7cqlG1p$oUfV5BrZ@bC|fb<*J< zCKf%9lTh36ddlr_G@v0>gF9JK*X_8SP zsub{Rq(Xglw^h`aP%z|e+UUzB`@ahHC5W5?h`4{)ykdyBxymp&Aj_@fi7BCt%Y4Xe zWkZSJa})jgRLcgLy#qiD_wqxYyGds>p!6_eG^AVJAo!sDlPKXRB5w1F^PeIFqVT=@ zHA;)DXQ&i$rK)6+T15gSVvT-zo}%=3L?<9}XrR`W)do2qjHri-q_}#yP)eV_E+R@> ziUv#KWrqsWOI^a`5d{W#=Hb*gXUtaIx{DRLpTB6tMV0l-i|DYUd#~OebO_@;dMN`= z1@7uelSmmhz*7!3q2!&Sdlw%Hw?L4Hk^#TeZYg!h(-ZkT{0F}_pGa9X*Yax=da#39- zGTM62S)Rc&9BZVLdba`-=&^OrEizxWLd!Nh^R^xkBHkgM!Jf}wL8X!`$?)?V6xOy= z`~MwxFmtj0Z;{7;BMUZWE|&k($Rb%wJF##W-DgKXU$VsFhp3}DmEc(Ue|=Fdy2J>S6z}BTf!ah$2qc0w%Eol zw#<>w;f!ecM6R)mWBb-u>NlIViTS@rSHz9tY=|FxKNWBgE(dK#N=E!oN;==K<^BpP$$oz!k=}zJLs`J{5Tm|V zE~z=;j9--_F|+yMs7xl<^^MCn52Vi8;=e_e?izMQbl2-M$G;0}Q>Ip*ENPOqs>tF7 z&IXB8G*kC{bdpZRB{9(VAs~!?WJE|V6T?Lnr?J@WRcF*=A*j*sJ_f? ze_Xs-+Zx?*>+tn?DJz{QfLcpSKo>Bv^X>rC(J17_D|UU0I&VwoJa-ukW>b*s4JwFW zC9T`FUcnef3GX-r7lN&YX2iq-8D@g>TLJ1xK zJv(f9)bnjMCVQ5|b9fwyKb_>buxt%9mvUFtA8=niF0$_l2f<4t-w-n%OqxuF>b^TB z0DA)=!--%UdF4NNE?(RHR6;;F4=GxuNOm~d^4}xpm}Ds0%xz-#(ikrx3RV>iaB~la z9UzM9vo(G!m^VJ zoc>YdYU&-PPr#I648pt;cgH`ZC~CdrxjKlZ$00t9V7Au-Kns~)&TMJL2d~GolRgg! z&E@ue$@aliTpzE6v%IZ7$*=s`Qge5jDHKbSoh4kDM5Q=UvxM<7!U78tH~-l?W*6+B zROMF^C@N*GR(Op!c|jo|Z1;)R9uF+EO!jlxbg@Alp+F zjL8!tFW``wQwY_0W&qmN+p2YwC^LM`q?+EK!F{x%jRPCE|9Y%DzQDf}Cv&5vMr)&k zWX4cC+2S1U+9G47lhX&-ax}L<^~MT?L3IzDKUH$LMdYVd{u6 zB|vIu0tvL1kmyFb&#DUT-)L9=;;N_4TJE&m9o1h?w+ilOuhSP#8CFY)IHRbuZ9TCk z+v5}$H?#yO<*X8o3~_YOT8UzV*B1EZv;{(`PLQp-;KLiWik=>nKoLZQR+3WQn_S_p zdVGOFONd+1QMw43Ag2AK4z)XkKk^cD#FDAxi~HXNtjCYoq8}@WFZ2J`hv+L7pJ@ zdJt@R{Mi9b3t#2o{A^4NG2um6Nbbc5huo9$T@eA&vK2}RyayhF2@tqmjh?kBd}NE} z(SY~)=y^r@SmYx1$@Cu?1b;_inq$?T6ZAAkIZ+ub$tPweZTn!YAq{iJ<){-~CI78> zb~uh_Y)i3T?9hOB6W-Wptq`$n57fE>aYxkwcdbXoR74i5fw|cH6;+qEnvvCCO-x-6uL z*GddSSk2-jXKPU5=)oeiRLmLAzz_j&;+gg{saHY!q8$8%GGdMFOpGT`K#yNZKiXT> zNAeq8I=i#6Le502p^B3mz+%Av1eWmkZ-(CCNd(VnoWW*%7TKI&k!vKu))u%J?&$E? znBnENXDgWQd&rI1qV(}k|4cQF{Rt{vaKR;`!_xy)kDNT8;S{v8dW(tc zS6ZE@p987zxp>fwl__TBF`G@jlMI|j5WRa6vEc3DH%}KHoDqSsdC>bEe1W?h>|S1Z zJjfc6Bp|d@#UNGObuRshbANi(2SjhIPSQ0JRJ{6e0|~A-$DG18+YkQA3*|t(NMux% z-sU&FdJ0ifj}&fx%X^Kw4Ywke8ggtmo3@M3e3n3 zkfVYH@lBt=9D zDkKs42C9btiYOA5xOA{3wnnS2Jk?-p_Esu#hK+g5zbk3$NTQapHTRn(K8SfTTjxI} z>#Uq^vQNx0Mx`3;?Ek#Hu`@VKQ^2Wb%RqRi#X_?CCD>S!v&GW$@rEdI$VCDq{5v02Y>$9D zJ zVPGG39Szcqn)7n(6}a$s3~RTkJ0ET{q*0DfI+luLHqvz&OOO#l>E(HK+l@1-Tv7*Z z6wczRIy0n0bVc$5k?^=S6H^a*)BJ~HBXu_aNU+Fe!NPw;bu zGAxk^qg-ZImu^h@%aVLn(eIKg!esOVmcN;^%F`*8AZ}XR@?pfm>i%ry#k|2=BA^gr zHov$z@FF$%UHUAP6{kPKyJLs&rq;&<^ehvJiRRk1vWFD22Nh!#bk=`PNz2^_P1&CR z4Hob@90^1$Yy!V5%0+4GY{nogvh3xS!9pNDdn19Ho@Zfblxcj*s6gqsui}2l7G0^h z+@djx8H0vkiL8mx;DiuiKV-tGib#e6XB^W%eoMLjzw_KTYC^7;^n4-0u!@a0;x3b)W zG8|px5CV-zD3@IincM%tQMb?+z3Y0Al3R90-Vk{?3hKqd2Ne12Zc6pf46GgviM?d) zd&0k9tm$Qql3lgTN}oEJQd`j9vGyV1DVN*pCqL7j()083>8J$AeDtAYX^wC{cu=W-=-M*3h0iEd5r}Mr`@=yRqoeKCs8bCWUC^JoC+Xlz0a?Py>pNE2VlE( z_U06>g4!Iih%7wUB({A9)A)3E`57@qByMLX8vm{p$%&K-EpFGQ#UC$87dQfJF;)oC60jj z>W>}~WCc3}6p!vICnuPYnX6g7(O#ySij}&9Q3uVxT6CecYP-)TlWh05WL?Kf!{P_LXX=1lwB?yDp3*f!P21<93u5C*%CIV2c)h5ZNjk~y|pLev8;bSA&U?0G9f1N)vS91 zm-GGotv9e+2K(SDTof>-pjnq3sJ3lc36tUV#> zbOji|3o01Nx-_Hc=go@_$Z8x5-1n>VR#^QvGnK{4Uazj@B(MuPQ00qsT74VR+~4tkJ&))$r#b2{B2}z|869|SBjCzq5yMXY<Cg`60jr|kuc8Vdq?6NSoaRFs`HVM1W<-HLq|$v}Y$rwBMh(ah zOd3vEkeYP6Krl2RX873+`V&+i<6V5JqU%<)ztAotYcnx1zUuNu-kB_bygp&9?P+#_ zE%Kgdu#qlkn1r+lx4y`!;DeRf0SeN3xm2JI#-1O6_009jxSkpM%!>Y&t!1Lz zO5@^4kfrLY50p{G(TUFya&!ryzX{qO5f{?yr6;3Cehg;He-V^3fol;;gfsjmla~fNJeqRyh6b|m#>~IiIwDztM<~K>lEMQ zi0@n2*-vLpfAYMFgRX8W2E*#aFTTWmn}Tv4If|A~({e|>Lq=O;EtHBd#>WUXj)pnB z14HaBg|7%t!6(uDnC;GpvxY*7)*{{JIQ!Oi^t zPE#9SbGUy5H69#MBNr{(!Ylp_C?6l*>?b108ymH_iZHP;q=;&+f8; zLi4MMs9T@QJ`>LwbnbEuhpCkphwseXS1y1ASu87h#C_tHf*yK&?gr510o3`tZv+K?s8=IpnW>g?H{TQ6w;gOOZ zRKOi2#`yg;^q4YQur9#+j<$0CaeTaKXo-R?_WIY#dif%!C7*eG3k+>KN32{~20SBA z(R(QZx7T%MK90zSD!VeU!$?~HdH-?4tUAcSUkKrhKp5?cC_- zc2a!t_O;ZK6c^_j^3IA}=DOr`yOKMbhgr{SMrzt}y!lE3V5U=Y$8Fu{^N^!je_J;! zlta8A37sMpFBX5NcBiohUv=+n{kObrWr=WOLIa&*`N1T1rIDVUxO+Ly_NHX4-Jfge z=a5HuYqTO!1eAFGg?CB}al_uSs`PJve7u4{@5Pqt5GDPdtNuBL`2z4S-17@CJ=lGR zd;yj+#PZV$j?b@vj;3pZ5}fM-6Hm7#D|+cqnq03ptib@?ZQ^gDoC!h z9htl81}hAi)lJmk6*L*?{2=@glw>|2>m5bP&Af#DjIRIf}aF{ z-fCpFa)MJh>qk)y$s;%TZdw#ctmQObfsN)gXOXhtXoDs}SR}mr;$fex0Hrg{dytB; z0yKump*!~gvqeziYs2ZLLX+*wa|@ys4lfLxFNBTRd%y$%vn|EwJ?J7o^8TZDTdjWD zAS%$6Fr%IT18lW1)^WTWkiDf%sD1t=kk}v6=yTpWvJ5ubp z-R@V;G)^VMWX5Kg^0^9fF#}voJ8@RaYdW#JIo9-`46Tz*&&ke^rbfT9GG&TDmklH# z5=GDM*12oKe7M|rF_vgW<_hVR!U=ee0nCAGAV@j(6?WZTT#1-*)$o{5#+eHi1(k%w zA&HZfDC;2quTuMZ(HlQzcN&GFXa+exOktOB66l6`%{>`j|0Xs497}eBC!7p+#bv>}9!HpbG1}l-TQ?_!2YK@UV^84v-&sljH)yW$4>boGIRO||oDH4+ z2S%5$b@&IO|L6Qa8q5GjMOASPhJTDDpn`!lkcf)mAGB`j>;QE9?^U0f!Oqx(`oDUL z2Bts-XKTZM?56+KRNBVGR?OVUiHMo|Ke=;d0HcVAts9Z{e@4T`&c(pS#7V@)%%uAd zs5fwQlD9QBH!%kq6H$rrurU2&Qn4~~F?0V*uyfEeu~9NHQU1r0InW6BpKgi%!>^LI zvU2`M4lr=C{b!S#<9|&2BU3Rd108Lh9gKjE|Dz@D<|L`&^p9@!KX;NUO#gH_|Ev3N zx;9S#%83|7S@i!?!S$aCMpf1S$lU*xnTc4K{xf9d|MacsU~8lTbRyCwV*E$_B4Shp zx;YX3o58r9NSU&xx|N zQ@g9Ir;~9F#grDD9pw))Ow_`pN!BM+2bA=uqig`1IhirgciHLQl5bc=2;hp}eB^OH zQ@wrd(Qi1Z)dxK7ccxwtX}q0GRR->EH`HF-d@O1A3HWeJk+vgem}9rYgy0t+&1oF7 zJ^S--6KoSCEpD0*G^y!mrwa77QZ#&=-poaw;~m@{?7coV|4z{L^mj~Ab5Zpb;M zYIB~hJO3G)Tl;lCsZ~=W@O}OC1^a$UbQ1dP`qMR+u$!;*%NtM_e9#9u2$Lg;`EYaDV`H21<8H$KaOpi7ADMErp8}jUfIkQ!P){9^VI+ zTw70icx48Hh1H99Ns#yWp`V{>5oe5d@6HCcIy*N)OHpTT@FS9S;1#w7w)nQZ-8(!v z?}{bBxb0BARl|;Z)r)Zaq~26=N+s7`y|P10Iewc;6d2nob%-cA3~WVWf1zwOjTcmh zA<=>4++ddDm7_eBn+h7)%*E`@=tFwWwETg#A=BV{E?89j<)YH0hQ)~;#As62XI)ML z;+F+C{A+R^iUnlc{s2{*?<RSsub()0E4^^_xW7oL+w4RuE2KZalsnImo4 z)g<>r%-<0IUf)JVLvtiqDPk<`!GnTGOGr6%oqP}$B=eB-5tP(0kpG)+7Pf)csyW@# zmKX=QFx)?s>O9?%=_m2$;pb3s5%&eP6m}D(!wDmqJfJLXE^rB|0sZXmR#nOzf$vvC z2pU!5y6s^wPoywMuq+!`VV{EI zURli%n&whGiW4}nz8f3ZJ5vck2W`bo{Uqy{-W!5KRtZ`l4`HGdUJu3@fl~xC_opt> zp=tx;1^esZ3ms8f4Ks^h;!H2N)(k|#?dDm`7&BcKxtFDiOIOby-@!9Lr=SXdMYBhMcU%{*cb#j`5UuKQNAxs>SnVFu9 zt-zBz9%$44*R!zNA&WgE;^21xb5W@afQ5R>3m_7+-)DbnDnc8Y-YLiri*jWj7$bfT zTX`Trm})Y@Ox*ElX73P0=;Ck}u*{I(lP-oPVx5qts!#__%@2&25IXotFsLF~3V3btsqstXPpWoyZ8?;xK zo>gWbTcEHxw>Bs8^faNq=0JJ|r!MF`U~_-H7(J02!FFe3fqIn*b{zCKbx)@8WI*h5 z!i;uW8K5_H-tv3bCo(9j^S4dKWEkxWHcvGDW+q@ zu~VFLYtx0_a&`fK`EdceHS}+v0JzRA!|F2L{gh|AVhQtEGSLasMGmtJG}7s| z+iDlvTII$GEV-%hO>g7Y^QSsxr+X@et!yIMxLpxjku1{iDqYrLmJV2~m!hlRaZ#F~ zqD6lKBbcR~OYS(TpHtWHmJ8fhR+IlAm6pXzIO3H^?3L8?;9y*LPyy0bN~lcK^u%fF z3_rYv3Y_C6B>#FrvoWwlOXkMtZ~?<@`(V;^O|9lSTIoG&UkU|ap;oM>do(kUB{dp%rPr6|$E4Bs`ufVz?3a0pCA8jRscX*5q69>Xz=$VR zttHev1X1*eC$!W_^C?Hqr;k39C8_`eV= zme30mJan6`(%K!in$j&-Q6)?Cq#cd3=zs5Y!RnM?qCh9~dZi{W^_kwPQ39A#IHnGV ze^(w>WHl@>Jb9`vW*_O#hIV2#heq0HX$O#q4y84n+AlP#4wRS5u_(bZmoF$kh%8mq z57~*KFO_r4;(|rC+SkmDz1s>>&VSA~F8zCGPBdDmBQ;h(tt?1ENm|c(Ibj40w(C7m znKNj8p4zwUCFGc)F((3EsLH(ax-Q~pL1-ScnI3GQ^-;e(M~>ZL z3|Cl5VwBOeLwSgeF`W;nWF|&8W;p^lq&Y%h8%_+ABvUyENC(eHvy&4Br6RhdaD|lS z$j_u6g3Fd*fqbm}HIezoTds_@?|FK4;+|)a+Vln9p2KjRrTR?K8Re4qZjTJ4m`O^9 zx0T?3Zc}h%qXJy$qQk3uDEYh3yxls(1s*&`ibN0>OPsA0BZ)nqn$xC*6Nr|K61cU> z631H$FwcsX7O0}$_6^vCDYecW#`gJ~Xa{)0apPsrA`VSx4`%@bdirGXwMuR9O1geD?m@ogefF9U?=SY#7z4#Dbo<9_3Nv2ZZFiG) znDPMmzNEw~|2v}j5k6=d`LQzDr^;9gze^Oy5En>@+!Mu%c-5u#jF@I?> zQzh?TEl&Ti8Z2wdR=Gs8_g?I?5qvhxzc{95QW~HOty?8-{`3}=__==m{D&>#$=mg` z1@R21GnV(KZiIjTuWkPivqkdU+B&tv;S?Rn;%x|q9SG;VmY?Ec*KX1Zc{NoGE`3jz z8+j!5kMkY+Y^5+!Uk)`g45Ma?{mn{1|O8D2V8^N#8; z&sGOQx&rYsk`)m**l7V?>ka3TxN7@($z^b_TB;UDYq&TjXagIAa7dtjy*Kt$S!L7m z*Ni`pBu_=04Ll&;erSHBY!HOVFmE1FVC`EYn*NAoy?{3WnO#dinw~h6Eq_o@)B#uB ze3{1di)>#l>u|Ax=}ddCb5Kuga6o9{4j0&o?l3jNEOdd^jCuw8=ZKf<4doJ|h}SvV z*wHIf*U;)EY{Rro`lVYGri0_;t95ZOo`NQy$B6uP>d=AzK3S2Pnl%tM8!>V9)@e&G z{934rx!Eg%^bJ&g{VpXCuAXjgElw)ltaMG99M5W@zr^BBGy>Mw>tbfU;@ON<0eXiX zmxXHz5J|d$o`#Xx^cPE7o@dFNQ2oG9yZB7oADyxy!=rkixsMfN33x~T@7%$RaXx-8 z{K7rY^gY~z7pAN$xk$fLnV}CZ)>NH;m4XqAap(g;?WdU;1YVjg&B*EV%g>bc2` z9!riIzS>@mUNxn0ymjcLc=-W|EBu*qcsBJ{mShyf7C=`}#ViV^Zx^MWrkHE(g=sL8 zRnomYJ-1@xVEN%e^=9;L6fS*mZ}JiKi)uzxk$YTDioa~|^E?p~x?|mb^Y{-kYN39Y zJ{JdD&q9PV+z5-iprb^SdqFHeNl1@{DmGAwkzn4fhynJsZBfNsUZl@d_(W;RS>@e*1sKez~Wh7oBK%8D*T|YtQhlb~N=*!aMFA>ekXFjj$eDSDa4(Sqs zm#(PRk%eTS2L*BK=Lt06l)Twam=z99P8h|8?R@

PupQszPbU;fCtV*Zqvf@q8^( z4IR;YK(#_Hd){PklHFuOW?p>~!?Ke`c7cZmk@|zanGvVf4b}G8kuRj-j(WZ>&G>up4m~bWNHI6XX3NYL{g=xY- z$r&W5m&5A5KErg;V(-H{)lK-}io?epf}8Gj(_91KGx>@|?47i6u2ZeP_SYfSqTh);dDJ8UjR{QWttYn-%PuV`U+9HkOV$=GrUXIhWi zj4+=$Wox(np}r76+%KXdgmDlVmm=!RQGYS;J|l2AeKNiqJmjv*rTa%tmRzSCHlqxqiI4Dbpr$+R(eQ%6LyaS}~_Pc7uL*c`0UaQmXw5GQA1@2b`8;b#v$=F5B6wx@zxgkl#GZu(7@X|^#CPQ(W23F@xz58qhNV}acU?;@h zWLl2-q*M>Jqa1jeJ$G*@Y5gPPz7BUu(=I!Gw2GK}9x~5_Fk#y9B=_gj`A@~LsK&Ls zu!@rIJ-Oc6{1bD>ukm62H$TB5{vtoY!{T|{+_ui&P;9(??0dB1lf5%NH(a+Vw&i|s zohFlT9TV?4s-JLQYGj-tj}EHk@z#XfrLOj^)Q11m8_^Fyyi0KABY5#7cvO4xuW`9y|#S3zo$Y zlCu%|M0~y$8AhIcsf^UKl;U!6R$+`0heQ*~{1X$q6`YTQh#DQDq)tYpYMe1qq$MQ; z#8Yj_n){7NJQo{2OA*x!+(8k-?Q|+S*kh}(9gUY3U zXz#~vw|xA10J$i#n4IX(df0RmOd6?NRGG$lD$RDb!}dor*DkkSaj+o@T7m^Xz*>(l z%`&FqkHWy#YN3+4Mo@w|KFCZ?0m=MgRl}u|DH3#&G^-wOJ$4D|y>v7nrS;O|YaB`{ z-hPs)uXut#Ue2KXNZx*t&IU8avrt(v3!tt{i>9ytDDi zBRcu`41)=|Jf`s7X|`+f7L%plwMN7+m5s0W&8qMY`i`^9eP85K?y9L7q``4Ir|En) zw=qnAHX}t-XeW}3>HVoAa1dkahvh&Wdwr(F0|E3WE3x!7L`_EsKw8$p4ms_o#(OR+pMKar1c5-bt@Ec0H za&#J+Sik6tiHX?kk5sV9NYQ9I!lEZLDd6GNlXSJ(lMyDtLHiqc;cpE}rl5%FwQ*rm;w1fPjxo{r2*I+m%R51d@FqWG-~han5VGXZQBe*s6PcjfG4e5ljZlLR$o&;=*!d~^Olv?0CWKN6FIs9sn9`!& zOetVP{Ex_!AwVR!6(R@Z&NLOqt;&EqR;b~9NCBtter21B82jw!lG}tKY=KB8`C>uu zb%kQ>u;*6Wzds7dBPQT;J)EQ)@X57l&Vc&Ou(J~l-PPC+hSE5@f~rtIZyd76;K zCBDSn87%V?24m*JeAqOQ{OSg+zZxIPu$!d$^Et8*Ee_gxmqfzyvsLM#>He$553Ac@ zRMtf24J~{Wt4M$p6!O78qZ~fm7X(~@BEZm*$25J3J&%KXgO0&IdYX1KAa4E3LXR*y zusU@lcYehgWF~5-YR3PwRr5zC?a`iGS)S^x2*! zPqSEeO;n>~jb1xf7YaMm+q|&x-I5uxYQGh`@HNTE5d%OH!8cTQ zNl;i2DOj=G&TV5UWy}7&$l4mD+iX zN*O7A`u7Wo1n|W)+&H4M`z{`E6YZnfzu}!Z1zsM7*T#GsKCf!MpDSdr?pJhL?Y*o? zfMd>7VABK;&`;e(4f(zsS&U?37BWluu*BL9F8aCQSt`Zv&)iF@?&&XA(n&j@h3Jtp z#vu$&!%!GbvwS;#x`SP?U>TI<SJ-iQ~ZE;1Fmy1qjoQ+C-1_IsaN2d?~fKYRk1jM<5>~f zRhTJ?a$`%y)JLNnI6?IYA%ucuT3zJ$Q~7_OQEY|U^r>#c>g{eG-y!!6jg84uLh56Z zJnD|T7ce9Sf=b!b5e_Q(L@_Kc4_gUD;nYGB@o2?B&Q)B!C$Es4cct|Os4gSoY2Ps0 z{Q&IxYqdT_5hg3mqIW`T2{}-?;RybWS|IqqnQ3=K+(HZmCr5F^OZ6Xf4!tj*#|~L2 z@8mf8LhVricY6f697>D|OnEP9_9PJHvI5N|sk9w}q#Lx#xzk_)NLWDz3>u{V=JxaU z7w&7G2(Oo(L{(UcAR8R8c%6IERgv42TR~)of<1Z2Cm4WC<@C=_yX!@pS0-d0HNJRb z9)Pg?$YytzIcUHC@c3b5q?HRIJ8%jy;FlPK#>ERY>?{(W7~MW9!wKPkr{#hdEZRdM zOcfX}-|o8E=egibW=bcxuJS!yUdev=1-)<^DYyj2I52|NjTkEFkY0h}-*v9r(c4gc$M@B^>Y`TIo&QW6$vdX! z)L{$iHwb;7@2=k#3iehXMJMIz-z3%!t?j)KmVgLwK@%)UUQmfgeu*RbnB+{a<+nm2 z(20o4hqhsm@oQm4LbC<5NSTA!HZv+AAqeIG32t;;C$pPyuNFXz)i5OmAVpmdglbkB z;u9oKb=H-pPH`XuG`yjPF#L(=rryJ#-@z!5QlQ!wV1ND!OQp@b z_&0|h#4YXyRU>p+Ny-2A4lfK}1)4Y=xlzaapa~9a2PYK8fTaQHxcmp2uk|>J0i(hd z*F+PKsOjwgMcbFhL-qX+Q_TLxP@zId6e23w z63G%NOJu3+$#c%VGxYg>KfmYq{PSF|x#!$--urgW+?hM<-iVeuedC@~6kbYR(Ku+I zN=NQyBV*h_8rln(W%9y)deQsSGPTv7d>AZy4f8X7 zLjjee&!*{K9+LS@9*MUXo2;-9bREyR>~izb9do(qJh8Q+^PWj*FYkA8&N^1k6709awiwYz2Y<0$3sAJnEyrLNSo>!=-$*is-(fj0LaKVhG`Y!u z)wj0wvU$B@CMMywHqD$bCC81#vA0i79{)lSANE%0*^H^xDcpsqy`$mwiyJPTd_%|dQQ_hDZG|BtMv+0QH+W8dbq(3Z zWk)t)`|&In!z}N*H=FEQ(9_&iaXQ|nCnoKS0x~MJG%`Js!7lyY zk!CP1Gr}=K(kSzb-#E=-#reIbS=+S2-iDmAR{!essO}}#NX&wU7^a=>J^L5YI`(yJ zaP3ZQeTm?b-$$l{OE?}K`;%BJbkl`B%Yj~T_EWoV(jdvH=Yl_*PA=6@(Kv7n2_N#C z|EPZ>bWd~iEz>J2o}UIs7PNe&pIgee4avm}QvVv0-L{KAH0nghDXCOL`Y--CiU$l{ zv;oY`S~hV-w(m$!-d3$#(bDcRHhU7RvqOR-a;K3bYf`(-7+d^oAq&s_4-|<$rQNSa z!rk5Cd2V1m4p#WRrEgajxW8YN{(4B|A&zIXM!C`LM!08|;-W@gQTsx#X%*FZ$DLanm!KqB9{!#88>@%CeU$+&)vkn1vOD%Sih-?b?D8`f{vnJX$%vr%}p zpOmG@l^B!GdH=QW=Gac{;n!>~a=U^!q|C0r%MA9uC$~TD9%sG`#kSYxy607o^SJFf z&(>8bJ?CeCr1@3wo1tB4wh!~HAB$3Ur`y=R$!uC3dAk2TRr9vyvXbiA?Hbg2l0w6B zS7hSYcILiVrdRJTcKtCT`Uy*yGGHfUGrDYPl|93Iw5_xl-xLuZkI~n>@by;oS+^I* zpBjl8VIFdR2@?)>irDw9?lVrW@PrkK0N$u)-v=#M&e%kbW2d6Jvx?&8lSD^N^m_E@ zj$A77KhxpGXzw>8nxOcEbjaw!eU5gM?!KE}Q)S$(qwZdk%wZ4neZr8wchSAoNKjd) zxbH^xaknGRVj?UR5Azdm)z1m#^0ZTRG@Upc?99u5l&dD>2ipc)PP|I??fP87Q68Ri z;o(h~!Ao(4%$5hRLfiLjsQy;9WC`7qy5II{AHB=r+VF6)Ccfw1#_o6bUp|xh9SA}I4_iD6A+K9<5i=4}|6uUNhn0M!AKVN?RM(v~t3FchGBAjB} zMRl9oXS082OlW?)en*yT%p^m&Lw1ixM4s*A^XhRT$|}|s+mxdYj|5`(dxR99i?r;y z((&Z}6MQX(@;_Q+3B32Lj+ zi>Ef$R1W0KKfE6}61cR&s$$w0W#qK0`DJA672lr?7ZXoBlnkWW&)M|!uvHm&$bW_5 zNFay*>75OFEb-Zk8B$BZ-|rPStX-|)%9!z8yEvcM<)|f|mGCF=!FlENuFz|w6=5e^t)4ji z^gXQE|4V}U{=p0j-c=*!$(lWvcfH`tVl{kc@zK+<;dj&5AA$;t+-5b^Pj{Xccv+`a zqm}NNElFWy9h2Slz4kY+U7b>AW2?p=(YDbtx)(dtf+j>?yKPJDSbccFTlwohP6W*b(~G1!IsWzwYLs4o^>M7XC@g&0)U8Nwch^v^+LDXqdGoCC!QFxyuI6>me&RMNCa3t$ymZF2mb~-7uzr3u z(l4-0#iI03?nRz=GHT1mnBpz<+l$Pq-@f+e(5msdz`>jIj5puMso~1H)L?!2qqJ>K znm=Pq$`6^mxPIR+XNhv>WxrzP3^K3IPT6RlK(2=HjrXAm?bkGasD*d&1kfx?HKxhd zG3@W)s*q1UV_y@b=FHYS8LZL8l^2_m>->`9;x=a0MEx+CD9fagR?YO7hQh@rN3GdE zsyg4>N0+^LL2>RmLswS)@<>EY>|?gGc2C9>$tJ$P7ky8=Fm|mRH?GGsec^0%yiI6K zyJp7Ck=b%}o8B9%_#nu?R6gh+tSCp&xE~u^LqNCPN2PHhwPst9BMRW+r=nK`O3cx6gYPD zo+{9HUQw0)tz1x>_?WIpcyodSb-`)fJzWh3|LiXDCy>KG7t}a=+*S z`P76-$ZztKnc60t)C`BM7_J`lWxZ?>snI4N8OY1E#Jk5bRE9_OutJ|&)xz<@?Yx}3 z-Fw{AMP{_h9rWFm)^C~Xgg#JcxTMhJza)J~|BNQ%wApi?psuM|R!UXVEvi5CO`V(m zmhhRy)%=X9wPVD1lgTq*M`w$Mng=|knxj|WzB?AXuy;uK=l-nq=8H+0PhFGwXX#X|ZN*=v(3@7w9i?`D=aX0I+r?knHZ@0+b0BO4YwzU!r%){K8` ztGi@tT=KFqU(Lg~DgWB!cUEObClCKz!Ra5QGi|S}Ty9W|sSx{CWgL3OG77iXuAuz} zvwGVL`GER}>Gqu^bYY3VP3HPUR)(2M(&Tz98-=##9*ww5&(42@fjwmG<2@(VfbCy% zYfIh_4}B1yJ(IG2JLwuZ|DMyb_CB;$5!&zXX9*b}1K(;^i@Cp}m{)Jbc0lI#M+@3I z7Rq-6s?+vugN2bZM@^b4C)(~NydDgu1E%zCf#vgyy5;APi)Qj#B@_alIcx&yWPul&OX^? z&R064m@_)tdSmnKs8L^K$n{Q2%1=JlU(r zmwEKzUjKpmjh+P#f=T9~FANWhH4E5eRed-yTp3F+_`oNbrF6B3lsoKb`tg8!*(4G3w zqeAUF)DxP~Pu7krTQl(Yd9j|8W^lA?T6j6`)9>9_RtL_~O4c*ms4ai?Fz%?)>sHS_ zSm`Ws)l^KTTJKHqz_}MbwshNhqs(uzMBMppnQru5=+qA~ zub)EKQmR&;tS0SSC_H(&oAvs8?OKlBBg3Dbge=QNsk%pUWm zSq)}!P~5O*@{UPZd+(>W?9%P;R(LOt=J{uXzB5M?bJSVIe5fYAwqULMURgYC&D(9C zrr_7%w|w=}j{vYuf4VPzi0Dof%o zRu??2ymQ$|Jucz6R?j)ZMfp{ssS-Jlxz|hFES95`QLpZwsjxX6^(r!mOq4n_X}r!a z6l3g$kNT$6;&9E$TBM05GMDAn;a1bZOXSB?F6)?BG0-io9u6DKSEXRqxS?>`pyitG zT~WW4+oUd0CzFmGP#$G&VOp~NuwN{zjtx`dap3M}>6fhwmG}iC;r-elDm>yUBuio_ zS0C#%%x8C+3)EUO+U8JMiw~?VaCpb01I@KZK&iVpB*pc{Y@M&)C z>gxTvgtrL?O?aF2Eu0sOIBLxH81~+d3(3wq=zJrd#lX5L8~ZJco%)IIdg@jI+49YijDvg8NYg4uywJJhp+0^YZC>7Z&*nr8xD4UD_kv zeZKBfpKp-g6S#;l? zjq;g2T38pK=A84ANi!*8JNXx!MH@sb-HRPew($szl?>XxY9A~$dusFAj;sIuiMO1M z6f@hnx|o@1mDyu(W+#J}nwMEwFTSvNSe)H^ap+h4==D8gyQH~gJ9CQdhxiKC*e9J% ze0p}Xhn@1(lY046@oDLm$ph&O9s%sW*TohMn~U{ZU+VSv zW*~>XMb_#kCH-#Y(%x^_zMzXNYljL8)IIVVuWGHy4}I>L(G+>ed^NhL=j>qZg>2o7 z!uh#fUv>xINC@J8bJERjAiNDj&wpp+(eP!y2M-$0(Cm7Z@X1ef?!q}q!>0wgDV%)? z`Rf;|F_g{K*paUko`p9U3vLO#%&6X`n-QYoG)a}1EBK&JZ)b%?(cOX=ZDp5u7Tyok z7oIzIa+Y&$|Lh&&Exzz)Z6)JP%0}XwHe-*1rz9L7alZq4{c{onOcQ6lb@einRZBRT z(hXIln%^eF2ro_C6hPt4WNb-@+`!v-*ryzJD}ctch;^Io}{x&n@)2 zSh#0kj;mO3XOMESEl;0shW`Fm?RWmk(Mbo2297OH9oxvfn_$(*5VqEo{8KV>t%3T{ zTB7HBK~`3J`V8aCn9jZ86ZPM#h=x4ghT{-d)WdWQj*)_Q1!R#^75bP5W-tpBYqR5PtbSUh%nsy4VNm zp69(Yx6%_j2KX~~x$o#cODgao!Ki!jE(K*KbuqU7rtnHqtfbV}po#HwRrRe)*Re-_ zIJ~}YUy&RaG<@;Jw$kl`8cIVPKg(yuzH_^NJ$&Nhxd;uDD0S8r_s92l?mFB!J#&V? zlw|~$e12W>M`F=REvM@JPKoD>1GE?O9z7Sk)5}=U4dfXg zS$RB%I~~{hKOIi_$=RPwzxVX+IA+~$U`*+*Ea1*M;wDkTj0{-D<>yeQ;q5T=xgAjyA=9(22+pJuOV> zt+1>rttm&R`FTKYwb1=R{>87=spl(QsQo^Y)M+M}Yn;uWzRW+WxbS2fzb4JMY_E@Z z&8m=;2^_gF_Z?!HI@qJ~BZ8MF3hhzF2J~Cd-tfeST zHWw}@)l(|w@H^G!z?&BQ$r?5P+n9bni3GUyEO7dAk*ZK3wJm%;%-RC=viv46&$#aE+4bpCxrad~Y zs>J;+r8qhM;bahfB!>MJ_?RTZhgLAJedBb#q-dCEh=+Ts%>>hK!?O%&7WwDDcO_)w zo}UOCyLLq9iS|4>g?P2{_FdyG&hugZZLzK`A$-ynV+@%&G(CcmC0rLi-ME*lgO^r!?Uth^X;I-=PsKYS9k5kkU2iMxbT{S zQ5|PYTEMQxiMiD>#%p_KciQVv;e$_R?^K+NoDeI$dC>dQ=K=BQnik_=VO|Flm;7tl z!s;f^KV~v%yT2Sx=RU|e-Sn2)r}0FROO_PxayYa1&yrRXvpD~$8NriC9aWe51oyRoryF?lj%@9{bfIZ5pFI&4D4FSdWFfDXdvXSIP2~7GKHt#hn(| z8E}~T!E^E{+h)@P9Jz=#y{TP(b4?5C%r|v?&kfY9yVTs($S5*i=U0^Kb~o=dU%(WwZT}w zs_X8|J(XyS_iwC&a?hNZC{2H4>00Yka)4>u?8UQ`uU^W=J|?pWF1?YKn|Bj0n_%wX z&(gCnWsV`cHcft2+I)_)MErd5NO7;TILE5;r;4ZU4hK0aqRXau4ji!%J$m9iRk+`) z_!FGQElPbfV@a)7M#!XwgO7aYOMKh5e?E>S==`0Gkv*1?;U+?zB84joZ0g=G!(0}_ zE>7^+Y6zE1oitIdXU=JPbL9$7=wQCCs;K+zZzS{&NrJA(4=@U)sl<_6uglHVT-ON; zyFy1bF+6yMX-eVoW!qLBCx_wN+Y2dfsobOF-@aVF|JdZ0-E|`td1l$4DMqN<@^4K| zsxgP9u%=PXSAJX7TKAHE_+{jz?VeN8UE(H(>u_sMpGr4Aa)@W0n9Z)I3p9M1_H**j z@+G;f^B26A4P?^yh@D|+bF50-_ubUl@6_>qcY@QlUugP4&m_W@eC@+0`TpLxZZqe+ zM-y%xza;1#uatpbVxmf3{9blBB9S7x_L__j@3zRmp>=m#jXa<6K(2iZFS5cd#)G-@ zIF7_IFXtAeYvtx9gsM_JtCQemB~y&!yq{CJV_lt2M78|pHN*aQy|0^1{O8Eew@?`G zJRCrtbx`bjx+&9Mw{3ft@~(cTtvKsN?K?IcoYLNpU)aT=dh$2BsOU(X{%^mFg$nQa zmsy7yHJLZ?w}ywlX1H1e{N}rA&SiJ}L#;O>lbW?Ov(!Bow$YNE2M$}z;RKkz?B5|k zAt5ATeJD;PVS+Q3Es4!4tr=7?#U(XVjRJJs~ zW=*TghTJGm9(p^efC^@jo04)+afZgC)3%)FW2ry#9Dxx@12-zPNtM zeEmoriJ&O1>%X6d6B88&k7cfNoi>SE-oS^BQAsBh=^iDAz>v~Yj0;;7ccnKpslAT-qp#~ z!&8z|=VWQ^NDE9NVF4exgwJ7Gf+r`%pe+>DFk%)s zZwDtE^a)EKq_h|u##$gG^*sSCKo*jR!%`M%&R_&Qr|1Q=0t}(CbyRSFivb3aKLJx6 zTRR8jF-l-Ib6`V+EO?yJ+0w%i;7Uk{NQy~v3rmUuB{AY6qFAgLw=j5A5{1;Wb#{Y4 zW{=oTTv}8FS`BIbz97H?#Sl1Q3L?}>|p=Q1(yjLztIJK1{ZyEu3OsWEU!1~m_OveedzFofWP zU*AWpf*1fkqzTBtGfGC!(!+#MQ7lPG2qg&)c!p4tk`PK#QdyZuQ$_~D$jCq#8E`;s85syABLkse z51t_u9uJ}Lct{Bk4tRzz%F1w7Sy@sNVk;}dd1Yl32bCC=7nKL)h|WSxhzrkHP=DYV zLP4G28A4&P5DIc8&Owb}AHqP5;2G*ov;>L^b%G=C3Tgz;kP?)eNEvDb`%rJ#LMW&c zKC4do6cM={Ykct#Hh z1@(hxND1{Isx>-?dJN7$D5xLN!>CnIT&N!$hgVQL)c^2|N)AWh6@-HN!87Vb7zI#2 zB4;#4h%o>qhtj}Ns2@=>*n@q@7quI-4x|oeATM}^His=L9pneOpqTIsA&3Wrf!Yxx z6KV&sQLWKgs2?1GP-uKZ{ZN~rxbO^Npmwx;#K=aY0s07zpd28rtr&*fpf<#4gObB5 z2!%!j)DOx6$Dn>hxnK|WQNF0%pyW^rRCCA=zEHVf3!#YAQG9eBjzaAqHkz4GKh&S7 z*6@tNKn>COg?bUK0V&h+K`f{n)Cr#9JZdMD8XScY0b!s<#OOdh2Cq<_5DIz>o*@*} z2%b?}qY^=wElWb)Th<`T3L)V^~a) zAR#x{huB~iSOe7vm0JQ_LtP;@&m(01J0nai_if;P;U^81YH0fgd@=^Fn1tzV#Y!^qC`*=Xmf~- zS^>6z0%A|11VjuZ=B3dbfq4RT0r?H7BL{>>u>VD4I1aNDrAdGTZz$175(Nnga}LQV z#J30?AjMzsggzoIA;%DzxAa9Yp=1P&|G^KTh>RdTu%kq5j8H;*n17WYtv-ka|J!4V zh*zi4wSCh_&oLyouIElo#ZU+5|?* zmIR2#AXZ>JLdnqAR;IydMtJ{+T~O#PD?kbas{e=_m>sCzkR}@Uu!Z@6tW2BHkIF~1 zKd?T*!-&T=GZ0;m{vkg?0bQQ}He4+?BZHWssOCUdBDcS_0rvk}a)6J<4)8D0YJe`N zQ&2XPItq{0GB8T?I$GO_JP^H6S>O=F{AUZPZ2IWG=Fv#~CkA2d`0t1ToIxZ>5d8-| zhQu@&L6`#S=sJ#aMB`T!aED$a%7E$y;ZeO&t-+|0I8x)#ScSV7)R(aCK)VAU!zu{I z(e)qQc@R8;*cO!w)fb-O^Y`9nc7w{qK1+{sC_#G@FR{5EAl$Ed~SIzj3hyDZ~-Eh*c2_Vg=O_P(k`g zomYb6&}JxYXaT4Xlpc)0)c|0DJ~~3M0m@kniBSkAiuAxFDhcd>9@HBPJdI`;_67ZrCT*Kti?NT$7;Pka-{rvxKH>>;=a3>raDG%$voQIEk@2tuLpkND-UScCQfo(9&2*#u+fl1PLgoB#(X zHPi#8hh_=X8qP~1^r5_{9f-V$^Tc;Hk{~)!PoOqOX#WEjp|)uqG)@3jg8T#t39BIF zN7Nm_z&!j*exjTN{gvR|78K&2dP6Eijipc+!Znav=JEMTz?mAUTq2P!9M)b03T$^#tZHSf!9d z9Jf`E(KQ2=9HooaJ(LEK79uNH8{jCQ2&kYd8N`5V1$x(lC=G-|WkD?kslY!}79_(E zsS#m7L_({f7AEqBSH#tfIEKQA;{X+8m4ezpI7Dw?D^z+&9m)pfMCE~8i1NU!+R70q z4~!O~4G?+275pQ{BC&;D|IcxBEkQj@^cKPw80ar51UXPWKnxLfgc3NEHy9zV4=`4c z7nB6X7h(VOuj6R6{3iwm-BBahgqpXBO@KwH{u7%x11mA?!-GiquNGNF;Wd;Tm5{ir z`U~oBOv26<|zUEAM|`!3g`?f`4=QAF&CM4*ZU+vB0|oo?^r-1yynrTZuSIu+kP5 z;thaJr~sSPK&~R#$bAZ+?-mAuzQpD(mmu#J1hTI{A{FTYTp%1?Q4xc~D?+0aBt`L% zINRhxs3mX}B=8~b9R7<7k{4*);}!8(93K4P@G?Lbm?hA{N@D-0IB*2k2Rv3r5%h?5 zBghE(;ANnEfB73&2T}(2@Wo^l|4n*8hlo#*_kWfg;jM_1z$=1m-n958KEj`t58QMH zA0U8vU?sd5)Cw;qCMhL>2Ni|*j^Qt^AOrA^6pNQ>0sUcM!`ifAah#mk| z2A_*yp|;=!%nWn@dLbSKBcOsyB9bHbK+yFG))#blE+q-~ifAQ7BaIMIh=zD^Knw6e zxDs}^@ak`$5~BsKssu|B=7B7*jw4Y7T3{1oMId?{*`cFWL+uY>&?o?Kn`_yoCGm>V zKvQ@SW--dh{v7Vv(S7?SCxjz<-vinh$O|NqQQWi+peX@@8(0l|gaZ91j*|rb1p5C+ zR!S*BYohN5&^2SryHIa|TCngG|1CoO%1Mi?vV>?wq=jCEag4_*Vi5nMkpsm-;}MM&(1)@T zD$}NA;V9$=<&wdncS~U(9*D$S*#_vqXaSPId;_`tkEjDg9MlxP*GBgg|A;GK zBe>S1nTJ>yiANmx{EuK~xW)q+0Y2Ey;qYLeAT1*!t_Z#d0(T5V%ObYkibF!21FZoJ z@FtWSN(;&Y)PRVG$W5?1A~UoktSx{S_-D94E?{j)70Lh2-73s7RBFT$XtV+w0^5NB z$Qx!XoCELfB%##Mx{}Hg7&Kqe`zimhDwGrG0xQ#Bb_F9)b3!E|@JC00_rWa|MT~?D zasL5#l7wgh8bjF$_8?S0C?8T=5SnlfuLvVaMg~T%xHuks-b?f|(gH1s_x%Vf2=Fdk z+faMLKKz4G3}2|^I8a~zs`-c(7??#X6U0Tm2gd$dlL*#Eb^!=g6d$aS zXtWS54q^jD3(<~XCj|l$!lU<5q2?$hF@jW}o+J6S84bj0@*lfGKoRi~YGXhV9Gma` ziE{*t02tz`vKbwS&VNNJyau0#5@QOX4XF}d1nvmdCXLNm1PaM-BK+U&=8l?}=cudz z8<82M@~_xis|`U{B89&s+vJVd5nK^lgzgpv!VU_4`txttf5ipR4_FseXqefs_um-M z4#YSDR@=<_zabG@A-IqqJP<5G3?b_;sJSp&{+i$HL+)q|fbopHaOm!tAQj>TXtmAg zME$a*F(D#}pN4J8LzD)|(9M`8N<@?gfd@2@j0Uw3a))ayfEH3aQCdVE#1^sPKY1heh0+3yt%`(3 zDFJc|3)Kyt(cK>5-V9pD5NJ4qXt=2>${QVreHaB$7f@4)bq(x1(Y22d?Z~H>M2ivE zB_JJP{|aS=dZTfPYPuyO?4j!ioG0joWIViroX~fY$o>wIcFQ`%F#;A?6`)+GZ0ILP zkOI020{MWB=z0WXLo9~Ef*Em?7hKg*IH)(&8iTAvPzFc|S_1xol?Uz}2{D35LD=~r zULmY!P*WsYz-KRToOqvf>pl@2MeljSH6B94uOP!O^8V}BkKvb`iC;e^JiB3f1b(sE zR>{^He9s&HGa*|SJ1=|iU3ICyA5nn+Q|DyN7g;(v#X+7UqF4W9UEWUHeeTNqxe8a^ z?M$zyp8e6P;0t7HO(=8hEOauaArEF!TmPBQmF0Tc|7)pdY+xvp9{AbWF{wSlT_R1@ z_IgqC^N)){i%yxBy-u`pU@!`-z1-oU_wrkn$eI?JhJ9PK(CvWVvv0==Jz684rQ{Zs zJ^S31i+Pj#Ua*S%#n|or7B*wdD@XNi=()SZbMO3GLbB~%!0+%s>jBu?7?L#12PMgk zGnd|{?LC{!5HT|wKeIP5=j>b|X&`$_oqvl(y##&c(LYoEk= z%tXbF3qh9OyctO8urw)ABjr4JQsy0s(%+c7w+jo*XWydHy4Dx+fja8omuK0(+!D{e zrkFhTMP@tG%)6Ib4$kSmyNVNhG8enK4D3vDvYJ?(Cm;AW-BLZ4F2R%B9JtZ9{=;D9 zi{nQ3i4%Kq^6nPDy7e-Q&E}LDH10-rUvp?LZE3wJS6_H~(#CP4NA0W4TlQf;Cgo`D zzQiB0db~HVIkL|B*D6X*+_C=E^^3HqcM{L$P`BKmxm)>`?H_@h%54w248l)NHzgmh z$k*0+@S(r$h|M$mE80AD0f`4}d*vDn5ATv0jv}o;wbC}r$o^9dzeC!(&N3`6iYtc3 zu7$*oM!Hpt+u9FDD`s;AyW^7Li|y!s zOSR@H))v^_jNZGkL2ucdt{GRB*}7ulW=OC*4lW18_8DjXPB=&7^ztmeb$2qqC(q6l z%tQ8IT1@Z{3NO;KS*_TT`bPG-n?aPu(mcLo3mXApD{`m#UJ7UyUrZGrF4TG6yJ#^U z$NBm~zC+K{@;1eKt^Ju~S~qjfa?KS@*i7U6z%_hQSzD>DK<)dq1Ro{uX}GdjlG&m zZG-o&?Q-Af1ZhO%&hvhz(HNG`u~mFRDNOw+P3u=kP3E^zl6s21#U%+V|G8iDL1#Qq zuX$x+7nP5^Ww#rZJeTfkplZb!d_PiL-Z+iS(~CwiStBVl#6(?%`$%%b3&*JF)SiKA zmXpR~EG~zw8aT*z?LMB9-m&z|{%Yx;)bv}|eeUsh9$C$jx8Bzp>M7DwJMpc zua{HctuV>Xo~Fg3Xy?S8V-v;HARPP-*Eo7yr%5Yz{rTj$f655CR)=MZrBmf{D}Bd4 zn-&uCyu?66=HAJ9H+p) z`%#Zqk;7T%_-m$v*BC2@L{e8ihA`Zl^!&!a9h@in?Fl6o#>a|K)sBgwc|*72ocznj zFP>`JJ3L(HSV&KjUw_=GDkFPdGJQ@HSK;)e?G=^GQQ_E%uQdB;6yGd7+Mz%xxIR#) zJ`#;#29<0c)XyJU!LLzN_d`O2ptky7o*0PpGGW7Xb zG{xv&Kb~^ShBj+sb4$tLHXO?dr+FUTN=kCDd#|3NbR5~I!j%Y4R=)>tw_Vyj(-Lxx zs!v^8C+u~<>*}6;fkWw7K}Xlh*Lm-{MAGxd9fw#l-tK6+`D1h!^P%3_AA|RIS93gT zu3B#ET(o!dObO+5dwGSM8iQAT=~MsAS|A%o64_W4PDL`!bJT?8S<3>+@UF>)-GXFS zCPmpU>=5|U8*){!(FXVCY8Rsk%dfPK((Ko<(Yg^XrL?xSMLdL&g!AbN$4YiW$p|+RbegJJJXj%QH3mYd1uyl z0G^zSrrg$5Y{4|_py-9OH*imn$Wk0d?T&Nc5#?Cip-z2c)<>C>ZCf3yOM{w8Tnhls zcEbiZRk(##tbF`ouE+P%?EZ^qM!MY-cfR@;7e$|Aeyx1-+kPpFd}=z;(OPeev4;bD zx(4M;RCU%y(7|~27%6Y1NLiP)>(O0ox)!0z%r~TdCR|SYogyzAzDH{Ih(hsD_{3DB zlIxLiysW?L)S8H~S^|F|{grS{`dEu3u??~EU8|HCf&R8deDS?&Smn+!u@u;4QCw%vI7wwta=Le zG>q|9iVRveeUHDoJfm7{)zc)&-emAbwOk>JlO=V9L*$ytDsT4^mCB%EX!(8xs_dEf z>x|k=-6`j#j)%7|yNMcFxpL31Cl1{DR5|42$+t5dGc1Y^(g;Z9*^YEol~tedgwbfV zj8XDM#^s&8*jep5H6-mU+l&vG4PQEOmac%64y-b)Y(BM9R?iX`*l>C+6NNL8g(Sm% z-St7eRhdjArBQiQyRUjxF|5cXS}-P9Xgx4!03|v5pdf7uyHl_i_fEvNvvt%(^Q+o!|Q|*Ml!JtFhm+ zIxh7J6=^nwuU5|4qv!QLI%6BJT#w47FL>;~J%{XA?~HtQ&2hQsUud_3oluAk(+8Tb zyLb=tzK>4ftRXqusKH(x_8au*ZPo~>C)2VM3Yo8aSk%aqica_Q`4wo# z>>u_X)cn4m*YzetPr}&>*;AK!`l_Ovy^l5c9uzn!_doA`2 zcRt?1+c)J{cHXWIe{)Q&nKg9 zB3jxs-}Rt_6#hqFuf3xKd#@0W@3Nfs_^?mPV_&4`M}2Hg2VmOIDrlCmwf#q_AcPA8OXQU)g+z#%^!wJCb^;y^!v0&{s4qV9fccq$ZIDfqA`)}NsW{o`v zwLMm2{wEaviZi-b2Rhc1*|#%ZdR~yKwk99uHEZ8fNA_v z`yO~A^I~S3o62^{e)-fC46nnH7>$>4BxZGSZmeogQ+Zr}fV(zg**3U%nw3?V`cjf& zn?t3SPG7!P^K|lk?2$8X+605tAJ$!;Z*m;EaEF&lzNq?)p+(J{!(5!hQF?{9YGQ9^ z8VX4Fv$8bf!*6S=T@gQ{L2^=?@`_iIs*ol5f~XH77j`;jP$u=u=NoMMNM`Ko&V})^ zcXFmCSdv!dk*2XH*tCc{+Zd4;{CHN-nB=7Fct$r%@WRF0;V+Jm-?15bF^~N@B07UL zxi+8bS>JqNPypK!rB`yN??tNgjOKy_l^yvWgOI9y$<47$(<{Q{!@kr$0Xj1>7u58mR>O(3})sfmBvfMIt#tgIp*M;h1W5_O5xDB_G}s-C5|9A;bo?ic%3 zw6X*{Cl9%QHP>o-bLZu3LFwmr!@~uizv}o_>b@0@dDnEGWT5lPTbg&q_4(>1IfIQ4 zNs5+pQgco*>WqoJYn=m{3SM}x^K`V2YAJK~to@DTHG$au>>rgKsp`~A#Id~F4Twl= z>BUzi-)O&jbh@5h&f&yP&oVsEY&j!7J3oddSh`HP^{Ci*#=G+=kH{A{ZarV~qBH9|Emji`w zj=nOx(lP(_5WiyK)iS;2)V==vQ3V=g6x1|#XgP~^SSoPP70=0h{jqoNyrt9~E45XD zN-a{wX0n3{mWu;8^4VDIgR3q`cNZ=+BIP0Ybs%E{wI9zuN8EClTTY~?E@5o@Ttu6c zdt>-;_v5`-Yg#Q)o)0g&a>YY>OS7qy1Z|EL3T}URxUk{g*(8cbKj-rC4w&IxZ&hNG zF!#neQg13%EG05Lv3>3Ffq#E!!?giXTU)z~eb*0KD!H(a6{xh64R&4IyM9(ES$|vl zBu=g8W#JPM5~HXuK_W~S1|FWf=gypV-zr8%c)?6cGGhDStYO0~)(Nl1@bpQcPWQ=a zvtzf?_x-rN%ehnb(Aa8TpQqq5byomgMyo|uFO)^E_WE&oPHoCMswIzW3a>@6 z+AmX=^q#7bbUOKxCy}L;yf(YU(aTQ4P;~&asuY_0c@%T=jVAN#LSohD8=1Qe4}U-8 z&gc0&P4}TzVZ#}^BhOk^3oqdJ9!pqYfK>!r6cJ62qZ*~4Ju}cb(>nStPCk`YtyfZ1s7}!R+adR+HF>_0<#LeXQew0cqd21( z`>Lu*%WG6PN=obFJ6L;O48We9|RJl`TxZ-z* zlggRD=7)ouv6y9C#@?4nM%fqmztA(&zf?c?nd92i;8e#Ut>zbNIoi&Gx7a}*?$*P1 z-ZS&wW;k;6NO&{e;xU;7ds<$Cp|D~xSy>?EJu2UpMgj#ZuRt+EUEotS(>O{ZUR?b2Fl*WK#hj&N+qq)_fD=!9*a}Mq5 z7XT?fJI=Xy`cA~RRH{=Yu?^*tNegt5+{$Oql41?L@F!TsnRcBp*ww%5+nF=9pMNiX z?_FDHk0ZNzWU2o&oSCSXP%)$VFB$4b$2yon>~0v!6D~*1pdK z1mBAtS#Ek-Fz0Gu&Hnr1nx$<|?7jz|{yYhJBp*A^*n^p^`Wl_6dB>qGFJh&+sC-we zP8L^yOOpTDnjr|6SQSRaYFy!CF03|+0;3}pF!Dp%{&Ql9h2-Dl=f_O#5|(-KV1 z{TTB~c7pT6;mn|WuU4}wPsiTVQJ41$XuHGdt;;`3*Ci;T^e%gJzthw93!Y=?`ok-! zykmYd-x;Xy3DAExKzj zt_s~ME>sYHQzTU&S1i?Tz-sv5*HhL?t|6yq&P$q^MIs^rgO>*WJo{w!$!Y0+Y?jo9 zOK)1gX~@Svv=%*FOa1M~eV_jM-8;ydSQlRy;6DHP=FR&XWNai|`}S}A+YcbXUvc<< zy8|gE0e%_buir&bjc7HTa_N_53D{P}ROi#bgvghXJ?Vn3)Z(x007^nKm%5PZNKgH(W z{ZdoX95BH&`Q`l~%ld&Gx|j9|`$j#m?KO1v%n$!{w&b>Ez=r0qtT~<~>G0EgRkOC9 z>Zea*0(5B~lc}63Za!W5r112TPmVp$4jNfWYP*V~)(n=vqfT5`6yKFQdp}kO{9|6$ z^4ojUO3(MGt&K#H@uaTEaXQiQ|BN?z5`; zx=*M4lgqvDQu?>u)JZP=EfRQX=E%=`$=9ZoX+mTKU(d^UCciRz|MiW#CqKhHw+B<7 z`FT56e?Q7_ebe|CUsrY{I?B*ckWb&$sJ)oUsY$OCeM9QOm+CHK72F^HYTf?F{m~Oc zxSpl)AjUZ3vj;A$%ID<7)58;6!quN0J8-05`PM|^pqulzhM!LTHE&z)KS~~S*1b!CJ@NUV z9INx8sl94%#vgZRcb*New5(znG@&cJQ?YNS`S;GDZ4DbZxz{sihdqSS(iR^tV)SgA zWZdH_>hKGpWPHWtJ4-apKBXQmebFyqa6U1i)+c17k6FjBPk-v3Or%q{n@!q)!tA{t zaUVN);x9}dYR$_FpXC}A%9p1p?OTaSP(Ko*-k51&_Tqd`qQg_|N3-v5;hn_=(yGnV z9^EZg;Z|@dmP&pz`Sj6Vn_cFQdF8UFPRpq_^5nW3zoI)Jf8vgm<1LobqHiW08cd_y zlW$19g(tsezRj(?5h8jR=a`pUD4W=HFPW=QdXDWvP7Q8%V722Y=t zh&;n`Z*F4HsMjOgwDT^7)9fK$$=pM;=aufhd&BZk-K4xhW}8+}Ubv-zX%f5blC<8V-~Qu?aAF^N;Y_PFbE^F(*;_CfkL-*R-w#mJqn zuW;!)zNfs==`?Nf{qC7VH$GJtyf^mJw`_R&T{1xA%-Z z+v}fr?Zjx_?zb@?AKi^|@({u1$VmPAIqD&wmC{E0?v7=(Tvuh*(w&hi3C_yq^Db|- z?uv!tGxn*aDLE;1-o4oD@}N&Chc(2w>)Z*`Uja@%xqGA@v+XRxb5giE@NnA=+FWE^ z2(%dbB`rx;5c;&cU$2L$xSAg?#mq7?=T}~?KP<7`=iEST zoc{YqMvdK6&2-qh0OMisXtTKcl-mF192#94>H#J489o6DFzqfeC81Ply3UP!pL!H-=!C4G}( zmRV3SL$~Km@txT`!-Z=(VzRTS zGt1A7bucqPcQ0M*>D^cgwZXxSK#Pk!hE7j2dnp3 zq9?B9Yu>WZlXibVw%@zsa`yTaodLOuZ(lBaIJy)O1agULLu3{RsPV!?Mk*sC5m?$>;~)q{1)C=9=A&ep2{#;Xuj7G_KPk z^^-BDW`y1>r^)rsHfaq!FPxDbDEumAn59lacWd|KKzV~;IkLh*r+)Brn+vrc)a9c` z6nfKp{|^8=K*Yb3LSG$h$D8|X_KjVilcYHsey$E4ToKO5Nm7r9+1tlc>(Im*;*g}o zmkGW-0~Wa4veCq6nd7^<>A2is0UA+g`%#1jceuwK%OlU0Np~cvzp9L+ZW>9lmn3^h zqCW2e;^UhRpQTWOuc_r&9G4fe82bU4IJBX} zGpYE^a%_MBj(!}+)$jlx2!K!{0=Ry-69dWaoj57505S#3$(`J_)$;^QKTK;kZ&yF& z=k4AGzJ7LZOE&}k1lB*4%bC`tq!lrABR6&vH+3^N_ZU2PJ?#F)Or+((=R$ybAZV&`vz=JqQf<=%8d1!|W6Zb+t48kbnVH~F6BFrK? zVhDyC`B4ys5s%_1iP9*Ga&99yF83`S@Q_D5<_TZGWd^71pZ&3~z%j7&-_sy_8oov_ z0rRlov&}VPAkj#H1&|q7c5dg|1b#Zs8G@4`bQuDxbIUZqyvTtJFuxQ?fEeIFq=8s1 z5XprPcna3S1yrdpK-*4pAOn;R^Gkpj-~hs!h8h8YY^hwPt_F(EN*RD@Bzcl+mofX;a;t9!wbi(3K_RC~Pa@>ldU%-E;Z39L^6bF%jHxfntf#G$- zZrDcKz4HIV=RHwVq%tcfS8qCqN4WJv{Aj!Wl;#WBR|q&xyY2L-N$i`l@ZI2`%a% z%cKiMFIg9lx9}`WWI_A|nlI3Lk>Mm7;dJX_xQo2R$x4Mh6?#=ptfq=~E011R4k1}t zUWb8-bTf2+O+79yG#rZEbGX~Iy4HP)s?-k zzh2_(?Z`OB#^ZXJ)d$HXa`l#Nl0>i&yyTm_?PBUXNhgEP9r5UiNli}Ch}UvT&ipd< zN8tI~Z8UaSVp5dPbG%+}@on=CxyjH6pU)Sk_=IZGv4@Y|K)=1qLd0?D+G?f9((zk+sV%4V+^O{+C4hbk-qhz%jtNY{1nIqrx5z?3*Qqx z|MJ^!KmX^KzkmBj`xWV#5PJ99qZz>W+KkVt?fK32bS%mktUBPV234;Cb=X5GQS>Sr zd-{2Ocl_V(KR2;hoy(mhpw$@0W(iUAkkcg8X#y&mda|aSs5!@Jyy-O7%&Tpk&1kiw z!;lV3YNn*Co_wjO@1FEXD9uAuz%BA{ze6!~h@H&mXmf zH^bv4r*C`DMW5o9zoVAFGHZi;oxN*D9$GFQH4o3PGOuXlTGAAl(nR|R#S#H zkz^jtW*?pR54*$T^w*du0>Ie~U(8jr~J4Z8!q z@rs|>+vOdE(k~ATQ$tZ&<}5u^u{_X}x|xguxTn4f&tryb$bzjofxE(c z0DK4Wu)~}cum-i%xD{)&gZ&PSriM}76?N9sMOEe`t206;Q@=rI#pebg-a7;PwR;@jl6;k4Yu!C+K`BExh+s$P(?J6Z=`vEg+^Yc@MvZ%U2t ze*M53-sRRUnEKtfV{1*jADA0Ecr!;tH@Xhpo+2?JtwImZSk8Xe^LG z&}j_#UjCSm1Y+(ZNGWB)d2>lLlvqOX#g!i2bu^|r%~P2s+&RO+VT!nwpWM{rot?p> ztG3KZ`(@I08Ctuvd%G;!FSGW`sQuDO!^|CAuCThm?ooQC;TR%^;W?5XMRcg6qLPAI zMvg0K>kR10p({)GT(o@_?VsdS4monvo&)bW_Rf%`Di{U4kOz3VAO+DN6M<8 zR`7t)XHXo#GT;slAGf|Ee^sob0Qd;($>1sx7I^3Wz~~Q*{=n!3B&D`c5*~0 z0+hLA+{X-co1)&I8tnelp8kLNyU~Z*9&P*Cx1Z+$FAuI`o_%oH*QolW>3J~k*YxHt zvJ=_MtoxB2O}eX5cP4vFxny~s7bcIQj`{kv+r zbb8aJLTo4+K$T<&&LgN7I8f^XIglr$2~sYk1wgL}y3NpK(eM2|E%jt;7qyTJnUm)(x@oh2PsiYoDfLcn6xC4g9sVQNev04uj^Fvh?|tgOmSH5n+@%*L?kT~z-e2R0Z3)4tu?98S z_12@_dS2s^`1u}>9=~FG`zMMH%EVSRC!zdcvq+S9dCJ34Gq8#!aOU7 zsKm6Eim}?bAG(ll-rP&+3-0x!vi@KH`LF-}@~3apzkmMQuPEg5-w$cyKHEQ6M@#pQ z$=+U4y;yxwn_oCm%PjDid&Jxm-ZQQ&2!Sh;eiN@`@8LJ`6cA%!vrX`;}^C~sEgH0~&SuH4z!)A%FJrxD01fm|aH z6f!3ctt>itbjPG&XH!;QG)BqvUnymFPQ5joof$Tsc-EF_A>~-}b-iyEl{ZeKlS!P3 zAT)TH2rCV4h~Rs3Lxhb6eWSsZ2ttE{2rCUXB7BDm8yPk$+0104!*Zd+>LA65mrvoj+!x{crm>1w&hG`X!IhZx1Y+zD_KMuYOu%zV5-g|(L;5Z@U1^;!p-vD_g z@%z%1o~{(jfWM54f>P#E@o`Jt@&;`Tm{rCACX&=lqFQQ4zGCZSt@yr}HoY;Z@tu)x z_H3bNBVAcaWm|>qjchZq*;oSGc5L3##}-D`%ov+sXGT#26EH9l9TUzB{yD(R@Ms zBd8>>i6G>`sRykN*Qg*@z;6V_1eOs*J-GIu+nKQ7K{IeqfS!SVfB*p+IDE^}F&BJn zh9DC($&h96(tJJS>7h{P7EEx)3@6l{T{3uNglrzl^-!^ed)fZs)d$!A zm+jR*UxkH7`|o`FvhV+TkL}f)S0B9oqF#Ug@b0%yH}CH69-dF&`s>GsZ=UWSp6?&N z`}kvrukOCPf4F?{>g#{#P4+k6+&n+uJw1H7efZ`5zwSPI<$t!)_li$B@Z4LTZHu*X zrBJpM=T07FJLYTq|Jxt=^Mn12>*Q~Lvd1s^`B%Un*=YOS_NPCG?VX!^%b(*T$ClgQ z0e|tK?W;@lJkVDc8~j)BXZ8>L`{ec0^PBtI=ljQpo2Q?)Pqpp#$<^cI_uGfBzgUjA z{`}qj^W)R?)y?hSaMtx7@4vsh{`T(n`J?UE82pBR>$1Q4!8Ukf_xZj34m&df>WLo= zf0PS9(Ap_XIb~0EjHH)TMT}#6dn2n{_dw-rz3h`3awiBx?r)vH6wfAr+DigdVg}gl z3`lvqm01~k9K8xmqmw)>tj)(>;+z0DrKY)!wlhp@pUJAlot*94h&!HS@6z@h1KUjY zZkdnuy{Fo?k@rx>@Q(rF=Vag<%~n+%8X!eh88C{Tb8hp(Dj3Mz6MgU4hJc#810(n8 zKu+h)YV5vuDXgk}kIXx|Nae^a<9pmN6W$$uuiExma}+l1@|BC0vCY0G-B!hr`9Kvwgmcyr+uj)qmSH20psX0i4lgT3 z${uIOGKM{7+@pMGBQ`^7B(k?FOZ*B#El@2k|A1&zSctX&p{WT>F831DQ!fzLzG%&ytfR-2nf;I)99ArlC>7g6YVqRv|-6aq==()40ZKGs2 zKn~W&4u(jv5X@$LoI{oy2aL)Q3o%nT@h?qc=*%j9zZjgSgn|2zG1ZK05xcZ811Y|{q9>9T$0pdeFx5FJ^F^y?pUREL0d0{o6Db9NAd%K)(t)h!x zxR4^-DzT!6q%MXgcpaH4z?j;v7X53zdsdRuun}a{)suo8L@#QDn##9IKE7tf1_%pe zU!{%(U~SUQqkRNiScP6}t6&$Y-f^`ik8Z$F&1>6oTr9yyx#+edM@5K&Q%ZBwP?U=t ztmv7Agl7>DrI&Q-j<3`J$O1JvWK8Q~A70ouQ7bRBC6JwHzvgK@+qVS-Q7`OmDhNQb z|D^QZ$!dXPMrVG$B`c-BcLGusV9u0IYPF`wU&JeWb3s!9Bo*?c*u|1KTm(oPHug|> zk<&^=q)s$FG1S|MYV9IgK9&?^8eE6ayb<@6F*E|TCK_HU)k?!Dv5=XQjw8pbK)vMy zW)EpbLFqZ6Pb_?0ga{DSFttL2bqIwyRwjtO3{cb2-n9=0q6!mPg2T>_g$d`-PY^iS zHXlqiO8XxC%u_G8Lqos$#qg*n2cV+Kbc4AkLsg@bY*U3I?wZ=}?IG@Tfv%z-w#a%| zU*zx$Nhqton9h82H2-7@ch_v?iV=_kngVO_ww_cOJnFAK2l~B?%1oz>&^#s3n85%B z7XdDj1Xw{u=VUj7+J;)qSe>w`hv+K&P01Vll9CSGE)DN3^;m^Z&26bVjjs{j~vnwi3r zi#I~Q8fT*CiaUZLBVa;l8-EwOB?w7KdNv6jAa7GR9QBO-eLW6wqv9a zsFPE4>nh1RoPcU#7-!AwE5fO}yC)Xhga#B^~u}DCYw6Cyb*9pS9ZpJgr z;ftzrA0S%83_i6SRsoM#_o=yV4v23Nc~RZzf?9g1tNBGW2NIUE=R=(c>QXbR_%es3!~EHEcnPL+%^FmwTFNF} z0EvRki?0rl+ZuHeQ{TF1wo}tNvJsN)YU~~|q=vK`pmk==g>;W5mYs18zC*oA{!lbL z8wpX47NUHNUp8_GkPNV_9^J^nJa?Go?yi;gw`ZE6MMJXIfYMy%opcqWOIq4|4i+L* zLP_xanvNs@j2tpd1QB{(rA1y@y4%w#F$JkHdc{yuRXRde$HZZEmLLj1<1ztB87{!2 zs1*MU{xMzoFbm>Yfk{yl&`2YIj3{w4g)evC@3>kYsA7U;?5;!RE`@=vYL@#Hf!LM| zJoUVS?K-|68cl5$8G|EAY{plVeN+_fSk71K7P@af_*yJUYh;^h-GVnorGk2ySc}Q0{RW@p{oO~XSmsz&}|m>Z?elASB@hHqE{JP z#-R4a{zi>&JTlt6%F$5eIKk{OHoDC~z$(qg?&f&JG*UyEHNev^HO z`(0^24eA;f&LYFTy5f$Tj`D5@YB6y@q&}rcOMqeM@z<+hJ~ba}K+7*1%^u23cbkbF zI)x4d!adJHfyfjDGOOwjq!D9`q_c6*LNfeiX1S`<$BLQ0e{02U3x9z$C08NOmGHdU z^`=O5v{tmDww^Ob^IHJC&B~`d?qm*49JbE|>Q78mO=b#~W$`M15-!1(#THZ-ASJhh zNXLvk!X|k*fkjdqcj5qA{ZMk-nNnmrA2R#EdVH96nK*N@aHHx48MerxMjzq+Dih7QsdEsvv%Gd7><1;tD-P zRg+Sw#;L3~EiS~)wp1#!SREbjVyP*P$|$r6G6(jZUEuMIu&7D{%>GQY;{)wmd-JQD zY%6Dh+VI7^dmt+2vsT3lxKi7oTOrRaSw1z!;m{ap8Rxw4$)1;QBcUdo4SH3T%k&f_ zqoHq`E%jdJsy$C&P$8&T3ZUD#2uRei5ieA4a?{<3ZKXgLzS85=&_={%@x@{J7UEWj znd989s6oV^z1HqWw_M3bZRi8fcXyu~9d!4i09 zrG%2P5p`jdvZJnERB`6K*+jof#I*alsq;3NEj8*T1bUy)WnhTH1$0#OP8+LwR3iua zJs2zjb+l?=qcH~Zr;%3Ao>o?h&ACRl$}^ihY9vLidP}R$wQVQFEy8l?mlW-{QcyWZ zqHoUAZqe&Kl9@obhiCm3&yDLq+?rYtfL6S-A}7{31*MaB%GIM}5Vogn1x0{$6CcE~ zWSd?~!Gt^jSF*B&Yu&|~WJTGuyDUlEnTn5(tsb$in9x*>Q)N_pC{m9vokVJcF92f8 z%eBlbaQkug?#ET?XOfKtU?0t+RDpiW^Pw$`n=*LiYHi&S09OqrD7Yn8RJFG+1T45~ z*RZ&rC2+L3(M6&IFkuPUSOEk2U7xBeKa-q}1j=2-7#jltHfH`-r<DXl1!)ndN4`$QO*@AakU z^creYbTKX>g)%#Nca%-<`&itwWvW~L(a7vXW_=ZfX%>?lvMTlGitUt zi;*%kNgFT8+r`G!%hgZXjdDGfT1{88AqJapWs^ zpVu6no08rP9fo#bj`;FTY1vyh)NV*Kz#3Orhdf!EJVhsA_G5qnt9CDNIra#sOU*2* zNh}t?djz-+3Xs5y_BfJEyrk;YVw7Wzd*~NtrF--fA0dqq_1oQ0UYt2W5t(7DyCECw zU9J3eYOqlYGFKx$MunGFqK!?*+IdGA{ziUw7D4D z_xE(mT70bq?`3*qH*aM%nXUBc{S^Dr0?=oU=B{(47l^iR5%Zo=3P+A# zqQl-rgK&u>Q8ih$hhPfjSHscySqh-z>kIzlS#jfKd0qRNR4E$qsdFGK)x~52ls~2c zbAGkuzg(sk#b^g7ax|q647W$Q)e{7|-j~r?cdUUul^n=32 z`SrLO0^U^qV^oH3h#(!St9X=gm^YUYFod~HGWHQegN10*KzM{1X5_DrSG74N#!)N>6Vj2`MowkkX4X0-cfXHF!F13C5n>}=^r*&#bzN2wNrd}XEN zWA6w8ZJ%Hwklg|zegF})PF4b_q(VlNYd#D9A&)q0tO5X3C}2r~0!`(c zb2R17AAd4S&n-s2e*ANiPr>EM7%fb}&kJJw1&*~N{g`tBlD9p=7+>IqJkz(prbc}E zCjIj03tuD!(JY7iWLMol4g29-^hC^F;+Ao^$`jc#!?GfLwa_ksgKP`nUvWm2;$p;9 zMF_YS#TczAtZd&hRHR}6px*&Z4+hpLf3BI5*F&EnxmbL1s7c# z@J;$#?l=MU#x0Ry^ZL*7$x7&^0nGM%`=9qC6wrMIui+|{Pno^qQ#jIM_V#^V<0g(Xm|$@LwKtU{Jy!VwsNK7Pb;WGaK&8aV z7Y}O9J);|ePyuT5)%cL_tfX+{OQoF=tF319xIFlMU0VdmIn*8-!ZOv%4(q-FRN$D#QG*oxF+gm_ zfCE+A05V1!z=sDwpECdhcV{(f1<c`>C!$xSTy8u?p{0Lvo{AxMSE zzNs3)V+Bem$5f|H)Kp)Edku(3zeNp0W=aZBR))@5*ay$+RF#aeP4DoB%X!i!IKwz656 zcnL?;a_OoEoxmjIR{*aL-%v6Dm{S9NKBF4l2sSKtdIZ*D8tO9`Ki0xcUN)`xc*TG; z3*1|d)KfT=l@7KS(Wl4JgBpiTrb>1r#EfdCM-p66Btk+}^&Ls-{W#R9ne@s27OQpp zBlJ*8rtIYVee;LZ=WxYvtwKG_kfrbCQzJC7g*Pp-q@9m$0zWGiYZ&~mC?c4YN`TFJaum64f z=Eom@`1tt!mw*5E^=H2Q_U#|~@?ZL6m-*B62n|-wBwkhhF9%%}SpW^|G$TtIDXwH0 zgHGHKQd7I-1Ur?3!X`$>S)o%AM)0E`s>AX)kG9kSIg1yeoLH0A%A`S@i)@ZF?}LPm z(Dlsv$IrIwJZs7kaY?3Bdr{G@I8emQLRFKnfqktaL+~+d}ctb;jmxQxvia^>%+t z6bm$Rovj6C;Ympdy4i_;-a2tVZ#WUEtzF)z3+RlxIbAOPsv|G}`8;XkVHk$NzQbzY z4X_h13?N4WBs?vE>E9OFI2j2}SGO=^KABE1Las+i zBON}(>tTQR%1F7n<-5I^XR0wL*Js@#^};rEHeSndtBiR^uBuO z#!K&T0reQA(&||Z|3E9Y8r|irf}{dqtMLZ?>JuPOO^M+_oNeh;4B27^C}JPSDmo#vBY+t}EggPOT~`o7~cJc)JTkEglp0d{s$5I-rVS zRH*6!)ac_T$P20-T$81xm|U$`96WC=3fTJ?_ab*%kq?os(`ZrS*hyghkV|UO{NgNk zNoUkx0OvP)Sim5$2+*izVB(P+`Sxp=GZb_A6W2daQKAiY_CvgQisr^6OXk|`s4UKr zn21&QhiwQCw;O%&ejeGTiI2#nol3%Tr+m7FX6g)iG7OMUykUsuPc}u%Z`)ef8e(M> zihYk{`DtNm{M$;?!kHOBP{!2U__wGWuLTawg${5{8l1FmL$ePm} z!yEY22e>vgrTqd)HV&#;3;XjILKa}lG4Mgve&I=UCw}X4>hCXR`|mXL6oLJ9UU45d z`7A#5r3Q0MWcT#E&7c9D%n^{;Kt!OcTT>N`Dw#ICcyw?gt)@w#$9Cxj|5t<@;H8!&Z)Gd#;47i5r4^#Rx5YXo-E$XAUFn&H+JI+KWDI7b?p2;c|rm2%U z$-&ej1&6r1mhT)8zYkyoSWhJL7aJblv72WYQYo;K5hMJdCRiX`uK(b-7QeJQ{@+d4AVh4yoWs3{? zHX{uL0L2oY?#TdAQh|Nlub_Vc_G?}(#qZZ*S_FfjI&XIIkP8J~F$?+{{ZB4oHT_D5 zV(&NV=pW%%XjgF7~W9w{(GMV=*mKx|zU%1R&~MRB5FGa7pK|DtB02Y+QwF zX<#0m@wTC4eQP?_~iIrhO_}BIJ-ulg-_8# zVn=i|pEr*wb{4JZKinud2lZQj0I#;C@d&~5)t=`@a=hqP5pPz{pX^&>)DCl zgB(?$zliPfH0ousM~{ms_8{;?&X3d6Z{cjAgW5vpy)h}}%NgW_~Xw7Ik-C<}e{X-nCC(zaDEaTUuuPmeh07@cZ#{~8h zbLaIXlXz03O4dC{mU5n&q7D+-pvKo`c}v7H^#d;@nI=ccLGXHdFGRQ6P~V<`knTlg ztfN)iRYvh6M%RV)Ly%DzU}x@ld(@-E>~TlNq#d?wo^B$xxl>}?!^sp-29hPV%eWo>MPTmhysv8#^2X=`!g|33#swSp)O$kbj zK^39%b7zs%IITnHUIqdw(Kr$b%Rdt1X_;$G5`r%2?1lH}b&fftVnaf#k}m7|h|Xl# zDyfAQgj$#3e;@Oi%M2GAhg1K`Ksp=VW?#;VOvVPWr41)aNz8d*B=*IXk)<4DiZ6|f zd5H|*P-yqo?}cvBj1eKQed0#zVnS<8yq4T9s)c|-uyZONE!2lp8=s`rKU2Ea}QkHK%80#4qVk0i|=Wu zV4Rau^}Qp_b7+Bc7MP>=8Z=*-P?vMk`7lj71_c8dlM%W_>Uj)qCAY9hm+`TKAsatq zg@%K^6AGPUcUYJ%U?fz{`BF?r|(|0Al~x7pZoKN?|*oC_xky# zm)C#1{PDZ*zx?UP*RP-d>%05$&95Hs|E_<1zvQj$7u|9hRlg2QTp zpotX3XFk-v4fO`B@8BjqFtTO{3BYli{w6_%IIh4q#03C`L)sB9&q zln`X^NUY=J+SwFIvuZl19RIi0b&RJ!xLWN$V2qe15FqUzJ z{Uo`UUM*pWjd_lT<2kP_k~4;@zW_1bQWkU}P*aQeTODpAp%26|0dg^x`ZiaoRN zODW2AizHL?2#}U^w_MD~HYXUcxxG0qN^G}k)Wd8Qetd3DFM(dy@0Qd0R^WNGJH z^{dzMXu9{w)&vfnBB-0kY9o%dqu_Wcx>3$!!;*NdCLJ#|WBrA4Z6mg)+*$%B<=n!{)a3ig1n6iX>hB4D6XRa0v^c6U4#E@)4?8Y`~ftcOBXqJoAb29!r)$lr%I*eCLXv;oaZHy)L`|#ChitjbU6IKI@6!+16okhyuG3cVWszTSA$#0{_+-WZz6+4(aeHP`< zkmUHwY3hMTa&$?R?rmVVXjw>!jOxOYiLod#HTFT<@@wh_%Ap+$Tv1(quFgIlVVo=g z;b%SeD5{=_*4j-u8dj;^+)10igiJ6@46?GK9sj7D>Q>2Bej^^(-5f<{O^M&L9=IsJ z(FIwZ!?5!m1Pr!@L6x+d6XH3s3#u-*89g~wu+ZH_Dia)Tnh-2QZMKN-VoAlvmK}qt zb}3P%1(@n9y~qicrn${g&|adWl(QVrMv#1Ww3>#51$o~Kc3trj%o?%G39*1XJBBtC zH$2hDP#{QZ)ut;6op=%`4O_qBxE~G#j-N?o~#qB(-tH>1|g%OO zrojEmc?=ZSAr2z0ffH?%?KPm&S!3l$4rT;PKzPM9>qhvUTc|B4%WIO2tHwWR4{U9q zzXb~c59-&XEi;v=O6=<%Thuj*(nZXuZ^_njuGFvtSnr|F0 zLY3KFzN!giT-~e&b2pD+Qm;b|FiaF1;?U172u;810U=#*Nj;d$2vX0!Rzi^ssce1h zip@j%h)Q#%bh2SzH<(aeU-JD|tKwUjfd<^P?ued;<>HDC+ly*jW60~9LXiH&c_>#C zQdZNGBAz+osgf#gGtFzwU@R~%)5==K@oOh~jV0K#7Q)p%qj663lQghJ3b^mg^T zXx-oN(SjSL{wgqSo=kke^@TVZnxck#Xo}oL8CgY)KrTT&j8nzK)o34GWKm!63}#8q zVhAjk@D-TAqb#}Ayk?UTKrxKXUUriKDo!8(K!^+ovr2mB97>vaomU}pmC%vYZ%SBf zDq&=-^w1dymAQdHRpX7g$uh%0K=@X+PGLyYf9>2t0JlMEmnm}h znP(`SUD#M)@oGLvN218#Oheh}YM){bW?M5{(eHwmP&BB{^S(K7$~&%`tL2S@XX6n%@ArK5O^1`YI7Id6$daiyYB5@}36 zSkcgG$mNA(aBs)}1Qeic+HIGJc{GxWGnTt{7yrAhK1z6)PQN#zMESmV9) zT^rwboGZfeQ4m4hbIf=A9bH^kT9vnk;8$v`n$gKh#*R$Gk_-=D?x+b2xJBB_bsz=d zdaoyOm0(!EMS7^);Rak&Nygz)S(_SCN?N})jahrgSK}R-!VjAWZ|$+@^eXK)uF~^k zWUhUfUd6J2=FojM=h0sk>(jFpDT6ss3^JwuG#a*7qRroqmE%Z7QgwGbCz&zvj#$1r zLg_=)mr}A3PeN+PhZT zbo0UnzcPO{x`QaFxNCAOw(=)I;jX-ah?gH*gY_f0T@hIn6&> z%axNv_ATrD7K#a(Ka;aTN^!ti>NCHL>5>xL=bbgOf%4*LPr_96xCW$++kN@PRwV=H zh04GhTq!aW0k+Jg&p`FD!8+t7@j#~MIJOR8?Og$$nJAQ*_HSmgD3jo{?ou@l_t%EnMu{cs4-odPb^j#$GNUkEv~R z%5PN_o8}v!20hEKsq^>n$IOfxy9m5$-*>I3T;i!SNvso6^>A!d+gD6lE7O0VJH4nqJ4|ZC0AA-|y4e>`Fu49O3C)gyo8q zgBsL_6$mlkji%~s7!e<6FlX@uO993RV1@kLngwd&-b0lf?`g$-AOvLt-$3`CO9h!$ zN>a?Go-@@tO4`YEX@p{p;h4@mqwfTRp}M$1GB+VdSCVks(T)7eiS$nIdk9uArH&_A z0iNrJ45%3b*jjw6`tU3ZBk$dhXSLb$3C1cdf%dB6tcrg7%Ew8zXv*6JFs&w>JW&pB>gY|>p^(c+<|-ZQHidv2ELSa%0=JjgF0u z)k)qzeN}JphG+VX&aT>fEoL`_$@S#@CW>cCDw7cvB*mpWr2CQ0lcgXfaSID`Oj?zR z8%6I6nF!E9-C(f*SSYw@7&+|;jpH_)nMNFj$?b_(X?!KtJU)2Jh1!inp_;rXV)Nz^ z|DM@QCqt#NVD__Q4vLy;WX6n^MGE9v$fIs@13*ECo&-XhtFY|M@G8fvwSRD(t3%C`BavrE&&u*t1~0 zP_>(rL`@XQe5_zPuqC;PJRLA;C%B)pleFy)X!YP`6M_Hj=58 zuz|z6#d{=?`sEO?fleVenI4rNM}(HXc=j{{T)k@c4$rIj!yQH+8WL)wg%Vd@`i{xo zLsJ_1cUcR-_Xj;(axC~OA3dM$3(`8|T3>y9WpUhnS)a{kgg|FG7M&Dpt0B&Hy953Y zc2|eyPhocO?>}R7^=8J!3MQo9rV%lvt6BZrKydXagTbLM#L-0TCOktjZ;q!<#J%hNlN z;jmLEMR&w)7YJ!L4(`#Uhd82r2V`h*;?554>xWG75Bhmg@|ZQrBhhL_sM~9WOh2r| zuQUi0G<^?0sVAdl-X)1S0hT5%sTmE_t>sQqpFB`srvggYKvitnHP=j&OCDU^be6tf z9BD!FD468>k_hj-e_8%z zy8;bJ`aUZqqokpDi4hT(xZPT=c->Blwppd~zZixk-Z(LbF91*=6n@Y8&2@>Z9cMuq1S%>LVTdPLwE$N&U%TsP?|bNB=#I zhtu3AIlL?;!kt|XNsJDiegRnzWo39a8aA;gj>wcW{?X>oLjlJqfu^Drccsg&Ih#jM4^axH zHMx-QSz-5XeBJ_oR}~ z$U6bvI$|aLdqPEv_>wL}Dvybn@B)m(3Ui@cBrr~Lr-`%BDk8<#znW)Oc>h+Dno}$_ zFpZHa*&B4rMVwSP#jp_7UBLQc3IyC;Btq6_k-vy~d`|SNv1dDD*wsz7jA!=VORsU*JT-lW_00uSg6(N>bTeuMnJwyc& zu2hZH=yk_s_6u^h1&SnWJ76y>XV;==2||f>k3AlB2_M`>T>0VzT85>Q*n4Qp_Y&p7vB;+85Iv>6 zrm_S0AmY!Y6X8-_gtFsMgjAGIE|IY=j3A2wjK&12Cu%5nfTu;6l%8xtujV-M59l_@ zYGG86ww-+A-Wl-KRcg&2j8;1uheefQjd|-=JH?$nWT!{xlZ7=!7`FgGi>_yNa^-in z$0S;5`R&E#b=Iq_d;liqu3Z-A@Ux05&KYhx&(y6Y*HQ98s8h*|i&|?VmvahDA-h2M zv8$C>6PddefKN4jcqW~ICi1m#kBL&=DS?fiO>}t)fNGK#* z98oU4BNVQ6UF``?!eBiJWm^}N40K4V8rD|#!lJl<_;x3c%4YHd%3NX1U`RZq;xEkN zid=4F1s#oiE{QmgC4ovgS`iRB-Ss+m{>-ZiDhL?RY5o!5Gs00f!iKN%f{FNiVR7}ouJpF|4|hG;7p+2})^s4v!eVVs-~0n^s@fdm8bsNx|AAk%8bs!Y^~ zfiS~PG<{GLZt0j0HcZxNDGoxU=E9v~Z=^L&^j?wRSRnZQa>Z2e?deysfMrM*$1v^h_a9;LY`#F?`{U0#mf-i> z@b>oI&*!{jLBPQ_lcC|o^xdEcG- z0iwThaGA`15YdegF;53yZ9u=!$TUo<5hCMpQIBsi_`mqXcp{6fC-_Zq@*w<_U=wCS zpk(%;OyLzEhr((1OYTQ07<8rQ_`M6&RTTHX$GCF95tgpeo|cjX^(>{QFxkUM)a7%q z!aBUVB!bL}ZZz7asV#NlBn>O{ZUjKU?AL5YeV(Pxq>S6a1jQ=(ag@MeWs&a2H2p;& zDY?o6JC7A~YrV6Tr$M_+6MONSc}o7RG#opabrGc`dSsT-6ceSOoleZ7$GHlpF;Sl6 zl0OFspi%Jy9y(fU1b)L0O&+w_=lO-$c31>+Ctd*Aka_vX)iRz z5_Ef*F@6)cGg@gnNe*i z$+vf0eQ+a=Wf=y>xj=FgN0ADcC)<-ye@&^;Q5BXAf1b5MU?z6fbr=G(%v;B1JsY#U zQYzNP+Vqr~`4zP50$Sp%*5|_$nwTk_JUt_t5;c8D`d=EMODGfEVp$LGKHBl_N>T~P zn*6{iBfW8t5MY#1ua1dRt7)S$-*e^to@BHoGjoLF3^hLA3@Y37TPKGwRI<$k<1fs>N13tIN_CW6=G@iw%Bim4_Km9@ReZG zQj%YAOI9c67$+T+Xu{>oRTYgsa?u7w86d>+-t@4-WWiE2>=@B^nOWLF~bbWrDe$6 zn4P(TM<|o)KOek%dezfns>`X-BoC7(nfC{34{#HW35LN-1S-rSFWn&gj{9Vk-a(V_ zM0Yv{<-~nPst!S=SAirxyK#-i+!W&fHF4mHDUb^%sj%ZDhXm2SM51-F(3}u>4@+rH zdR)Z7e$IaN9cbeD<|kON0k z3RiCGAQ~ubtWBL*`#;C#vg3Q9XP@O~Ff0M|3~fm=8fE7El0u(VqNC+6b#-}DoF?0Y zTwCHx>azM!h`N^GaZ<2VW#Lk1 zf{To$u2W(x4po^X7#(VLKb6w!r#ZW;Ix{>Ix@I?4G8?`Wq=I`ITtay4`M+A({=Jz8?ZxCMD|9sm$0zDE*`oIy8?nRupZ1D(CGOQBMIv20&w zm7&FcbUv9FHp0)U2v)lb$nsY$m7_GraPT_}qjY~IXAIYo zG<65Z=&H&rs3K|Y2a(;Ctk-{p$E)f{_ls0nx1c_1KiNh$`K}~u9>4o7bAUyeF`Q~) z+0j_gjPJV^Th(S<0Vm5Qwfv=G8}Cja_oE;3oGADM_AI}0HIPe%G^ zI?MVk!h!K?bg14rmqryBk5EY_;^&v_0S`ES!{z2Qdt0V!} zj=}lc$0JS($0GF#nRa#^!(vYYDCQ_8g+D;mZPgjQsY1k7H{HKImP>Z0oJZ3wF{G84!Y9OeQT81{-)Wb((qSrq|=&*Qk#1UspCRI{~ZhZ`TLkltP`OFetI<~!-=0+&CO?zdF z*jCeOSs)GjPw^f3wk=NkL`8i+<2$kKY)TRS+frDK1mP|UD(6CZilh@F=u@bH1FGj> z&f;!IC{>41E^xf>NU-p7jeb0EmK8w*+Kf=)wF_AKJ|pRH$0T7Lsm(wFD+E9dM7|u#}Y>%8+pjq-h#Tm4NY9*0eBXpni`0U(R1$5omf~Bp+RuN46{& zwjY@rV8d88*36}{t&@Q(IAwG~X%^HHC(|xLm2@0g^5{CuUUnkR9=$47YSKJ0|inEojo396Sb z)~9eY;z(i(cNpo=K+j-G@IQMWHqZSYJ+r|^3hTGG{oU(2tw58goq}&nje}%4AYww= zhaE}we|`J&?s4W&hoq;?(8k<4y?8i`tGb<#<+jLC6)SGz=Y&n! zChyL6+K%(`QK0zc0V&Z8F+00PP1BvRvUbwqa=(wX@_a{NdB!QG9)+$LU%@z zjL@>8W*feRQk!Kw=`~q)JpXwYJzGo}&|miD0^)bZ+x}y0{(YO_3XkO}^H!AlJ?Se^ z>kWUsux(IP`|of8$L_LEp|!Z0=qCD zOVue+WUMyl$|U(h&F+L%caQCLSv*yUU0zrJ6z*4%3+fBp)+U*q=~on6PW8_r%t%N; z+rvVKJOE;h`Rqdr{v{D%NG6J#Au0+m$BaIyZyGmlP*Qn>H@M^qb<*-x-(g^T!N_VW zix5O9(gtg5R=npN6-UIU(Qa_|75YlLl*_zv5e9Ew_Z11fl*;W187JR?i^Kzd)(Pi8 z;0RB-cIZ+`9IjA=i9U>3;bE8EFXL*AN0FE+?XnD15#)~s3w>sNy;k$^XXBjI}Sbokv;f_PH1KNDPa@^WNSzyZf1#!DXQg4JrSChJP zSxb<3!=i@D+I23;6N70&|z;zFQ$QwK#Kb7In@%C7ssCrx+)t303aJmfA7Z+ zWq6Z}pZwRa>Gpnp|F5Up`SA)v!hXN6moJZgK|jye_Pg5%%L4wMH|+qweIBBobPW*f^+)AzY7^lL` za>HhI7QbJ`L$4S*X*|0d7tX&bOar$tgIo&;^;y~HVNTkUa;pPc5)DyO=G^dPf%;PJ z6kFa8_GDB=o#v9qAKb#M3B(3U&#C=2Q#qgCnY=Tx6fU^y$O2HT#^GK_H7czQ{roTli1 z*zOUCw+w+DPPmrrj$RR6+viwkG3Rumh9K4cWl{Peep8L`AnCZEuNr(+6oD?H1(j+u z9hjNQyoWaa)Dhvw6jEbW*=RFgH`H;R-O3OSPv{FM zpu70bZ&?MrYq-rbWaHr`vx+jmqPs)`THao^`$c%3g>TApo1nD=9yJEf4ZVVleb(gq zlH!-&Y8b|BJzAC$ej5iiqmu4YMa(eg*;;Di)uNqd~~FV$~qtu)*#$nZiZT4k1$^Q zNDC#gr38^-e#8|)7S@Y;fH#Piu&Dsm&R72x?I%wp2a;HAN6EuMQe^MXIX=&edy zH@?OQOEc^d7t_yc83X7bgO`oukGXHtk8-dNv(-bz86vr5b2i~k^Y=z&rj2W721h4g z^9o_?E46*{c1TG)X%Y!dxt520dlf{oNJPTg+|tWdUi~(C;J&xsR-+`_2ntIhnNW!Q z#HY8o9~S&MWP3Q(w>ymmh(@*;VHk>9NaD-Z_+LO>xp%|CWCU*jpCP$ZEm@iq@9qwcfM&^nc~E) z#V(LeiR*5azag5$%Y&FR>`;ok0ETtI$A_s_$!>k2ryRiMOSwSfO79Ozzv9-}RqFfr z8qCT2m7TNV59R>Honr8tizz#@j3#?om^OK_97#7Y%0biSvbzl(8Pu9-rWJJaDC%P= zTKOf)PoyYLH!WY2hv-VnYDNmY1ym(ZMoZiHQu=Mrs^SjqZ*XkXcTy2ZutD3Ao{Er5 z%hxDzmF2PI5Zx#&Q}RAq-jY2m;KWn4Zv%S_iPtK12MTqH;WJtP%{+KvwRs>l;&Z*CK2q{;G!X&_~6O$lw4#SC?^whe*F=gZg+L z1jA;;mC;jGR`KY@ij=~Dn%6>Dm|`#j|23USKt;MO^#73sk%svy;RYp%1={eS{u(jS zj8tXOc%fz{FibG>8_-ANXb0M^FCfF2bdwd8sZrHUZ1eRt6ByJLr(YIVPTk0C{Gb|v zP?ldM{$H92w*S9of}M*6@V_(@YMLxf6x?upgL?zVXzE{t zB_&s9Xvu-(!jF@B&yNKGU!P3VzBa4hjT`fX;R$+*b38(qlLv2=_t#AzsPnXjf&t5@ z=acM3t(L}l{H6t8iX-kTt@!n2{CygC?WRPvF)SI0s+O?#ogJUPV?z=2&G}s5pR=C7 zm46PtObLm(2@9X8nuw|!t}OYt`GP)!hK95U^(f|+|V?6dr+EFaJsI!f4Lt} zxe#7#OgF4=DZX`rl6FbL<<0e=PO_5VY=>TtR)W*uJvQ6@H<(t9PgwR@-DD(J+yPkM z*{`EL7_XX!Y)-z5{mSQdika-dAIa=K`c{B*QxQUfRQY9Ul{DHY5gFz%c)g+;`GSO% zp!28`5AB-W#K&9FlxZPrncqYvF@N*+Ul`BNQ79C?1=UmF1ofQhz8*mj4(v|kbMXr| zU8X5i?L;1u0Y$~xOpgHtJ2Whl>rM*>8PzJYt1oiRhn_w!|C5Lz*wjnz^cxhLhq0O` z*w}C_KkD)yOF^ZD^NF}?DGAK}B+(UAG0Q~nb273NTcy^yPx}cMb?~eRcY9%j=JlqX zS!rAgNqy3(v7<7${#>@=b$=#|seWG9RZo(svB(Ucz;sCy_!c*niW(uR^~Y`Rnl;3L zj|K6R8MT(t++I)QlAbgw`Y=T$LQ8%VJCaH13-8Pe+=#qyJ%C%{qo;WFXtJ zlouo#So`_{fdGUFzyS0^Tv}Fx8WDR^iA-QPvlhfnKG-Sgl*f!-i>Lo;KNk+oOuO^7 zAX0er5x0-H!x<44+a1ZMQI*XfCx$fMr7n6yWUNk2&A1mwXN-}CgZ+0@gU%L#Wyo+61eJek5I(s(ww&2ja8>{hD}y8e=Pcjdw}wn7GBRoWFNOjCfgf^t{?0 zYT04zQV_*7+e7q}-Wv_m4f3}$TWxh6L+OgPy^xk}Wna3-hF1?&6J=g96#IupwLn2m^Z=N z{oz)-Adz(rSx{S7W#!v7CGw<7$yNF9pnQ=50?HeYRbgIo5Di&(1CSvBg*80ivd9p`xm$J^yFEN2TK>`m z*_FHt?!~yZpO8yGD6Isy34}9b$=%2t#PZ57pO)eu2GKe1NaR7IiAeGfVX{P8Fslvw zil^T2_@eiMa0N`OfUAD)s}9O^UAC=na-~w%T&k2MONOwa3dYC>vBQAGO9zq%l9E6Ce$op{I_wpRSfEJv^whao8r41U+*h(hmF zo>kcSPSxSYS!HFU>Qwm)8lc|8-IzG1SNgz*c0 z7A|Hd6gVLv*#uKXQ85HB{45HldLDPOl@3+3u^!D10&i5|N<#zKx#3wZ#U!SC<=_uh< zmbF^Q5pV>|Y>)i|Gv`>cLrRnOjYg=vX7yi2b1@9$kpr%K36b8z#6UN@ABJ#n#}lef8~b_Qj?N}R&Idb+O2^C7BVAkYMA8DrRvQx)u521~DY!)(0> z6@Q4WVIDv+aE#hq#I}#(fQH`44AJ8Q(w6X*Clx`p1WI0pBxw45p$Y zI!oc-tm8^tzc9ix^J&pjJL|RGww@c*gC+E_k}TagZUg<-W9xdos|U3U1Y38Gta{=8 zkYywti=~i&s9f)gz4f6ftvE|W)jk7i2zu@QUR2d`UBKc*b9rBF_@n$VROh*uOd2N{ zgkPdwxl79y7gY54n+)`49S`W6TxbB^&VyV0>U!7&jLL7$LCYYC?|6|bKN z+`?|62ulDpi|Y@43PH{jX7B`K#&%+H}!q9vz*YoyG5t_G6!@JQO{XbMEG4=jswU}JCA?{-xwTf!kh|a0AC+_H$HK@Xo}8Wcaw7qWQxJT<&!t#P~iBq2e#{F z%KMGdWZ(k`t+eq{pgUg@x7JHhdO1o+Ep{v{@^w%m>5A8)E+-!kM+__A%B3-w6$jxt)^DszL`k@wQXPJt?hX z`~%0J;AD*%hFzSEv|P5KOM~b=;dS6usc@~j^dR2JY*}`&iOno3b#7SBBvR<&aP}V2 z=e#Thjc?Bx`SUrt_t{Fa#RrV2d~Le?(C8(g=|9m%4Jmwazly9CAn|dbX5c$mLduST zDG@8sEDJI~F}EYD9*9R`r>SPqhkyH<6gN9UDA&UT%&6vNIXo8pTj;1!*$6Rp{EoR9 ziJt0Jru&dWK7{rP)S6-uDADfcCIY!?RI2nWv6+g)}G`Jn9l1!a3Cgb_R2dDY_sN)_!x>M`IH0totRETz2k`iLqAu7%pQMx^FNVPIh60tj|lUoWRBykJ;oY`iG-ti8I|S2Xk9YGpNi|# zeF89_1`TwxA@FpM-FdKZ>ZLifHHX(raLYyGIjhisO8CC zRi&<_4xtP!&WMkCbjAbH;5nt=8rxV>q-vPf`;-#MDqES5wty{EV$+swYOjaLCdvX# zoUeC1?O0;>PIh5ePq~s>Y43$sFGc79ZwaqCXS;sf)jLm8pskfn;%pX|z?$o0Hd-`~ zyP_3Nw&|y5+0{W5_WCiE9DuSjqWPSg?=1FURi|-}o}ZfNhBD^-Go0b9sS7}NTM$Cw zhBc-r-)X#CTRRoJ4G>9%@)!9_AO|5<@v`=Tg|_B)18)P!oUJz&;~gll&qhDNb{cMdB`s&xQRzH-f5^vArwCL@icxNamh24 zni#0&*}U%L?CP+mUF%`*UUX=dFrL=BQxL6=--v3PN=Spx_{fPBD1-&|8yDJHm7@ZM6=$Mx zpXtuq47A>|1dyRk5f7GiRB1U`C%Q?${@2$H-)_vp4%+K7czAzVh%-I_6W45>{g>;s z=!MJjpVtN>T{f%`IsC8Q5aV0d<@vab^z&d@*J?3(uP|)!cwD<%Y9(y9N>8_%CK62NW7S9Xf{6|^ z3&@_vCB<%@M7R^&{03s9Gy@)L25WDC)hzpTrgWi{m(e6}x>N_46WhN~iK(JtSR^Jc zjKgU{;wnjRc+TCx$=S{-Zsd4yl3j(~-(KKizz3yHIe7w7i!#FKBPO%b3d|j^*?r@_ zjP5g|$WW3~qF!D_4Exo?X78z7VV2Nb@X*mU#4Mg?{M^RKvYdHd%pm#D@Wb7s>twz; zc*7A8d(T+xkTezl+|W^#rwm82Dt##Qq+vvwe_%q5$a;}kr)*5^nxHId)8~~k1bQO# zQ7~S5r!=_OMW*3^P4`oY}=*g91kyth4&~Zt8t^j zh1S;KeJk01lr_xMa|!36j1!5zSd%GUsKeB=IN^9+EiN846#`Y!u>}b155=m?tMt9` zvduuv+wUno64`(v!Yq~3OOH>s4aor`UsgOGA3 z8Jz?L8rzSSBMS)}#Pvx$jV?1%pnJy^+vl=?tDFX`?YrRi(=}SVkW;%YTpSR zzDTullaH}i4J#YL>$w&3q;Q&>+tABzkn9EyAuBE8gt#ixs+{&9A z(5}X)hi;7MRKa#Bx{7k;6A4#6ZGh6?7Z{kmA(H@Y2zgs1$bB7o%crR7NL75DuG4br z>T=PdC;qp^TzB!b1d!rO1%dxlD1J%f9>Ar>a`Sr?nPOU$*!%()WVrT_)h7-+*5AVgfvtc&N{<#oe}*#JdvwQzgl zPg{EHuo1KNEs`)@nI{;2P(=RnoOtaf5(x16xj4#D4EXnb@My^Nlk~L8iBVFi^!9Pm zUC`(I{q$MSWcc-VghV9x{k|RW^Y#$bXxRTxm#lyN=XCECOIn9kAb%qO`dUWcjj0-X zC$$)8Tl6b}XGKcT(gKfjPO4_uI10|pyp)(rTw{ivtAsjn4V+t~#{Ivq+yf^X{utz` zP0iH6MF~XBg!b%*`-VHz-x%C<1!1Izhqz8Ax66Dit6%Y|nsyh?yqJj`gV4HQ!OeRj zu08^pWG%|Jiewz+zJfBaU}{v8KZ0!H;1X%p2n}0fH1>NJqa(3Y3*YXB2{Eq4Z|0|a z_qy2`H+ywQ>XSJ&Hb^=#yP&j%=@_g=#)4IFee<#k;+G`Nwt8j2h;U%H7U8;Nlu_kZ zkNqP&3tEV?<(h*`8Z9R>vXrE#G@XF;YcaIbbiC*kj&qbmFIOq5w-SqnveVICrD@&p zN@7d?q5Fe@RQfUw=8c@!j0{Y*n5CoZON7RzpiLYXmL89$vK?4yM=#0Fm{ee<`O0xg z+r_&(B<~rQZeg$)v6xQ*gwP6nFQW%cht1@TlNY#KH!v5qFDzN1RwH0jl*`$YRsd+Z z1+w|uEr3NnzkW^Ci_(gJo>xXc#v;%*?}$rZ!EtsFbll+AqmYC{xWJ z)->sa-uz!WYXLR%&C$#Dy{OErLgRwB40SQ^+Qs;ihpkFrgakvWYDM+j1%32(7B~?7 z;A$*SLHB5-dC$3;Zv&NF;3SfLf=JsV)h$nl!pHn?v;@q9!3XiVSzdo=ZLR@-F~6I1 z*|WD*t#dq;mMB@&?N$c1_=!uUY}vsGrB%5*k+(U~sd7<7`9(*=4wi2jB_^04Dl3DC zQy>HB+B6Sh>$HrtCf`6Ns4;tDkh3~pfX7ddsR7MAbC!_}+DlU0Ds&LB>--T!I|+@u zAXVmpgA|B=Jn>|ix`wn+x_zKT0EPFXJl8-V5`N$7o=PR)XISdC{+|2;;p>XtG+Y!(hv2Ox;%-5n78f?N(j6R(kzL07xpX z5CdNJ2zhe*k@M_qz4!zy{%cre>{@u{k7GlZ97G(v(OfL810w~D+70>Vv)=sT_2&+L zQ5)@Ct(NDEzrA-IGQ&TEPK^Ij8o5|I&n#F*mXc3k#TyTgvfRP>gK^!6iqX;_7f{({ z`m5wFEcO71hWdDVeIKhpwcgVz(UX)r^p|Ti;!TC*9e46x0I3d-#;(hLZ#77J*Q9o- zz)~yMM5KOE^iBaZ*8R9q!qQr@mC)GDcF~XjRR121{yIWw^YcL2r%4p~)24WizOh)! z@lV7r`;u499eG5IlIRc&be8T~@4oHm=?o~SA4|+je2D0jU>-OXh2D>q8x&3IAp31n zHA2rVkgZdbk=NtjfUr_kbPn=CH`D^cEgby9D2DAA>zgU@YSyz2V}b3P#?VWW;pXSc zb+>$&Gtn*9CFi$RFLS8?N2jX}F3mjT^?3c<1ZmC*))8z%28+|eEMy)$z99^(st`^! zIDQq6vmzC^$QMTr7tu+az_Ov2bDHa4Q&ppeo1gVK zB&^{Jor>Ge`e=krIzAf|znk$QlB3|1*d`I5&lLY#Ax>(ptT5HO%l}r9lRG~&tkl*& zcg=BI`;Gb@IqZ=iB~h#=qOU^SdxI<Kv(ymzEq{0+7wu9Kpz|WKqA^06x#%I^X-KKc@3B>c zU?f2d+m*%(Nz4bu>X^uLip*TE!_SL?!F>J4XD#ObT1e>X)V!eJoUp1OI;X_gpFH21jF>RyXXriENx{3VWQ{woo)U_5E8 z#g>A{^c^avvY45fVg7=#6%}Pjp4%Dr(?sHo9PzQJG!f00^iqd1!qR&w5jixuQq}q> zs%toP_xpyW!%x~1t;Sd!v`-9eai@o*)bL-94CD(E2+hq3_sg5!HB!;IJyM|e>Fgx3 zz`~nE{yFc8r4tW+KlTnyK5ayHQdH`TK?)NB!{M|7gWL zNZV?b;&|QLOV~#5#a%CDSL$d54s*@WR>HPr6yBS&ERoiq5Jr0NbilCE4qg^LG9pds z%T;1q8*`*m);ycTv(PnauLT@2fBFg`7G&MoRH|)|VT~qNwyEcm`uT^8fQEEk*Bn`7 zCJvu!WWP#A2Z69Mi}FNqD&UL+IjB}BzA%mu&G|z(TK#%GRP3bsX30;gh%RgeFpcm> zhsGk>G9oF7T9fQO7d363+dcWTmdY1wNhepqdO}8#pEhha{P#RMI}Q&8o%T)K(@fff zL>gL!t9Mr@Jca?FM^oRAP=78cwaOoce1){c>~%zrj61mo`H9+>R7`suMr~@MsQ8cN zujTTPSiQ?drs*V+$ggyTq$6?SPtoM2FXew}W^Nqpvny$_yrTP^Dc8T9q-*q&Q#*7_ zMtip@C}$B|wCxm@VSQgp+eOiM(qE&qx5sM8x7O~u6D%>RS=g> z+vWNbm6RF2>?oyo5h56$#0zerH98dUYaBVSjgEs)TJr=xNp~`Rk__Cvn|+)DO3L zrIHv-4iUSVm`9?F8SmqU9a)?-ykU>saeasy_ns1edc@J$mjQE;){*tHDDyKY2UdAP z)5@ylvl%)?3t_hSy$IZs2_igV&LFIgw;g zq&*3xIwV%#SC|r<@Eq4N3ToTW{&;09-n}wk4(qI|!FYLFK6~;Im{R=VXROc75*aVP z5VB1;3J-=u0i+8d!`^;R;;bLRh1NNZZSDujEtA;JJ%o)bSZ|pn=OwL-dXjn-}$s=YTQYz zoh_H^hD~|Lc1#bA3A@8OOVNaD)nraAhi+~%Q=|()qflM7O82fU`tj(#0(mnfgPwii zH&b(#jay6A40anTVdzU`MdSE}j+{Z?s~~ zt?_zBPRC6C`KvNLT^mo(3pHJB=$^SNHHM*y*f=E}PE+GG2qIu$Fxn%* z2_|-~+A+#;*VRQ_?s#Y?mqpdMxV2;BA_}aFUT`4TF{@oYd33HYHs`VpC+7TI2>hMm z&Y!>splKx++o_TUVN~E#`!>k;l+07iYR`g|`{#u4_+ZW%tDGu-M9Z%<0o9yHj%@X! zSAk4-7M+vF8cG`0{jk-9-Cb!k z_fw=l-#5c&^F#q3_s`ouJ>OqP6$$_4zklEAXoqw^K0Ahj|Nb6bb+;=D_V;~VJZ~s0HXiV$AKvBm&Gz3%ut<875!LDST%Zakz zl-EDMLoCWNW{95ud=`-OIMKh_I18F?ufXNv9O!YWN@<8`I>%-&v3>R7MJ@Ih$SJ9N z*&~F^(E@88?NNgGPT;>aJRDw?m*GBCy(aR)aB^&7evrI}@s& z@_ieIB^X(>?(K9fkf+2#3Jq|^@a(Jz>V=!lxe_vJqqT;*&9YnDO3j1#TGB;nfR;`s zTGbQ$v3Ccv;*fV^B!FFT2S4KLmqfjxeitm572s|nDd=)9kpV$)t^>q{^}hs1W_Ea<*QLvYwnc%_-i{0PFP8{y?q(Bj@p|is z7Kjo;R3bWyFTT2LOMwM($)SaCFJ|minclnwNvw?SB*w$V%EgSflSl&VeXS4B_6144uY;EnnXpqv{CA z59a{N7P>C65Lm`pb>3v`iMIb?--fn&7$mw_z3$k(q;^H+07U`RnyTQXd4~*^37UG*flsBEIeSon*_*D+b%a}aA@Noa#E~#NA zbC+q(?M~N7>I65{C4iP!az;TQ0ok&xkWh=vbH&=;FYGvL-UG@AONTnXg zy6n>%s^m6~@0(Q;j-Pe9r|$i1wgSNQ%XA69@i43Zj4Qq~xI-TvQI_qT7Ms)`lZvzx zyT`EF`Sxunzk+hh2tt?Ri2M@^_E*h+os;7~IP~x9?CHNXg6=ec8=pF~`al^QSDGXk zYkutKWM>z2rZP`4L`TuDR7cx)im&(OAph=kKiic9&#v%F4IIA} z`f?V?EDIj-Jj%Y;_1;2rw6Ggha0@FT$j6|3ki8na}D&Y?#Zz;W;KRP=`wuqq?jd+~xVA22ic;Ur%%; zV9;?{g-g_hpSrn2J8=6!8II3=ME-H|@AN7Zf-G07{$=!PRWVDt2i|IT=KKnyn7|^! z@ul(KF?^7Kh+J#z6JJl%nWAegG+f}&2nY0`)f zp?oo*ROypYv<0BjyOLo4q?+Xq9Dy?P7v5XQfS&Mulb}=nq99g7{2#{7p-U4kOtx>@ zwpD4{th8<0ww+mN+qP}nwrv~z-QiuU2mKSy;F+9=*qcE@ls+A{W!>>5LH80HQUljV zM(H4c@-5?(JCrJeM?ACO6BxeHR8nmUgsNgXd+u0o{{`v%h02wJ4#`sM)_t(2aZ(IB zZ(~09BvwQzdTHnJrFU`GbpJWW;z06kj-c1%d1YH=M?WKTbP6I)j;2(wv~=;JbBwm9wG{IE|1q{!7=OU+D3h;pWJ#{hWuR14$-i==b5Phk#> z#dEu_P~dQ@LGw{DsshQaP*IXZf?J7Vt6hPxcVX8{Aij5*AfiB(R#*#4TIe!%YQi(M zeWX$5Hhss{HBI5E?y$BU%G1N#Up{*(y^mPR#=iLg$Sjwd{?QphQWi#F?13j}0h_fo zy6}Ou?z^+l`Kn`JJ!heGKSxGk3S`wsbPK^UjDj$uY}nIUvL`J`m_|U9Yp~` zxDOSb^E-(8?Njwiuljw|x?;yH1#Hg}1iaM`L)0<|_J#|SHZg-}@C8-UdYljbA0y+# zqQ4RZTC8kG_L>VlM-?f3#8bdjuN|8unc)va^#I!0m$X5;wuPY489Sl?6Vsf^sS~rg z))1alXMzj_s#1#EoNh?sXIA%QVp_%L`9iI+VZ$l)WR};;bp&Q;p6%N{8b(oufug8E z>n~J=U%e5m!7S4ND`8tr-T>Zx3cSvm$h-HSm5!(pbI53_%CNr6d{;)jJZha(-k!ag z{aA&1O=hW$eN{VI{64p+EbyMn8s-vo)x9shypDwK%l-pbN2^zB7sKX4A4vu0rFj=_ zwsI4~g*1550E2(&(4J^6v?>SkK`XFTozQ|RXlpmv}`w(ZY@1X-IkQmbrRN$;G+|YRL+PZ(6DAt&qDon3861H_-~G?Z0TO!y2z&q5`wcd*Wk=aLotwpJJ;kC5+NE!U~`*;pq!DFMF7IdCq+Za>B2nA`=W{oYyjmhvsy z0&gSfOZb&8+FgfK_I<{8%SavOdoRhNP*=2~V@&74nGLn|`m-FAbl~ow#;XNaofyh& z%AJO@>|V-x$}Kh=0VguI1i1;DmqCMFfGgxy?xt!wb$qBD3HVGp=e`PPuJSy>!U}`3 zI})w;0YxKx;YTd~(;A#*$gJ>|TqLRrZXDaZGa1n+S}=rST&5Sy@U{%9eG&xDv8%RG z6u?Fe6HX>V(!HC_mw#sPCeS%)UE?2(_P+l2JNq*6~l*9 z{@qX-vpu)(3Vk5UQ7h-k`n)8QJ+I#J0Pjf~YKNG7W)TZIU813sMQKgNk-7K&^XGIb zgHx&|JxT?@Vd?MwfnGP*`x~!A$L)ruhUlBj983|=qnCiRCKpG6tTY)k1`=eP4rG`6 zVd-+a3rVEKC!*)-wpyV=D)0Qdz|xmpzS zZZ}SLfEVlRuT7T5T#HkaTXU^St~;y3pP1o)NoM)>_W{5D2S8@cB=*FjC~NsqFwdLq zS}{^5hV%SxG0H-NE}B(FP_zY$uH&DeK~BRhZCWaRLaW2RC_kO?OzoV)jCQTSZ&)(PhD~aeQ=9F?%B$m=Kv$b#K|p zz}ScxJ!QqK$SRzfBvhxz<@M&2=zjROV6L1~>6X81L8*~@YCJ_hohDHcYcrIcwO{R3 z-~neWUtMe>_@EFeN3|pxMD3Zu{d1N(80oMC?dsAo zzv7ur$7)B4+tK9Vq0XX-z%Bk4Mlj>(C4K$sC)hP{Dx5#?BBTB|_xm>yHck(t+5N!z z)Hv?${0YP)d7jNDZf+PR`tnwp)xrtI>1_HW`3u_?{>e2ox*Oaa3MR&XafJso*28PK zuNm{Y6a$Vcn_d1NL9j31s8*kW6c()vCaY&klAb|L1{s@4rt2_!E7~#Yv@ZRkU}qPg zYkNX4WwQJO-#}4&9-+@yN!m%NEzj0Cc6vFy(GjDT=tE7#PSv=wI{R%!b`a(41{lB& z^h68(XM4NP=mt!65fyQgw+3=s0l@ZM<>d2{7RDS@N0A}>JU^rmS`_ZjHhRvCQRi^6 z?}~4qFCC2BD_NA~j= zDwhlbP@gP|2VFr-c8ta^mjJ0%V>G4XZeK$*wdpa~63rvF^YdUEHm7vA%&6S3`dm-( zmfD%@(&A9D^AGDZxl~616;%)d%(D&3u3n9GkH9C*rjI;H{pFv?3@z_O0tbcwyl1ZP za0{0z@f*eR8hdu<@5swq65OLMk;ut4zO=S9j#yAFa492j0~l!bsccawia}b9*ZP<` zEE*um>5|fEq}G;1S+c&AxxVE=2Ryz!*~(q&*)v4LJ@;)Ckg0Ydzxj5cze^2X@ul;d z)gvgBpUx5KUe~AvT!AFDv7wH8MPQywgkI}6Q0fb)e5F+utz1W@x9pO+p8h&;x!kVj zAZO8VYXvZ8c8wpxE5Rz4QGiZMZm;?KO_K+wSYAhHc+L58r-YdKng8w@hqBH8d<^E$ znfX0Ip$JLSCjLz*nH0qguh-v76no>E^0o|55CNpCrA2RgKMKe4eTawCV?3zd^4pxK z8X!{Mmv|*@$IrLeVj`wbd?Mb{BvXI9x`RWg86<|gzTO6z8@0J=&w0j^jT#qb=ZoPz z#bt2~C(q#j^GJk;H1#Fk5ynz*qjQYbjKHB&RWC8HW} zn*5LI0Ou4&bnI+~?U6UHCwssmRpn6lkBVD>UDrt8=4VOSbU0rFF<* zBR8^Gbd;5@$J8}7EOa_*_fQ?30YXug`UKzG;dtm{P9Ip}y*D~bbDq%JM&7jCDC#6o1CD0D*IC`>HWf?xX*H!vsSOSeu{4^=6}W_1RR;+ zt`Gs(95v-%?|Gm^2sUUroij7m5j0S2<0ht^IF7=JZp|?je{m>!FV{Jn3k#3+yl~Gl zwEb;HedhfJ28xv@@)hFYl9ou%RC5X8EXdHqHR^m5f(TVVzLkk<>_5_1p3Ll`*|5dE zoyCZ$2ZV&pXJR%&`~o8;m9pzos%-X&(sSF>0vq!h%=?v&ZG6-70I=@9tQU< z6Mxs1uu3%@kN2ju?nf`$p&f)~FVjXa{eqVzDH#{Lhn>w7JT@_lA5xeiKp!Fe>J@j| zY8(#p&jy==uSX@cxGa0Xl!!}@Dnf3Vp{r7?`fO*;@xd+SV^uNFfug);&FV&nT4IN5 zvt4P0YmTqX;ULo4*Cj+nmfm8Rlz7}Mga0CC?Tu_Edz0a#(Ie&ewcsQ1U#?B^t_@cP zT)#b3yXTPyvqqX?I_J%fO-t?%JS#WLa+Qr&cs+t_8b%jJX`e{9RNOlQf>%5)!S|f4 z5~gdec?4aYR1>2CT=51#<8Vpf111Esl(by4Qp?m?OEJUdlr$#;JP$069AcfUl+Nu2 zXez?c3@;Rb>{V=a`mJKg!n>$Z(3vHnhshj#lV~t|a!^cWPa#ft7;B|{U>}B*^&bm3 z>?eW<1c3s?#FhHgXv{&p2>g%;tBxsBi33|ilFW7$*3W7OS z(mXecKY7@;CY&S5e^;8%<`r~I=EKr0%pHJ3%%gAaXPHvHCD@Kp&MYosaT z?!rR#`92u7{A@Vkb+Y2hLE!0_L#-D3vWH^@EmE&nE7Zwl2~!&Z3M58gph*>(dtQdw zXy=F0TG10I>O>shW(O*mA)om&_kFr=*pS|zJNGg^%B3aNiU z!YKTjN|Y0lGco8j_`#b+6jS+JPQ2jui?jBBGV>}IQ0h>;pw8|@EVCuM`QMG^FWz0l@xz4ZLIiSA#y5M9L8}ykmh( zKJxMHcJV~Yf0??*D=qwe-Be z$9IyV#_Q z%dGX(pHXlh;VOVMkrLZx_;ZZ}#tp@(7X4;+Ck^LR5sC4e)Ik@cP$>l0H>VT~r0f!> zkjo)BSiJ_u0yiJj5masv{b#BsX*n8eL{J5f))mmfUO@Bf^ylxmcU`-n#J?hVDkX1T zS3AS~MeQyg;IFA>q7KH!$cHw^X=ix{1|}(e6!uOFW-K$KAh({vInHbi`q%vs6}G(B+Co2R$(y z^<{G2;%|o0>7aV~LY$CxDotFo(2Y0#9{_sFO&50Ld$_+HH0ckB$1&GUn9WWjwU0n( zr*i}pzHnYxwz@9noal$L5~*Sn>1QZr0`Cg4 zB$e7Emn~l@)ab#GNS(u|3k?;4liyPrlwuh+YDZsZa^*Bv-rkK3jotapo&j1M^qaYC zSPhpr{TH5-I)n04*)1?Eslu_HVbg2r{uk!dMOQ2g$LASy`%G=YVd#SgOrjm8J$Ofd zin_>&)|C1E-K*{ao{z3ks9x22dwr2|uYL+uJxUqSu0)5%1tTb~*)1L!7n#7o4l6;{!{TW@Ke2^VpoNvI_NCDH@(x*ejD; zL(^Ac>i+CL`b}MN;u3_6HcxnVXJz*%)A4foz#90i%9ZyVFIQ0x3&ZKY((M0~%+kxH zo(KftGz5&F;WAMc|6NdPp2_j~(c5@w$BryyxQ$Gi(_|n(KTf5l2-t9eP7Ko{Xz9F< zha2Gp6l*DX2LEHf7g+h(3iK8f`cKJ#1nl3yfq?efoLrM@zMkix8`?edF9d0lYi+sb z>7scZ$2&jxRPTjGhp2^3HZ~JZ}zcRmkI}Czx1wKIO0k=+1_GQ%AIz(Uqo1kD>Z%~+4oeB%9{+c5OFY~<8yBTQbY823wfx$ zvL}*XvH8Dx%t5uC!s-qRC>R~|Y9_Srb^LeShQdldr=8LY7{2J zg5~(+>r{ohI>wYxzO(_Ew0jla$K>gveVXpukCw81)0rr38y}-pI;!8_Edl6#c%|JM z+kVP;XVP7%fKEENUVc3A|Lj^9pmtOJM={t?NEvaII?|RUEUf*SIt)I06Fxs0-)z z>sb2vj2i7r3I4mp0O0)FSf=y8{rx zXTD8=fevBx3+^WKTya6{mcsoN_Era065~Ff7Xvi3N8NY$F3qaU1?ZlcRS!k+9KviS z)rmsG)Kr$YNJ=zo{;TN-W8EVv9gR z*Gu_o_`wl2+wr1HQA7)2K?TW8;eqXGuv2hRz$IGd)A8x>`a-?HU775ayO=KJ5B$l_CGnhy4Hj@yEKxsThj*1~%VzXq6&+p~! zu`-F(v?U(G{w4Wqzz9^N0)m7A`KNi{Y$3xe8#9Y{!l1YU8chWL^1SsHs}MjN|BxO@ z$8((3EhPUGE9JRXE;Xy4Br`M4sPwIK$qZX^xZOl5s1}8^2HX^?b*qL_2ly;7`M-Gp z*_=@P8v-q(c58c_4o0g4*5^;D2EGLuQY?;o6W5cAJDR7RHH@!1R#QG}3O3Iu&xkeQ zb?`}pLlFj_2dCloZ$u*9-eNGWZj873&Qcdo z4MaPmJ4kliq)-kX0HVW@zJIn+SisfKci+i}P&H|He}0yUhitVmpJKciU!~4*24nh<1eO5_R|v~$9QsN#?RlHF=o2)9X*1} zY)R09m!sMS#um8=r6Cn4wBzcz!O#t&%CIkEjJK=!4fm$$5y8$MB}8Fl?C|KICZFdA zL~MG~h@_pie`w$irj7F_`#)CQzj8(h?+X{z6p`b>2A2?`nT8#_Erk00{m)bO(!^A$ zC9devdnwiy%b*+bv*@}Y`UcQuQg9$?7Jgv(S||eIYJJUR_t}+A5Oq#Nsn(zwuovs9 z6!iy0tN#QBooS&EG5lJN3)Sh6Hjhx(xNv7pdMOr6sJ8-zUrJ7UCt0X z&`3GZZg6RI2Kq8BKoe#G)s%qd(K2c~7{cf@ARZFJI=qipQ$}4)$O(_ax556II|B*z zD+M_=h9mOB{qqJxS?+C-ug2$4yw+y`PDMh>NdU~kK*vSgVOavd0MJwBOP{Lp+1n8u z+ys!NfPDYRIte?%9T{s!>^%&A*Fujkarn*Wze(-K?H<8iYR#gcEcnxNR+=(Uvt%Pcy65#aM|lzYiukSylXW8E)&3efjkgr*jwLzRi9Rn_ zVYS?yp-aq54%;lA@ivr3XdWyEUgpB~SZp>n0N+b{s3OSXZ;rMTWmDK*Uka$K3T6-& zSK+RGi!c2oY_FaZ^p?}eU(VfHg#l=O1QYi)F+5+Ct z3gNW8S+fxjc+3#v+gg?PVqfMeCq2%1)N!B1#30uzMNQ^b`q+VSN`K*$SPDB1;i-6P zIv=0aA~X(!U#M$3_)fK6vM?u@y*!q`CP$|^>j%ox2}JHPCBmp#l4;JcD*2-;jS!-I z8x(Z(h3V0<)4>wu+Q>4Y3|quR3`7(Qd4vgFc6nC#Q>l~ zLutNZUC?-B;lpT_(6|zBpwAdeGkx-tdK++oc@X`nU<)EEDZxRa8&G-or{Vuz}==0&D+4_BO^wY@jGU5{4x` z{qwVx@Br2M4@5qvpg|qR>HV!{P6w+vLw|f&9eVKP0bhfV0=bdUkuI(k9B8nQN^ZW4 z(k?sZ=)XzPmn2q6Gaa+=wtK*AY&(jjA}%`oQg{d32{Qg63|WobP<6YIn0kUSt@37D zg@SENalo98ngCAR%k0Npd8zN8)7`OoUf-{Wqjle31COVt;mOF&&F$&um*LXuSd7%w z&ByQ2+Rg9I>&MpAR==Kgzn{10-X5M01CQ^?@0`bnqv7Z4d?T)nU2DCas~@lS&jz37 z-v^71A?-}#r=#VYgTa4tKMwB(t>2S3538@O55wDa%g(bPbU$#1_X3&UnL+Mb z-8Wc2liSmo+t1gQeora0v%arSB3pdDzSIPdr&GDD{MWU51!J}fX0ZfvZ|gT|M>l&I zX8b-!b{k*QjhVB#JC(U&{CawN+SfaD$6?H^Jj1)IdNX{7v07gTBe|=3_k()(xxavq zhN9!qoQl^KPaP(Pa(=0>unwbR=*rM0gYZ{YhU*0Jlb zbAODoCHy1*mN@f|l2Pei{|71&^gs7FM=bF%{kT;OWZ@#Sxb{K&M*Z@3@~k?1S%$ba zfDjHi?3!IILlQx26x82!mwFjOLx(xWnXpwzF7+FHKi?Ny?_EZ(&o{6#5+ip#$|y$0 zYcG)bXdc5EZl=9Dd`lOnjd4>?2$znHgr9-pb6$l9F8+Ph1xRfDyeO=^AZ4wSfM^hR ze;_8u9c%_&5-D7)$hgo{q_HUMK?=wy-jO}s41Be}NVD-m2gY3qWOKaEQO3P(R2IOv z6oqClncAQm^`>6Ps6(JSX-I?pNkYJ<9{hb^D60J>djUZiOF*)$5cn>I_Hc$U2D@l9 z(D*tA-J9{J)E=Fp3REu&w=KFHjuU*C8%R|uK;wXXl49xl+HqVvwmoTuW~4Uq>rnM$ z@iD|3WRxgm+^>f;AR)&;|3I{)SJ3;VFzTaa9#h)&vS6>ah(~@?#>Gfr=VU*3910nW)>%>3IEoLPBwahPi%aX%YR;kP zAi;+9&+q3Xw|-8o|lazN#P?N-aW(drG^|I zIHC)2n~V$gdXPEXL+a(HP?J4EBnW%Rz#>yCg#HtnJ!By+qVr1)VaX^Jby0(L4)v*J z!eLqI%7V9udOPQd!UmKl78N+KS#EdgS!vW2;d@{2_jswtnoM^O3O5s9AhSqeX(g-r zl*^`X44dD@qa0^V@W~_VSL;CGDkUfvsy3Il(Rhwq)-d9D9|?E2@)s4o5L(mk;GEXE zzs|u-g7%*~T*T-KAu}|iBMgnTbCfY{b3&Ss8Dd206kvu3#c5?Fm_5;D1mS0h&LxP- z``k|?iu4y!pLIS3=|xqvBXcO)iXX4gDFm;9NlT2Z^XAX1!qBf&toFIjTOR4UFaixgR z!y?GIsB2E%<$x3_S%!T`9pK0mv*`M$A$Cy`x^A(XS#ES@Km!e0ltH)T$;KXNY6x)V z#y=;6dD6RHqCc(3iX65*^OnnRF1fJLoG2NMjcACSTIplqDGk}V=p0O7{^9cKO!6}L zcA1Z}wY0`mEftQJq82TUdl-1iH*LJ8vct2H%l;ifUg=WGnzCxbVr4j^vTG_YhO^pD zVrOoXqM#Q$wt%z+Qo{ZAcxapcu%DB0Bup@L*s904Tq2DbP}|6IZ9vuqqlJka)r`99 z@Fx;32CWh~@QC}*8@SjURvDxi2+aW-Pg4QUmz^m2ubUborR07@SFMLe0|x&>*QU{h zLbxqZ3`3o}$*po#yI^~2J=2}S#o<7R=Z4;2!RaKk5`81hm6-*yUIamD6LACD7bPG# zMIyJPR5G5N^r}fjC=(cdZy&lXkamm|^YA^rzzwc46!8O>5oAi2yw}GYby1UOPB>vt zc)G|#db^ToTE|T8s)BOl3Tdte?XPAoM@W%SA*$Cw)p#`TaF|t5;LUSgNy~B>wF^jW zOd8nH1?U75;Y` zCEe*|v`n>(Nl<~+AWg@z*&D|tKSSz3UL{u5Y|*N02<}aB!cWIkEJ@mrZ*_x{ts|FZ z!IWg?4eW4$W=1n=KK)d{tVBV@9)pwoLYC&zy^M`h&Q|0!B^g+yIHUXUn;yxT0^S=X z3)2Rp@cK^I*p&3ggil~~6Kh~0`x=FIq_Juzl@n?(SO3kGshC}5>`fiEd5Cb11F3yr z8G73KW|_+@TZUwU^2(lc`3(FKh#9%03oNCVG^G<;=IlqB#%NmXHBiCGdp`veZs_wh zDcgtxYeizX7v^Yl)l2iAZc)ezLuD5iC8w%{CPi&o8PF9DyTA}3=M-nziTFe2d3?!T zj>$~tv&&G#tcdysCOf$88uV{$!O9Fsa_9MK%5fqUj8rdWNveton}k6t_Kq>#=2;&W zyZH|ErGT0&P}-`6Y2;X2cuDr&ElV~x{oAdJffcY*xd00nt-yQzMVb`rr>SLOf~pE( z$}o8A1J8$lIWBD(XC~K03xk4&OV#7~zH=l2f3Iv^K3Ey!ls;G})$x)_t`U2jdi2LF z&9}+DIRJ8|cC0Q2-QF?eIY&2@J94=F0|ZPKfi+Z_Q5$^g4VTEL!fJoYGOuhf=F;Ig z)O7fG^eh6Y*db?R-w1Y>V{}$)21^b;&@?_23M^Z5L@ZO?eh^TBY)1JcQv0~JP(=d! z#&C`Ks9M2i_-rSKrw7~J{r=n;uV_fp4E~Td&Y*z=>XrP#W*>4-QcmM$4m2u9g56@U z^FKwG$@(4E|2eiS#;$efgcqGdZGKY*Pf+D`o2Ztt`_qBP-WeMEfaawr%-oAP#nu8# z01DCHF^S@)2tUw9w@TV)p`Akq{H?HAD+prV+q$Z?0h|ImHaz>7$fu0F#wFbr!y-KG(4a8XHE$R)IN={UdB8b_c&s4PS%DVv|g=S8P z>^owT-y&kg{mal)0D{k%j3SqJ4N(6u5Yk^eKLcbYQ1eFb%(i{)1v=w7N~FQdQtzpR z;zpD*X*@^%wIFTh5zsCEFG@E9yt-l>9DroCxsj$+x3SgcLSH{JF`8b@c^kzuuawa! z^i?Oe%`Kd60Bj=RyWdgU{!GQEn~eaa+9bsOHG>G*6pxPA-$fYr>;D_q1h7jrIYt&$k(Z00I#Xd<{Aa?}L?!k+tR>iwimaCE@I*FhH0ozwY^dIPCb}1#nn1(qOnDB9nAfam+nf( zq4hvEA{@}^j8}9F_B$n@GDw4ZuSAIml^guowc}!p4)jp{H*ZC@?%I)cvH%0j8&p1r zRAq{xFuTx??S_A{hmxN0_SsaP5(^;`^2-&hMgLK64^@$wDm z09ws|4VSzbB(W;6FqWEgZ%M*?QudCuCAI2F<=+D%FV<;k-dL`J^9iB z;ucoEraG#RIjlg8*kD)d`}MOK0PK_sl{YoBnca5#oYw5NhUvLg10PaYZ|N_CaUY5Lz;G%ub}n*{Zu`im03$Kds0DQ4Vy0K%JGm!OokGJ+oVsmm8BzSasz0?T}T3+5bBKm3dUold~Oo<3= zO$Ot}<=2a0g?Gai*l3GsPtA_rF0LE;8uUiS#VCD%+`yWrpTy%&Uxx3P^DYP*hPs6r zF!-_37ap}}oeNb+Lc^B`II!2cDZu(2Knx4mhPrRr*TGpOzxm=U zV~Mmeo#A%iVrTaDS31(UNg$kh8~^F%09$(>XmMKL{>i%cxosG6kL~xn`+B{C!Ugeo zbh1_i{rB_s>In|(c!MPWf)8raoenqe1T5k+hl4?;h|S+it%jUuhmfNEqBrVcf3y^M z$j&sv$i3y=-^9WsumKa$5Vc`xAj&pOvZvDYypaK2uX(s`+lcg}c!u|J_B~>AAL9{} zodC1vUsd`?#jvhBNqavI+~P2eFw@gCwZT%$=D^g?Nh(RIb+t6rMP`1n?6ecgQv!`W zu?iCaotP)eSA{%{$3($rx7Mp(xA67ixr2cdkSvG z^h05N#MX2G^r^TS?Pr zNO|fpTJt%^XEjs3y1D{Iv6JvZ!yC$0C~*NjqqD)VjY>WtslyTtcR z;0&u^H*ZEiZclLGpGcEXqD_-C>JxUr#NQnYdALzW+bLNS7`p_fzK^&DnU@IeuD{3T zw0Cr~Ee>Ice6D)${t3?8fL=Y{e?@4jtb0tijuXJ(Yt&`}(DVW;1S;7*wp;biu5`Ln z^dd8uyoQ=}YaOPaKR+x+H)xYHcbE{#o$j7=qh>mZ>s!j0MPtY@>B1)pu=Rb$l@RKn zHzhRy?No}(C-XoX3zJQ8ofC9W$$$HdDp-K5R;oj`Oe&h98HSt5;bovY`}4oHN!Ef8 zX3<%ycT;7!AP5e$&o-pPqyoD^8(LLR@-Ya)802Vqjh%hWX-Z`1#%a8Z_njM&l!_; zfTl3=Di?yi8=ANHW2gBNns)kkAj+_N26+9HeLUseW1a^N?gko`!JEw#Dq z4b4xc_g3B(XA=T1lp8%3X7mnyn!HM3Xy30C{X(^f;amiT+m8X#O=RkTipf3c;vKN1 z%AKt?Dq!mbvM|2e+1C402H(hBdarQg6*4x72nXt^0lSi2F{0HNdpOYcO2cvobnG<| zllzU_TZ9ms`d>cKTH+d8i=G4MlBOAIQpiV(1%=crg=(+b!f{|4_rPgvWt+$ZZAnE- zNmzS3E^Zw&D=S0Ruf#lBa+TP*K6U`F4$X=-tyLJXxo0)17(k3b2aZk`?CWlqu3a54 zLp)bab%EQVX3@P3*k&ge7SUFxDIwZr-UTP*n;Y))*#Z>9)8=cG)!1tmq3(ppLf*2F zf+5WR;izT~B09%8OQQ*F)*ia|qP}QnsessW8@P}+LA0LE0FA;{N&so0t-#(np1X+a zwygf%l+UPymV)?XalvqT1n#y?Hc9z0es(?}Bm%NdRkEQ;U)p$L2#Sg*bNW|2lOu+v^B6vf4i#JhoiDqCSUYBo_td7C*aZK5Fc&8>Lo=(f}$b)L~Nj~ zw(7f%DRtXH_vRw?d1cwoQ@;O#Uo16t5QAP|6BiAagn{X%iU?B56Vh78g7()BCV0oY z)AfUPPwE?U2&fPDopou}k%}vF^TYZYW>I#I}-C&+o<(VmA^p-3;UKeV8#JG zS9&=Diep2)H&aCG-y#GSV?hGvUXzVXV5Ah}#?MAIpf1Sz^RyNi);0OtHt~4JqDTp` zBMHl%xm&$3B6p3EWhQ3}L$DH*nN0b2_iyB0CZq2pw$8=2jNobMig_9ITv!&lV`U@R zV$)I+5i2%#S2e!d@Q+9?tX+e9i(cwaRMGlhd?|!I$7p{wF!ut9y5vH93lCZIVKZ54 zHGk3EuEGHF*&E)rn?4{a|CY|R>JnX~I~kpRjYh7`rZHX<8APi=$vI8dw{Wx+ps3Kp zr?o}*T2l!nfEO*I-4L_DZ~95SV=@n+30LAUr#YksT}8?yhx<_{0UoJ)jFe5i8L~3Y zD9Y+-e`3AGLO5J@_q`6)Sw)%7)Uu2#*xk#t@wBv=i55xq<3xv`sgJga{d%Z>w%0(V zzFG^ShH6Npj`m7Z?A4lLB{srmy z%?uv6??egG)KekhN%pcNvS=A*LZ4!Xm(Mks1jOup-w1Ra`i+gPK2r8y`<5nGIQGNR*9J@D=7vgdwW@%76r!+taM#j;)6Z?N z1v!cLm?i{veJoZ0Uo%e<3|e8Ly{yH0urQUX{301aUy#&<2V* zHDyZh*VszLdO}Q5TFst9+xk$tC!C4$T9=|o<%W1biVAU@= zP9PmvO&b;{KQ7N8GqnAF z(UGeb%U%HSVs&P5Kd zrKiKYqL=l&39Y@V+uhyXOnistj=mZ!u}N;h&IxA%ezZQFiMa!~A5gt!=}0z-yZ?se zmkn-g{{$9qEQu(sDvwWbxFdW2nVi^fUv)q`)g(P-qdBGB-{NKc$2K3QomdgR{CRY9 zXLE6r8ibdZx_~8{T}f*m7e0Wo?)hd|`XrZm29ffH>^= z!X2WH1o7DlLr29I-rHF?^+|o;HED{oGusu4SY_?TGUG9pfA85=1hUTFSTL3b+HI(J zF^L2>ge)8fP{80UR||nts)k(`>47LX;O7c;4e^v%C-pgv;qe?ZJ*-D?oHeel9Z|g9 z(sbv{^oF5^Cswz9DNc>fbKHDvK?y}bOSIhNelLs=zVtp6$?;M8%Qd+V(W*J2JnFJ){VZP>Dr{Z~>^`Pl*5Sq7I zBChztL-|%P^u_EVxFBw+4en{805yi}=pl2SW)xB375gy1IDv9lq-zF?^H_IRY(<{aJ^!iLHLC@0#u*-N@<72L z2J%bW1jEq}9#kE{8x$VU)5#(voK{p{hGJmcO4}y7eO);kWgIxxaIkaEK-$l$|Elcc z9M&YljZ_2UGP$%d)&fWk4SR5c3;SQ^lA-O3YN+`#_Zqc03mz|^cdXE5ymp7Vo2AD2 zqgm4kdkd=x@p=0~B2uidE$?vxU+=X)UOy?x_&OVs0XGh<8Ad)pH{^tgtZNFG3eToX zk0c-P_s0H@jd+}H?Kqo70!HL~@=@WYIcR&0c(S+dj2?`kS>Kyb1xTziWc2{=k!8~b zkC#yFt*e^-DS*CH2V<2frRt7mxqbML?BCZt=CFruf-Abu_G=Xk+WWtiZoK_)_KNqW z4L-g#7-3-?n@bvtaeel10a`myM!uN(UmRy@W1y!RzqIYG8Y4fHv-$vU_Av_nm9`G> zs2Mcst!&ObyAwJyUuL>5`F}l;H~898k=@<*2F>;MIlx&?-xE$hzep`h`)l0TQxzhJ z8fJ<)QSlhzZZp51{Hm^&csJfi2S0NDK!CD8Lg4?KJb~r^EKgu(U}69N+zH-lGBLXC za6AFGbC-ZeLd7JC>TDA`r$C^F%TGHc)JV^55R(7GwdZpMRKEz3?88CL+gWQH->+pg zty%O{z_kK12}el`XxQ`p{U^pOTRN27riUy4N^8k-w;TDIvd6M*V=s8+D@A>rL~<3@>j<8mCCFJHU9#_UcM<;xF?Y>oGc9bun)kdvFW;oz zwfm5R^vI&gO|Z#lTivu*wx=$84$;KrfT|(!;=kyAhF}fW0n2HRmG=$st~^@URB1+E zzWD6^S&XTNs%qF&zV7OWaTixz)RGB-Mz58T&#G%B~5b z(^G&575h(94kN5xHEh*(lm(`j&z&)KtLX2GkJd3-hzQ67=fQY4%Zt(Z= z%C^wb7E@5KmFe*is1)5!O^Q!(iR>a1t(R3t2s)Dy#HgTY0iciOd0{N}op;8Wp$oT{DUA?IymwBGef>bQ`BH&=d)G&z%F$Dc$<`hMmd5vlyz#6tWwvJUiz6@G2Ja#!ERWfDE zyC{~6djlV;q8eDHF^*ibVyFMC1* z$L!UV2u)(tzCr091!odl^+4K=WK~AGTyFIhG)M2fNeK;UzgI9>s1^B|3}#yUakCdH zkX{OH#8sp#p8@;|2G5x$7S3c15KMObkEL#?t0r?Lx|vSpeFW&9%>$ih8hN-mi0~}`f(?9Y(mAMZKSHV!?V(#O;HEMaNMqH%Y8sgr^hpA`#sN(u zF$znPU?Vyv{fS%9*4ayiPQNU$Lc4$L=Su~|s!>=~N)^y1|INZUUO=c(ul3QnyZ%3n zeM68SVU%Xswr$(C*=5_dZQHhOS9Oi(mZW@_gTTC;)xt6E zz1OM)Ab3VHx=3fCV%C+Dv7lacwEy8NT?q+RIS1?$Dgwb`>rGt^%7$gFd>=`k5fpe; zyttbRDXu9y#GRiK(5&i1Tw>a>Drrfe>m$o^t2nqxnxmzNnbxfM+XaM?qAJ|>js1@M z5A^XDpsLOy3Eb0$nTC&AjQ+N0>u}*n*D&k)zy`>XYQCOWWRCupev2lnHdNIbl)YF? zqK_5WfVE6mCYn!g)o``Bjr4vvtfh)Jrb<-A_+X<(5o2rnT=jgTWdIktvC|7Jh&)sJ zO2c*2`ZW%le!gOtf!22tt|9Z`Xx@{q@pOvFMd49qOc zoYT~&MhI?zMl-ZwZLqL}t;vj~M2h^N(IP|^^%J##0aiooRB~RS8->SWtacZvB7mJM z?Wua2uh9@sMc3$RX~LepsxY&utBX9AKY*^qlf)8$FgS+bL*}*riAm7_CCT)##C4U7QEm?c1tLw4c>B!S1r*mHN@1znX@_-!>~H4`!@&6$nxT907VkwP zTM6E7O)h~_PF>A;Q^;#aWLX*%pmvu!37Is{bgb0mJ{}N4loIQZO*TV)bi}}+LavRI zPD2h?OHVTo^SA|pt6EiLg(etB6heJu3V7u|^NE`igtwx^)vDN;eRkhxColBo{9+OZ z|3WEy!HGG#(_Ed%#OFWgv=rSt$#LG+;z6io*HG;JRp(s{d$>T2x-QQnAd2KAe~FSU z03JJ{_?EnMQAM;su7lPRXDv|yI~+jgwk#TqILG^&(-Cou(wlO~$V!q&B&H_vwWcb~ z>g2$+zs15za^b4d*xt24*K0(qYdv9iVOb@P{=kIaAh|OfX@Xc8HqH+T^yhC?>BzH# zLBy!aOR#aNe(1zpQr!Q1C&u~VGedk{{)5C#cqQ803A|3cHW0Ctg{=$&&@rv4G+N+} zKG-l%b)pw|I4?gVfAF&>=pKTH4qYl=p1%DifVNLAU4wOic+2Q< zoOZkbtTw~Jt$K+3o;<O?<8$H9^V&9J7$yayt#vns8C=Uz4+ z7SNkwmZJjkn~!M*mEj14uLh0ly`cHNuT|Fe^B&NuH{-nX3^S7b+{dct+(A`gk+^gu zA=+u%+LkS43S>urU9i@EtNZz*peVg7F%RG>X3C>a&8B8V3)*f5ds9RL&tXYvWyd%y zrI3V`SUr8MdH@0H4*U5?5Oo({-9oJ`e$2g>c~Oo}nOYhMsc`aBa$WTfqf{gJPGVuw ziu|h|!WZA)O=@{-+|0|1n&`(@Ihe@R$*wBD=mSN3iAG?NW`GZSf?A)N(oKXF_V4{~ zHA_l>pSyw$F15gQA|q6!1Arad#oShfB=B>J1z5J`i~l)G!(s9-pD-xzH{lE%GyfhTez=te~+Q&f3w=&OO4vBPuf=L70`gkLVN@O z16t7n{JU5rPv=x`?qcBnG-yz+_J)_pG`9)Tt1Tu$!U)#n3JNnCY}L<VUN_~u1~8CBUM8N zh^*#n6^*^2yd{o%El%CDD6%X9D&V_-iJO*9QXhtU z>NYfsIt79y766OHINpwdP`_2^X;2~?|AfPqg=FWN_3;+0Tu{{uRhER06WmN{76|Wg zHS~RETw;?JWb5$Zb*|WF!<}1k)SGv*6F=J-rPS?{wvc)*x>dLa6)KcK?!}vGqOeF=0iT9QY3=6^f>kRe~aq)zwX}Jo^Ijlq!$6UAY$J2!A^xrg zyyFo>g3&K`F0QiCOB*>79-U~d`BU7D28At(pih_{+L6tI=**J>fdQI^JeuJ-0=Q^o z`9lqVyQN^BCG6852zvTO4_@H%I{*HD(;-hUw*!veXEvnEm=((}Zi0!P0pxY3k~lRG zrq@W*85@==LK{e{)*W1Mh2q<{jWfAB(wc5Ekyqz-JJPp1#O`lPv+}P0b<)?$`nSao z2S*TV741|MTc`NjzY;`rF0BTJiYVCzKf4=hxaRAa^D78u`r8?Rt{K;RiS1NEOQ0wK zKHiEi6O(r0;EA;ou8Gh>ID^PJ4|&nt4=`kwA&p(eLhx~V4$v39 zAAS=$2TGii1)T&<9UN#i^w@Y0Yvjbd?GsjKIFR$hKIDcLQ{uKeL=Xas$XUc@hG~A4 z%d`Dw@r_8kzAg~`>OlSTtJG&gq6PKJDZgFnqkg(wdmTJyB?-(E2a4c*C9L#d44%+z zmZ3O+_JvLzbG6(!aQJ9KVxeD^tVl1{{9CB-Yy3}=A5EDiD8E!CYwQYU5fP$)K9CM$ zo&?gf;5uM5lk^E;GhnhJwPNY!y?)e}%x#dt9*9J+KLbJXGF$jyBI;?jG8zR<(UJ>%4dhb>(~^!F zX(TKjdclVOhtut5R+6{y9E5tvBzI|yKox8vx(P=T|G4HEEg5`2;2%mS7u+@DWH8WDT$BPGnvy!WfR+tIld2toOy*jE`CKwL)C4*`N4IJFI zIWROp9jq2ec*^+bYT>@Yq|y~Ihx|53MgJshdp|fh27NXsES$g(eVBBmo)~Ji{upX} zb#fPo)U|SQSb9~Ogz7y2J;vr^QMM|59Jw#jYwF$7GS$}>Rw($2MwCaigW4N|_Cfrr zZg6B}gzC_ht~0@-RH1FhohRO9(3%;Y!CjGHLYin28=FTc_gq8l2h#?_<+Ea`5m!=C z(fl4&nw8`ZLq$E~1JOoH8r84Tg~5JdWe2>af0)EmD$r;nxl=rqcTbj=u+b~tC-4LN zpZoiV%@jK%K}=&!Tjc{H)3j_MDU*fuA?aw7oP^!J5 zdO3*cqVOYPl$tZXLQFs-LYb)A!EWSFT&MpDh57txb%o0v`=7c6mFMtE)9yAJQ)`z$%p zMbM_>C&ylIOqyxJiC*n!D0&@(}IwNA%p%}m{@q(<)9EC#A!$k{UT^eV9X zGyN(*S z?6{dtzh&r%fNhb^lb8fwPrjqoEu#A*)cw6$I5 z>X>kDE%oBn@%W<4lr57?ep+_CEbM3VbrpW#;@=c4U?(@!Jr3(Cf54+Yjx<$_#32wh1$0xcTY1tY1Gv1@GILKtb_ZD)^u;swX-(Y zf3U^5M&Qa&mf;$0XGI1##(j6bhM&=isFoA4ZDL`|Z6rH`>Ggvy(%}!u(JL2S z(ty)t9(G%1?TZ{K#5U@ju{B;pt=lXMCBJxn@C&W8544Va0reI;eoU#unzWe})j#0v zv)KJNLb_VR$HRprk*v~nX1K9~wFWKh#OCOjtcS5IcjF#D4$hy8Ev=3QVbI`?XXpht zuGpli1`p}kiMBfI49>DFWA)e=%DM9zX0CMtDYs$kYu5o04CD@0GRH1pqOu$M>3g0l zREJL|Sw_o0?|T!^^Yb)!L%8*0^nL$=8q;PP30IdVR$hG@kOt=+Epci)c*(Y^ng89p zPo2)k&&)AoWORwp?|ANpNn+J3Ov*das3>p#2hCEsvM2LYR*-XfyQ0}m zAO9$QFPO8${LJ{S(X!ftD8548!}1yeJsImfe8tgmg@h}8T!b7!qsXJJwhO5SY(GKn9l!l5 zqs@UNvy?XLd@?;Y(cP#w9a+ekp4G3WLn}r}Q>NprYKrf5hRJngr#KvX5&C_E^MHvW zAdZkn$G%865mHINo~JmP<{m*`UJ zYx8;1)rNbfQ#{{?!Z&O?W=vDNoOg4yp9e>75q+m?UNi+76_0LIBgRQcgW|bXPm6w4 zntc~|73n-d>9q_6F9T+n!#)+DSz>3;{?TESNG=wWfaH%9Ke!bZ|L0y`lyUcgmDtz- zHysr9FZS~6S?%AO;GmiAfMklQJsFY_-&3MCYD^mhk5k45;hSNKn$1X*(XX@Ob=08Qms#2@>M>qTiPo*-NUFAMmkLU(t;Pjd&p2?6;5Y+xYuELUMyIFVU4w+EGXlU>@VJ5ARFYTO>`J{AVHn# z-Fuvwyg~7?LtH-we@}WA^7v%<z zk(Y;gUV~Fm1Vt;HhhaHk&78*wIoAGo4ZW@^v?5&YlBi}`C)6dsRLSk=YV7!W&AfvR zxxFu+X_eX4%(wB&e2cR8;wE?BxyW$4TrAcow+U@^?)~26wzyolSzNG_+EnAY(zZ8q zy3G=T_G+ZXyeZ9n2-@wRbFioj9NW8yJd=ptUvr}%LT@6=sSB01VLo~c@TYRbFR^3c zGfCrii8X5B^Zo*-<&o4}gVoW)1vorj(ob)8JX4L$xYpvIi_)^YxE!?JStP+><(`vv z8yu!LPBSOK{?#cDo)N`^Odr3EPQu>9(s+iLUa1=$$6bluSy@eITORNbNZ2&s-TJ8H z;0b@3q~<7{hmw;poGjB-Qh`dllcF0~19O)nW38mIDDJ&qPyKtVP8wlfC?zzJ;OPhv zD|U}vv#Wq!x zD0`QHTy}DuVU!Wh5r-9`c0?~T-iT?CR_Xc{ZJ`%W(@8J9C&*WR#X^}p#OlJQdEO5M z1AyXD=-|K0>9PKgb9&6I>}>yEPVZ7}%XWhU%{Q<+$PO$WU}{w^OHNVm-yIo6e4gRf z)wPa5lsKAJ=3^$n;0ibvS9Jq~PM_ zH|y!=ce;}SehxwnY8D3Uk;BQ7;)^z=QqJl3&GCC!3BS+oH$OIcVzfi0z@Hg;?k#ws zx;&MiQxCwUrXA!A^hRT>>*#BIx6U6#nueK?XYjwyO~(QDO%#UvM@fN)Pl8^AWU2VR zSJz+Y*V|{k-V-Rc0-)U>+W`)+P+lR|5cAW!<=o%iE*j{q=K3?9IZb%3 z3h4DeI$t!7y4a|7Lc-iX_CE={KtH2npWi4w(T}eqTXwdDF#zIny#j?{^AMIdY{_xH zI!)p&b~~x87=soQJk+B{K|wfdy09-EsvsjPPBKSW zD4`fSfm3DPj}3cysgn< zYxG?k*(9&JisLL!isntq@}L6+hHk$k4@$ z&LHs7f6#@5*J+^OY=37JHx2lOdd=zibT6f!H;3ZzVa32HwG)-nU?K{Wx3V<~;s3S_ zW@aMM71z&G-Znk!=-d`$0iQUA{u^6kS$KYvBdx z`yf`b4F6%UL1W2I+NvFw*41lQc?4+%J-CF{q7W~w=4)+Ee1P*sg%%d{k_rh$i9C69 znx(7-Fh|_I%1#}4aKRb4^q++MZ2To;TpSO((8f7X8!HgWu$jt00~F<~vSi}l!%#1h zg_y)!*CQC-^hKj3^JLN{=;@jeftN_7(u^qatQ=1&2)LMA%#0!}6H-m&Bhs^|2Sj%f z0Ktc_r_iyOFEChZ9R$j2m{KSKnChAMj`B+SIeLdU} zjI2C>%RYem1sChIUjoDS&gS*Ucx?=^fwX@Wb;5O$$3))#`GJFt_BQI6!_37{J0YIZ zgd#S@lsUZ^Pu&%_l~$`T8h@H6yxInOoT+zGLW@^FDg1s?SC1pP4Seu1cy$r58#-@9 zS6UQ4j&an%7(h~_k-?YV0eI`C2@DZspD$m0A8K#`b%$=yK*7mzfiw3yOu#M*9$waVCu|B5PM@Loor0g@Vedkvy~&AzFMef8iwEXyDXV+SdXcjOvHM1Jt;KrvpG zSP@Nzj=il5`WCfRhAADMjq7;@0SC*VnQ^Rb$`XrgavB)jwD>L}AjlN{vH~glGd4@T ziy(}skuqmG6#!%Uuk5hZPs4!0%Q(*dCKbVz5E(^htiHw=fnhJJ4ls@IjScB_ zHL|*%QLSatJ+8Yb+1coEam_em)zt7OT0b(y7H*`2;CnH$_ycs(JqqFZ{*Ti4v#M!8 zFlEA^i}^KW*vT$A`w=?68k2c*qHAfSs9`B&5?Z5CC;6SPm0S;(9Q&(077U-cxzW!j z2>iZuNkI1?pxc%efrr{JMsQq&G3O{>qcM(4O5;~sa0k}w3ZRYbOC%EZxR+f~k7WEv zWN=8DeUKtgI)Z{*rxu&Fh3*94kgybm{3u&mbi{m6&D2m(dX#^RAzg&cquxE+mb~PM zTOPm`Q7X|R>`tDq5nte=$wUdONG3wOFc8@UKTO3mjeJ@YOs&4_+3s zm9YZkj}DWW{g$ zC0qzuil+*9cgZ$6(oNl92T>VK#=$&i>zu)a{(@mq#VPGvhxHt-vzA>>7w;6_Sqxd9lV;MsYcz*2pry)|B zyqrUge{J*RysQ;9 zp$iCY&|0|WuQYEv{>!Efv#lSxt+pz3XU<_bhJpv8Gh+!)dApWe75`S~g6P+Bn}Jbb;PXA=aC*L=QTg^7!(v`{|owNGKy7 zi4OJCM1bTq`?i{jqu&=kNf)w$Ej^aV4yZ%{!@P>{)?g%UO|nFf<(rW+5d4$S}WBMu`@yMD+qbMKdoQ^ z!Ee=6KvhuA$dZZaoA&#bUdXydBpj{G;CFQiig5$QiemG%z~qpk2 zRyzTVlzoBne}MeuRvNwnkML-|EV11r_L3BlhiZa7wTo$Ur&5eoI7|Q|%_COgTm)}B z@c+wM&Gu?@(0DJTtC?+NGvdf@`6JnQD7VLZ5K5PIZ9fAs*8=h`Zy^@v3@EyNzMVJH zSt|luymi%MCJiK<%xHrtm&54_ zmYzo5_uqE#{+P^Nh^myKLS+T4*f#R2gSqNULSQ^5{R!36c%YtZ2Z?}dPR`~> zVu9uezT*BIxqu3y<=Y3Xv2oss0J~>yu);lD!(Bo!y#IY60GlKPyOxLH*%-n&4X|K0 z+?Djx3(SX4Toxbrk&-Nn+$Ft>2X^BEr_&xxArc)gfN^+UPe?^> zmRUe@Zoz~qR}TOzpLmfAxuq!B>8veYiZy$HlbA|sRIWqE0S+HkT* zNEoY~{Ivj4KE>V8{}~w47F`we@Nvo2v#^$gP)W&x_-^-BLG!scO|E6I%1oDLw9d#Q zT+R#pI!q1;XMFSze!1|lvyE~{xGR_|;}|JPAm3HCsKB5s_2C_KSgqRkUdS}^YT9sB zt-t#=@E=J28~l|Q`8%RTL_8k7Vooq`!;VGFEY)QX1A|t>y3fW)2g#cY3lq)Z%Xm?pr$1sCm1Os=# zU_of7xcP)LCCHqBF415X#+A}cL_12LlfmzZE)elI^TSPwPw$4143fNC2PA8-o7G=meQt-KOeD(io89QqZu{VRG)oU(? zKI%Z~Sw4jDpSQrvpK}w5cRpNMUH+f0_ZMiC`#mT=t0xB#Bec${n&%QKLht&{1_bR< z?tXw!3LM~QMW=SivbM(z#18>Hx=osMoK0AErTN7wgH5Z5T1EeGx9V(<=tUS| zRahMow8C=hs!L7AKOXfMA%BRb09DyhCe2KR2-G2vUcl@EGGBJdF3#%)(3V) zW2Zc)t&z?bdA7>d`_F2>g`qfVL+}3`h-CX8gGfepMh=Gm4@DlTS=nu@B7T8>!hag} z!>K;{@OS3XkTTA@G(vOR!lHx_NJke56~buP?)&X9J4r@(lHRxKfYZW6r44z7F*{B3 za8#HUH45`bm3`ck{7_EF*P%T)xTN9x<;bPV|8S=B+#ejsA8m|SuJVq_*Hzsi#JSqk zfhli)G5^rx!}7~IV(;q4a zUU2G8O@xh%?d#8EUh#kVl79oI>>G5y#s={lhPdlZ-;6hn9fJEGi$jjx99%Xr--Wb~ z`zy2PwRbh*(pwF=H*$1WOeAa+4Cs_(AzShv8FZ-tX-lwWgkT?Fq!x03W;dAS{c zocw)OU+Zdu{Z^E-H)XMGL8`=t5Z2x!*nDR^+jx8x5meQwinnv4_pC*(%8UNMiM?%kGhiJ6GsBZd+ma*A zLtY%Wd8N64^hhE=K^?cpuK;yVbKf}O6ZU1)+BA2uW97Mpfm>eU6)Qr_O9;4htyNhS zM^FUn+_m7AS#Wzl6*f67#eQK?$qI10h^zo?331=$w-Nn)c9G1JTrOOSv|^RSiftaS z3EFmbYKJ$YgagCM%GQc=B~U*koArDVGhz$au50j$7vs?a>?s@1+8jW4{^HN?oJh0W zdlhKU`Rz|%8Gj;Hvn1-{uU73U9E&g&ozk|h_Bd-r1B^+-2+xAhkX6w{Qac+rJ`x>T zK8C5V(_PybS$xGQq)Ms-`7ORQLRUGf>0-wYnqV_{vD_}c^qsP5*10IAgm8@Tw_rrM3;!HsS!*+#pl;lQy37?2}p+^>X z#QSMX3gsS)?A}00w#XjH!d~=C{TO&QBb}q}qVbMo*TS=p@4G>3J55;A8^kfAG90s6 zQf*I@+ewQPKL6D5!ejX{3wH8qZ++aU#3BfsJsk;A*&Bkb%>Fpc3F4fg=bW?Q?hU1Ji`~N>Dg~64(jP5`r~@XoFrOHgqD{ zsihDDcPP%}xqV`HFQ$QlY9wE?Nw*oPd^4!+;e-Ie4t;{u`LKj`KpUGNZ%;O`I z-6e%N?ZvYZK(dzz@N})Aikee4XMlR4=_HDq2RU#QaDaWL2YhXKA+r+}tte>zqzEIb zFa&JFCNNVe9qgY=YX-U@0Uh+103M!R)z25~H?8#EVnNDah-7^}*UOS+^TZr7(8SA2 z6R`JRO@*!pGP_eYKrc_=1{bM$=78iJgIPq#1Cs`oZi3+RWa}IqQzIbT zQ(sd8<$kD>=OAaUWAl|pql-XavqJKwT?l~$dPo)O>#r$^*mI@B1fcvOGq3C)EuNdE zP=~<-iqIz}nd8dnA4*F)slzj>j{?D|Qvd-lN+iGngU2LH!h7GG_ZL&Ae~VXxqVQ)( z=*1#{(0ouw;-#27fI-$}R?vrbla56V2S#)^xes1p-lB&afnw2>B}_v*sX06(B%75ty3V1e22kI((L1Dm`gUqOcsob=4e=;`DDN z*&V7vKyhW;X*+^I8#~qI)N@TM{`v_@xn(f<3A+o$Ay-_IveMYtR~bG&c^EA15C;_j z1oLP>$xAu}f>3_}QGSM%RBGf~eB62yI8OqoeyQGWH!i#aL{rXMf+a+PGLW%!R7rn{ zjHePd?zXgNWGJZLtJ$^U9~K>x{k%rfD@hJW9EGb$12kTKGNU$}b@XCWf&2h>_q<}* zFrfje&^|PbP2`h5Bwl%bZom&0>@pFDFp&vxhkthb=s%TUcEwX0U}5FWDk~VrO#!iq zV$9dQk~5xGs_KjHt%%ViH7@iWTOa0sc(XX%g~!ZhEyAJutcqDqPwcqaI>fKwDOs z0_6>y6F##=QvKM{M=J@u^?yKWmjo?Y)NcdM>3D@QngT4Y$_tdF2E{~@_?>q<@2l#q zL*TX&qn6GA5$;0yJAc5hjZrhiui)9#t3k>N^a~B)$FXQ>JdtI0 z|2UJ%^Gc)5q1Fu59cWh&gnX69m=ikxPA2%f+!Q2CS&nM8gWKUK^O(7(@qnLeT-L8DnA#1 z5@j62Z@Whn04xxsbcVB#r+ifX^WFq@!ROc>7cY4SK#qBnC>&qHvAQHV3z)6+L=a9a z#z+HIVZ?~=N+0h&K4zZ^;IDy*N9NhzPnQTIu3Sv>(iqgJ`Ko*BaD|S6qDx8gQ|qgW3BWA$7&~Y_HPv+hb#1@ zG{r&)+)O<)5dCaV?xrBj_1cRfkW5%qVg%?`2A!jMzTJ*pEkD5$cfi~0ikPFDy%Q&{ zHq?i;XLKZ_6Xz+a#B-J=&BkiX4fv1o?Z!Z$$%VZ^WhX2~Y>lAlkZdez*;n68og-0W zSsFPrC6si7s_^yP^8H*gOoCisAn0?tq{4Jb;zaN%dVwD7BUUwjNX-Qy0>d&HpMs2G zi#pws3X-6Ona~tPMVM(U$xD8~=J;R8rqXhb21TR>uGvLhUGQ~qvw$*16;Vn{$plPE zoDyTfLspC3=V2yL|D}ZOkT=m{?loSpQc`~ZVr6VcTVv6IR{|3P;rU4|U1YcL44Mqp z!gEy$u@Z{;2J7IzI9?S94eTIDX$7~Uf=GX?fGR{G!{1rrtxdai_f#-XS>wwE6QrGX z5rkyH^6^7vZLEcBMaUl1i#3?e1Wpb8O0oF@8z~aH_mmjrX)>av8I;KlMnxtS;#pVa zbp0zQ90;bF(3xzB3{~$%3y0zdeovH8E^y(@r4A@g8R0}Sj-w=iHB3cM-SMOHt74Z& z$8TxDm}on2?@5?a?j?;7eJDx5VWQAI4g$CRQ~RH6joRGM+n^!@tCO^qD}f*wR#7RP zb2KT*-IZWi=6AvM>AR;wai}AZCBvTxKv12c0%2PDy{;1JF(j<{YP^a?)$HSNq2Z4~e3E&;}#)TkN z2H;r?F?gRN-nB3?2`~yvW=EY8krXt^hkiOW+%L?s~^bg$0;-KYB6|#2bsoAdl#N zA`U?UHUWT2{BwqZq@(=Qh<>QNy=5fHK*5IAR>hmd-ZBCBylg5dU=IqhON|$0=`(>W z*R+uU69!4S1Xi(uI@SoYpP(?Ij0VuWRjke_0vHBmPl0YX#+kS0$o+hUm zW&??=GtE2Fs=yoSK$|U-o#O6goHm1r{O;rNF%idSG|KTd3jIZ@@J$NAbl{SN);+|U z1tNOAQ2bnZurKs~vIw@Wgg577W&gqkoY}@a z?z6HSN^a}@e$RW=O!43z9va3jF{&I3fWjvi~u-+m>mc44>)5v$AXRL zh%C(9tXBbIR{Z4OAu99Ohjrd)lAf2m-~13QoiLWco|xON<1}=h;;7{WRkm$ctSbvu zX3)ioy#FqVUvwEVX(8`;>UPq0fvep1EVGnv6D*z=!CKS8(q&KjGw=WT_RTTJk4!E; zbhl&;`Wv(WirNW6EZyS}&Swx8pVzomK4S^}9Z5!a(v~objrz|IXgLTS-|GcnYs$OnP@+=D_6bL}UW~nuZm6DEB#b5hkHAaVpvpeKP6%e7)w!X*DyT z`Gk-vKKwKyt(kmRy4m#K$NT&yISH`q&M_$`eJS86&-wM=YIMD zQt**i#&X08x7RwZS8m)ccZL}qU)#s06TVU_Hc*u77Cc1^kdg|`*fLs`pIIf^l4dAU zr5uyT?vUp=&*@f89MRjZCH==;_GYp!509P2-&rF3b-e{@_G%zPTYZ$fmrbyXT=w{}mQ`er}JKo@0b6gx%~6-KT$C6aZQCQg2t0S1Rs^#U8OfpJU(g^~bJzv8BgOe3ChH9z`U& zRg%N1)8$RFxgVdIul8Y0ULP!SyB4_g0phx0`suFsiJ)O1OY|P5Oo)f*d%kj(>XA<)Z2O%T`1J~x$)^Y$(fCD zK3v!|eBcgWB>$`bkyy4GGlk~fS`dqJqgl4|ktlL`EjiV>gS!`8wk@PEY2KMzq!(6x ziA}@3;i0>+CdvXaMrLQeD(6@f+|QCsEvB*&YmoI-?quZ8vXyBr%EH~cJT+zB64=17 ziYDDDZarf?UopjL`nxta1$;VOGG-^ru9Cjv^~HWaG~774HfmmJak4;@DrQ_va-SfV zwC<->NmRSDJ5#43rdQNJ4DwgEY~$Jw4jO&ohlWhK**NKh`~+X#VX$vW*NX{Lhgux2 zvx5ge#YX=q!g>Hc%s&~%NdwF&7tN#Nz9ntNf8%43?;M45_vyP5rc55N=hJaqx|_oG zd)xbYHv3lkerBe&R@>6;v*{oY_viBUg#1pv^B@m@gufK>jIPfYo-A`ED(AY%+jH*P zZ&PtLHV`i>a5Fa06{Wc-9~bnC2Ws3Eq=#@sg+hjTC1pL`q#xx7Z$kc7?0wDWl|=sC4lnu6FDMC#9s4dFgh^a0FC68O#18*Klc6 zPYY6H19K|zx_Q=kILMiB;;7Z^w)IC%o~)SBQqSl|(FJbS_CP6oOrjP`dr^XTae}L# zvu-&m$i2YJR_Ih%;Z<)prmZJQ`^0p6y6V;YZPwA%2P-&z*0X$fz<06N6i?nY?2sm1 zf!UFyCeO;3zBylGx?o)9lvYi_l;J&1Hi@?pHHI+U^#}25rZpR=YEnc$HN+*b09vre5S7$KK3s z8&w!J_B;aFUGj$)xhMN zpoij;Chld+BN9HRaYB1M4NaX~dNfYeS>G(+8fGps zCL;l)Oit;>q_WN#PC+8$DNP}SBn+pmnMvFEiiuMuC4dQTpDDOz{$z>*oSG?#E>WXG zP#~KTWXyPlY=AN(z}sntl&fN&x<|-m7Xb%T5y&8jg{#v>bIkF#4XC2Lf? zkXv3!SRT!jf=~|+r&$oe3-swo2b7=%^Tr0b=PxRsfj$x}qNACnrN1o{ zE9#)7O4QZI0`Y3Elu?hEv4D~;2t2Z!d-X5*UMU1$p@@}($*mE1VC103b@1?w5ydWl zzxb5%$0IZ07)i3lX3k=U60$ePpT5J$|v0z~< z&q~T=veU=u6cAp_4hY14jPsR)sSF~5gPaXrCy6LMT(^?U-lKzP3qBKlyqjjOl$!L1 zY7E>4mf|Nvu)e9 zZQHhO+cr+y=G(Sy+vaIor`d~TSh%FLlB?zKae~^Dn*AoqJwomqyC5)i19Mz%R)>#Iye$I2vBTMMOtctNG%7M zaz8sgP=)C}SQ*~ivJ6oi^u*aEQ3v47=>uSK*4ZIdznr;`Z_y!CJ|;qd<$MUeM<1`j znm^MbE?1}GU>Kz>ZUiCorBEPfIYVk|;Mn1nCBuag@&M4U=U#n8=F}lQO(f@;2b6lZlRaoSd?lI%B5wSHI#0OyXA{Famz%%L%I4 zI5EQT(UuKvx~TJ_lNmXf*3L$5P$EAutHAJW)lPP3JaDgW!FS__jX!}rw~GQL4Gs6w zPREOLp(UvPA2s>$PgUn#Bz}bGnCAW;O_k&J+MeeAjZZFr6#cwhRyx9V-Bl>&# zf9*54U=t|TH7(`CnSM7mzkA9N+izU)Y?aR}> zP~d_BU>{wg%&3Yv7mrmH-2m^5J3cP|)IQ6E3tjG;sq(q)tNZT+%y~nO=A&4|z)255 zeRX!ez4`7s`gtPHLT|*y=L&G(uYRE~@Hf!v3v=z+tzrZY5??ovtc!vpNl$*pq2=Ac z)!1c3@9sBqMqf7I=MR(JXHf)K)~%!OQO)biFPdy|MGV{hfTio)v==y$6I?RLWG?Ei zjMRv2R<@Raj$N#)@}KPK;kPP_kG@QM6y2t;*r~wr^LNgY{favC01fmUq~A4}AG!FS zx8bqcKjpd>%n_X7CBm+)`sAMhe11I>^{48=tcazisyqR&eL#i*M4CSc`dwVVZ=j0D z^zDPiGyuVF3|T}(Q73z{vudT1`=OMQ&u zJhhI_D`;Xiqs$KXX|Gd@OHdgUD4)uGm%cKdX?7LVt&0^8coR+WNNfgxb4f$F#8@j9 z;V3DfYEh7(MEhKCmjmIU{+n>~+!fTWS-Gvc)L-qE(O!jIxX^I%_r*Rm+sG7Z9NyRI zq00(P5_kh@BAiHLK8F#-V8A$!vdL;H1sVYhoJl;u7s4s8tLxoE>>>v-GGHbLqZq{f zynBH-kANsd@e68Wh-Ne`IMZ7^BZ0fD=z315asyFi2t=9z(k77p^#a34IK+BO9SVm! z=F(Pwxf&e;(*1kLhtI$61+3D)T4cf;cyPqw0X0%Pttki>fPMx9tILFGc*BU;5p=k4cb7d!vI&MVf+3K^NBN8sfYoY;5SjCgw-P4ZGZ48 z;&=OkZ32d^PEzciucs0(D-?HlMt2N4FIkRyfq4%^tYJ?S3qOoRM$SW8fFols(3^XFzzIw+~8m|>7GhZ4Z6D4uyib) z`|8pk5pvP+V+^8(Uo_;kd(@6Ns~!l;Mq+!q&7_ih6=eypdU7z|#*Kp2w%rx)(FLy# zTIfJyg=DB+Z%wLGn9e0(Ln#Cci*K|pxVVtJhAse?u>A)}G$hI!29DH$ZcPD@!e3c$ z!i#8>VOqi-ZBx`q?mO+05O#0zwr_p!G+Kk`-`RkQ&FmA2gZxc5ckl5Q)G68TKqjCv(@*JB8$xq)<;e<>yOB*;*?`8T z9Gw8mAjUo6_ID$#<~9w}2?c{5+joG!A3aSiZ{$J_YO}snf9q^~bE;Uw6!TFC>a z_s3s9b?oZJ+niW>OBg+c}6_0aMyPKi`c5rB^g0Z^P1E z5Ap$rq@+X@Q~w^4Pe@AH6HoE*F4USEk}0``{`6G z6MwM-c?FF@n8{S1-3}+bjTGw<4_an5=``#SL#kqhzW82~o@iHhSRv00rPSFnORw!^ zi+Lg+hg@{ur~4{h)min)pe^iM`x zlZ`Pn?0v~v0?fRH6&wlzR81*(x$)Sds`)r=ZEriZnVWD^<;Uq5HZd@hGDR_7KV0k^ zW6!9ir{&-KnhG^3nn?&B_<0PDYl2?)b6R6ZR$f3=IWjk0%7^OTc(>8JDc#DSJ!Ilp zlt*U|^D%3sYQECN!qb&{yDmQ3fIp^&9t#o znh*{b{71&itsm_~eO7KSL25HT^>QXk!s7T{rRUnW3az&9w^?2*gSA|$)m+!UC0-A& z^-U;>m!QovWlVpmEwJv@K;N&kP$2&fE9$rH>WBvscAHl`@Xi3ruR*j&qT>3c&0n~V z6=jEwiv@X*>VaO#^cUS6eLwMyJwpYsG52@Zx^HAaup2;AxVzH8RX8&sRx2jWBPx4I z_}T6D8)ylLJFMTfUfA`zY9u%NjMHv}PBBQ(FCLUE+~qmkhOj?IuMY0=3KuiWYPO7u*iY;S0*ma2(at0fzs;);KXL4O0p zOV<@ZFl*+lHonK=yvkj%rWMIRc)h{|))#F2;)>$?&daD}Qrc=k=&{u0G1Hp7ZDgCa zqQScH#|P*5tSXL_4O5ovmmBzWEZeuv&|3DdOw(=qlX}12bc55!?{Q|Vyu=YW%@k`6 z-A{K;Fdv-`BF{70ER>rU3+%pA%mjQV-Nu!?C?OhbQv8~klVG+@a_JcE8hK&R-~>J?RX$dkiU7uE_Bs9 zo{#DFj(e#^pkw;2w(W<^xpLk*o-g}CcE+Pc#skJqP%(XKwsX>{aq&+8rMgJ#s$DU1 zO{Q9tn?XVC)_AtoMOLeSyccK=G|5{t^H?!jAa&d)1ZPTzCaU{{SLp`@+@(XtymC4+ z2_+hwY^S-OZQSfD`=USLp*JZhrWuxoc{>MK^p7t$uQvC3PcL-sn5l%T6AktrycC;5v6V9a^}lQ))tyWP)#%AOm ziMi{dA`1K)QyM+$haF!hV&Vm{r}lBQMbp6;cHoBK-O=pD1p!6&J*;WQ^$qB59~@$* zX?O7&&0HK4Fl*X88|G1O$_3rMsD4Z@x-Pee2>vzqG?Uffj&JK@0;oUQZQd5K5c_6 z!#u&kDaC;|O08#ob$}*^+AVWz%@-CO=^ht~1{a7iq2OylAGJCUx`&zSsiob_Gt z(Fey|^Tw|5&lJ@Xq=d5p!y!|Rp5uO*Jqq^#Pm@hxM-ZUUK#@EMq5FhuHpvq--tu%m6j$!wxZzrrNjM=S2hu7Y7t=Z$A}Ky$HLGkfkf#O&s$> zO2|B?hLCOgN$OXjgVBLPMy8O^KdW?OLqo+-EtnMrf%nH8qh=rKSqWE)=sl2nyl5k^ zL!e1pno<%lku6~rXn&vq=*B$c(QmkWyL4$8H~dNPeS~U zFU1Q&cw=Uo+tmXD5HVUCtpJ3kK{JayjCnX(`o>2}rgsJ40=k5J@3L*Me7n6G(etwU zkD~dy1MS;BO7^1)~$3ckbd|PB8qqD;g(Zhx6X#y1Ua1T zy*NAdAT!m?-(?G7$c`F@gnI#UhT)$O<3j9t#h{AS-qCrZdMy1DS8G;#5 z@}3wy*u8>$xJq^Jcz16x^ zRpJwV`Gz`<`j`x$wPaq(j_h=^uQilNl@XlkCNZ@4{e$IqIPBbyQsRg`7X$D_{?_YJ zRO0KOnNAzY-4yQbB*S@1ZKypnj?qU>&=IL9IQEBfzmkQ4u$pCVwA&%3T2#C>jgj?C zsE*UfXXt#+xmGiGv*S5HX3x(PK=LxN6y@)VbLX{arhp%m5Qr2@zBX$NR|j zgx$+7bCRGd^|&;O58E964SaGr11OI)C({Uk&$=TT9T;B$m}>pI(f*wUY_xpHZPGA2 zq3d^IU~uTFfcBjG^Ayy*cFY9F?{-^E74-y>rP$np3c?sCJ^Kmp@5Me3lT7~Wb#WHH z>Y)i336r17BdJ_)9xc0?g;&Td8Qv+H$UEgJ+qt#}5-07ur%&VEGadd`*E=!j>u8bl zTLAy4RjWZagvIob%6ST(tg`@p@Lsclie_-{lKtx51|JT!o9dG(no5s+oFp5xKp_QU z3!kG>?4e-TEdfgr5Q`Ct)Bx5+xA2$BYTF=PfN%PtG>KctODkXeIn4IP<&>?=2ek2d z_--8-I#Ko3E3yVTkh>GkFG>GrjNAuJ3VQYY=}P+zKd zp;-^Ftu$oL{3()QW@`4&vtNk`@%f&rxYRQN@5v6+;Ww?Ke70xVC?+-u?T0J;8lv@G z4R7{#iM19oyCe3F{Mc>-$+NbuI8VCEs###Y^HG|C-7QnLs*S62pSft8K()OSK#2pq@Vfie4pGko#u@XOX<;~Alb5>jen0s1dZ2=r9%%UDYT@5Gc31m zNe~0g8F2r+^|ywE@sW2}1we_YeD#g(@D$ub<4?Y_;}=Pwbi-r3qhB7w2^~iG3hG#E zf=|^~?pH;5)4KMx+R}dgG!r;EDDC5P26#XfR6Rm9&GQ@6fVj3@i1KBf8jMJNvt9|==Of&l1PO|P!pk5v$T;B!a6UP( z!g~Ch`sVIWib{3M&2K_YsQ8L}w$cBORZ^_TbhmH`hUuOW9A+R1{nvPPV?2XCIlZPUk_(P)ks!YP_lI%54 zboV$+fQH8Cg9b@cAthF9MZ$75;exdf)9L~19Et0zWcjVgg=bN8>#Szt&eWy);ij2$3RJ|%`{gdmq5~BlV zzJI04;gqRqle6xSD{loyFGsB4xD#5o@~+P9^lY5n4aBR?3^L>Hk#|&xt4lL{V4Xoi z%Dj@Aiu{rR0aFS3aW@Juu0Dj}ONL@`3;n!j0r+d45{M0W0i~q@LwdCLu0I(&tE`)d z?F)b#V7K8tJ}#dvn_(sPc8kxZZsY3^qK)Ap1C~hySI;x;BCXcWOoqOoLe={OR^Q|C zDmQ~bzci@}YxgZC#V5hL!I;||A;SKq@RB`ul3VN7Yhu1S8}`m=!sSQpWVf(%2M39W z1$?vuV+zDjh?>*p=LV=(d(GjFSXx>}EcpDtuF z&KC_Lp-g?#0vBrngMFlU>(j1b_>k>w19_!6UowZa20zt}hSW)4y;_JpQf71TgC3XnE|$FU;kuSw zIs?si!VygFY{GEb9VV>D9U}}nulH_^Y%gIc__Bve_0M(oJb`4yF)QHF*wt?nSbFF& zWgSMN*#lLl$%c_B z^w-*{FJm{=$ExautJ&y~t&&rA^umub{FtHe&Te+7>6hhuY z10}LOTqF+xChvLv)6blo-Xbz0qMs1qmM*F_9mSpGbjt0782YKHwX#o!cYiseeeYFs zDu>$(HBM9bcK^BRs)WXH{^rN`(Z1I=P9-FHx`gMd$TmgQVnb>O&ygte)JztZ zZxMOQfO(IErkSnSyTDUPgPBXlocRpnhC5e?M22BK@vp;p@v*F3{B?X;IXoXx%%WwH zd92a5tLj9u6~4t7J3986T@POv2DVtpEPVrAbE7r#HU=F5XA}lL9O$u{rIcMrgE$f) zN@L3$km;ckh>-*?SN#ew^n5n4WTi;)xW$Q~`$Dq$#&NFFWV(aWil1 zYK(vaI8;0v9xcGvu3&pND`mZ?+l>=y;d;m^O6<>ZXuY^yIj^b~-BgP)Gp1imkw}D7 z@gUIf9qjx~VIM+2Qm7V`Q@tu^d7Q4DSjZR#hWlaHeq>TAJqN_x+iZ<;YO2ep>;vhb z--egnr5VSpT2JMJEJOy7GT5e~ZtDEqIHC|Xs5&hFKZzgNJz_`35OL6Zp&Cw-3XCh` zfZ+W}GrxZrc->|Ys*z5Z(MFfKI6Ap>`c!j@E)N_*A2Xs4>s6?`D25ldS=bDzR}z z;=J|$KDXd9&xc@?4Ak8%hZ^FRdcis(P)oSJv?;-jWeGwBz?q@}cI((Ot$c-c4 zLvf*OPj{L~5X)KG71cP^59Yc>%yn2ARgHTEfq{Xb%rwX^oQ@^Kc!h%w-k=wOmT^D~ zW^Wp%BWk5^d|NIZghSc#@?&n!9MF3vA4ylub6I;%`a<;h25INMSkgqL^n2&7@TboH z{TbcNE(dkgV0!HA!>gKO@IPgBp$A}1f|0@PPm)#IKwAPs zxnf2-VlD9nrel6Dm4f9w4b#;xBoP*N*)NmSCbsA?Kabqw!ey8m& zF2ak7Sc6<-vh~3qD8)yg=6$N+Ara!lxqwnV;#!y!tSq^%a{XDCNqY*RRVG-vO80xvv>bzvabv@=6|U9UoK+ASV5C z9-|~XtVLC`c??J7VcIOVY3wxDWn@5dub;K&KG+C1h| z0co)Y_rfkPBy-2-hn7=%TF|@nH0^4z$Q_ z!P+1IWqDL1pwax^8S*QWGTT`E(}+u}NxXBl7{XY+627Bo39#8!6WOyjL??X#18DrK zs%|tAYN6U%5VTzJ50blh%3P6Y?$n|Eo-|8|;c6XPS+67`Amt20ZG!;YK6!p#?J@;# zWu|{FEB@Qt6$3(S!4Ls_n3-HAi)C3dP*S37C!i=Mg*hQ8y4VLU(a$zPRBG|jKIl#oZ*-;C} zFTkw%Kw<~gmcXbceRppNFXplz2HPBuhk`Rf@@Qm`Hd?SuO50X3OUu4QK-#{%VF@A; z!sIotxxp>bX3Oe$QEUNv@+5#=wVS3rrOF*B$9&DC1yqWP_Cu_W#o76^ixlQHNT6W} z;%nMSR_cbOC0Y}3N<&X1n)YSmig&$+*<5TwdE6(5A#@u$$;nV!xa}Irz1n(Bqq^~{ zRZ97OGf?s~De?T+l3{|r-vFYh7*nH_OCkVGVSB-tq@$}s)dw@n`Y`iZjLG4~6v1pB z`miRJ)=3(z!Ywa6SPNbL*#NfiO`Gmu(i&$*gcJxphkc6yYiaj7WG(i68Py!BO>3iE zt07_)JQz@eVcF!G&v?E{leA?crrpdf^8I=zO1WNG)GE4RXcvhW|GZbgSzp1&AMQ8{ z+>O~R9RU?YXm+cPkYBrm(EJ{tzVM6F*R679E+}(*YdJ5Cywkc-GCo)Uj!`~-Kw|Z* z%Mq4G%ew|T&0|a0Pxa?_`Xl<)BGpSAk3y9dT`5iVMbTKAnf6E*7)%PlZlKrZZ@A!2Q@CcWT9#$i)s{K$xaO%GXa6q_?CI7d`Hgx2`1uu< zrknTq)hQv|&ALoAnEt>15%sn2evh!vUf7oT??X{uO>05j-3~tEwxpuacN+gP&_eo$ zp=GZ5l`%wcGi#nqMF<935Gwn-(AhEHlST#4xcW4Au3`!sXy;-und4L0M!pJGxi!>x z8cEPmTx`PKllS__*XC9{{1~t8`=~3r8^;%x=NA`n!MHPHo{ruNB3&A{DC;pj0*d6T zj|T9M_|X*#0aA`A`m#;8ri`8ErXpraz@D~+$J^A3ga~$!pMy$|h7O`<0ycX=o%#N7 z?oMp~ZfHP4<#Wev_4M#bOeZxP19{e$3Ih06;<}X1f76*rUG}e?r9~i4)qNrp?s?H8 zyaHIJ6p{lemDUQrvG6A^=&ao_CXdU;x=cnZbUVDgtNhkj2ze=WW6Or^1^4~x$aOaw z2uc}{#-BzD*ZoG<*e%&O6b_feOvpTL?KtTRe=i#^2bIn*)$iO{#X^RpB7!@fANFqfCpCbMegc?qbrb1(44P!Qlgt67POgqA(~fP|yr`;Jqp=JLvfA;2ED zp|_k`__zDBu*o8>OqVT4I2M>)$!-?>x;WyHS>0>&OzH}uP74)zzPf>kqx~oTh?r)g zCwUIhE#0}1zm5ho?-&ef4x(V>x2@Fn@SbQJ>*iDKCFoBoQZGM8_p4-h@M)dC3PHGu z@WYCs{s70+dB_bIeEnwk1iLZMlAu8oUl_n{p_rKDAdC^VlHqP`d00Gl_GdOlY%5=5 zb+7`jWttrz5{+2vceoW0uJ#Wa`fwTWaOkZee^x$khy#Bn9dVQRfn|Aar0C$QO~~Ju zY%RMgz~{rWniVDh|^sPG?H7#uP z(bwH0(gpQ;`FIU+jXjA9qWMouB8i2fq&Uk z)v_C{MM#FhoW%S@B@-^<{6k_D{y)_a@`<`R;zW&m>YY~r$$A~JkpRSqwf6EoX z)0kKoukNHv?o>k=Tnx@sOKQ+05E?21+R|vnam$Llm7cK8@DuExw z`6_bl6O0@qPnZ@cuStrKqizviJSGARAig7XbNy`z)ie)R;+j+KQGoqemw&@G>5v!)+|dJUNvc{sKFS9Q4z31slK!oaBL<&gUje9 zQG@$aK#fw3`aubpLYkEWKf~oi zC{_K=y!~f=@bu1E;}uO3W=YIVerp9mqB_44DM_VeZc|#{UQdsas7G0Q2#K__Ab|zz z*@A&zjut2&Ut$>?-O6+^$aRakv+pLZJn1tnrbZp)Oqvrcqeml$A& z&WpL-!{;WJ7y!gf8+7rAFXhtE%{6x41mm@`VA=oKqM1b%_`-<3TY29-i)SK##mtnYGj<-HK4*b4| z`kAN;QEm9570@^&gR=2J?=rB)2%Qk(P>1&`!fL9V(nW4KNyW`5yaSVvmv0bmBA4(N z%a&ag7Q|V>KVJ-5VWB-q>jjo3?d2OCIcqNdu_{p-Su#?V@PP9JHeeKCL^tg!@o^w@ zIYa)MWC;TDIOONRq!k-eqAZzsh9l6%6C!;S`HnMQ0Oj}_t11<%Ccn$LCJgV1XSHh~ zcH|-ge}uhq-SVsfN3P^F-TG>pOC?W?5I+Oyft3@Hx0}L z;w?L$;U{5@BTA`=LYz#ke8$W;cArKlklW>qEstOGQ|ZcC?#sI^15!pN!D9j@u$KzE zl6r$luZ6^9+OWb@YOAmC26PfuC*tEc(1q0nYG!33T+$esj*(2vkT~6Dg00!clBApr z0bUL8CY@=^dkcnXriKpGO12iK9O8e{O-!J@)Yh9CX)TR}e#Vk!y{rdie`;$*2MhST z#A(w4H&JQTmaAJ`ZV7p6DP0`}(r~S0G*FoiPHgMsAuf$&b(?z$ z{WMR4*?@)holRK1i)^eSygzCRk!YYv*q3AnJu)k91Qe+9$Z~=sv(ls8jRjTqosf@_ znm~5lqK!o47>dcAusM!tj7i|?+sR>SGHGgWwv6^v9anv;Cz?1(+g9q8`Z?aZ`Zf~F zpKwV2E~%aRUImFJFmILA7NYj$rP3`NmP7FNl|E+jLQa;Edk8^)=p{m$mm&@Yt>l_Tno51@ zqCidk%7WeZna|j67N-6o3EE-?Qxf_NhvV_YGffc@`5YCd&Ftb3JKw6$W=g?i)Oc5( zX_Qyri7E5!JhCBD{wCm_`xt}l3e11QZ&(OYO{bX!)p8oqzncPWxJOn5Q;FpgICA$N ziOyhy@pNkZj~KpD7~QUiFJ$~*0M>fxY^J$WrQ32mbo8nDtvi3`4_NFk;NKrESebtPYlZc6&?SS(@&|ocZ$1s#R^K*1(@wNiWbZ zz;zkq^%bb)|aZ(1ARveIsO1?DMNw~YS7OHVs9 zCaRF>;s{=oGFV@fa)wZ@0kk-ht`VK%=-0Nh?)%trLp8R9h2#f6{x1a4Jv7k_k_}wq zPD~*}H06I8JeO;?UR`1HroSROUcEZbm`rd@rNOjl-5|m|zB%ZSQdhEgYvRkxz)=v} z3&@=6FTb3-3^9@;hk1cz3brGQx{~Me!3H(Q@{*&3@5j1`LViF^dP8d|B#hczmO?lD%!5Bn~Y_Pxf!wQG-(l`>K8T+qV^yTf<2Ctcbo}lBHRqp zl5Nt8G8wT7KGk}Ro)VG~>zp~Iq2kYFr~e_L4$it*jk*lW5=R_N&qL-3-xs`BmdkOn zFUqZCX!>TLi!BSZa-8g>4v_1Q(R`d)vib_RL(LVh!7A#}jeDjcP6f<>6oj&{-||Aa*$g|(Z~(E6}R=hVNai4DYJop{DG zE%3qtJ<|Kb`^DvxgBy<(_FU!LkCU8zd$E%Kj^;2v@AUq^B0J$$nqBrAgInQ!o;xND z4wP5EW}_{z{PxUdk)?MD8zvKfIQ<=)Oq65*4#R_60hlT?joVHg+&d8moZI?R_>J(( z!oeNz$4}%1z#1~hC&8BWtKhLS2PbVm9ED<7{ZcTa2A$7oB9>)wkAujl-(|;Q97-G1!YIquA?q0mop-Ta&b5pMeodO4+Z<4Uy_+uWPnesR~$>O%u{#$l5C*H@IoNj^GTyotPq;#)u#8xM2l^53%O zyFW+Iac6{W^`^ofs0XE7pes zAzb|ZwL7E=XT=lS3hV)$4bmZYyeDA211I`srYBooqq$>}YJkEXO_cx6FqqjT*;euR zi*sRLY8kV<=;%{^*rh?l4UWFN%b~IiOs%MaJ6;XWo;$C&ru~cUEPCc!IQQ zeZGC?Mu=M`{%~OMJDvOF_2S&;>{jsj=-u!A)ao^Mm!Ed1c*(mP`|~)xl*^YQry;ba zxc{=>5yTsBuLsuLr&&o0<1jt^F6#InI*BJ^Wza;9Q<;H-w0c+rf87a!78#39E9gh0 zDV@%<#2sdz!lo^(_neqeRO7oN;tIu5>6&=uu9>E12P8LngpxCfSZGQ;C8VMvcLH!UxIO286RWZw z7QF^N<#&2*^U?j*C!o5a*cxD-ckWaCmpdxvA><$8RS5S=SA1JZ@Rjl*h`*yp$CNFq z7@-C~p5s#L>8IFl9uAAMQEcCpLOpC;$-4F-25}OrTF;f9#z7g;GBmM8beZ83gBxi9C)QP^_uo!3s?OJpKD#yQPfE+U*8H_GhgS-*D%dcV zl0C!RDzLc_ zn{lTpX{vc_^*$mVSWYR~Le%JfQKC5n0VZ$d{Ea4W60myA$AttC@>Ot>)?8ifYe<~L zYNG#sygAORfX~<)`B1Mcwb*CWw4L>wm#4 z8YNi|y9s#iA_9tXCg=?)5aseHnkl(xULA9tOj0PhAx4Lxd159S-l%N*HeRa%42M|m z)s7Q}0UlN&xeJf02O9+f!MUn*`G1+ZL)s?m+DO&}RqQ2acQEtG$7+evx zs$5U3Tubk@IS);<6x|Ai@ln%0_q{1nUB4gjdx_ll8SPGe$KOW4*{*?hlyxK3shUSk znZme^0qK3Z0j)(cEA;TN&i3>CXRTA=-zK;g*ho@%toohjai_%VqM>p;#b0NXJaF(T zpsSA+a6~YN}*AR-33zBzJ1s zmFHL7R8`Of14n!R*V{o>f|m2$@Ilv3-)eQ;WjFLA)VLY}w+)EJqYY5!}QM-T|cfI>M=3MuAI z&N5SVt@$qc!1RMyD-6Xw$sm&zUTEG*WefISkegD)HqhFI!_X#yKwj;tyz57PZ}&{% zbrctBSbQQbIP#W1XqsRHZ zvsSR?%&-CjQY!%2x5GGySx;znO*qbe5jk^A^&`cl5nEe(;=PQuEb&OX9QAw&tIYK8 z!&Kx2I9$WH!O-w`65BYxDdVB^hM|4K0-ll0*i|_lM?jq0J2<;pWH5tM$a=ZYmhjTM z6UmL&)}U@>ZD5`qBtr)ADhy@A_GF}_q=c!XtQ7#ww{+v(+Y&yJ9x>%PA`O>yHlKJn z){Ol}*WuwIarS3CLnV$$4%LXuEoi|)CfHajX7LqK0(5~kV%MRC9Ch_Sr2|`#fs8+; zu65mivEwO^#)(n#VxHOahuVHV278zUM<`_Mh+ypT2DiTx6yK;S(~tk$Q$SQR#K5BF zz&~CYgQnsvs3TLJac?D&$pCvSdSWYgKLtmF)f$tz#=`GUV<=WOT>8RRQpSIqg8h~F z7@E|u8AMw`Lux_pA85_lNk1Q$Ga4nNO0hqOL<|qkoJOa1tx_$nuba8z)Udq9f7;|uQ6e3&0^I`M7bR!#^}Z=g0pb2(o`u99dS?a*UtI98(K8$Q@4v%* zvl^h&r{6`=*=Gz^@b{`GG1mpejkoNyDjfHM;aYdo zYZM0WPmu!bEAn<_SHUT(8enodRzBfxD(bV|`|jq?MI!BO%YS5@ypTr+vZ`gh@813O zybx^H6Q8kI&e)UOQ#WBxp8#J@vj4YLqG>;dXdOu6d^Zts^*Otw4ywNRuP3_xF|Qc8 zN9pS}^3n9_a_%_>o0|4o_p;8P%VE9ZOor`v`L2G-og1Y^w`|x*CfOCzRqMpIdxXb1 zFVbzL?c;T;YBi?9%xO9qZ~foBLW+z6jrgT?eRP%HbJ=|~hrE(R>k&j)gxzq+IN=!=&f(jz5;JA>g%{fgZEd+vpcdi`hDZ!M&Rc; zLw_0q4Y6)^{($NMW$K{gfQy2)n+|*kuRXue)>dN?EqT*Y;Xb+AL)m9@QXJckzlpK*W+9Bg$ zy5mdMZBV@!E3(MnHe3K9od#7Y&ctjMg4O1`))h^Ls zU_)SGu9ys#!6fJyzE{@l|H@m)i#Q}B|4RE`d%e2ecJ8cPM)>3Lv-`y&Puh>G-zEbL zh{5w3C=}nCy_`{GI<+6(pNh!%19rqw}5?~@Ge?dmZYje)|MfDzB+5om?{!MmwHIRYk+b zQ+zP4i_AfWwPX-CD1fbol>o9&8p!BO_5U#TPQke~UAT5^Cr_Le+qP}nw(Vrawr$(C zZQIt0^}pXf`>XcBKJMAoRkM1I(LKkw?wdqty{M;dUNH2|(zB94u16;uAyf-V0ci3& zi`xY^v+z~g#2AJ1JPU@su|Hh}Ve$~BnUswz`&~kkDbt}TazUocaHM!p0S!a1%!Bw- zMbQo}bj!meJaoqReX-K3MQk~+`8_-$<^<#sY|C)a@*Wz59Xe?gNM`if1QU`a!F>K#i-4+XRT>WxRKsVqC@lhpLW6kfObV`U$z)iYXUdC*LkBQnE`nm(+t>|v4GBe&w-vHcc9K?@pV@k=pPyJE z(14kPT~O1f8rVYJT%W6OlfEQLCmB>qu$_^y(4sC}h{?t*wzZhyCgHNH+grwgherZPmRtZ3gWR z8yOih?Zk#IXE}WzKw2_4K|{!3W)6UyQT?-f@(49F?x~q+*o!OP4;1YBfI0y)9(h0+nKgPO z_hMPry;%2LH4mC;Dirnc&=hGE9;*MIulZD)oeg?$L=*;idf) zwI7L0?ymb#xaUNGtK)+fh6tv>SPmaNWni(NOWm*U@=y#b@boSTz(o%Ri(42CZID$z zQ-vCwt8(lf62xRuYc8IiEi)L`aO~=%gi~Z;fg7MDYXco(2!}v=fg3U~77xji$9@89 z<_F>E)45RWbV>fx$C@gUyLCMOghB z*ZAKjynF5d=4!g(K$zJMys1jI)T~LsuW*QS#5N1g!Ny{ zHIac&iQg=se#!kR>_T~7yzHsK2IaW-`*W+gyQ`lRDrCsv5U#+3tfeG~4KY~Xj~prt zZWzv~Nd^D#!_vR1q+)OiV0-j1j7IUw>I0RaQlKD}a%x;dzHInRk;9Q58ojh!LXXN9 z7|OqiiZKNnh5OVfEnjAt_E4}ul?5l`qe2Usr@lo;#R5&0>0oRROM`2|Z7vp4 zh(raZhn!Ab`3l(!Kf3er@BK%OhOxK#*_VZSRIYgaV>z1FnKt8f`}q1ZCTs`!ZSsr| zCH-B_+HT96`W&RO^v+!N>6imG_e&X@kSTa3KCN?|yGk!n_WFbg)7zG_)wk}cIb0XY zTbK*^5E*OZzNaA3brZC?FoSe<7^n1L@~TS@c!jKb@6NYbX%)^R`dGS_)K<8JvO&iUD%jF+oQ zgKq5Zu{RyOFs1^CUlP&O|M0RRW~)(@?ddUHe9ZX!l&wtTU9+rW19(c%I!R$|ey@S$ z+z%%%EuVlLxVp`=tt1y~Qr7=l;_Sh?|H6*j^QA8d`55g$RAFEF6UNOd^Ba9<3G8Rj z=RWCk$0ucnzHtY#w;DGEt(ThD#JbO8??AG&cY1{{)vTRNadn7_n(I5yW%iQiFh?Hh z^AF*BRqVF=^1Dcts>-rG)^t`Ga1h(Z4lWX^(Ubu<^|hIax4#rs#I|Gxv0e7r;0p5T zP4URem#o?|grF$=g~hFpkPRbQIfv-!UYXCviZpFMEQv~It`ds1F52<~l~zt;-zeGZ zp><={_mXR8G$SFh9?{ALvCgISSW4fFFlEFo1`pU5ay{K%(H!a=nplbJGa*Z9cAnub zEsdU^R$^KK1;3VORS4R)k%|I~v_vEwjAi#5QMXU>of>==ej#M-(})M^ zuXZ$unwCI5Md&jO+wcE4H>%{GgZ5S&Jx7-`vzzFnsWC=H^(5^Y<_SGP;Wjrq67F!` z_Z|C~#TrTg8re!=My{dXx=7j4e>1OV0ca6_{|IWrqZ77oOCm`A#$(VraoIS1SWmcS zZRy6ni+=kyTjV>YW=3m)s>r>xnv4itNe~u09eLGF1)~YZBzKUc1xG_c$LEbeLlBDLaq2C;+a)JEhOzn z2@z?uqP~b&>BGfVUj<)l{c}M`>o+>Qwwr%{2rr6AdBKl&?6LBLem7Hw5kECfHUpYT znFKATEXZ&{2|75S4|E3Qo=i=({S2kJf?G9=9rTrSX}?74c{BpZP4f+pPXf}7ZLb53 zI6hDO{u~h0%=8C)STDZo>&G!VC7|%Tgyp6xNQBw3TxrVk{&}KS)aLkz2ye)>qbq^} zp+n1-^t%bq8Z*oMW@Y2daH}V=mrlPmApelQ4Br3}8Clhjk zRv8`x$xNJiPWuISTfN^&ud8aEPTA*u&X(yN!ONs;LXsrs_`#yZPCcqtq7*ZQ_A+W+ zVmUyGgc6KkxHy0+)Pm55E*R?ia6GoCOiZ_KTtq87^ONVv#x{O>4Aw06kEv=3}1!os%Xbq>Svv3}&(#248}A6qVBRIWb0Z72$!4^;p%r-dm?A)Cdd|NO zsBF9MZ#6krRK&6PfA$il;}WY%e&@VgYf0xs2B`OmK)_I>sPY2{NK`1P78NfhsU=cA ze`oDrpi#m!u_u4zss6PJKJwe^Kw8!+BtM;A&OsjTc4xg9 zB08k%&)Zxl?1$Oe57-@D_WaT^AmapfTze|oh;ehLTrXO$EcX-$%mjpUJg$EqdP|(c z`AutG&cfut9hlOYEIM+g-H`h`{h`e@1*T8@7vN_$xfln$o?y?bi_Ydl{gY}Rzbd42F*5;9jPu!$gB`nm?tD%DP$(7K)I z8Qfwb4a?B9@=s_1jH2n5uuvjf#WH+-L-WQ2M~>%l&2*CCjT_SP)758au@jVh>+bDzGBkOU$-At;Ro`HqUK zed7!=!q8`cyXrJ+YEJDhR8=??4RPaWA!G{>J_JQ6xwI}E+_V(F*Xu1}6L|$mJH^Pd zU2nD-Dk5`;p^*e&Sma>Sa}Jq7XHr1Tbm)|>2= z#of9I@_EF3hYJEJ7`oOT)PPvIUamVRLDHHSdYA%>q^MJp-Q1H(C`NTRa6?A2&6Ia*a0^Peacn zq-IOM#Fgi@M}ypYV@4?aSlzhZ8U}W<{B>gIiZjIB-FW}3*fmmF(+CXe+8P>m|1HOu zHx&4%O-_@6e-jJw#4*Lj zvJnsznUTCzZS;MU@m~l6wFyQ+;EY3$L+~7ra+0aTif)AHDrqc;*Uc?jab|!LX zemFniROI*=k;#!5Hg(vaixhS%h)eLf*S6hXQ$=I2Zb6~IY(kuoce8M6Rcg@R6XBlT zVuT4u<%%rd9KHmhAUmll@={s^BP_3+B3~^w{3DV&6OS>824?081vj=UPwd50RVvxs zy=51&6Ah%LM_s9IRu39sZWt=EAH0&u8<*a_$}M}#z1i-CZb-)bTW6v*GpU($@YMUfK;;Zh zTTjI|0#0s5T(S$ z+xHkH?9S=*%wKw94^^11>$b<+Eazo{9r?>54}O+j^da|9(vhc-(7m$t26Z13=We=j zhbwLExK_10_lSvg-Iu@iH$=Snb-^#V`u~M*#caTJJtT10xQ6W7;jKG7&xLg!Z)=70 z4}SXlx=(PlA2L>Gh68CkgX(!U|@LJLwArafF z46)X%E!Ty<&1RN3c=xq-BsiVK*y#=-x}6#J3i-32O9ih#EQQnu(-HYXr$^4|_5$pd zw|Y9%*LRt3eSmM=tH5*RP(;g;1ABh6LV|?2xO>jUdC6^*b;JB5&8G&hViMIn^1HJ` zx}i&w2g7w{fZSZ0@&Pc|Dszf4^WxlzL?{-pw2fDM-jWN<6^OH6>Y?JHc0IzB5MqMi3cOOuJziYZbOLikX%{ z6}XqVRr1?iF{)PKW>BCj(u1Z!p9q=CEg zr*He~aV;QW$AS*6WibBa3=$<4ec7)8mh*f>)@PgkhcRfblL?#!8`roA8VaNg+ zz~}DDaC#-M;lzfd|1eDD-aGs1D%L?eYt*&X8LrKc@_fz_g}l^b;mom`p|B`rw*@2H zp6fE34R(Dm!XC6am8nqVA&CayBYKdumW%Z3RVyxrNh6MXIabhp4Idaq;^v_adIqU- zJ>(;T&nMu1FYF^Pvu5U4cH<1$U!A^5(=<88F0{Tkvhcu_X-QVt2dC^tD|>!hVkvUM z*$xTfcwz(J+ax`SOhbgIwi2n_E84_*U})IOKZ*{9ZRsv+Wsm>E%m?t{!JX2z056MP z<3SOcGM|O}qwhd%#WA>vSFbIgyfqKfZvcbJ-a*Yx4oDNTLpCiJasIyi<6Eq5b;VBf zx}zoaj~T(qCW%`;EuF5~1qiT}u;Uk49$SiUPn+oftUQsduaOTac~p$eM4m>1*H2j& zt8l7f^#18uokdRq_c(_taKf=%l#dz!oWb9&owvizNSD!(t6Ix*(q5H8LQi0?dg%-f zuM=L$6TxJhTHwbJ*w-=>vU24perBm6r7^?Nr#nDxBgoFM};e z3pUQs!i{@Ji~9WDxKsACfQKm;;my_$V#r^5|FJo-Z_I}Yjsptj+VER8=jn&sP8B9j zD8~1cekh4<81;Z20>~wJ_o&T)At~pNT6d#d70V(CeVzcSRo*W6DvxE!w@~t6GAIjx z@kO6&;XV)9O0D&aS_HX2vOWeaGp9SoOiZ0~Z-EIBJ==8@+tVmL>wm)nGsDq}X~vfO zaIkhL;m5%@!!gouanCoSwiLF$hNNcfyl>Sjm8|-1Ioxhd*8OK8)Adq9PbkdFR(Y1e zx|gAa6hqY7X@J;ds!Wk%-#rK&K}qvs04*w8^v4zhFbLx?tdO6PZL9jfh?vcTHKAnrs_jXu(Zp}AciESE|ad-AKZu z{gY{N()wv-I>6f*^K1?pIEFLJrB^hOHFi(OX!pTsK!&QVYCg+RNFeW(Jb0!ZZW=SL zDc0c%3-P7J^-1b0T^VjjR?7S|)s^KCXS<#|G*Zii&|)*HA`v{Zd|#(616F7yBiH(O z+94#FCd}9K*Xh$h&9dYY)?n2jBd1Nqb)S~SRPCHF&QkO)vSLxM2$ZNYJap&}o_yMZ zKJ%P?woK;MLUM?wpUQ9~MiZz^a0i$<6bL$1%}}toXG^F1=E&0~cGX@AEDN=)Sw!>g zCoZ0qcR&)=r#z&Kyc%_GPD=$TX1ZFLP=WWqsnqaL1-aEM*=2CKeA2x2;=INdrPFgtrT$D#*}E5<$5&v|}(0h~pKv zspi2KHm`at{)@6h-O#3G*89ntSth0lJk| zLU&%ZHXTSl-QozHNfJ7Rs-X?4iNh9Hm{=Nb-cBkal12Df?)W0LLcUw9|ijpIokF@3KP zRed1s%`Xl8pAa@T%Amy&Kgt1GJ?3`@uR0jp@`zZoo~_c)It|yd{8Qgi2z?YRTCT_x z%1%T!1eD0z((z#bL#Dgc`EIr%+>A2Xhf7;cph*?k4ALAJ-E708+d;5gxr9aV<1b`Q z4fP(L`m8OaV}U^|FLVU1x}F(OHGX$jqeeu=(a#f$$+owy~7e#kAq2x)&n&J7}afLn%fyQwOzA)CSnPOiam zS!S&8U+_V&TfXR)5w;g=ICf0)Wov^Mrb!|2b@q*oK0djdXQx;!C;~ zM=1#>M@4-7GFW>6=baJ*;;&pM8ItM;E}!o3pEmhXP-ZYB|0ZwBrR=TO(BL3yw<}Jv zj3oTx5F(GY!mx>CsF(yAW=SN5UJ8P1qo7;Md(f6E9^kNoGHMAYJY(N-Pjh*A-Ny@| zBY2`KA1&$W;i>dp5`BQXAJ6^5EVe`C9D?%uwk4mdDu|qLQF4@$-Nr0)CyXkb6mPbP zGoAjFwCOCmv9tZFY(X?bu9&Y_Sak~?@~<@nlefNOe#e238s=d^>A*eJpJ>?ST@fV$xih6z-IA$9wILw-2^pOGIXMrKCV{~z*Gtp2I@ zAM)c1f)9e49K{4@_22Ke;m;bH87?c&Dmlx{yWblug=M<3x}S$IxF)l@mbKk_(}vKZ z3^kaj_mR$Oi51g7fUpbY6T1!hC@~ENpK79GJEuZ)YJO|UuC2eWu{%HaxKs#gf-J0^ zo;=eUtcqRU;S-4NbFMrr_;(_{Kc%CXLH43+9`IF+Pn4DHq1aTho1Q7k%&MMzjHLKg zr=bAUTQ^w}b8kfym1Ho}cvrXAp#*&X%+e1m(aUOE+-U?Al~_v76r5f27ScS;TLfE< z<$qJ$SQADyC&r?9PndtqHF>%_%TepuO2mScg1^>9lFWjO;yCz^>xgLco;(=DRQKB= zQT$ke3`X%Eo*F*kz>~}1RmThM!uT*sqFHynB*^+qtpk zB`J=!WP2a+N|VZzCdUSI9l+b!1h>opCPO*=zmEt(GM>E(vry)$4Jor3N<1?pEv6RR zj(~}mSy9<04MpyW?6=m?l2yEFj{Q!$!vW`RBC8kPzdLa46vnK-6CGY95_RK)!eT82 zJee@)=_Y_I^Ml5sbVmi26>O@l6_ooaM=QRG*MSz+6dheblS+KmX@+}lN|?u>RXU@m z-U1`O`I+*Lu&PJ#1qC{9&USK61_u0G&B9q}%&Y@*?UU*cZ_eT?SR!rVj;_NPJuWR6KkpQ4Tm4f= zDagd!;31mU>8m^@bh2D`CWsV4V}1#< zFWhBv5KIS@_HR$lm!4Bg-pdg%^#stWP?_8c|7`%}iU8+eK?w~xHNu$Dmv;}JLf3_! ze&$T+A4@d0e-T~(hr^BB8AcSI3nk=VvTI8!LFtWxxpu^_4NZVu_GB;0q5G{2Mz|kA za5;Kq^jm|>q#g@)TM!H8oQdRd_p1%Y8t;>sBfPRSnsf!)t=M}3y3uBSL)R2fD;})c zyY?yqwFAD%p7$1j@uFhFJbh10{Ju_4_=5U?O8r^4t{$_JY8n*rjEmJC1Y-M@(tU%lI$^26^P zAx0l7%P(f?yp1JU-ckXm?WM0c&>tu0BZu9IF|!7%5VT>@=n@$0XO_Ev%ntyb>W3rz zmaqLI0*(7#OU!qZs`0}fL%%2NF{gB&^Ob}$HhHi&)CQxrqe#foD`0$UBU@Umq4qe6 zIN$oM&_1ucwt6Xl%%vW^7By<2<`*2-Zv}T&$KCnBkO+9x%m`bkw#St3!|uf!a{y?TY)b~>x=v!G-WiEI zD+^U3bvlXJ)Koe3=agx6b|yt`KS$8XGEURB^T9`3bzqDKv4pa>SV&V$(9m+N)VMh< z7R$TIS8Al0Zc17%cqyB56iEvNmxtR2Aw-zpSAzj}`b)enW1sCFrfE;H>H5`IU<5Un z820e^IQFt2*e8e;s!=X+neyckOCJ(*cKZ9=YCut8&le>;`q`&}o62x0ds0{|HQ-i- z$mpBHq>@sLLr)E8j5+rDtB9Z$3p#&Cj1z{yneqSyb=k|FJRV}Cn6fOuvsaQ5V-dv= zN(s&7whUEHKE%Mg41mYovn9clE}z(;(I$1FB6&Hwift=JVP#`Y6xV6e`}}qqO7|u# zkabI4KMrK&bsDoH3#YZ!c@<0Z6h#6J5el>pi1}ayZZnAg#4?l=J^{=Yl&{}D(47+m zvKH$Wk8G77Y;h_tei`B?rGy>dM9a6xZL0Go-)R5Vg&{csJQE4kqQd*xrGj|Cci%Ps zX?lPTGfs{5Je8bdl{E&P+B+=EACH0XHNqt5vt`&bdk#X?iDj&O#3VklRjsb-Lw63v zC*X;lGUdknML%FZ3jVGg5RU~rV6J4zA`axXxMj~sAv{4IwdXLw!3Hqi;dl%E0@7Qq z(k=ZCQMetH%FnNnqqa5h*3jWGVDl}<^DhMYGAi#vQR;XV=-|XtqUPUxN#?PZs2 z6-%I5%7rJS_Hy%E7^YKK@_lpZLf4Iux(A(-C^UJ9G29_2 zw8P6FU!~}xw3S|#V;}8>Qsep-rT{bf6yl5+!mqgZfAy1D@Pq&ACkB)SWSj+Q!STTY z;ZW-oAb-oFY60!P_NT=PB5LY={*S{Zr`euov{rqyPHmnLesYk2-c$M}mDcn94Kpfz zh~-$Tm-eCA#!ocK5|B@_p`y!=J(>&*Wg{ABgz* z#FFh(Xn~FFKz*LL$et8=sKh4RMG(kO=`SIN|GM1fQ?WFZ%tCMzN_Jp={+iXxHq_oL zH|1jd-Ni*xekvT8RmKa6bCegLK$aWGqq?5DDbEJ{oynZsVL}CLW?7(1hxctd7S4X5 zl+X3V7AHV9p8yO(z0hF8>puyT*2E)@Zz0#w=2Tdnl0|WY6-R7f>WH{F_8oZ-l{`Rz z(B7V)&DMPc9D7?>6u{R;r)*_7S}bap3d0 zDlh(;(%9tDNSK#;rW5=~A+k>m{S#1L3UjfZh;KQB{V1I7)1i1G8gJm&s4 zs+OWF_GZafpV0l^!vl~@BbkUifpyrS7e;A_(HHq}2yS9JM+A zkm_qT3seUzil}<+U_UfJIY5pMulxW4vvY8gX!uZeu}WEcmlSII%I|{XedsS4H;!!F z`Da^mNXk9A_Oq&L=KxT*G@$JNpyjCLtI$ za5NPn;}wH_4mK69;$40oGq$bow;;j}sqy0q8)|P7rlqwbT>MwkylEA!G)}xK`*vi; z-AQULPfa8g0pG{4Xtf4hU4Z*6W>5yVc?_Q+z;a;O2$U;$z7eGFz+5|s$RnYC{Sl0T zH@;!tpRJLbN!_mih@hF{LX;*Q1E+B!%3=$ZfDWCIt_oL;fbjl`>pSz_=qo9MSA5yo zb5-MXyx0RlJ+!~h)42NM)Y6C;Og~CYvgy*F& zF%a<*R?)N+7#L{`@NBn#VjS8C`^&PH-!#tMJ@PQ_!4NjVz|IaW#L4z{hesN{sNT6A zUAr`C_i~{lb)@sKSFWv`RL-;HjWTrArYBXCvQ?b@_A1DMewX=RNV2TF@jm$)0%wE% zqnx9I&ddwJK$C7O@=h7o2SRk%S)_8eQ4vyX4irAoT zi(b43uIWG0$nB-JtfSY(k0X9yw>QX>;qj$vpRTe*!X-8LF_X^uh+zFwO!&BBU-j+K zyr#l!%7O%ZN-zmvxY*AVi7N7YdXbAU6zphnQi)Cfd%49g+hX@i(7QsYG0jA+FllLa z)SRa+xBrE5Yt_v;m?@~0M{ojRUKIfkw>Lc zJc`0zh`ia(R2UfGO0FCVECY8?GGtJzLKv-DBl#jx+Z1|A0`^8$ zsSS_xixvpPK#J}nDX#TYCbbf0xG$n?XIv-B&|$ULMrV{hn}L{qMC(?!E{=EL$v8Cr z5(rjEsTEuhLiXsSMwTrP6h~cz;Eq#u6;$ggLaYFsJ!(3&cqIL2!leKS^uS2zR~}y; zM+UIn_H}2kcD%YFkPT#m{Q{#g_`nA?Mx+s$^*BG*4-0WMhKd#xgwmTS;gym$Oo)r5 zMnU>}BnlmZq#y(%=%ktsFpwNs=GHjo78UHpW^Vmr$ilvsOI1OP%J3Z*G8hQO z)qU@7!<94TSJZ30B>HXk&gag-K;ydD*A^6dGOD{n|BP8hd80Hs{X~7p0?xL3sXZ6= zP%N%N54tY#(5j3{dbsWbVsbdb7Qd<=n=ELtf0Zk{|I2&ZPDa>SvDlh$KqIVh5qr^6 zuU3anZoeyO{q=E!2F(7bP_iDzoR@sFv-hmmMDTm81sA)z)rjh_qGGvoT4GQT$%l$sEeZ#MB@QQf7ZHGB@* z)M#JA-jDiF0$$*TX-Zz-LtSzJaDXFHvjcd)lAFzUfs_8#7)f?nm@}qMTaO%IO~%Mz z{?{FT2en$o1xzh5_%?wH(?!G+hM>`Q&H~ShEeV$%N-*PfA%FU)N;J!Cq8gkT zb%=yUg$4Ug`^^fZ=ZcS9?bEYgKbD6QQdcxemxdW18p;r-Pkpgi$4OR8VTvck+uqG{ zf3UWX=%Kjg!PKqt>%r1rd+G!oz+;opq%g8DSDqXDV?$&{R4>dm7$r6^?VPc^j>u|^-D&7RJ>>?hm5ukt z44+k>uDM*+O97AeRw>uxDBsje1$Mptm1FFl#UD#>J!*yoil-0s4Ko0~HGxs`+Il={ z>gfN*O+2ttc>&Y;YUQ`0Z-HQQX#CTp-aYm0w3Jity;bP~}^jF(C~hfWn6&W1k$b zUMRkl!BTh@$o%FI*4PE%hVTIMg)w8M6>D;Clrc*b9&@oeRyawjUs>c}DCN)E437&m z%1;nYilbV{1SdavuBn7Q@anBbvtboBJSFB^JF&}>0;PSYz8W7p>e`r>V74Hz{7Rrc z)EC^@;F%oxtG@6K`h8aGop+#D_pF7pSFZ6NT)w086=MIi;_e?okohxiyuInh{?{#V zyLEA%$Mz4SOJ%Xk!s6egJC6yeCNH9Ot!J9k4`vtrp%KzkR3TE-Qa1n;3mqJcL#ox( znfUHv-0r9LBQzHxQpgx*dc>Zz?`hPwuLU17(VBQNCy@`h;>a9Q311*N?p5IO?VY!n ztG>#q9RA0w$pQ>jMES1SM07N(b5&z#jo;BU*2V(V}n^lMC%$-zYG~9t z6WWekN9#*)$U^{06*SB9}z z^w8qSuk-LP_~~sE^y$xE)-7S0SB_x^YvfT4*B+!qqAI{iqF%5rQpHbV%vOKQdST@D z0sqG{Fs^sCJ$~#%Bb1qTAHf%~5!#h4KQ$HGU7Qu}>`75HjcFL88^`hR7~N4kB;;9a zjF;Vi(gP{R4m7uXxJPy-lv22p!cLXL_hXSi8>vS?35WjEg`B}kD`XxUpjVzxO503nVsX=7Kb&R0 zHnsZ}(=aGz+R1!bIss`fe$YFHdi08znuTy3-V@f(i5YBX{v$x7=h+J4xB*`>GNRo< zB74_PmTZe&C}XZ=mXB6BH856{oUn`FtOX0En5iL#K6Mj}dicnaPnFW-7G@Bl1IS+`2dC8EUNQ?Bv|gP@44YO`NV zTZJJ@LU(63R-Kb0OW!{%nu=OcDn>f+vA{fa`ztzF>invqc6_Gb*mD^ z$Nshzz~`mQjCJYWxTD`D2z&oMexqQwNVatvFSI7tX}AMDh30l?7|nL2p5=h3cqir@ zHa#mhu=i5c+1A6)xXYOAD^|F91iAF`Jop-0?Ovx49LVlw!1t!^$-|{Xh$7qKX=7jM zq6I|%KJOAzc|pY8j^&b&Xn8F9zZpd)WK~oiK6u1*}XDH z(>9id3l8~xrM$~gE648qQXF3;SCljkq`{HpgT5R}{+u#X;Rrf;dTD?zj5^9YU1JQN zxH^S1)kr_eQdFWONgoN0XP45#*YhROB zu|xi1fv4)GGe`tuRVZ*%2%-x&h^~oYp`+e-XvEy(=vuI3xgfEUld9kwQ(L^)Y$$HY z-mYV1TtLr)LuwVVf7~GE@`)jAmAg@G*=X8q)M%@%UiqU>j&?s!ZR+}_0*01^J*Y<~pHMZN zdO-mG_#`CBnwChU-qz`})OEh7SrQSZsyWrB%u%03S9m5-*6h&*j{K_+QEI9k}w2|=H;Lmr~A6ul|T>_xTO8Eypbgh>y<#A;U>tM3#wC`jb z6BK}&HHR8eG$RZRO9eLUrI`(+bJ~|FBkg_EbDN@Uw38&zYEm_nH1*d?M;R7Z^1yaE z{s}2C)*0J$i1bbqbUuSr%&)@6aOTOIPrdD*+~HnvVdzp_1$s_H(@5b{j&{>^D;LWf#t zA$b8|^(06V5}?JX1plarl*G6=qL~U0Klgg%bLcS7J zFOWom&Lf}kQ;};UmiF;$po+B`G%Q|<}Ogdx*qJCI= zU|e~m!ck@;B?9@SgLMO>@`h3;KZs4+rS*itCEE+ocTYgqL2Q44?bdC?4n$u!4^u*- zP$JBRPX+gftpaXQyptuaI02_a5o_;%F|R6$1E6Nwnf)58_XD;@;?Q~MLd|U&xSts0 zCf;R8X=3uZ#NzEHA~~9L-zYr8aQG!PNE%umQDJ~_x*w7*o(JO@uAK#(`ic!0)XDM< zTu~*y8V>IhnEwQRfHcF!z~_U|#s~iAnpQ8E1<5I;rttpxnJ-9*^CuXYGD#!Ok>YB| zBjJM8Iw7VnWtn#i32;?!m ztGU>!Jj;fI&KbQO3%7c5GK~yF_>;WHl6$b05wkA+GB%iV?@iRG@hK6I!7pZZg}Z=uBCoySr?7wH0okUmd`pvIfQ5(J$0ftTFEp15KBf*;^FGZ7%zHTD|rXHGTMQcEE0 zm2TnmSG6?46eR*hj&WaqpZ*5i+bdWUT%;mZuv)rJm30eqOy%Xdhm@Y{1fu+w3XJVB zK4BHLqH_B#qgf>?F46!GanwX`8RXF^yXLeL5zT)7rvA=Q^`zM!A8HtS_bd_vv`?mO`c@$WEr?<^<}oNJ(p^M~u7eM1|JH!j40 za80^<*FOR)i}6*Uh!ntF;|-{Y7T!Jnx4^^H6@NDW80>G{dG~AlY=hRn%KmRgzMiGd z+Y}Gbsg(B!{S#2-ms{(;Kjg=rCy@IwFcr7%UPM+DnpX*5wa&!TPF(Y}e;*C#{Va?a zkgh4-^AFl1j@>_eYQ)_qh6>AmT)-8%RJzARad*|(lUs3J+V%r`Pp_Pr{C3c(-M4HKp^vod#Ai;gNVxF%xV z44WPki|L|jTiB?vG)zpvaOYhXotLD0A<`tEvLRN5rRCUnkxN~@eSLA<2pFYUmS<_X zIk03YyG=NEUbwHJ)_>9VoXG~)su51>D;~{YzS-4}_U5m8I|(N7Xmu46E3|;`!(ie{ z(2cwtbju=NW8Jh5=W$tZkofWZN}U|*a=ayd(oJtZ*XsuTSJ);Tc=_dN#V(o z56(I!>57WeVeon73JM^u;i^&D2p&uTe&>TA^)xJts|5m`*_9z*qjqk!#c7D=AV3tw z)YC0PegWtOpY-9=nIeLN5F}(}o{Y>JyVYg<%%Q=%{IWsJU!xLiK_3LO3+byA$AxNo z30`^Mcw0kSqGu{dbEK{0UaXafl8s-0)|N;zEG(fB2;89{q`Kj7wv>w$il3iYwGXE5{&W({zhLwPtJ?@e#wH5<_k367BM;_rXC?# zeW|e?vugo;Qym|&-=!A<3`*c_s^+QQCXQ;JNH_9$EiGfjhiS&=bccLL-Zn3z>A%UOMirZc%=u4d}zO_XEex}*Ym5sY7r`&JWhZjl_R61cx6ck+fze~ z-XCi@QN9_zcNoNw<%qS=>ng|%-{E-gG8GvP(j_u@RAo?FqwOFukj$=R7mTyvt3aHycH{@E;8{o} zp%wrzp`C1ovJ$8%iaI^$_mvp$>D<@0!DUK!3YKIuTZEfXN;EM z%nrWlreD^Hw0%Lex)%k4kr_o1a{j5bKy{B)v^O+M=}g&XcI+oYrihHZ)G<-fd!#2` zY3-SP73SL~xPyW!Pzq&kAqMIzK~qHE&v#I;=#UM0yeI*!J(5ebN;QKqsWZvm<_I2X=ekPmM+=xohMW>NCuVDvbbEzpqns~oe z>Z}ck(jMe}FEfW@A|H2Gtg)Pdu7yM@{EMOLp+=Ury_7p<6 zYVHyAh8&C3(yg)lsC9TTT%*;-b?ua|I^M7pNxi;q7PoA5*!hfKQpTT6-;jO9Zf8hm z;l|QjT3?(1hRq(Lv?Xa|c_RWnrRISV_=t40jk6znF+=O3EwMLYXeRJ$zlfh^3sfnc zpmOP2M{O5%J_WJVcAuFm~@5M^3WN?)nmH+?&K$eh@D0Y(&5`qu~ zRmm)?q_Gm5`Ofl~hg@=7y_Q#FyOCi!%zT#{)%rl67uzPUBL&%BNN-EPtF{Lipo1R6 zsqsuIB!T&4Sq6-}(BcabSM}tII(v_Sw!d~D9UQzN((}H!v%-m;4IJX<`btoc3HVrA zZ?CWECYVfBu?mYZl5b63xr`O{!-3+86Ov-JMii}&y@w~QW~*=4`|!tGKiRKJ3@X^? z^r74Z39YyVOGbPp`&^HWurLQ%50|M!oN?x(4ANxM(--ea(KJ#F02Qa4KC0wA)jAsO z2l{+Q>xs__NPDlr!*tl{P(&wZh!LHSX(+yQOJ0`6pJO={eo6iF0#rQ3bB%e-|2--D5em zH93vg?tT(Rx!`%?oimAz$Anfi@-{)8MQ2rUPvb^Jk1QMb)na84LU&J9`?3Xrj!H&>@^c8#E>DHBQ8!^Tz$f=a$e@<`Cf$m{T_LVSkx zQ)Mvr?{|{^h12MwxD*tmd`G5%3Nq{B7KKtJh>jkhmE5L?X_^Dcbj_$3Kk4oxHVn(U zTWsFl9nkq{umyc zAnCUIHx)Pr$xq-~h-~^m|2a!> zzH^h{#ViAyLHy@1JGM>oXppBRH5Rs*(tknpI3nOf!5Z?X$ue$2gsM0(FZaQ?&QPAW zzTGGL=c+-TQ1W$xCxe26UXSQmpMYqrPl$@U?Uw^YnVHty-w|6`NCw5^GtCz8Xz%&m zR!3yZI&dCpGxUH8BZZ_{L^rZ2`EH?hQ%ew+R~|lLF)iLO)mt-sJIccaT#HA^jy#oX zbTC+c)a8fUU`)AN&v)*#N&zl0Y9N<-O9d%|p7%4if<-rw@3U^>ysmC&$KI-dwz%nw#g2?$4XDUyXHmas~pneqjz(Hgg z*;#b8zpArr__cv$0|yrjv>rQxem%U(RPB^1ONEwe%^Ca!>Xhc7-vy3UDXWnkU9+H4 z!{lO?iP7?-Zpntuo~<4gkAik)i8A6En`9m`9|Eagcw_$&x=1Y04%;2bHid;$@Xz?oKn(-743&@0th)do0;FUZj zc-p9u$%!@fFH&}eln2Yj3PaNR&Z^vb3A6A*8~HDogpJGGli%HW6jz&R(OfOIJpKwY z!DSBQz-f>l&A3)q5nvQ4ofIV{IQN2``7Hxd`8;y&3eJA1qytyYL;&2`d0);`D5@KQ zir)LI=h#urq=&b~YYVUPK9@F;RDwKl#_nW@GG{kUI-%sjd%4=R{?ndcTNb-~f`9|& zvMBa5o2d}rRN6<9tZtP1=6%Iw0$+cZ0Ihyb$t}OikooYk1*7+O$eDdc~&CC;mA#AE- z^Z#7JWy}vl^lZmu+!sV{GgD93?-Nbb#x;Re!tZ#M5Wp)MpWPDPutfr=1253*h{g23 zu?yjYcXWTjLBK2sm2^AB8NsUu=q;%$7^Eg9Va!6{fUFA{vBr8CqpzImoUd zN5!XN`ZjSv6#RWVmH^UOQcv;behGXI=+J@qrJ!^OKd^D{be{P|p)Fnd+-wpNGKKaj8dp2{oZ#r>^<1ydkMAeZxeLCC>@vhM^N3b=-Y; z)4VYx=L$wo)!_9S2F!KyB_b~LZ4RJ);fcX=xyOgmz@Ko8?HuARzp(jDg>S3!r6d4B z`O$oE>3-7plmY69K+adTqwzrIZ{I>|mEwNiE1V09EAsj+l>5gT>4@ayK2?`&Y4LYc zeQ~6BoQj((&-C#J8TdjIi=y)_qOT^HdP}Is?Fjxp61Wlicrr%d-A8^lxNIN3q|Q@H zD5jx90xOV!I$i7T{(5 znnBcay=tv}6J_M$(nK~89BkwHCFtXZZeWyA zG!qI*_0%?gzk`b_Y6%Dg>(CW& ziWQN;IX#U;p60s`UM=e?br-hRPIII$q7m)N-x~?{>cgQOHYR+)WZ4|=GfpGQmH{Hf zxQAqJkl$hQ+?rrhtjj%IZ|Q#0BjmQnV|2Gl>Og?r z4ua|&%T{;LG4)y}JFazI>zVx!3lgWSOXs!@CF+H#2}6-OZkU{`2f7yN!HZ1BqywB2 zbaK)rG0T2VMQoXVcTIqbc=+w*^*8N^Fy$*aT~h1YzJhuODptWLsZhD@kf5igX*tnT zT}rXNrlbmzuU`g6Zasyb6fz3wu6Uk$@x3irr-GW zwS{J}K%CNANIgzk2eI#%6k|sL&rDGO3U$0S(qKtH8z|V+W01q2EwM-?;2(IqlMh8@ z0J-)mq}BwQKjOAz0;q#19MAtWZpq(pF|MTcORBoFCnVBO=#MBgo;L-S+b=JO_796? z!kWsFGF7KkmQ5O=o)Z7h$77JGw*S1Is(h_ zwF1d&FCSpey5V4_ofb&I?ThVo@-k9QLr)s4pJA9d=Y@?71vv!4ooEtj4nqb=0mmCB zLyC3FpU!<+W$dNxPH_Ts^gF{;e%_N?@sl^#|zR3|g*_!((*zl`@|!_+*p z5XJhLr-fT2@n%}&h}OOfyJeP<%>yaD!E`|3wF!xEq6C)^h2njbQxydOqG1V0UEj48 zjmUrJULO!<7}BrgRF}P`0e&;;Se2X&mlNByEhD3X_dru^z{w}Q`pmfNIvNm{wuJOg z_wE7xb)Uh*M)hXwf2me#1^G=t|GfjQTtVOFzBppVb@ULG#A3r>MuY#20sKX}Wk}r%e?xH#pYweV36(k3o53%+ZJ&JySBN+rq`u>TY{v=(q%p>f&Mu=%JLsi9u%gB9HM)3?kvB>^HgC z4`7)1(lS$buI^WTg~YDZ25Z5#Fv|Dkens7p-`m{(#`tR<IXX+XC}sO3{z=#5ftF`|m+gzX$*EJ&z#Z>b=PPi{-5Guo9!w1>VV4Tf|8PHY@Fv z6u;0&7Pzyr=abl)`K_R|4EK9Do?091k66RZGg5%j5*aUNf|PweWu+S=-M>Lknx$8@ zEYvu9P=do;zu7prEJX+<^w!0Omvn`!yV`q#<5=dsu{IBToyAt-%ND*19VlLX3Y~M0 z4}zbcF6?XDydv@bF!XdP4X8X3dkp>g_wV;6{pr1ty9cvo$V1+vps?S@^tB@rlM8MZ zmg{qp=()AT70+p3&H{!-qGmz`8&<$H|C)W2R78V<)b;>lc@(L=sa|l8wL3GAEBnqH zJkl25#^D)mt2w-%0_X}Knjwz!FM7&z5lwODmVYIpoONf&H=ZBjv(o!u&|2P^_%*!A z2A8lli2=~PcE;hj`QS%{;I{Nu~4t}J7CF|qq%0rX)c|nAo|!8Y zIDvle%1w$?Y0Q}x+;O#;{yF!E*gjL1gW0oB=uMrLwLJA!d0EwV#-f%=41Dv#}>mv#My&FP8 ze!?#~13VA@cc;q@-!~<29R3yj55yYuHZngk&ObaxSvP1r{K)9r&BihjB$%l7gr|8( zFkC|OH|0>_!rJki(X@@^o34qhOp zh22K}mgE7?Qn;0vh$R^JEOX=Ne~cu)iIn_17>AE^i674MsJEn7cBtiufz)aFRCi9R zKzSuBKo3`fpl3a53bF}M0T(qsu$772uYjj91j6!2(11(x5AGt1m~l!ZUohQhOi9&kAeksIx)c56P&h4? zMa%;)))i4+-wie(&0lDJ!_N;F$6_d7@tu|`y6JrcZyP+QQdn<^QzE~5w$AeYb`(aY zFdN3Fwo{KQ0evb55oyfE$hE*8lFGV+lxy!nvkB}@A?%%CQ49DXNhjhq}EE2_h%gI@M7X!yo zh7@!+OmDH_TTUkn(CLXD2!gBH&AHNfOJZAsC20dJR^F(wt4toS=8JmS*Uoh_vGl6q zOp^RO<{-2I)2?!=>|4$=Yw-+$7lXrsVkov#bVodnq6VEBbUo*Yj3 zk59FN`-DaRI=HAXD)^=2y$$AzpfgV(zg{w>ulQW_DF&T_(izG^@^hv3^1BvM3e;+X z7AA%hrK39fBGki!=#+vsa``oOlkqgt0kx&^nkc50+L=?oOex}JB#XEuAWQ8*<}*}Z zcb8w$`rSRZSCjuJw!z<~VkG8?bgMGX&LYpUw?kzRDkGP<%ZsnVJDy5_S!bRIo$l{w^t z@#3y#ga~iZ?v@yI@SDYlPx)YN#}Be$2U!j_;5TSkduE#{$Z- zZ}0ce=i(R_we&?zJB)?thhz1#{B@MatnHR5@?5*=H>1m5W0kJ=g|r86VDxIQf0lYe zn`v1tI{Ez#8PqR*5U{xIe&C53t*OAgXzE{LqA#B8sUA~l=IuX$k~G^4=T;@BG^#bz z0Zhv#wp1BJ6vJ=1g#CPstleTzn|h`|-t$Ojc%P)jSm`$9$5f`85Ip)|L;sC~nD1-j>kq)Ui%D?vqHHA{6-l!~Qt9KemLSS11k+M# zWWYlkeiK&1;}$4d5(Z+*Lj*)iQbbq-TKG$tETsVc{CClx0{axM3t-2rV2_CVH|7%6 z2yA*uV64})@}}8Aqkj#{<;F{+rqMjU6WFKBM=Av?epTwHYG*pgKEPYM;82K(@rnW_ zIY^))L4=Y1gw)~Vb!y*d=GR=xj(=?5n?EUNB*|Q+%h#H%mfPiCP6sv~1rbeRLf_m3 zcTjp$Kx+sYe2E}owcfi(5g!ttZj25XNMoqWv# zfJu{>f({B~$ieXwH6l6j1O~;1MGO}kbYZ|)50HnZ)GL6_LYBcSx;#r^z6zk*dbSe< zKF`r+V|Ux0(#P;{B0=WobyvmXA-sZ*a#;~T)MlNLfu{9vo6isnfML?|(KzUGyAUdV zhhoggewrvK{zbI1i2G*?MvDkCjb|EwV8qH({#Wy+EP*u${Q-F&^QI}PFKwV9MPAd? zBpmQ|$igsJ33xF0*QePSd}8Pyh@Cpo?F)ChV>Oyt(vi=S0IP5tkf%<(^ceh?KN-;U z&Ts;s%$l4-l{6oP8e`0Ld#ZK##OAhv%2wAn4TD1IPq9{^Ik1@eMfrsT`QdT=Gy_B( z&(Q6aDPGnFa4u{dbuTE!!(v4Z?#h%R$YOJGxF&UrMm^^e9XvdY(aTzTH>p#6cucox zL`sm3Y^x2ndgOvWL&dRw!hyDPjLvwMPiFr$Z{01Eq&+kKqzB_{0N5kOHbaM}Snb69 zGxX^V>ZHyzB!l*kS)kK_?WU%j5#9Q{jL#IAyZS6Wo%R(_uADqa0j;xVm7FH0Yx>a{ zrw}mzTkKZ6>CmmC!=o`9+dd5hR-Hew&@_8ss zqgYpi3?3PGz>NAGO%Z4Xi!a6N78~K^+>+qqbx_~a*?GozQj#LdgTkGMj&BgB_BHC` z4S9}@AzBktObqi^iSx3bNknhmh9%DZYc?AiyCF(h%n5T>kRhZ{5s+yzsU!RCvx;|^ zYPCG+b9ft4D}q2s@!3mkiE9UkNN%3rAR1~63K)heNJA>5VbD5_sxdNU$*FBB%EIOp zYWCsy7}G+(nW~4&NscM>FO6~!6#5*uq$ros@}lvlq;(?U=$3c$x-wLgw7k)&l(zd~ zcb2PAi4c6krbCj08gC!sByQX7&XAC8#^$MOa@R*4?bpHi?zZmH;s&3r`VTmX`ZFvd zILwtn!Wz*HTf>weeH{J+w!wqJF=krQQTqJ4h;LAHiQ(LxHHeZ-Ftm7-e`1&uJoEdy zH6bG};BkiT#QxH6X!!dt-b6R zwa_%*9l&R8Uw`Yi6B*zoOe$slP@66kN_av|vCvHsA2wi07$)8QAFgl=YX^RVQ1ziB zU5L>xJ$PpwY&w%xs0bZ?XWtI(hu%{7f?`y6>QAv>PVMhGe2U-Vy*GJpGW>bGC~nA@ zp+EX5%&B+vG;{xWC4U!}%1^&^9x*Wgab?ODHdFsAqLV?53QOUwu4f@o;~7=zS^S^r zWnNZJ^3|i@(Lgd~upa#u=;3bp5enEV9X0g$r8Om`*`W^PatpL4Zl0pj&cg|XW=sM; zC*>4-h>s?pjb19Y%kD?e2_Lq;$^u`#w`RJV)0%6-yya^pc-hUChur!pJ?L69V?4id ze)QAZ#0xu$om1y(dS@PCu~ti-Wj_9e6V!eRA|)A%V1gs(!;?t-%m=M=4?2?x7^~eB z=wXvS3b7po4hucGJNefy_?|>?6{Amrp+5C_pt4hny}yN(GCFs#A5cucGnnlMQ>ZF* zXnJ>{*p-)G#<}zkGV*QQd2^7xS@Cv30j-YB5^pe7fwCKG|2$C{RY8OIn`NY~%-)+I zgqQ!u{k;U{adphO)_xfXCB9U#$B1(miFlzB9Igb7*T7L)|7|5gj{0T?aCe3+fRTtg zgQdNE@cx~D1i8yEfoDKm%xgdU5ImV)E%Y02^h4Z+obnE%XAHLwetD?3m6lZcD?pqr z#VBrGa_@ptvHC#hK1#_a6+J!t1g9!OFFjq~FkBecN~&@l1iH3w@Q4%uQTsc~0;p6HcjD(`Bpt5e&#DzVZL$CmPEY07Q61ggJ$Q()_Qo3By|LV{ZO9C&O| z&`1I(j)}^k763CjTEL9?Ro5x+fuOxy;7JkW1V+kE1zf4?0!HbaTE@dE_kvKW8jxm2 z4|?j5g0%R!%DOjCvWNj(vrf1LDT^u76fBt0AN7(>3N&6sAiIS)0~a4&r&!mYrw(uD z2K$HA|C8=MbVaGedKHTA-kQ_B51Z8_)Uh82iv36$@qqW3G33hnY&v{)h;63I9vpBn`OBGRp1 zHHY4jIRQAWeB@tEv%X-#Jq?%sGEv$!30q1LTNMnpNDUe(G)ck{P^3wXU>?rlC-Ca} zu99TH=7u;JHZY&n+1~hh4`z5>!aZ*2a%ay>a`|#9V;S(_Tz<{!Cf>u*C05=6A6VrL zo>yi6`e2SXewQ@MEVa#aNF9uwE(YF3pqqhsg<@x_-;()WN7HJN{-}aPFm5LD@z4}` zagLFM(W7B#95{Ngi`O`+Vl}{hr*6we&Jy!YCaoJg3XYhA6U# zKnWicF5wl(9(b_ z*5pWCviDuI;@dND!@;n>I)B=U+V+HjI{S$HFOmp)R6K;419op^a=dx-T@P=YaQ5;w~v=~ zbwynPE8h*xb47XN=llh#h(@D<9gM&+d%RveSdh-r6QHE>xdpg!2Icm@_(qJ$)xq?A zE%oyEe4Q6%s`|LX94b3YL5*GE=L=0*^o@_{RV{XGiuwRw2vtHoM1Z##^u>k}c7T2C z#WPN{^nkD09VfKhaJki5?By9o5dK{j&=G)V{rOKTfHNHLWpLEqxZ6Qr4aN@nv*FIf zT|d&blI6&OuO03a*_cqFzjr`mA=VSVXJ|!VH`?*djuG7x@*CdxP3sNZnBVo5V6D=d zCdMp+zprb6)BzAsvV4lQT;?y$pcr9QLrhGN7H)tl-}B*=`>FQ$ch&+0Eos2vPx+Nr zN2h%@-U?V<*#G ze&c~n#~e-eyON89AW`YT!`FxPEB^^Ia^|)KKdT`->o(Km2d7%k&TVidIx~pHe^=zaTP@nu$G^tFo#JRe@`k0d_mdumgl@t9^C7wF&Wj4vn zGcEbN13mB@d`EB0dyJn34{)B{sFR2diAEV#yivN_^JA|DQX8kFPNuBNJUm;2tx=PA zw(HT|3}Ck2nT*1sJT*sNR9#$^-R@OWG)&y?#{L(~tH~J}ic#}UX3pnvm6lXie7h>! z2GgqNCVw@?(;~eoKdPR?C;FadG`;evY7@bXN=OIMGQaH#8A5LSGd{5H z49cyj(fFT_LVIU)<&Rm)~NRdzo5jfco5r6CI;1qm9fk2a52q1-6?m`K$`>AYM;W7-1CWAu{Q7DUsY^ zh6LrF?2&AA#~_mm#3kq$^iuyGT9tuj8sxxroWI37*BAe(Gd3%1#M(&U-}aC19?LV@k|XGF0MTMI*lU);y$O*E zFXdnzfSxIl_Z>9yxzp7i&o-d)clLJaS@m8giy^`F7a_1O)7Pli3Y=bQ@jtU4Eu=$m z4>zvpP6q#aBH7V^6#e&syq_L`;Lk8GP7k6qi-y*M(TRHConOWWM`2R~Z$e;?0_kqT zrBUwH@ZM``2Y_!J(r8|3e_MNLRXyUJ5F%!Qs!Hse!2JU zYK8W~_(0VVuB^jJo%cn53J6h+d#k*0`#?#q-RfWO5sy$y4)R4lp@a8G>{F_E#c1;|l@G%>X!7ynTB zJSuM5(|yX8Zso#*vXxb(OZb;>tNK87>hpa%aXS8A=}+&|nmLXW9T&r(*NRP+7B2M| zzx`{eTCZoTo2gHpyJ}a@YOPMyPH|C939j&c`5BReahMO4HGV$N5cDS{TECqO6r3@A z%L5X)#qYg2-=5(RR~;{x;jDuv(&FGVe_=6^x-hFr#(WkA{I8;BI&&tfYJHU)!fyij!iZamUvpw;FkYp-5cUPDQ1NK@BZ3v}^+XrKSQ#t?qypL+V{M^TLSLEk; zS}z=xRo4v@w**~+aZ(d23JijZuXZQh+ZRs&jpJdhgP+XZQ0G;T-%>ceifC4uz41ko0a~LQR2==9n zLjWPsjZ88ajCtz_cUNnrfMS_`LLPUYt}IF!G7E`<9a%TrL>Mi|1{-0TRmPF;j)&lp zs}vgT&JSXCYS4t>udUwSZ$ZL93Qzw@)EZ^>43KNXNFXI1R0*Ph5^@qkvL_}P`en3A z-tPe`q&*2gAO8>71{`t-b>J>ETV}rP919t37l64Dn)y8(u@fjXu>5V8N#Vr|Bm!w^ z0~IJJUceGZ#y@wH_D?EDjZD^cG0g2uVi}sYQ8g zx+UrpO<@0_Otxh)&Pd`$Eq>X3wZcNAQP!I+_34N-Rk(m8b!m?wmF>2=9@YQRVcBqK zUM-$OIk;r(-eZwGE~eO*EEU{tV4i=80~+qR8hmkF5_*}|6=;Pr7>M{} zHCUr1{KR-V15g~iDcQ6_pHBhUmXzqm^|ydc$%_=c446W%w?;ym7NUw-{GS%aWhl`J z43LT}h3){2Zt+~;*ZzDe7{moIf3_m}k{SinhbV(!4Xl0FNmvWQxwP5)2nnjeEy#DS zphHwGp2$xXA!{!y1)R|Ra#sfA3V2JEI175&KxB&y?8;CYi`qI8e9i-t7<>+W(0)q) zX{B^w@?2TF&(Uzr6i+3=nYX>W4{aQd1}Z?&x&yZXz2PxRG)${heu;$CIr z7*BL4lacbc^Em=G+!fjo#UM-O<7twO*Xjh~1q`BU^OhsZ+FdnJ4gT%R>6rB+=1L5H zNR=`9s~D=RdXi3d0S-A(xm>tO`BK;mhPYzZM}r{?5hKz~j7>V^Q3^ql5_$pn+u+V` z@I#S@-%5UJIrr#&(!qKK-P~ia(!~!gv1!Q6dqe9>xf}NBb@y06IfoswLwi;Tc4>qT5(l*<4; z5|?QI9%=xs*y!s)%Nj6ps|@u&s=ru5r7FrD0}U>>u@U%clPy-iWpt?N?lA4tbq*N$ zs@g`4d4gQ(F14_eo>M@VFqdRue`6oRVjIqhGPGfu(dIw0i+=k}Py8A)!~`v1&x}O3 zbBnzG<`!YX3@ZUYqAy0C3KENyv3jqZ;jZ>gG`(W=etGf>*I)lL&6puDQDQllP(RY z6$;OGeMNSDyFo}pBN~+Jtbzx^v5G*36vuMGQ4c4o;yB_F3!Ddf5GR*3f)4t zna+nJ@FUiEL@(p-oV z4BYa+XsN1|h#?^pH=VTn{x$#;$G+N_f0WQR zcru)`Ic$_|5g+1N{y&4{TxcdG^tWZ?d_pq-b!aS#|9=(a{o%#P&kFzOl zX8f=XX()H6Cx{&+Ni_Ov?ance$esvlFnH1y5*EdRPhKrwpZ~5|H&M5At$3XmcFOxi zi$9x7HBoBmx$iw+8{ZZ4y|1MH-Ki;`pc`g$#Mn3e>iTut@2+>|HL1MySUz>x0K26R z?+AM~Ht9Rz`}5H78I7(EY=C84Y=8v$V2fs-f#@l!fg$mwJa?Xro>Yte zQFu)xI6$ooeAT%mdH@|(nOb`J5wxA!R1(cA%Y6EYPP3N=#4(>KK#DKB+@KuYQlw!= z$?kXc0#KS|d8Tko{3oa1H`TXSK{F`CvbV1gKa|HGMfRsn+4@jFdmRQu=6SR6hVYM1E_N1LVTGs< zi@{;tsd&+V$Cc{YbI_i6n?bb!pxQvqD(j7%f50IWZZZx}x2BZC1zMDdK%n``(E0-d zMDtWem1tiW3SEM=G7=Q>wU$S7DQ$$B(vo;CV2o4ihtJ95_=C;bBvE?qQef*Z8Y>(n6qwL;vLAsbksITdbpf8MdU(5LNJ zT5?pV;&O1ye-f1t16?3!mth(R6h42%M&Ek` zj(C-h`5|v)DZT{0`RL!|22-y!-?e z6u)mQ&(s&lPN=;VWJ`i@H%x5oZZ%RW48dXFC(zsv^hWdxhZ?nvK_n_|UYY1`z|p;I zH3g6zUsf3+VftqJ>%1G$PP7m*>eQ%8Us5;5VL2L8<6}Xs&!{Q1*ZzD)yTH5KuXl&M zPmWY&via$l!)UVw4~RYkn9%a%6pwOT8-*GntRSd*c53cb16Zks?5L?@yFg!gD`29`BI^p#Zj&BDnLa3>l+L|&c}?6{wHg$F1`~B zj-I2qVqCNsXrg^8TMElxH(7M8#VN$Dg$l}G$teZHhYZM3|d*|8?!K` zT-&cZqLo097bRK*-n| zi|zj6`15+(`?1YVu~9R2CG@=fCYs_!Vl_;=`zmi&@|dTuUD|gk-K+Fv6ZQRGmNuQ~ z;=}%Eyn)W-0nw#q&YF%lb7_ouhy6OSBG1-6Oy{(W`*F|c!v9tN{;FTvE5j$?_w~ql z0mA*0rb1wQ+L5^rY%N?#;4!Z(!Sdpx$dO>Z<;6NrLZw{vBs!f8HC*hq04Vcvm ziTY(P`0R^umkTQTvx1gDkAjETEG~8q)+go8fLJFz|A8ZYKAp<%@Lzuu(v}PVvK7&2Q@_#b6*Wg4FcdrN@ z@=W!m2$E`L$3%!YLg}|xXLQc6AEs9U7m-0Vt89R=?qf)4V5&tGYZhWH`!863C&Pi8 zqKtQ|4;ubhvvx!1Bzo*Ss%Mb> zM4YdGBeFh4k$(!&Z(8(>xsagKu*`$e)Hy0f;gbDR2C2prdOndu{ec91;y>GHW zpiX2v)#9ct&NTEVjrPId&-O>1u}rP>zo)*}X3V9~q3(*%nJ;*-K(%kn01>I&m_=1l zsdvUUe1_zOj~5mB-|e@$oJJdDvg-`O$sBE2`tbybv^|{|nK|WKnB` z_{txX{KpEaWMrdYsYH+`52j6(D~A<)(>1A5wD`h!SK}9+_=Ad>d-X zksDTA_7ujMi{G+?HmK>3H+5;Q%B#=`wa_0U+r}Hvn;@*%1d%Eb{VmX|ih%|)Enghz z)?=B%{SR}U7?A-#<@|@!SQ@BJXYnapC0BFQh?f7uDjXyUfu)>#8wGNjahhKHVY1}> z9CsAPqu;snT=eZ*6wEe3WtE!iYvQ)fPz0m2@|`D`lf$6G!y=AR@_zqli;Vn9Xts)k z{DlEcih#UdhZfw%XXSbv)_rx-WZOg95tK_U)SZ9-L;b?U_Ec2KjOhw#KjT)|hz$tA z{Y2Wb=yNERd1+d!ZLh@-DZJ?*f?9evjji{At)% zOo7odVr3Of0{cM4Rd0nBq`PD@c8;J_S2VgQOs_qD*1u+%`8~oK2{mBZ3e%!97F9Of z89s)T2LZp6S25iCZOIR65rjcOcei+}P_03XYiMf`8gQ!JjD9u-Fp!2p8xNE=JUjLE zaMi9I&I|ndjNRpj!qV^cBMu6Yc)~vZjo!dgn2CI5B8D9DChkQsr;{Et{zBX&g_PyX z2jxyq9Rl#q$4*`42;y%UVrqLx#G>|-CxpoSMiUD{rXF3QJP_!EXbuw^ z3s@8mY0aPlvJPcpmMKxlA8GFcg)TO6?j0qY#X)6=w7|v2bD5a{&znqo3cF0An15{LVf36h3IZ>70kd~c?Y`%vG; zKRvT=H$C|nSEWrq6MK_ioR6q}e8F{$P0j3;TPWG9 z@_(oR)(;NqKT+V~yGmU$mb4woyYGWYACWNoUGXmv@Efs!$LYC_l>e+p&he`&>V$n@Qh;YEips86 z?dZF4jjnEkK8w1>lJID9d>f31{N!D$+>3|55T25d@9o<6_9{lQilgPu=FgPrqoM@| z4pj#{f97vzH?FupeiSaHs<^n2HEjTWE&Zglz{U_3U?Kyro-Rv@3YV4+cICV`3NuO0 zaHvYhxPB0OrFf#}H-#os|Ec$oLl8ULeV-|A26{1uuW8t5S5U?t_iV%RLRNau6j_M* z@xCD7tP53WO*UauQSVlBO3=d5XUMnxF*G<6`*LeBoet2)wKpnfY|_3>y;Ln|pS)>x zB~U1@@G1*NS9O6%!R~b8<=Mbfffg9p-J6j2m-3ErW#N|gNSkv!&P_gX|9RFpw0HTZ zq`my{&ly@)FD}Dw(9mkSIVbW$QmLo5-x9WsWpPfhThEAWNr*-$8 zrvy**(radr9uC4Wnd$h%RkLb4hCe|1xHn9~Qo~LodPW?89*!L!g7F?oOL@PUum<`l z*qa`NI9RI7PCgzcQvWopc?eYt{hxN!zGbp&=|<6Bi?%sFP>&?}1_$DwV_H;?B7wEv z)v|M?Z@cHm`^WrC$cYz;(t^!5WVU3WUQvSv=R_sWDE+_bR!RZKghq!f@H;Z3VF>$w z)#S*m#jeQgczOQ$MQEc>?e+eK7N-S`j{!-}7b5q|+68^t^WQc&X&K#*?Vg&off@j! zXWpphW+-Z+5(fL{gc4D~UH0%BO*O5H6F|MOJZJDGd22ubH!3eBQ+J2n8c}!=LSeJ7 zzDA?D0-idsOFBKV{+}+>utIH^XuJShKtmVZ&%^^zH$wn==E-OxmtUr3YqByM3caS! zI6F}wTkcrMI93+c_2gVoX`Q~&BpQ1IcnT+jP?p>Ost9fJ0qG%`}_P=^^$x)mY#GF&V zATt~6qSQ2R8Y+b&N^r`mle6mZJEr`SsNr0IPY_HKZD0twvXM#)kw4MUrbs)P{v7@( zD_iu}{2-y`!=aVg+hGk%EK^bdX;_agYa-)7O93D{;Gr>^7*`B;_*)__@sL%ZF18)$ zjl~DlbJP|v0TF*8H4o|tqmWG<(rQOggRu@|vQaNu5)GY}f%=EnYWmMrE)jAg*m--5dThplf45^V{#Y}>YN+s0|zwr$(C?LKYWwr$%!(>G$~W8%HPT|Zen zqq0^;rIrO^b@;UcwjZ#;rB*~^UDkb?VYq9Avm)rhf355-cz+7Vo15=8|gKAspN|J{SCvVY*?Bp)>?`cKuu*< z1#$C*ERjK^q-Tl_5M`jK+N<(cx+n^oEd?~}3V-QP5V7HDDn}do#(G?B!UDwz7TUmA zG8a7a_e`N^!_4kOJ9eAZQ@t&1O8_{c$5(QR%^_#j8Y@+P6^Bt)NmF3eJe+GvA@CFP z0X{1)(wEe+UL>EB{6_aep9bV;s_E8@8|CX=`YFXHFgtfhM9&g_^XI_yVA>LiKJ{5& zr15i87-i{UQSrDJ+ai}gIbc6uekw{CyjcpS)pWgBh&(p~&*8vYVlw*L z_SEH@I!5SbMsYMy0A}vkpMT7?@vF@4;md;qDkJl`{(zH4-WC~3%~bsrHPT1>=dWqR zUy=)|DupjuP8I2Shel*}l{`hWTw``FmoCCXSMbSVlY|{cgQldI#Z*W$-eds;h!?da z5rZ*BCEwhg+P$)8A6`>*D{{NwQzQV&I3J^QTLU(66yZz`wF{m%TL0`LlW~k%nB+`P zb*B^^lf2oA;+R&5^!r1Av;&_3Si(!@7UeA)Sl9vrqt6#g3h+n{s3|}aVsZC6Df(M> z&=H}U=z)8kpbX7%i|Wcg;lg;GGEM;Z6EroRDLN_)6-v{G{5F6tjAc8F3VC1lf_(U{ zqnexW3FGU{?AgO!Nb<_z(*Ow-h2b73P*lV{3$QsNW9TjN)zWsd+na1$!EdSLZ_@`t<_D3l{h5@Os+SfTF ziXPv3{XqeuUODzk0TiaP(Wyh3Z+O4C<(-B%W8go$Mm#P=Q@(mY$@j;Jt}dD7;YUxZg+o12&{A~A?wyepFr z8OluJUg4M&^Zj0H*@MfOBkdwkvsRNAQ9S{VN=Z%75`aX8{6J5B7;{!GORG_a>ML5z z7;>JUAK-6`>s^8Sl3Pjv#8vGe5^1)Rm94jJe^pgu9I~v(e}54JPj~B(Q`E%nPUAh9 ztF3g^GN}aSaG0ds=;a>hZ@7miMZOtlc{)U)@*1qA$|c`~Pd-T3Rw8*O45hR+CAD&) zS*}Fotqq$SJWD0MlA+r!|BZU47-`rJ_94H)`2g|S9wf>gDMu)g<4#!(_w@A36b29c zQ+@@(dp#tN3=tLRU%lP=Tw7ssMK;=r@rtC-p&g-Yk_C92QG%(K<^hh0E0!j9TY69e zH*rIxs6$(fRa}~VU^Ti#7}O|(r$nhZl}Hh}rjJK=dV*_AWdcbu!0~Be%UYyh)&=Dh zjty;?Z*Eb!#JMU2aBoFjGy)>+6V-v2Og&58Z5nx~8NmW#)ZyTK;i}zUGQq9^cPH;a89s%*EBZx+y0_$Bx3*e+erHvAz|#yGKqaw>-;F1ZBS) zATv_^CmJ`-cpA_YSUMl+x^J+#DbYKk#Bau%gPKT2|6kZ+rt88eC>I71&s&Um!$(=jF6vby`bQ#JV=~>=p+EVhxZ<005sl^!VSopkUQJ|-*(pqgNSUIs zHXo&or~RDHChFMY+G&KS)M5XU7XXutkiI!f*d>Y;OB#%xF`zSQ8~A;p#*$!|{P| zp;DDR1i{O!s+6if(XLzxxfJeD;pFBpZ)N52OL|IGt?-oWFXdGX+rPX3t?LH4pFIgn zcQ%~-17d}u{)*MTaohGVG|=0-!?wB?XA%lzSLF!5AOCoLSB3MU(k~x;0p34N?YJG} zyc@)^7Yo?hfsN2u`yd+XKjle-bBoay`iyEqIjEZ~($2#j*T zFg;gbFSwBegPD&IW;bL{fh_Uq0E7LzfJLqCEB6p?5YsZ_KLaNB5q5jP7Zc?w;I{yo zSChNwFWm|+Z^YV&TNvg4hsOwz<2E|IwSb3aU4BiIfMa!#@qAs`W25Xb9Uehu5N#MY zT0YeU7wbY;(7m#9DWsj%WaP$3#eTaH`xI9LFmp*#1O%Y3i~S%qlewZ;R3ilPWGn2~ zff3b2x{tlmvA9!1`iF<3j~fFiTKGWHuk^^9S6itKZU#qDO&F@IB0LgcE*eGNq0nCT zEa-lGIVBoxPr*tT0EW+kW*Ic+8W(RzMg(V z6;XNFFmZ7U9R_l7nus#Qp3^_gEDoKTv46njN_i0aY32#VdPz2x zOQp@c!#n5-g#MH8PkhK~k5DOq%F362xLNMamjO__{zZJq-6+4?@)pvqeTK2I;e!bq z{hcvi>H_%#;op%6GVvLJ7enaAdtu!ZsZ*2F;|L{8>o+B)P+_LDXlC7*XZ9uUf5ZLU5Z@+OA0 zvR61}V)!Apq*+7{zA=0iH{LTb78D_!*bd-Vav3HO6W23`cMu`)7ULc}Mxwc05DqvR z(@^=GC|9rwrrDFDdy1xnL|Q5b(# zQ;ix;Gk$X`g_Zf7uP_A?2bAv&iCfH%-bPA0O-sV^<+3=xpYN&{a-=A>zhD|-Lq}27 zOQ|bVIq*RxZkxK0Am9wQp2x0g0x2laUKUF z$p9df%FfbUA2cQ`%TkQzXN})?Ra@505*D^pc|0?Q8f%_R`! zX_Y7X++dx)c7eTptN}Mk6i~J2l773#rXUCtdon11qWdARxX{n7h%fX{N%9(;!o72H zLZ)oaG)w3P^qCuiIh>Xn{6C+QTo(@Woh!!4k?R{7!{#b*=aWTv58_;g8S^ZcKZ7}p z_#N`9e4fh*>QuZ_@pmfqY%OQj$=t+k)Gu29IVv1%G|=X0m;!_Tm60jEd?EjoOgqPC zhPOSFr48&^&pMsInk8|84LX-_qCyP?Rfe{3%TVB3j0AJn>H8L)FFN20Xun8-tIdM(o|qX7>6wtj4;~b^pF<}v3v`|Lv8#Iz5*KSz}R2{ zrtCN@v^$^rp#YW(AIwwbQXZvmx~&o_lp+#|Ko5W@{mhF~neyH9OqpeMT~1KiW*x|L z50s)6d|@BdoLDrYY+C^gb#1qrnj(a+v|$w#N$=$3$3soPQUt)TultxQ>V+DdBOdt|TB>n~?xZ2f(01u~>2T!8%MC z29N+D+$^Rh@5I>c2m-(jhJE7x-gXLMJ}f3wIYHHcQd09E0O$=o6L2B`)P;wO9`hj3 zdKfw}f%4PYyy#F&REX$hq_7qm^XWrMz%_<-WQG_tXfbzxbO2!c!DM zO5dkSf4V(MjNz$a4*b4^9Y4vDeKJCOtr05h)|ajt!0$C(y_L{+T_Qf;t@Q-2+ectR zmPdU+=X(Zu2EhO#<6(`XDhA|v=3VO7PzSSP+9~BKqZBa~9u<=PwSVQ|&{$Bps)pZF z-yP^yoX*#e=H!f$HzaP=_D&6**yKs~ssJ)g}vT`QTE@Tnkhst^Eo+>E%@zT4Wuv z3X^h?mbpTvDD;*aw33SRLF?fJEzk>QDc?NLe72X~gn>*`E`H404REyYJ=4vWJg3Ut zXCzExL$H4llYqiv3Lz14wAg(n9`FX^4jX3GX=bpG&$KO97z;p_nWq~YLuezuARJ0N zSdLd1wBi@3#gYJ_w%CVs$L!J=VZ_2;WJXAQ28(0sV8Y_kSvzrqrWv9jLry`kf!=d5!8aM#l&1(F(+$V2XfH6Gae^cM zFfb4nVmpeLuZ?>G1sf#DEF+I$0erTLj6VdU$k}_Gabb0+ev*-7n&u1Q2hBIc>z~jc zLn;&9Q4+{G!Zkdc0nyRaijm{HMqsANKborWpcr(%hfLkxga3!1s-b;XXXnJs5^jN* zz{uWthAoA65YD?yM*4xb@J3>hbt@eLuL@IG>3g3jjm#^+%o48(Ij~azYbeYGYk=F3 zrZ9i*zRhsY`~blK2pj=6|CdT9CdU6+=|nGPZQyJoVq#=xYyw69$Hdmm*_?ohg_E8A z|E(AaSXmf3nf|}Jr|1+&WfV2E(A(?Ej_Jy|$Tk->7hxA5gJi(a2sk9|(G1805i=xq z5JV9W!C_W962UNkq%C_j0ni~_bQBa;A_7~QNaC#}#dN zu}uM%H36`YlUP^_Jm*4x0C@3%A!f@)=)=!S*ToOc<{J_QlU}lh-_3AULFH6qs2+}`nc1{ zOjfV{{%I5%y+-E4aGG8Toz~B5)89pA)#|A)GOOhaR;yK$zq@q~$kyu}HeRx}JFz*P z571C<=-2x%H=BNYdj$uB;<0$toW6xkS4R~Oi)J$e?U9cuD$D4Wbh;hh$Ck89%k0{n zJMO@?+iV!O>6!j+kfzwM`dTVN05pPCLW2DG}N&zeiP|5xU21;$I()6&ZtWEb6zS7&0Egbs7~kg%vQRWJ=g?(ttHkM^=H zwU=a{BLGf`*fgahWlkAg!oLYl$K8(g+EjVT)JM_}D(|UZ68OdN^YHWHXGKqpALkz; zdG2{0-&@e0=;pLg()pxgNYiKEJ0ikLP zvkm!A$3q;(w}j|Y6ef>c?VGpaywUlh<&ae&n+IM&j>gI@B%}#Z3Sg9ge?zOa@~svE zNrmI{T_}QAlu`#0jMYIKB#fdwWU7%d2e|hoZ<;`o!{r{#mc9%AvX&0fnyJZ)vNhu1 z&GOgg*Y0ApRY{rDMJv)}=lN&_Sqri_Da`(^nWv*m~Qw)_86;a2lm^VfB4H9}WFW+e$&FOHL+VeKMJ+u`{8v z8f4Z>d6dBXDR;;=!)gk$JKWt!p_2) z4jKAtr(2$$?P6>P~5R6mC5gaU`|hZ2VNgUJQWLa5I7`=03b_ zuDfE9>2dRSQo3@!kO73@wUh@{3KQ?CWeWQbl2^+aW_~uBD|+qXIjlWIIi+nL#jos_ z{A_6QXL0rub}iz)`W=D0XfnnM#@7E!>g$J-2r<#-==8zscN`0bS%c~{Aa4`k68=D~ z4!GS1SBJbLgiY8kqu0kq>F3`k?F!^sgI<=0{M2U>5k&hFfE6A})drxpN2DD%d51eB zfU6y%xdyMa&siO4B@Yja04>)CqbH2>C+IvL;GO~4kpR(D2x%&CodG=2fNm;ilmQ=Y z0O$<|ZIFl}KwBM3dX4rUC{Ku)Jy4?qFIBuS9%!8av~6EZ8zj3hbrWF$(sf^?mOZuY z;B|UXyLlYkS-5O^8229QS2(u=`iT)B+JP<20B;-m>%K3KKlnWY+M&T4WUUdG=^i3a zr$c(VJ{2(>oQ>HcsK<{+)`q1o;(5ZbBvTZ2QI-9Wij$| zl$1paE@88CEiQ3X=Ul3a$jWn|URc_`Pw z?mYqyMcid2V4X6t4ng*Fv~4nA%yYPm@`%iHy6vLRCx5&J;*VIoMom8{Q%|vf`KN2) z?000pjX~!2%9J|EwNlHy7PYr~bWy+A)?2<$FW0{84B}dJfF%3@g)8jzxWa*opNf(cs z0IxH=cJJ3UUI#fHL6-1JiZ!T~!W!cwn@E}F6q`($Q7J`jskOLk3hs^AdZTL&?j6}W z-VS z*A>7n#j;Bo9r9`yV%rtq&&9e+S-ORMOKBgXClV%-NzUW(REjETT2RA;!Rv!~LlEy1zhQ{=n_~bQ8Q^>a z9vT4I6kRt3xh~Lc$atC4Ul;LP@Z;tOIfuh7B63NMo^j;lCpkyTE@E;?pPupPr1m$Y`$ym$3*ijbtHVtiA*t>SXa^s*QJ^0lXa`C= z@}wOsXopTZ0+Bm%(#=Y06I!+*kvl<^Ihx2GI?wb)sz+4WtJIEUXy;hj%gh{Te!;As zaDCD6hmEHX%sT1#23+1pY3E_v3)>FGv_rC|a66`DIXsrfC?*#fC>O?R*-P6F*R;d7 z9=mSka@&jF4CS;#yB*tZ@nXfGMUIFVwS&JN>277|9q?_Xecn%gLG@02zq9)0{2Ks% zgKZxLewV=;@;h#Qv+)hvJ$`-j!J86xr}zb524K?xnz2xvbXX_-+O05;U)b#_a1KC|O3*)={|i)GtdBYv6kQs}2M`A-DVTIf1{?hFQ@f2b$Q?2oB7$1Ly2> z<^}8Qs7If_+Qo|wkiL<5`;OWndWW80XuYHOcV=J9>{&K#(647yZSe313Oo^JE-qc+ zYWHM2!#q=?K)YVmvv-W8brH;@Pb$cE6CY^GGvps6O7kRH%1Ne7e^inxtTM33CYSDE zD{|#NVP%YDN+T>RGc!&~Lo6&bGgeAtEUY#%UP^<`&ABpWN~6v#J2Gxc!_Lp$JjXRP zUjMzH$w#^V%ZfX<`N;S&_4g2FnCkDPP_QezMM5`W2-JNI!9{T zt*$pZXKFhyuRq#kq|`Vr)$Qe32G?O)ho&3UY4jxB9)rIt_$K;|&pt$12h-khTZi!L zV_S#e)*-w0+pYn78Q^F8C)q>E4q|dZpYHK!`$y@XLhBllUq$OU7t)nYUXs{7s9eSU z^(ecp<8{50`ZVPCUZ1oHsi}`?eZjUJnBLiR-3s9D-hOppfV+>}9r^XvIfY6tCOIdp ze*VOF!t@@AuRQ%;xd%Re#fvVXYP`~F^C~W^ITclxSRJJ^4^p@LK2y(zfA?Lw_H#x& zD@1?1%G@&b!91(%G6g>>dk$7vZyN&A*2kpzL(1->SGCr$W$!~5{|&k?i;Jsh-*e;J zvC~MZ^9iv*PH5#yl4hYohzcPMCQj4MArR2N=nwHHO;qI*h zu}QK~+FQ)HGo$Zn>r*xF6wWCBgR(eueQ3nSg5$Q`?zO%X{ZU!w^@!V5dgthQK_i=2JVITQSAdukK$ILAlF7w`@Nd&bT+YV|q5(ZMrueoi{h|G~0+f6qgL&R0Dh*AE@ybF^Ysa zEmKbbm_6Q$U6QKEc4e3sqdS0(30;f&3&SMOBK@zBB@V3+ULAP4D^}L@wp5LVsq3Qp zR6SJDO{r_PKXKi-gJ&EmRriULDSe3o-1M*~*BQwrQvKzn5wig!sA{GJbDxH6uh@?R z)Y?00kG7<;BO*FJ+in3POGstGweQmx^(PKH=Z)ii2TbO0GEArUYy(?27)>7BpL+jo z$l|(ee&U-VkSPw(615J#T|O~zQNWtx?!PuHKX1*AKR16ta6;6I=l`3km_n+-vwYAk6+9N zEhU(h6svcPvTOl6Rv3!T8)D9Zn{tfQ(Z>gl(=l1~?}Tut9vt{Xfz=zwAI$AYKhx~e zz<>M?t-=s!W{E|CV!)8I$r4en5C`pc(s>;?IWMX~+5^pPMDRFx!AiP`KUDzI&Zqs> z^X0jbF|v8Yb$G)F_vAAWC6yQ(PgiKANZp|<2BD%z zOFAuD1lYa5I;|_Da97ALb?{r+8`5wx9H*{qyv72t+2pWeiMN<;GJ1-pNM4*Z+@_m# zR{X!OY2VK7v7R|yTRo6qzo8#lp`pmR@WtL@L4H@fHv$58NO)jsGo?~4?Ty64L;jeLI~g%K$YQrbhM53$CW1p0j?3P0(z<4N^R z$>^?$)G@qcHS36_nef@Z?7tD?3&cCcuS1-sY5b-9(%?+9lit1R5cC{$QNPjSVO=f~ z)jIJr26zO{T2ku}{8=-4LOSJo?H783#J$IT(Zyl#rhuFM+XG+saLw~yI$pYxYnGIn zlBg#j*XwO@rF9WhseVQ)vgAUCE3Gp2AJd1nTWKUvz~MG{$QP*;mG)0F6Qz zS~~X`o;Oieq9MHGGDLC`o^nXDFFKL>q$Pu@gPbO1Nz-sHk%wt@(B*XcIa?>nZL1ps z`UAnJb~IwV{J1knu0FPr6?x|E=p?7qX{Ep}amY;F+DGQD#9OS6-a1z@r+IRUFnLNv zU(t>)WR-NAB1Kt8GLz((vaSw&zh%V%`+OR}m;ctG7XBG6SM#~eCnWqHwylKI=V&ho&uBS_2oh^+b`_|{9n z2}m%jY+L)QU$Ag?aLt^dK{#*|63dyJ>XwL6$ULm^yCal@kW!fEnv#7Ii&8YOFbSC9 zE7;JJ!U2get=w1BjOl(6s%G)3*3oxEqGR}ZBX#evUfx*E^@t`Xca#7c~rq7A2AEZzJ|&`q+#mmNi3~D!U(8P5#SB8l_l+O@=iJdT9MC#g||z z)vm2&WuLK`rB$61X@aJ>h zRXdk=<(YCaEA>d-{axP|3uxzm(6mY)sWgg@$$@LZeqcB5+@r6oCq=J(uPB{qB3H{i zobaxWGFPsY?*rb=39YeVPvrvNw{5M0TAe@2;ZTiqJj(ypD(Z-Fzms_kfW@h2*J5WU zTShhBfSKici3E|mAqdY&Fd{X8{SapxiGyQ3!m_>i)nR|Um857|c*sb=o+bEhrmDhL zJl{Wpxql}!Zr~$fcI6#l63v7tt-wKOrN|c>*lj=XCTe<^ueUZe?IK=OA|a*f9v( z{PuIbVDYNay`NRv{#a&t;1#|E6}}K&l3oHu8Bx*DR4KZQCFE(-+zod6 zd9n0V^aa9Szz$Btj#IYC(?U83VGBE`8bgC07O3QqHKIAW>0RC2K<2z8S=^!;vcY-y zBjK>dMDnT@0(PtWB@x^`q=BKE4AbqE8q)J z-x|{|GCWNZNTysVe{Bc`h|8a_4F#Lr;w{C_9;n!TKmc4wSV%$|8zOHk=1Y=s2^g6v znZ!0p@*|)$6sZ&lOFJ~8e(O{97oR&ey1m?9EpB~Yx4dSxSmkhmfq;*9fdr3o_jbe+1fI(4$w%;e#~9NJr&viF4Hvh(9( zebxDX?$o|2wo`uhUePli0VxVZEQ>KZYGi=71mT1_;ou&fa1-DkBqwUh-wfx-DxJqs zM^=0d+HY7Fubhv$AdD)khQ}GK{fx@FAyk;W6TXQu1)Ni0ZUhhRD-GCx->h}|+>8bZ=k5OSNonv;Q?d`FA*UwDHHx_+TNp~f(iVn*BRW9N)E8jeeM)5i z0=bTxw<>QV(_jK*4XTguz*LeTlx=ElRM!h#p2?pJvOa4oa0)F zjR4xO21x$G0Bh= z1w2mz6?RC4ywZVt`6XDmvk?xq_9BlxI91p5!j9FsJs2XE@#@&eU@-rKfiEgRKe z(iOh^RtEN)cul8SOq1o1$RczGEb67X>^yeqdC68M8*yVE3`en6v0kHUZC6!xm$Ntd z-kZL4*vAWevGTD{{ebZck?zVtXH*3y%ht<9QRsgk-@UtL_n#bpX!!Wc%vl8CdLMOA zt01pz%$NmCIkMBoT2ia|!dn2<59k^o&%+O-gjF}I_JbTq*9F`cB*lufyDpF58iBwF z-Uk)9`k?eFG;?qwpR4FXX~I>1xz>z$uS1~wFjWRZGXxlMv{dx?$%yHd0mIYMmC=rp%Ph7V!m5rue3Vf0dDMfKg(}#TKybe=6J5x>M7?%dHHX; zH|E+t`&?g3W^Hl29@MtO^xk|Sjit8lSox5dNTV;s{Tt1^VA1^k;v1w^8er1d8_bn* zn3S0|qMDlf>QX;Jhe*jMbg$3hIZq_&r3t}^vhgV6^o+T_2-j9#SY{SW_R)L9<~pg& z@7PmvWB7swCRXrNS}VPYFLPcra&A>m;m;lC4rk0#RPk;mU+1Db?I>FZ&SZEPrJ;h; z8`MQ%(t!QRhfaM6k?2Q0Y{>5S;vP3hmPy5Y-zx#IrK(K@{gBEz(@h=!5UU^^y30fu zpb!xT;lXoHtRwW+wu&&eF!>i*iCyViB%GFx@j{v5?-w_Vwqr{`&T z9|(Nd{OY@q^s&k+5*p_3auFiChXbzrVRdCM)Jqhx|M!4+qMIX&-C$W`wj)`^RFT1i zF-IUxGgSk90lkgwqsLzMs-U%En`r5fiz$e%F)!ckh>oiW?gY>9LoI1Xa8-V5^zuk5h_{KsS&q`xpCJDor#6jkGh9(GStas zsB=HjrAg$#bb62eKFy;xX4D(VXpm3%CV_5JJ1g46RVHVFG{QQbO-f|r`s+wZz=~ic z8y5UZcZ^?;O@=I?mFq%U^;O&g=|$DRn*&C4m21Z;SL0r#LPe#fsdaUJbCarg7U1Lw z`Q=uIzW}g()PvkCfvdnFf8VQG=<>euM7=`~+yMlMUiI zfAHTHyGt@Zk+Ux^s#_Tzq0{|NEPi)WPz}_JQ0os;yrKdCs(~B$0br7aYp43;qf(Gd zf2e+xOO=ZE#B21Nu}!@lV$0g_*B|QBY5D~wVAZP45>!-FG$KENptfTnU~x1%iDXRS zh=_eFv0%pJGeZ^HNScSjkZv88dNf`d_@Q+pp@zI~;g)&_rpYK6HmR2wSo01^uMddR zZC1=(WwE!L%Qi?yO~geQb7l>Cv|N_iPycztxz}65v{>S3 ziSt>PNeJf%z!!L>Sc4!ThB68B4Z5JrBE0RF%ptO^oQsoZ6NReD6JX+^TqyW_T^%o4 z)siaY^f+Vj`98^cTo=yA*0+1VHoH()Te|N-2}xVQX7})Yy-`^)#gg&B|; z(uF+!Ko=J{Lo5yz-zN(I#Y&oO!7MJIh5pG*d;!mCIV71&g^}TfglySz`b%=xhtH+s zam(B3*6lUhz00}l2B#~ryY&b+Ms>n*lxyN|j=OS0T*advUJ8xr%oXiF1HoW|h^m;0 zNLeltK_K-s$Bp92Li!E`9W5TZgU)%jJuXOpNAT3(dck)@MP2Hq*<8I#w+5oS2QqW= z{Km6JCXE1&WaZSJa|3C+a$@!|K`f)L=ws@{2 zr}Dh4I@9$&F{+mg+IN{o$h_t6lAM9BL5Gcx0MeObz}XO=h!Kz3FFU88pU(P1zRoE~ zS#CI9=6LWAu~y1Q8cbka)T$UT%Mu4Kk{_ci1$D2PI+<7RWPo^d{cQ|?9rsH>uVeqY zX+ylQ9Nl{jk}rIUk6PAe%})Gv3jjS9kb4s2^GH0sm2@$JdY#}8KZ{RAkIUB6=(Hb% zh_mTM1^DUCq%QtDL>`_E(PQogdk4~qeX@Zy*VIOzFs9BEoB8l8a~?X&vLNNtB6~zX zG9fN;s$rsmu9|uR;5Wqt7ICWWllxd7CwyptYG2kAE0G>m3R}9t@Df*q^NN}^Jb;Wvj{jp&}PpaTh z+P>o&n&zj>BuCPOyD)rci?0>-FMvgS1GP$?tJ3u=QZ=Tmb7@V8E=6o8wuEdJ+pf4) z1V(!hR;*Y;-)XysZX;nWkFuUq_$KgL^V2*v{N1o2TVbsU9F@%-1yW{0?E)yx=PBS1 zph3V0B#>&TuFN!z_pxN|{9_Hbrz@Y7V)m9l7e_@aiCB_fVx5%010ZWD5sJ74-ypIC zSniOQ^F0Yt{ zAtm(u+~3|&tg0eD-HK$-o-jq@!F+~R3VacDVhRCvG*eY0OekItj7mJJfFeeVYI|$k zgmaI+5apMkI|0A-eYMA)scR_SlR5nTb7Oq-*DWYRdp1U>xI8+H(@4hJt=jdVeMH+V zYX0EJm=wUP@5qCx-c}5>k`9D8YR2HVQI_Z}kPpOz|H8<4VPCvg@Vzl9Feyukfb`I{`ijZpY&O9Bv0urZ3JzJ89NAgL24gcp>-f zDeMtq>3yQ;?4*&9s53t=p3Z8pfHJo!@kDs#)RyYHM8B%YaA^$GlrlpX-4?3pplGi6 zwvm==9KPwx!N*S6LYLqx#|`cSf+sm)%JwBkbU=ATH%XiboPzc4kT*OJue^+Q9ilsB)J_wlXL$LqU2@ zFre%(ie}RdbWWcao$k&zP(e%>HwNt!vy?(aroT zCift{2wX+j^I)w&>LgM@`FY&OkU3=})1Qjjqe`lxKinW`nP*S0Z}t2Ks>lI}5RrGb zxks^ohOs2V1N^f}sMz6LgrR1v(}aS}C+tjoeW?*4ttzL&1fo7bJ7bLMVMPZ-?cswX z`1czju3m)kI*v_|ls%Nh*yRye3)q_Aa0S?w;$*duk&cp%78wpX4U;KFOTLZ%xhpN+ z6)G~ZrhMsD{DtxsQV5^(ntgsxTTE;S^-Pt zZ+_|F@?KIi+uc%E(ahIF(LwrbZV8BZmonhmO< zAQWe!oNV$Cj!1zn0YeYPGvNLHOg-{U9eZIZF$24&Y7(*wmG)R39Z`>1pq67VlogpuM-R&Wn9I56GKa4PDqB1;f5 zy+=pjTAiSidNff6=mH52!agRx#E?2wJ9ggpODUSM{Se|ohNl+5mA?=Eq16Kq!}nFA zy@q}84p+GD<>(2c&Me;5dq*ob)FOD4a2NqE49-M-3-XUo=)557_h+;@(L%r+AS`PL zUhtgJojNV4v#GVcloRu~Lf?GF2}0$}ofGST9(MN=-v(Dj9Yw&)kLQz4{xN*#ip|bc ziZ5#v!+drqn-C$d$+$$d+l~leR5BI z0z7r;2?+`epq_dF#Y%0#s@*l1t|dlKxlV@CPOF<%POTeU-E|+ocAWIu>?oCzh#bd` z6N+^)Re@(yY-vlRV;t)>zY^9cV$SS5nF_(P1wjl0=pu?4lTBI#pZsCNt4a2Y z%o#o`K87m#2$vZ+pvXeP^_GUVQosh&*v4g0q^n7>VgXP`L+?FUZ`+95P3fR;JCI2<#5SI~^uRA|uAQRL`u=v+(tX9M=t3HW(M!BFjI(H^1_ zlNP%zI;dk7xUOu-x)kETpeBh=*ZES})-6*_MGbTD4zd9cGV#`6q$hAxN#Ljk53EI( zlQv3GCxb{2pMYyHystu4O^2{B0M^f1E5XG-Q1ANg-)oEx(#ZxO76e&}Q1i-HD8>L0 zqbiQ*Q=$X3?dvgF6yT?C)mXdB(+xNg(f?=yd2XR3X?T^ke{Nmb%}Uzz^Z=4tzFco) ztRk;Dn*8fQer}Ma=P^5*)!XXmcnFcf_S492Eh~7*>4tWrR~98iiRftcHu{)Y5xBf` zab4_^yngN3;O>UnreQov1U+_Yn5E17!L25GE^9r0*3Q3N4y(pj+579{i4E^NbHtH@l0zs9^7AI!n}4r?#W^7sFE`i*#PM@R1$}fKrJDwi$nLpFnn~OsJ_P5LIHOk2}F}=jm;Rg zCBbg=JimDIc*OThZVNbSN~#$6BRTOYP{sQi1%N5Zga7vC?_d58xy{qh-A)5naJQNb zw}Z3SOuz7#3;fpto+DrM`OePWiS4f%Xuppqx4-^S%Z5|72FGgUJWKlcE{kx4R3sr~ zpk`7snAB$`H>4MeM!?-G?K90{(^%anDyOWw(|i7Q0^L>rh&kfjHgQ;47n_7IX^|_T zo72H%Y>{vg$t)JnlI6u$A(}6=jY7QI>jW|M|JCve2p2|wMUPD)r9>Ik$lLOl`Vj<_ zmlKJayhjEa534pvg&i>1j6p7j(kOHhKtLt1<`)bIfl&fJz@Uq|Q^mFs2@R!;^8N*a z`$5SsvVIhsaq`)swM}*c5Q*Xlog}9ePoFxDDLza&?#kEwwM6VJu) zFrv0aJ5Kn+ub&!_mq>Oa!Af+tIY6mTU3!V3FC`=hLR-!Vtx;;ZJ*>0Z!mhWS^ey=w zMhtpuyL(@CxNGBgxvYotb|FD-*wgDyM$1=T(w+A2Zc}>o|1fsXF`~O+yx?c%jBVSt zdB(PF+qP}{jBVStZQGu?^SgU@H@n$nZ_>1H+Wyx!Z`wS4z8^YW;K}n^$3w%MHwF_) z>#ag)zO7znPAqMhPfn8t#|lfF+yk&|;@oJkXGHWP47(`zpG&Vi*idYgZSy`z!(vx{ zv*Nnd4$js=v-@s%3&!;|mmhi_>^KS-@qp?TOZ6&YLuNrva@Vm&YAy#DHqq=N*}ubx z@uVba(DtbeT(EESo=#XTQfy)fBmk(jjR3HK1SoplR4OT#2yyU?cT1sj`@~sS>G*@B zj7>qjywLh!*N{%ct8e8{ z;(hnKhj}RxsB;W?Z%81j=#%W`L$dK!Q6Z2^FGUO=D4bA0>`Zti*dJDFf@slhVZ6@v2J1NzFju_ zR?3-MBd@NiLr*u2R&n=_nNK)-WTkwf&Ga?;^Uq7q*M8wYH!G33sMXKaJ~!2@OvD@o z4V;=I%K?_6iT()*Hhar{ONoZNnAfM(?AugfSHpCz;Jkcy6+B{MuytChS zT`FW+tJBmgi4uLW>kNT`gXPa~vwj>H;ObMcWow=a*V7nwSdJ}tvif2q^@W}kmh91t z>UdN1Xa@B_b!x5HF-%cmcmEC2-qB zXtzY6Mrp!zQjn_GX8O_0CcA)67=8W^-(ajWylK7r$3MRBdszf5bgU%WBPd`L3hb(%X@WLu&biKC$C0_Xo^M45H(jef zpXsyvW=HGFik>>6>6y0pPP@@Dp;JFsmcF4BAB8WUM^LG>e|zpRg&ACHEz3&Jpo{hf zUoON!AvG2JgmEZ}LpZ3|N2|;|=*v#XafOZTWQj0jWRA9SN+)Eb#ADj!YM{&q4Vkg@ z?2_XOAmLl{9+mLzXcau#1?b^+aBu?$i-3q}>CthQo!k6rZ$FU-mz(7N(4LP`jNxA8 zh_sk#Ys9jab1-W}BX+MdZV&K$@+bjLXKf_?DHQ=m0d1C1lSnCc&@&%rn4Se|7D*FF z(wMJhZ<^)n@ab$t7lm0##USSltqkY3Zp!=V;|;ckbS*Z#L{^WFjHo0-gZL@vu+S@D zovG#9G0nYt*jjtB%uUQ{+ljl)#8a5BK2bo2mJpCsy>kQu?`sCGC)qQV`V6Zq%D)g% z

6a{<99=tb%FYN-!RREInKH878IuLWNphT!|@xA`R|rkb3FKw-X;|EpO1{ayj$- z(K++LTl3d#4BlY*nLcQ-v^mF#nll-6sZ~P%Fwnx*XJ>X=mwMu6wSFHg*8T+Qhdb-S zx1ctMXRgEZD8DOM7eNM>_;0)~!pezJwfe=N`z=V7L9Uw?HhkzHg1wd#qk+;T@=N4M zM2SsA;y+}R@DT@tWrF({@31`%T**$RF@{%k-Waf3`0nsG0`3@f&`h^9Y<(&EJokZ@ zhY<7aT432Br8PV8H8Fbr4+Ky|@i@UvLhh_Cn*^S?x=D0vgj+C@oh{`H+e$c2F%{V3 z2Y0WJ_a{&Oto9eQ(utF?;&7h_GEQz=cUt73 zEg3)v(y~1I7stNFT`)($F+Y8fd4BaB>)eoWH{O}-Q1=vv1X%=_n1Y?|k=8LQ&_4`jkti zIQ~?oYdX`}qtUyQ6vzpTBxg{T`@_p1X&1qe;OO~E^Ii{vkg8a+Ir>1oV!Z;X5Ob0y zfR|M>^2P&7WF$^D#(ctpAMNut*Ghn*W*CqqCJ|ZUnS5>2Vj9|&GlO`<(1N6F3@Ree z>e+g;hki|MqYV71w4{3n1ErBgdg$Z_$-&e=-%5W~U=AI@BnRm<2m);Fa9OHq>&|39 z9NOTsO1aj$AIzL~j&i%bNprkAA41=hGjq<(hs%g)F4(F$ec!DJroN3X-j9jCf(tHp ztF@_oJ}vfUNML$|&q;!wHGHP~KGt$6PLgD?eP3d^uHW7Jr|d5n6zF&4XD`NUT@*7H zYbk)a{o`WI*!Kl(#;)RdAfnHkMOZe4mo|PkXWcICB;acFE+9s!|4w9L|4e``{$2n% zmnmUEvxcV?^3kTjjH3mTsE)R@Dsj=mnhjyD z5t(G%ZJaNxkuni6L(ZW~`xv#{=Ny)q1gk4*miTOqjO;$$wR}hYQrW1oeZD$rozgt6 z&kbIi>ksM_0|5USZZv>RW{?%J zKpZ%-iSQ4>?wg7}BW^WO?>Cdv46mp`>aHs9bw0juRHK|vDvZ!7o`fG(&BO*+1R3ZY z*}>@V*w)n1cx{lpLzEcJWUQ=-s`|c!O;Kz72Dw3!=2S03h7rD3D$>2z^WlK+FdECc&az#&v(-EV4{&qMkcQpQ~ zVfn1cMO@{iQg

qTMhy{aPu9c8uyW$OR>ul1qkn@hr9tYf4BeW<_w518Ww`dN7Sc z<~+i-0dzVZsErvLA)ZP!s7QrPMxqIMjAin=9+8bocT_5+WsN&xH5lE?5 zY5#!%w}*k6K!lMvR^b;SD@71#up%K-*bxvuNtGKkr%d1sMG7J_x}RKtMxYQZRoB$)W6mi0C z#N+8cDU7sqIthUaq^n4Ym1A{eo|qmmFAz>THnU9egf8Ne9DQ#9zf4682=qqlH*=Z!O!{-6`pq6uSGup zCn(|u30nF1&&AxDPoW<22+XT^C!#Nm?MP=S!*Z-6iLH?wkZhp@*v>aMO_Qtk5j1KyC+$4Q5*a5NbKYc~thHI~R~{n*rnmG1 z?Sx>CnA#?+5uiE~`?6O0J1r|mt5`QNF9Q4dpXsO__Duu!f59iznRlV|rnS1p>P4{P z8Y-g^>J%5_@f=_CGe<4+UrVM6sS5e$2`Ayn0d5pxNkASjMieTL`$hQjkd!mh-&6O>Q@TWj ziSn!wa_rTu!x@r)SF63`LP)()#j^mY)T_0=g%v3&X5A+eP+!K|42;N)kz6~ z06PJIQ()=zNjsCyb>2O6kZ2zS_*nPSb>O&XsTPh=u=L^4*;D3D0!)zlPuf$^#Q8+N zk?SvP@~6;coR?_n9CZx`o%@8->u7gA*P25~@Bg|Mu8z@_z141&R6S0Xv!kWOE1=}= zt73aiT4P43T`|M6C0dmO9ol7(+0fUuYN8fPf|kofBI-uMkp9w{qBY85KP_zFxVnlP z3kw5D5Xe%r9KMR9DH%?bJdxH`X)8vO2z%&P@BZ}mfP0k7HdJMkc`rpurn_8kwm#N9U#>|%qKGr8!>OeWQi-WS z8#*Q634-+Sq3`^`4e~(Dum1i?0EAJw&kc=Gi zZzPXyf^8;Z?)aMC+DhuzwPxJ;p5}Pr_C5LFkr6gKIZMr4$=Q0p*jYH+YbL|Z=IL6+ z`+Dz;33g;ll@43-wTWG`bDz;ICM&gezf|vAO zNO1N?JV{MWuUld~2&Ch72;f0of%IVpb@fOxU5f_kOFfBSe3BF}{Zp88h)3qL@qP7N zGe^+wv0!v?a$?0oy;LNg!`+qJrh5cetWIrlIkMBA>dCUG3$v zH=@r4tEE%X09RxG@z8QHv8F%0BcBv;CidN%+8$4bY)EiaNZ^mbr9_H2R`HZVR(d5Kl_a6sz8wUTob)fH-{Pm)(7{H6&McmBj79#e(~SE+io01 zJk$}~VPrl22~a3EF1wMZvATZ6xRno=&ZrA2wc|6Fz5Z^`Z^Lr++{S{o5Pb1V`?}O& zZ8SM~8tv9BhrC0COehjXO8UM*fFR=Eo`n4e9SS5*9iCgCF$7}> z?8V-L39!aKh2maD-92V2|1B)SzIUEi)}}zxC`7hTJ~3XYv@aoT<~>)xJFd`8J$%-F zVtv6KhZ(4k2zla_i%_@ht=Q)iPK0Sy8ifTdg#WW6^dwlUSHp^2BVbF?qKW7{Ofsg7 zs2AMTw*Y-CRUDX=MoAqzqpV4fFtZCW$RRN`o{mCXlMI`5d{@stmydq2z^oZ%oN*-N zt}R9=>if6M?VX7#9~CO>uBm`gn2#iGAK$8dIK*$GGOs*pdq4;?d&KS9k&WM|g9QUR ztT7VsE$=wk$@+exVwJ+tIB8o_z`eZQ_9SK6#<$$Q#4Wh`3{$Y+Uc6wOGxjMUM%&Q5 ztiA!nB(%@Hdyht}RBYRXpD*kMfvfk#7KuoDP??aL7ymCP3!2Pf)1od{cvjX@GHagw zQ{Pz{Mq;wH_uL)M*7`FsCM0gtKYzIed( z5Iy-uet@7a&H9qrjflScOX}W)M5BSboB?{uNi#*@)oTq6PvMUZJzLrFQ#ha7ie zo>|!lDXtddn6kfQK+7$zg3IPFn)nTV3vt=9x_G4LET^^oGJf`33O|vNjF^6|l{E=e zlSCE&0h+ma^ulaGPrsi{YrDUkK36Am5?eEZJ|?k%{i3Z-2R1z&5gOe4lzfNK=cN7# z`Vnv<{uhI4ib6K4@ATx2Bg@py0~@XGGwa;EYFI|MK#7d?*!(&1T``|W1!=yJ1tP85 z+FfT5S3>G&JsBzymL`TbchO|aVy!Rc3q7v;K5{zs=ZxZZ2ieN<$0ibvg~gXF-5?>7 zK`N-ig-Mc9Gn=e<)myx}3ZexQWKexw&W%$e-&oU@+so->3MncExV;@6_C`m=4}Zb4 zr0J;ms_sqEytvf2)avd2Q-PtS)c&Ge@?35-K%u7s)EIT57N3WAWP18ZF<+O&B&&V6 z{i8iz0$7kVF%&fgt2xm-Z^h-l%T4}U(uroT+^ zlg%^$xS$zoINq}Lb!mowGDlJ}M;%Up?`cFGJ)kd~Ii};6dI6I>gC!508TgkAzA=Zh zQNhdfz3Gc3y#k#Iy!pEM0-FECO~~;D-9tuIOr{u{!$HtPgqigqJ#eS;*i!r;DbQF+ z_(nA}>P>t4o7N5!j@kk|%#HlvKsqfv8Kw20-HN=4GXh(_F}mu#tgIa2mOb#q8BWgY z{&R%?Odx>y7eQ_qhX7()a@)VM_bt_A8YYVg2(J5tk7bJP>Bv%b3R=uRwkc?g;oEMlV-!Nvz*lKV?0!2<7Pq?Jiznzz5Y^20DqXzitDAFPI&GqfXshZ3K1S z`%#>|{^0Q}Q?E_sQ%hD(nvL8|Zx`*b#*e|X-<@=?*5-tZ9?k~ba*ZCR>5ELJBE(}? z6fYI}>~({G1CvZWgBAC2go*p=2cEdcoGIL+2Z92?{VJ|Qt$PYcclHoB;9p=!KLB(^Ioq!XiKEZ-=CO4Owrk_ef+Ru9A^ohO&nPrL;gH_n^+yoxzIMt#JdGG8p{tJ z8$I{4M|NRPOifuu*prf3`?Rce{zUx}o)%jD&p{PNv>Soefx9X)j2#0x={!z*Pfbt` zcy676_9<6%Wa&ESD^}UPr1kaB#SJR!tUzN(3Ry?*Fq)$5Lg>Y?BYTfzumU@d*vHLlM;nJ#d4lP-QjD9QSH9LizP(?|_UOD1cJGQKcAU`< zm&U9F+C|BK^=1BjN$YXZk6{#SO|x>6Z^=&jI_f_6DJ!W0@Y%ZVbl(~S5yJulR>i}i z1k=lvB^4qNf<_XO*2PCGi}4Yf)iJJWg#8PW9f^>Oh}gxS%>x0G6U#2IiZBZGXWb>3Z38oPH9H>F3d@^CD5F)_vA7 z^}P>!$O3sh8snR=yf#R`xq{%8Sd^%05IruwKZG^KV2EzZ>S7d~dm*}+x-Cfbntm=) z8~(PCjDCxkeG-1p>d{8X6~YcRe4S(WsxLVPjh-RpgD=pxIj!jnH~HD5m?1(N{x*Lz zk3P!Hw(e;x8lxF}dCf8y`F#Cg;kAfbKrgeGIgr}iNx?WkV}E+B8{T^`39*z==$h%!5(|6pHLmX z1{IH+fyPYME~#!hB^+rS^TF^G5Q9UhE!|C?AYrv*?sTY>TrR0H?)a@w@i-pdR3q7R zo$M33Uf`MQ%;(y}y+4SHvHz9D>pmavQ!$B&Ji&Q@#@QSa5YZ&IMM2@^!tMR&T``qr zaE4kng4uv-!rc`1URw=v^Z0N`swj({Vw!lQFovO#U7oz;!(mD*yZjJyf}vX7Oi#OW zcv0j)bz+HIXO7Dt8ugJm`aB+BOKqi#!cnx*CwKa>bjrtO>TTDKq^K>V=Tz&V;j1{{LG0~z*dTwI0~Ncb zqx(0t8~;Z-M>BA81e*$Ix;+NErXh7^w!N1!hG#_AyH`Tj>bjMw)d9sN(@xoqan|!) zPC|U;f=?@P(iz0G!5TnC7T+k#^~#a|;Cr6GGffkE=Gt=z32qQor~W-8_u#|PsBYhI zt@IVE6mN*A`wQ0Sln0$$79vJ9;+BLO?9I@R@xO;GiCpn|)mb|QPpURhMA1Odq3an= zIMeREZPh?f5M64;&$Wci41zWr-$!qB)275Oc3I7$-sIh#t2HOiSD0zFk^M>AsFy$P z-)MTiA)Ru@Nm$eC%?-g{*)TiI7awqAP~KwGl9w>gL{x~LBqLpTc);s{X0EX-Oxt9S zl2P01d|tv%Q`TKu%`Z(|%?;|LridT>4Sd`L1;{mF-+C<#F5~1wzL7uM7F*BDO@hf< z=hbqVw|(DL8{aVVy7rK@EV?6h$9ZjCndpG)D^WLuE0i8CD5g*^EN0)nX;Jcw%g(LU z6&-}1eA~Hhx|d&l-3GR)TA`Pr*#22z)RD%==}j|LRgs2cW$$XHhIX1apS}SN544wl zEk7%cB*41C*tai=p~&*0*ZI6{%Ew{M2$H-#h|7qfHX=S@F_+o6;M#825!V}|rb3vp zcicE%IdQ#r9%JRD)tBMdM`l(kkKN&WufwiFGT6b zjR}h{tMd`DjE~GR!*o?*wv^Qc{tMNr>?R-K^N)+q!nzXd4jVQXVRs^?X405(iBW%@ z_{#hlQ<)zS=R(D{BlgoDeHXAeY_)6Co~of zB8H3vu+U)+r;dYA=RbLDaRmWnvs2^mT96GoNdoJd{+;RHT=g11g1nh()ce?Q8D@M^ zTqB-4k6k4H+If7Nzf>+974hm#NMU)apC^*-Seyb=^(;D9JVK4GW3lV2w;j96chg#+ zDlu!dIi$Mb=;o)3v!$u0pE?j*B8_oo9OH4~al&tq^dRd#hYw@&#(wh86o-9_w&9GZ z?R_#@LS1p8w~32opXL*? dcr#TL1yFYuP>K@Ea2s{gElUO=Uu@2BIU~gmNz^KMT zahP4{ZG$U=FyFU#apK9gWEeAEklnyY*b)L0qa8wzseT}b;~r*Vgkb6K^PulY$IQt0 zy@^;>TCr~9d+1X>4-UsGuHD?1Jo$?sx}|Y0jEzHa>KQ9EBpOU67<+V5+GHoNon%XJ z6HC4(3T1W>PL!v@@0f;^2$wbvKg${)h}02%8?=$oKS;-(4v$V4PohVRlM^IkZ@(t1 znwwQO;ttUMvh3^;#BMyCVRHPo?F&-uggbmj9cSqhB-S>Ftt?hv5vT7??{AlIXrJgt zZc??lI}&IZZlt);E*F(mX^>Y-yHy9(wa*;kl{bX(GaXGX<;5tUfSvB~)=r0gHzqy0 zq^m)?pw+t>UtO_EKfsOS-Bxxe*-$P|7Ba7;vPTy$s%Fpq_XGZhwC=2MY{`^hiDG{mMC;V&P^i9J(0WC_AB_dcWdMS>qtOML;Tv+Pl*!Owm7 z01`V2r69+%)knI4Hki4rv#Gt;Vl*O8ruDOjy_!8Q6PxHRn9)dm;YD8^=9}W#=f{MU z@An>`0*scj;NIZO*B&|t1E{kqf1^JKilCsA3_)TJD(BV6(qEy5Vpb8^KPYW zoXT_t4$rZN9!QR^xk(jL(fm2;w)@(DFR>_sebCP1ObdlBK%@7@I;4JnYITe2lyOwC z`EIIL^;i$ai}iLOE&k9p8>TQ*L$EHQqk#o70R2O5>oolUd62pSvo=Gnj{^uOC1@lk zAr1f~>}^a2lIY`iKno6O{MQ(<1Xl%)2Sm<~BA-XD-|>~3-ZnGiDfv%Ad1Uz}JH73{ z@B@cw-{uYdLDB$Te-(I-J)pH^t|VjKLS>bx<8)how3*PJA+E~YS)xt059?*@W7cwD zW$b}nHV#xDEM8a1bNhVVkb-IQ3&!COMT?Pa>x!-{&;~wNs5oDQo%&oKy`MN%SPjXm zX)<(6uq6VWBle0@zz+;cxa;O=4T-wYzi8xK>_Qca!+D?J``08Hsr4Z3*VxMX)7Nm@ z*=b;@BKcV>&=NPaCfBsf-!8mrA$ z)UI=xTMuZ>_O+IJ#1zGokTW~rpL1#M+Q$m)e%c9VC!#B$3CHdqb8RE<%EmmNI1gz( z`kYr^^Ppo`wX#L(?zO#bYZUiDn(C5hc#Vdso0yQxlvh{}U+G@g79BgCAHcpB=LHnl<0tD`$Zf?-13MLwgU#=SC_O&^ zLsp*WKB(4AM#>q}c>BD|O(}O+JJEMF0VWrD1;qI~h27h+*f^Tpx8RKER&y}m_TZr7(oAt~* z5P`u9?_sQ4AMsuuG{!r}hhqhI zfqxh50HN-?jJI-=pkpJMC32-90psN8s2f#SxlJ^9A zJ0Lyzn-lzqs%7@)t-fm23HHwj79q24|D$KNNB=J zCK|*eO`u|1r4YZjtzX_i>Qv1Yn=`~g`)3|ayov?VTJi0Ypi69UHIP~5oV{CcYsl)& z3%7g^OJUBWj&mTgF8BFiTR{U}`m11A_f_X&$2RJDBZ_id#TqaEMd3&M)=QyhmA}Bhhclnk+83n6{c9*chtn!YyW%mRZaX=+i;$(m6w*+ z%J>O*)%9#5AF%r#Ag(=KIC|7K-kfYD59>@0bW^Svu2UdPI&XF_Lnz|`Ut>+K+Lyc! zW8Wm$9i{PZ1fOr#5pa~B=DZ!vO35jySKnvj*@$xAZn9)Y&*isUPpH+GHN~$5-s93TT-qZq#%@*#A|U=(x1gnNpjBm=3wmdk{+flsD> zGMHrE3F1fBfG>>wnnzW`skwPyj2lTjqb$*Ezl&W%%3*bOlD#y?m)bCCwxV3*Zg`)J z1us|mmlAz1&^gO@uN}Q3yodqFJ4j7ru zj!XH1PRb}O^)h(1iI|f(53F~&Y&;mhH9Q;Y|6m#&edj#l?>v!E4 zKHZ53coHJ|TDom(;wG0nCl!vwhSf;Mc!c-x7v0Mu%&Q88=gNnv2Blohq0V37lE zPRJk!-G5}SLLzaDw-m|nwUoz2VS&6Y48pv-nL|ukD)7$I5TXUb;=h7+A!qY{&J7#66v9zd;7R@vO(GfQ+Xd%|v zfw#R&5z-)>!Xn%Y2tHDFq$>V>WZ4sMXlXb1rrySmZbbe>TX7{wRz!I(>$UZnw@}@$ z((1r{SSMd@?a6p~zw~u+rQqZD!M!Th`IebiaO|(!oXm18nGAOVL_Z#6dl)&+Vt$yc zvz?wyckIV@wK5X9t4$ay28)$@r5m2$D~^7MI=K1BvBZ-zI4BB98gLzct+z85!{H>0 z+ix(8by^07pl-l`B1Wc=ra~BlFBF%gohPI@$1GPFZa(mu*x^wBfy0RJ z9|hB!`2(c|HnEGdI}}JxU5=Rs(4d#CT8Juc&&(3HPI1*+$8}qHCmC(@N6Ak}X%%)B zOr#e&4MZpZARWREmpX7pcqj=o8|_*DGJ3k9KUszk32h3=#__e|pZdE?-_s8F{`(|S zb>&1d&-z*MOQCj;W6MQgUF(pywYL`uN`gS^C_JbSXiB{<5?_%J$x2~p7);t>m5CIE zn#ICF!$d-;T(~$gn?hBk*kYM&Sc!#tuyq{1{2Je?sZFrA%K9>VuC#Zcw?K8EF@BwF zt?wi+>B$;ruH!0k8py;h=qi9tbIcdfC0;#Tc&_(f&cBFJe(JT*tbVcH09blA4=?_; z+%iDJ+o3SEFLvrTeeY{DLM^K_&{wiD`+vRofki}Fe?`Y1@9O?3LH(*RFY!2 zqEVWNn-XyAWi6ZyV#|%o#yDP+G)#PH%tJhAno_$Yt^C+-KZf~pzU0_N4R+_JWcKLa5>{z>mT$jfBx*gG|6K{4>v>mi9wyW2T19{Sq2l-~0l z@ge%uyw!hYc`im$5if^z4lo3|1$>2F#MA4cYyw%5DEFr^y#9SCalqbsz>@%UnkH4# zi5Bo=>V%ez{__O6kUx;_>ZHf!ON(&&fEJsl+Ob3d=}RWgCg-X?5u|MIM`-Z&1wXr@ zVXbpLu7C(^?@Xo$_62U`v&vLd1e!H%m!v@ zZmW!&!Kl>dwc3Y*&ZarCb>C9lL=x=N^c<2ff)>~|?`1}NXa-RuHY>Y`Na z6O^-h;WB}V^gyiqAa4b>BK&8-FG8;X#OZ;i17UVi2G#(gq?AJ4w4o~tI8S-E4JuYO z>qONCtsuw&iR{!e485$bA+0l*gg>c9Kb+=rq;@ah_&IJ6UVGE3_1L&dDc6JM&X1Hvf?pLXG=8J+TmU z`SmM{@{DYCzIzv`dTSsA+qc+thNYaT#-0nF>u1pwWGPJ%PIJ_dCLf&ht3ILgndodq z5}@0x#`Ik)2$js$vhTGZ8heayUUlqGe7t+Up;p~W?=!A&GVA5S#)E23py z?dE?1 zQPKoweeL_PX6feX&dxNXgLq_i2>9@y=j$59-gho0QXo4Rdq|yziP#E;qBv@v8g-_% z#h5v)E@?YEGhoAMW4X>QEyktI4p~?PO$)Z!RIjE?O*S<_NEe7i2q;=Dek(Sh29ly8 zWyA?D2bs_q*+*{?5k~-tt05r1)5`}5<-AojWpXrP=Ss`PVjW?UX<5sT&KX6P==#bI_k3?}Tv9dt@s?ShkzF49 zIG5fm$=W^A*;WmBN#6B-%INw>N4V_f>mx&Y)}ODxlB%XnvwUIZSQrNjGW{4fw1H#J zxzZU{ldLM9EnkZlRea^qD;ZmeD}IOQquAL9WA59u`1_(f-zlbBl>#KjCbTe^mPIKO zUwo;E@lq28Q#MAyyI0K;@nb1SW0^_DI3zCM;PUZzS_T(meCEw-H0EBizJt}#*?G;u zcu4x1zdn+T#9VUJ5zM{1xR~!wrF?qGXsJVVKW_gx$;#TRKB@{MlR3&4 ziXI?f)Yb0)%X(n^-?SbWSXfw?{%`AnnSqs__5W=>s41dwkyJ*>-+@>x3OITWvkAGv0mxyMSlC{DZUlc#n^mSZ(pfQd05^V{>I| zUPDX(&>*+(j3y!(Mo?7kAbC2ldDtkaoD6TZjNizAMVCdzveKBju9XhzD**Pz0EErG ztR91~&e;S3A0?hU}uU%1lk-~chi;q67l@t4o0{y2Zd%cjH(3oE+2N#I>zpRD73Yd zZLV=|8Xq1NJU?EWUoK|r6i;X|tH{qDzX9v_wqDvnU7$RAKEQZ<78+D{XT z9DdP(9D*o;*DdGU7mqefxtC|WO(R@+59+UA`~tTUmNn&e(95A zdvz^X)n4smod?`cIiLJpnk89cQ>>BL~?|g5f z_Xte;Ja!>$f*54cNW-DFeV;moO0?*G$GhZJ>ZZiU1paf{r?`M3UWHO*QkXcxB4qRK zMlH@fB&TgozHA-SS?3k+Vyx=OMdMSIQ;A1Np0ka!B@bP1vaZsb@|$A3%Gl+RcdAdG zFK5P4$TjW%lm}P`G>*Tp34up)9O5#mOovh&qB^8#qg;nw4sBja)xWu)s)w2Pf`X+4 zo3k_U#$gPD7>F>4rGvmarwVt)> zTCNw24gEJrxl`l<C+qI#B5(sRc|@>CgsR2i@UwmXI*CrwZB*Tenl%$uCJX;44cRhR ztR`R)8r5;z{N?WCb@(m%Ei)0Cmgo$$f@S#{>mt;m+*yJDum=R|MTa9VcTKD&3y~|( zg5{EEjY$-QZX{C{A zB9~!s?QD=0?lJQ>%wv#l8h+2{uK>B;_4c2nqXu}tlg|eNfaNy;ICW=D@2YJTI!msK z(50<&6J>SnDhVoe5Gqq;wY~5M9DifL1;}FPiA*k%lyq67G~MS$wg&Z-Hh^e|=mwgj zWyzNS>d2}JOi9d#N%vy`M^-=gNJp=NT=xif>`0HafvK)Zz+(Pl|6(~sTg9-l)UwdB z3US+Wt9yq0yYx8=FC#C#&I@egN=95Z74(TT*WuQ+)(Q66)tS{5biG9^XOXL~r4+-I zz+)nNAA5`ZfaG1yBaI`>qw|)F!V%%tR@14Shhz^PuUOn&8EOce?(7Vw|rMUX1qeO8nUQMty7npTn` zP1k56v`!MqYnaBL>sowR93m)d$Fc8x@1f1^_BQ!8cRvgMfrO)eAX>zSeS&J>kpx)F z11hV)IdMaAK2Q_8qHchZdL%}K^*3jZs{k9jc(;f;`~;VNj&dMe`rLzmX{G!u!h##@ zaA^lXTESCy!NLMHT7g*PAd&VksQp1p13kh*NA!Yk@BvBr35f*}r9!;K{3+rf74w7`*Cpx6Tl?(mXXIIdpW z)o7eLq?}=i-wdZruc>;HDy*oLuA4n6YBfHFtAE~QzTCcBGN7Sue?x-P?IMwa}41>S#oA?8Yfo#H3Y5pYT!IR(Yc zGnD5YI0eYeQ*cTrJB5^=QfC)DC`qH85^DdOa0<3?`JmIYMDRTVP0{yQ&Gkox%13<;634<@t&3xAWH%UA|`-{`wOom zF6rV|5vD2eS@;XPYmp=>jhREKkjmEZH@0**Y$ccohi5N z<)dN98bWhErQW_dipFwc%`H=JVgr&@K0<xL=2R zp5Om3>>;8#p~@=Js$RNI*{WQ6U|c~!V*URId*Irbu5-NV+?BIipN5NB1#!vOKJ3wn z{8F_l(>6)nkiFWu+_~brH0_()RkPz}KZ3d~)YktGdq{Rk{>2`eEiW~Gu?N$h=8IqK zA#lr#O`IY;ab7`WT!JG!6_|n!g;<_af~1UEJb{`bel4D3k)AONQ{K=*K)Oubh@Pbc zbumFh-qJ$Qx(uhO1a>i=Q{MDkK)VdfxdeAH(L>(WBm7-X_Z%&qOqp1Do>;qFf~AZW z!{I;ap^bozMA1S_Izwc^9CWHsojLP(Rx3mF!5omLQ1}sorkJFWySyNt9Q5wIxxL`J z9O*o#y#}|`D!IU6iRekKsEqqbh)4O2a;xPRdtl}l1crxJ!`A~>R))8O4;Fy`QzwTW z@mHR_xSZdfJiojGnjE4CA67yTgBDdGzLZfJrnJ;TfTR>!JPw*d4n%=K zy1p<4I~B=6!Dh_5jmXs;t58t66m*H;4`V*)Vi0vH$jo2s_w42YyH@~_-cWi(-hfzr z)4l}l^{I15>=LNv`MA-S?NiTXzj#Kb|&Un-RIo+N7Y3E7W zrBqKbwM(#^5^d(J+XY?EaJNdp9^>jMLLJT!ctXPIAq?y2kLHl51BA~gjtm*7V@PU= zQS5pn044RYEo12G^(O`=381*Bqm65+QwH3mcFEE9(PM`0)c}#|2+@uSwUQ$3?f;A7 zM;@^^ryVeE!ya)2Nq6Bdr;j|`qdsPgOb}QRS(Xy`qF%w5W~}b9>Z|hgOwHZJCmL?A z?dTueQQLd`Z>pXl+Xt>s+Mbb{2R+<=!T%Op40IAx@66z$n;}+_HEJqBR0UI7kxCJ9;5FQCR#ipkm9yvON zsqZkg0yXm$Pa0h^H7l8quJ2@B>b7$mPqeKCFK2=8rMzV`=aIj$_hq&h9d>Bfecr$B z4FQ$|KH9}@!)sP$a*a{;;TV!T<(tATkQ;C;0bEY6;%F!kj#&}EC5}H9CIiUAoqJ{E zQ*F0zI|1u(@hY~af#zkHc3p`~FYha4cg&wV8ZWreb0h2+B5$JhXT1HldO|#!qCvf#g=up5f?M8lPCc-I>=4T~;nTxa$SwI{@6_12@c>3#rbi zl{?n$5$wqUpdQak+gEhORb&>DCubzn@i!EuZ8YzHWkv~75#lUo#TjF>O;Rw4#^lrS^U1xfn88XEUX9n#VHpLxh`X29GT}EA2 zum8(>;KEzjcx3vT0(c0qa@dW6(k4(HOtvf1?v!*AryVM4cS_x>*TPXSdoN0N)g0#|b#7MGwif{44BW zswYzPyl-KoST&VYYAIe>UzN3?S%I+vcZ@9QIajfzX05-jFHhN&z*wZEQ?1+o2V?IP zq-hha+ZMXZwr$(&vTfV8tGaC4wr$(C&97{nUjK;`CsxG1*fH)iZ{CPEbLM>Jh`g!j zJiqBkyumpM{pWgsUpDz)t_QzXLsC_!&TZS+&CBP06izf6C|j@}IMrW`%aQ#s%L1?} zjZ4<7VzAKP<)RRo{ib12xW2S3hy@Rf=psszgYri`U;ID#x z>hR(EC^=xw_Gq#KAMAnY21whkTzd9cT?b~?M99zXJO0W(lIab9zh<~?z-=0V*EZ2V z52ki+sjgvdx?A<`qitPuUk~ZDZEpJDgC8Q)zS?+$?=FvXiKxw&>pp;Ufbc&ikbBG` zcb!u1yohnhlzJ^UI;-f&sI6jhDXq@2x}>PR1K}ICpnHMZ9nb<;R-|a}cilWo?@aSr z-%BuyYA>z6JN9+hZkez>&i{#{avnS@-3P~a?6KHbG07hIz13jl|J{`NPIo@ggp;1Y z5#>Kp$b~iL%maxEh^`8fDkv;n6&7`Tx%90`meVYe@7&I+TIPp1Bv{#+S-+1@^H~Z+ z1JBpSNi?lkSJV?ZM2%ROjEt&Q&U$?91c}na0oSwb|1${rr~S0ARB3-U{q`U}MthXP zCXY?tbll*+<5P4~%!g>VdP%HU0iWn{pxdr(q(lGk%Fp38$;`FT^O zof63QpWmE85#sYQOILRJJwEZC3(A_YP)+<#1s2LdSRC=&O&RR!&{dNx5jmyPD|ou5 z*FfK#%IB?p{iP8W95O@i7G+EHlaWWQzH;-*a@iInGW)tH!o!Xcw*H~$=D4^=W>s2w z8_3@;JjV;_SXQ_VH}YK7s#Z;l+24O7eEGSnpejS&6`+EHHn~iEL@kcQ%(H}5UHx*5-RhGE6= zV?ejR&V$Z7N$oA0c2Ln)Ua;)=RNYZo96TG`+f1g(UdB#3FE{_RB-rW~G4!*0PW-5~ zdft1++0c&V6BTaljJm84kw#)U>{&0;6|hyOil?aYPvle+Q^6b-s-n;``1mW0hC(k^sViyEenqYB1=8w_KDWq zucn{XWqmHpN9%R{ZX+^)J8E^Yp_~c7^5Jnh47}r0*B~?sOt!5 zhIpF^yW_(m_IeCVwMSARG6g4qH*1$@j3=uBc5NffgD+sMEtHcc0e;Q`E$c6gnuj0l z6p??LYw%=Mx97MMoi1s7?feeq=yq()i2rzRzu;+HZF=jR(&OJ!4WWlQ291{!(`dU; zs0;};SQdn>AJA&?i>Xo!FQDh6G4Y-=_$SH-SlC?cLW;O)RzqIYy&##^@(6f~5$!~8 z_&Qm-@KwSd5uEczkw>ne>K5hJ{%KA0C|}WaokWf%!tppZH>=&$ znL<0Ulc+KLtmo0FP$&JG0OWR)@!u(V2`k+dBAbE8bvjCM}}-pI^Gj0i8gu|7JYBJl8y* zk%2qcYP98X9l^TWYYUyGffVLZkue8i8FGPM!Hh{WSYmS+u!sT0?@e1Epltt^PL~K7 zwIaj9%LG*_@eE8h9XHNhO}uh^V`i47D`S|DVY;8@a5IKP6&_2A0b!>4BU)QuoUh_3 zB)`$ZqWAT+W{i3NTr+=dK%rcl zIi2Y9Vx;q2yBo_~_wRuf>`yR3HE@VOnZ8)t;rMF7RY7XSo%CxL# zj{mSwZHDaP>-{5@a*~km#%g_Je2Jwq@qs zc8xCsSwrE8iHT}tVn$;LHxR8>8pU4{Bb~FE%Voy6aBH^)t+kvebcC5AP4uZY%AQDc zQ`pgO-9-V$Ui5}X=ARy+Y5&)1j>oV!9vw6pelUI3^emUvs0MH65;NY7=U-zvjGl@$ zoH*&-!H#0SXmhs&SE%ak%3TA?8%#tLgZ0Wo46%_8M}yZa*$WSfd{me;lv3@gOn!Aik_xhz zeMXK3u9mKraCji(-vVU{WCp^OzX=u;iNpG{s2 z_c{PZFP;J}l}fg5dobPSAC+EQ_Q7QfY z%SUWrS%oQ#UJ@pq#3672_WLdQ>om$7M?(Gh1E9^*HZuq{HgLuHdwPR*zR>J+T2O`Cur=0 z773w*Z0ET4`4OoYg2!tE2>co_h>XU*;7d*o$kj|ur|`AY)A=~k(iz*Bx~*q6YP-Sr zm2S~}?sHS{e#+k^$_pc`mOmvtnm2vbxGBF9fB96Bp+_XY+Qd}IeXeyeX&J+hZu@em zL)5c5ilcPVf{a-m=r9s4;Jo=9Ss&RfbH-VII|1b^@vF^ruIDF)GUZ@Rb=(bsx+Qs^ z8FRcNxt@7TpgmYQF4la12lS&jF3hch-$L|#TNXu`mdgA2{SZ@jklnExXP{OxMHrdq z!#%(^NvJL|=+|V6s8nR8ghw`k*kJpwo1*y$;^jL&`e6W;_qIjr*~7k3`v~=+81ON` zX~0uP>M+v68B6`qrtW}d3*UIETfNSx)g%3R``80YRerM;*wm^>SGMC>*^J^CDeT0) z2dY9}3wz*iRJPTc;^_(Q3V88NbgBfOuEQD^#>nFde~DN1Mw)=d4!$opY;;E4|C;)8 zX^7;Xa%4VFkAc0RNKb zSKH=UzDAu?(32v1*CovBw$@xFwEU}h##P)Z2&a?^_w}F`qI`jZ%pbNz(Fd&OyllMs z=eb#Vxe?<%;t9r`QfcbYl0o0(G(XBZG^d`DF9X=gy>56sT6%f16V2aMqZ_3Mu7;a? zK6uZ~NIu{kc>1gOAiDvu&%p5Y-s-*nHZeZEbW}w21psdKQ(dqXoND0h!VgJ!qfgT* z(nqd&pD-r>=cl@J`hZ=K+Bz5qbN)!d+2y}cD+fM6cyPubynV9I?E0wkQ$BS)k>54X zYOgRKWFO!kAr~t>9cd=97kNhcd}z$OgRjQ|U<^B4f2a*HVtcG}m#-Re=nKCUjOF&KOuk~|H{34k*gMFe8cYGn+)GJ2SrN-3O^HSi=I$qI?4Qdq27domWvgN9UqN)7-;|Tla z*v!QB*FV)iGz_wps+ytqsLPigb7ttHLEGd|0s2`AelYGZX?sWEJ~LqR2B}IBBF?aD z6hbUQ!RA~ww8c!Yxy8bqW%R8#^B!*CCjc~`CI2ta0olU(6O$v+DwC{{H=x_ky*Ef- z=ge8s55=s*?~JJ{<}9~P-%#2;oS%LgBpf~%C0S}FQ_;G~+A!WUuYIbj@ zl$KyWBsaMdzFdUk{MW|4(x!Y`9KDx~za5}Bu@2sye2;KOITIdma((W;$FmrE5Ze#w zx!_;s8q~E~3W>uXULpXS!WV zLJHfX4k>+88nR!tqjC!^ajGMa8$mnhS5{BWgJ(dEZA3n+OPAALV!dk|aWbaExYv*$ zcc-Y^0w@^|{Yvg0k82rZAg*CCfT_m5}v%pyVlF%yE4cp*-w{8w-&w4wbITKJH%;W5a<<9UP zCkF7ljWWG50J*npa2Gp=?iEAvCSg@9A5CD-kAcnu$kDcp%NQwhHlODVlpuE;VtJqfOBt;BiJpJ_qdcs$%^U@ClYE_%(BfqQJ`; zCbylH9L&-iBLJq{kxaF7-G>l9Kg(pPMVH=qj#2t~5RKqF15M)Cd8|btPF(XKe#5Mb zJd+E-t;U;C9!3nk0StWFx(fxm+ZcQP?h#l!5+U1SB3?RR%@q#y6Cp?@_CJ;Qefa9S zNyx`08g}EDiFb=fi=Ovg7^NSd(WV2kW&v3gVrW>fOHe#kS^c~`(yWHDtB{>DG6P*h zZW_cF{=fZ`SRY~BiC&@Rpjkji1N_D;9*L*EpxUB)p)p46;yU}x`C+nvzVYm&e$_r$ zJcY*rJhH<96=4yWqI`~?-`6%BKg=vDzW5$(bCUqG>+`1Wi8fm30%;of|HcyD~rb-l45y9>{LDP$J- z9YNgfUv@W>{B0En5r?PUZoAzQMWVFk;uE!hRcXS6P^l?Ih@C$f)r}xZG%;*M0uRUZ zrT%r9!KnyFK}^Ua2+`us-wO?@SF3OrEPyE5H_7`c`%$)Q;NCeR zJ&5&tH|2A>x!J@&z1ikH?K}xyVrHU!YT*>-flqFuIdiXXzIlt$j zU!FJDsBBl^=dyZwrmG}ZQdQ!b^sK=5QRc4n9p146c+l_9!a5TAF01!?R25V&$510OXQ<}P|$Un3cH zo;1-ndAD)iD;+IG;_qG^1IN{#}z(2Jetvd@Bk?B=nIq0 zL44)TDx?y*@>(73xL)ihCAQ<$cJdx?duhpC!s*G+@BLQ0(J#{-XEMnhZs5>o&N=&^ zPF(zSyWz*3wj6e}IlDw=g2Q)8@KTV&i3js{wmU=arQulEEqtjh6X!)PO<0ac_rp0( z(l$6=(%+Zt<`;gJ;}Scg9Z{@XZRlN=o?CJgKUAOEmqV-4pL`H^5B#J4I@rTl`(JYP zu)2w#>?9CAT=23#)NqcegF{>N|4H%MvF-*a&=qS-($qk(kM&)NYV<$wSVOi1z3PIi zAvBg6vu8fvGH#wYepkZn#ElQVVXjAM<6p5}hMlXKPPSQ2rFgNp{Sn?he(VlBg|fD2 z(o12Q@qDLW!a+!m2iG!|bZ>zvx{;k8yanCx&29d&eaFQV&%z(_Gnt8jF=K*%qr$Ou znu=e-#fAVhtBw4zVGx!5%lrz!w%0g8Fsg0v0Z8YPMyIP zx#JnEx)x{Qz_dQlHn(SFWnT|+_*4O0qZ4~x+tpK_|7ea`A*Y$YOzWmsdPUur&#f-2 zXzAFuXpg;gKuk0|6w#;?sGPH!Dv4pUB;FM2hi*4QFUg6#q;5LBl;EF4_0ah|ajsFm z+(+9weJ1&IXs)uYkw2}BHsA7mtcjyqEiXZuRe~;}RGH8PKPmd*Q2&j*{=Nb{n~L1# zXQA_0zf3W9`PDzUFrIBp8^*>sYzgojN_$wXTH;^!2+%bE!b&EpOm-Xi(v#0ByB*W* zv>s{8V{Y_&`6hPKC%Y1j<=bH3#5LTp-tB<_yzxCwCcf{WnAJsS8NBEIW;hB=M1`P9 zob_UgfbrvW8>Yx7O)&nyq+N261=rS_E==1F2?@H1SOY(DfqvhPpVpVU&P^Pur-IxM za7`sY!&^ca{Ly+pF+LMG!@4p8xzxCr82%qF{mLsBhstF6wHpc&WolmDNNRdHL7vU0 zB>CT2wx1MBHF5aC7joi%z94f0@qY!;4k}Q$0f>g zvmOIqA1Qbyai1KfbB`{t>#^(13~EEg+)s9_Oxy0!R&O$7AI-oxXM)e02=Oyt_I=yh zkh3QrBR^g}rkZ)!je2osi+!BrMxC^_vf7ttR(JaW4-*&MPN&a959{rB#4pNKMpHgD zUmWZJq59qS!#e(`&C8$nn3i3kY>b#(!kE^}PMwAD_Z+LEH??}x3EuM+M-?7B?ib-j ze9?}dQ@4@d>jS(Fh`xVVcp+Y$q!cyItBQtYEXfbMEK|GWI1f5cBp?3I!d4 zMs3}4NH5nu_bQK&n*B^sJPnEW+);NxAGhKMC)JJxGl<^)x(3$MofVu++{cE)meJ8{ zYPr>Kc}Fzmu%icyz?5d65$2&wp^IUqcRJ5uXIK+zh1|YGtOg`b5vr0tk61ru#z=1! z3#%WUHtv~>>xhm)tzuEh8wdRIe$<*3+H`Yo1&hW|R<0enokqAT=e(=FZaP1#b-G2@ zm-hKjn11zQM%31Hs@FwU4Js#xvk=p{Rh#pIl07JRqwSW7$c2WF!^lj%9JG^#=S_?4 zzU3V?M%QAd&l0`2sF?9z?T?LCUwKn-yZSn{LQ>pPzGbl^;|}XCU21__=+*{RV3=9g z0?^a#Xk+wvwHK`K&WaU$;1&gz(69tZ#IJ^{JD!C%e zYnc_RWApp^nCUu%Sq@6$FY6Isj4T}wI)^h`m31@2F%@k)IWiX;0H-JBebchYpVgl! z+B>I@Z+GvH-D!sp*JzcjW)yO&*4=qH{C4J#e7@7_2gSBZ&kjX&?r zN~0Z4CpJ};r>J$!x_U3B+>dU+oB69=jjSW)S@&!mQbfynI~^P=rHfoTJ05%sor9reMoYv#5L*iqf={Vc4`vM!VDB*aF)APjHs(=Vy#2uO5 z&T;xcX{Y%-Z)zV@Z(S6l9DkWxv@ZDA{t@X37Bj`E#x<704U81&`4+iT_s#puH=%cszbY6x#0Lu{Z&!bjfl{)8u5a@}|rTDG0*CFdBA z1sp|1afep!8Px-mm%UpPN@pM+^EIwS^J-?+GEy`kBGN}FqBXHM>^BeminiX;*bdsk ztP|7WVaBZXf#EIH2;#vo1OR!t#Ux1F~)1;%f79Fa2j^{Eo zn^@9>M?a26SP75fQ|LwTPrV*npMuK&B*b^V2q+~|fC$Ord=L}WYmomnr94f071b~{1^`hPD)&YBx9)0c6+4oKQ`P2MxG#!V| zBn{qJs8Iz)a_keybb-Ddh^*O^q#uCXp9E^x^#$65ARIbqbT>2(adsIo9#1IB{gbXQ z>Z1@L*v^8}xtkEPJ^eJ@{luRf-v~&vqB$Fbf4aK%afq4pPy{oSdH^wd!~=w8-5pR| ztz0SB!XG{EXofM{@qF|{8bR+F_auHCI@Wu$s{{~zhW%h^2Xy-2Q1)%?t2tlXCpL{d!M<4vJjde!eG(Nj>rr0x1vJjtqD5!F<3tm=xFM|~VPbYX zx5K7>RG(|RRz(lC_D;|D_iTp}I?w55(H*LW&BihKR`YkKtVa2xFXoYCbFI6v56wLI zX+rJxzOY}O?YCA1&^V4ANF;iI{9$EZ)sMxeQ(*D zzk5zvLSMT;_~7qYtT$ex_At_Xs0~+Da8f4%t{9)4aHuQX5$^C;RS0H6V|6NSOd2iH z@0)MS&n6jT{v}OIyya_%`g}ut;v8}uf$MV-{Y1HAX#Ms?VGyJLV4F zta(M=0nG-`S?=!0nsk91nCa2#-XBcHV?3;VEUHC98$2vddib?_BRe4!BW1BShgs|h z^+s@{^g079OUJ!U!A;9PBJR12+LRu-hk5J*=##dakuN zz*}EG&Kq|;_=8&LJ$d@=dv#)^s(Czoo=idG>y%f!;;BnTZ09d z#j-B6^-X~Eyyg+9#d7aFx-DzIrt>8$A*xu!uI+-O`83sW4`;v@*7D!-4c)?b%LU1z zm3)?J&&ic#xeQgC>u6JFnJMiAX_Cd4=HaRKab+#0<*XQT4NJBWwOWbR%;@@O zbxWVBV$ZwJkalS7lFf2=Co2`7hGr9q$3hdz?WoqwX;ZG{Eu_v;&gK>An)kWY%)6j; zQ4J-coS5dc$;Ih&3@UO>%LGd1@Pwpxrgpk`*nzfTi=>iEYO__vY*1`H;(FWGxXw9U5XD0&vd@M7iH(fY;yQHLLmI$Qb<=|2}BP9 zO?_4HgnFi{H}%uC)q*NHYo|rwhkuKu##Mb zTL*g_)Yhqany?7Udlpjt#Cg~};2>x6^xbd`0ux^iqv`0P&|dTM0lcy|!Df+r9w5d6 z!hn|pt>=YJ-5B`pjl^-x>Dt{w%j5~(G8KO_2y2kgKFGaNlALVh90q(14CRSN||FouzXNd@JfQ5L}pcB zFCoxP9Gz$puGxu{wiXa;-A(AYV^QG(Tlcauw}fT-jZtD0UhwWM%{V7Zm#ta$QCJfQ zjTrwWQ&Q)H&;V;kazr{pH-Q{=5)T3Pch7hzu&FbkY2wtmY$ zZF^x;!&4^}^x>wC_f>RWO;HETg%~Le@8L-i zywxOGM88Y%FD(14>RJazg@leX?;TGw-%pIO1t&PU#SLg{&h%q+XO#_l{x6 zB8~5nnYNa{sSjlUZ0d(X})b`bN89t3&7=I>vQ@nz~~CnZrd} zJe}DX%u6KQJSt^Pq_S`Y(Z|2CwvEa)pM`3gifMNHY?F{7Hja2}-#4n(T@|sC{*yn% z84_+xZOyDN{O-^$>9?Tg`cR8QmVvveh?81_i9$pkmBO+{xX!{s2pg%m0Sxv@0wHn} zPgqNqJ|_3sMu7hj3J3}Dkz4{SMi}B6qI{l!LY^u8U&PWm`|vX5f&q{q9O#F#oQXg? zm%S`cmEAY-ak>Jjx#AsTNV6?7j_0q8#n3V{AYKp6NR0TAFppaa1B2>br_0vrT5L^ud=5TRke{$CIw5&nY+ ziQpf?X#~;;WDtoE$U%?;zYLHJ{xS%r2?q)MM;JuFe;^_jJSYXD%!B<0Spn>S$OvQq zLrbgTrD zLB9wE#feBDApiW06Bb863L+^0`wvlJ*#C$Q!?M|;DhkW(rSy9)pSQJN?dw+6I#xQO zzJh#X+9dvoS{~;&xjf3P%RItwBzZ%Mj5Ff7he8H>5pg8o{VUbS^T>S$dWP2o%p2rf z!Tb07_qCPNjIq8z?keCM`(5a3Eo5hiihJMeDy7wru6~T2L zU5Q~cR#e#;CYy{h%s>OKU2nUM<~N|e zwSnS?QaZftz9{g3JN3a~KNOd<_K;uhY6E1at3w_)n{ItC zNM7<&R(r1Y809Mqf0_7R`{>}ahQah_MB*@L-V8%@4gw>iKWhKPce5U|<=UR1hz3L6 z#Q%a&CYeH>DH4kp0C_B}2KSJyD(-yH>@uO>e-K2H=MP;#?k@FFYYrUG=NGs|A-ENx_ZT)O4w0wSP zF1Ww3)-0By%hrOQTQs*eW|IF1UHfg>U16qd;@h2(-i{_sZJX9c;BwZawJC8T;zl*E z2=<7s{8@lfOL)x)YS5N1oB>TGgn@Wa8a3onLNs_E$K`;i50O0|#=+-{=8r>sk8cFD zJ*wI+v(tKqg<{n38s6}g##KAU6-M2kKNW|>4eI;eNAvM!s$@;g_0=95}N}Yj(HwY5-THhTlf| zOmMA9Wb~2;`xk$^E&hq)EI#9!2WwiTWATERbE%4(wnZ}aaS?^ujZZTG+ICw% z{lH3%duJ}@#Q@&R2zhu)yv$k9=B(NYxp2~G7Yw6!HfB@AgD5NhEAAqq^w45C_=kDf z1!)>|yJr5_3E61({$slaAp?96)3vTi`uFki)^Jyry8EVzmI&8s44;{ai~I}4WOwc` zevg{?D-Ztogcx3OVT@(7rmDy?9dk-*eQ=leF_CG(rTDQ)q&c_G+{&Vm&C||~wv!)t zHXB(#HC1-S`ql^(myi49LbGOFiPeQl{(`%O_eo&yAzTm0KCi6S{jBt&){vsnf+B!E zc_h6(=Fml@{bykahKVIXAXy974eYS2O2g`|*?78Q*lL_WlYMobVr98{iNA4YkjnK< zpHRLUrG70fW#R?>C-pF?t%RyYr)e^4<+3z#8XoP--e7WDVUorBcrVC#V{%*2o{Vd~ z5?s9*TEQ$iZ-yY-E_ApNboZOO4@gPDj{N_Wjb{D7&PM;QB($Y|9tH={FAN}}AfW#L z)4FW`x9c*nv9bUEnQLZNMh2GuwUf3Aq;t|T>c8&{kPE3n5JXyeFBejjAVPq+ZU`Yk zrcWqRb>4#H5}!Q++O_n74Ee zYU(n3Pw>odHq&j_>t*}+U+x+h7@|Ki?u@ak%uCaKV-2&bF*elez=?S}+M)CtP98^} zI!9Sa*X6dnc^lXZR$rSsSCRd^JMrNZ*x*pzR4jN^$@OBd7(T!?-}`4AY9~w_aCGXz zR@G5Ym8$#%9VTZ5pQbyI?c4@Nzd>6s`)EUNzZJQbpXf6vsRr2ezo z1$DqfAC0g6+et219V$SHbZ2z*HOcn28omx(h9gY;$dLC$pY_6E(0s?^cd#@Vpti(( zJLqO@%wsKVkcJ!Tp$O`Rn6p;`n&hzHE@S4DkP$b|+*ppzw`rx8U-L5S`W zsb{-x@$QJ}RXq5U&Wtq-858cxYSiL8z4$S9tr70bd<9!4Mu0-r8}Gf0v{)ccrFiNk z{yHdlju}46y+ayYnDNTZut`J#CsSy%^+L*bR`CG?8mf7p?uAHT&>%+P!;^utDRy&} z3$CjnyAt#BAvP4N?OE#+tT6F!IVT<&jz8cTikj}z#QO0(yx6{4zw2ZM9J)erl=hjUo+Pctr(e(BKhGpEarDnqH3bbrv z=MaXGyy+A2`=*O1LGPsRi92X8{15DPVv=MoH$^yLwP#Ho`k66`(gU(4cVF3l|Jk&LlP@FP1 zYU|P>mLZzvG;F%fI(MnB{4ajjy~T@eA|JV*0>4EYV6x0GR5--hBb3GA2g7D{dd;+$2*0qO32{vN zL=*aSLMangFBN(|6tM-&k-yE_!tF)UDuSA{~)P;sc1)2lu3L@BU<}mIWln z)C^&@!j%=h$5Ml~d?d_E`eChuk~8`T3kXz$hBFVj%<4kV)KZuy%$f=xoK3_PZ7b+v zkAn_c6mG}@`pwTj&+_B<2tDzqV>N6Cvs7tB=M`&2V)m$4YU!eoIF7uoV-_svok7qL zJ-AItm+lzdlRo)r3upX_LJS1QX7TU*dUB7xum{ekp#Y;KcqTF6poS92D z60Eb&Vha@CguyNU%5QRX^eiP8%_Gt;s;}#J(#`0jX(}_!OuVdppw$bVRAP$~s@y`S zMGmKxpy$m{D2$fjB;*K!ux~7<5iceMp1y6VjM&RHLIfgjuL>4bjV5&98|Ub@xErW#e~1}ooyKY7AgZAAd; zK(s94{n#vTDSERSS(e6-X+?8nQTZH1QNmf_PgCb*^C&+1ngY?&w=R7yP$C!v=$HKt zE_|c7uehZ9=pDifyGGE!CPBqt;E|)bnfC)N!IozIH>ni7&B@%w*7P^Br`X->#z7vl`_4*TyB=S)sinPdOn|hyIV>+ zDz=XL#;46KV*(gDdEUjft)-onjZbB9xrLkH?N-@nSV-Dr;JEp%*-AGF?*tGzKE;K215bQDnAOGIoJO^$ih_MO_DG<1x_?PHin zv9mJ%j_e_r3Z*p?WwS=3q)Svsg*iW2p+GPgnE&A?XR6lnTQOO7>o>jBc?4_jexLrbgrKL5&^;RP} zYWMN5_M{BtC>k@iGE}e#7l~Xe!VDupSnhu9l2y|msifb~;_mzaTn6c}NS08(`MLOOBJ7H$2KD%kLsfgb~MzJ}Xu|-xiI~=NZ zxBUZ;E>pUccChty#|iK+X6DrE1n?2`J0c4J?zh5^T5VdxBA)D$&^FGAQh>dd<;=*& z&1R3KJfIrR85k{Y(2ZmM83$&?*fM=5MBvj5Tx(fEKPLJN0J6K?2|%zBAl*{{YUQIuc%_d9tGcu%9p+`;oHkc@etj<;T^?;e4L7&PP%|-c5h6)o zsex6FluM0-pX$snc$Rox89+l3LGsi-Zl6=|t9cMW6KhrO8&OS!HTt7@ST5r;}n$%doK zRw)&dJnaa%)j-w*&tBeVt|&-hqpv&_s3>0Ef89=`RLB*oAj)m!;*%T`K@o>7GTj&J zPj*|ah24fdcMknD4BN!6ei=gfayv`?!)M}9RxDe-IN-U~tg&8&nSP?Jr{E|k8K7}Q ztwhxX)jg#WubrZ3S@USKfbYa>!FPSh@baq52JVwcF6}q-(WUm}xx92P+F;gEA(NIy zxwRvmfg&lPU_}<3khqM+sNan*DN>5X7~DM2)V%tUm>8{2NIFdC-tF3d7$2N3?`gVn zz!OlMHbBo3Pk+CgQzU(ma{Tfe{WM=XCmbWon}@@L2k%q%l+v6iRu0+2{yvS&m;9j) zWgw2Z{1;&TljT8CspY|pFMj*+MN8%dW&K2)@w@y;bDUMrz;?0ulczX5V`0jlA5|Q> ztTE7?^8@5t^!Tr%f%D2)m0&YZx!33!>QjDvfU!vhlgwA8rxl3>iH24MN)NLl_dR@i zcgOpu0;_WKj+Xag_I?U|$WG+TtkIiO{q<(6T(mXYKgXzELPQggwv?EfQn^H{+_vvX zQpRg<63C$Hoz<+U@)xL&u63z%-T-T0PtB^L`nnA41>{EmoT|b zLK~4UiYr}2VR%RUH5>-nIl(hM;g7;O+yI!uoj^z8tNW|_Uux(wCXg6&v%?%-*H1gO z-IDNO*DIasQoJMDkk0xstZ^m+r0+$7bfB)(r)5f13wdCDG2(OyfTk4W6!W>leL>PApH_!gV6zHoyH4s^`~5acV~J0UOn4YhVu5Kgs-Hjw4>X$#oKR0%-K6!l80515Mxbm`AhC5-&ta7v;3gbazRMRfvlFCTrm zhFtWMhg_|MyTrFQU^V}?m_>oAkBSaq@8Vz3PN?wb;SfjWfcB;seP;I|M!n@64T@Hb zd_ohThfgL5;r8)OJ<*fP;$Sbi8S1SX)^ujU*Xe=t{PnQ_?HT&k|JIJ-1avBLYliit z&XvXkf0dHdxt@@0*71%^GDh1HE$&A@oShjI7uT-Ey$aGauwsM$4JyVqZqMfW80HHFLAt6@dow@WedA( z($18Ee&ji;!+VUbP_wAU))QNsoGtkN^OtAL9+p~fDYR~eZ^$XFCpL|bFl1T7P<{T1 z?=nJm!lPTxM>U0?3^^ZWctf4(VDnq;>j(5nrW@YOH20~8&ssx$){T=~TP>NV4iGX@e=!t;t7cM@^8LREzBkGr`JKtd*i_!93)TEHf zC5>C-Y}v0?m3peUTjUBB3*Sx~BX-DxseX^OA0ck<-<7;!65UtfGb6bX# zl{Mi8nmc>%+lLA3JoIY0jdytJ;R)$jJ2?9*r-kfxF>!2Cm=b`N1(3}dh~=GmfAcIpA2~A z_O-#A*oMktOU`V<3@Wuh91*#V+?>A6$<5iEhSp-8(sq$QD2W;@g6Ac5=3Mr9`N1D< zf^Ra%c6p9&@YZIVW^D$xyz&54Q43fKWqLrx-}?Y4Q?)wzcs8Uie@Edv zUx?v4DZrCX#14G~d|?{CtD=1v#j`OJB?Xwzv8&Y3=dsfW)5i|DAFI|RV#75x%Z`cN zlqkhM(c0e;aaX#UbUzc|B7rwXUE)QZSiHe4zTCAMzS)~Xo-VM<@Qc6{U_NBu8`R}C zn-}+X0F)Be1GoMOEyqX@@I#McJ|J}z;4 zjhf*q)k8T0dUUZ5=shuS=dZ7j-{UU#ZFPry2MnmhvVOn~hK@~=*9CleT3^h`mX&7~ z$8D@(Z7HOAJUw(!Nw|F=3IhCKt_3{!_hxbQ2TAfC``!S#Bnvui!fy&u-Yu2pl^7;DTqRP*UdmMTfrfcXYhMioj0FO*gRQqY2e zX62887QLL-xQQ&VPa*HKXF+`P{jV_A$P#(tozA?ux4a3xQwJ1B zaV;d=N8=wR++209^A$17d|4j&CQE~ZP7!;ECA?${p*)AE!~QwubsX|tfCIzG?DOhb z{syRbR{3{zDZ*c>V*1i8h~9|Ir|w*&zb7-_E=`LIz11cE_W2?(0~q2bldB!^tM|{U z!*fUP(E!p;eka?E?rG6NlXJut7+N^iPr0&J>n3_Wsm&_n4IEHMUdP{P7ddSP(A~GL zZK_1oswW^{{61p}J_mLm>J2wd<>&pKtvR_I z=NWRe=FRhD^;`}=7Rd8@qMy?#a@?6|Cfsf#e!p5+!>3R?V#$f&VY2B{ZdE3%(Np_u zx{Xtt{+xc%Si_)-Nclpq@K?RA{=!&%UVh6x1&F-4)|{rr;H{cl_bX~b;^%iQW>MaY zR?4?WHI=15`bKxnEx?|#;YFWj}qA1O|dWaYq zOA4cgn276`WtNg0*+cuKf5CsMkxMFOK6AKeh=z7 z|LSuUQJU1VAF=?Wk6M<*>Yc0O-H=C>G7lf&>t1-WIj{*l`P}Cxdv-MIU1c?P(PYmC z_qB!hO}q#DCVT=hQh8zYbVv956%4yPNi?4o(4O&yrBwu&-Nxi4N_^wBA@apKMZDrE zy)coM?Rm`BX*&bN2$)PwalPa}=|lC2&cb|wIPZ5X@sQc}=8>G8@h#_|5;(gH4uBsm z!X1d$=ejVR8qMsX_L3eyF?#;_elE0~WzW9eH^el5<+K-H+1a+5P`Rrf&?QQ9o&h+! z-_L;WT4$d+Z#JVtUlymXbcAECMIBF8bfvpsHCxYW=N|DfDEdc?fP5?O?U3ymCX67i z)ugIApqbXW2&9N-w=xGkCwD*>51sw4)2m(ZID9TcWQyx{p6wAs8hgD`!2uQa+#bfY z&Tgqr5C;DGDwZO?Vt5UisoKw0yFi5M&%} z!MQ~z`9`c8>EJqf7OZ65_@nC7-rFFbR-aE)mxM=biJSF^oo0Jpt_}`!fA3=A6AscP z%S&=R|ET}doCkYeg||^wtkxiY+@P)ze8tSGoU>tDVADPV%rZWUxv4Us{LB>Paoz0~ zJIECq2)+{O*zWT<{V0(dpgZ{ht~axZL{7hart{O8=GF}(MI!!r$XI!$@uDD^B%D4yrm?Y#n zpE0_k&R90mJh({9y$WR>Jf&ol5)^H(+F^`TR#zfS`sRN_KGn)dT%%dQuH!L8+yJ;Q z<82MlfV>}urDjM~*6!f(e&gwwem{qQC2@$bo})!MsaM1^JG9({P+-`MSJpw*AmGwb^P3rk6pS4QuPj<&#{z$ zdhd_Bh1ocrYd#*BSM#>{-Z{xJLSL}YF}4{~$uS1&5<=socmeiRq#25E03lE394GEI&Z%I~y--T)!f=-R=}znQ|%SCq;GOZA`Iyp?SpX@MXy4 zj!t>(+I;6}T2U)P>-57&x!<7I`gXO;o6HNN6`;As{95h7M#FHDq4m-({4G~+NkcF1 zoFmf<4;Kdig#h4Ppc+%mAsSLw*c;~i&lITn+k5SH*4|HXd(ne_EbR(bv+}rLfiU-%WDH6TMyRu2-Yx)k} zp7l59k}>NrhWfSE-)87JqJH>}&%!v0Dp7UsQPIXzJ@{=oIAOn~#+JDTPfKt*Se?IB z1+b0ZWc+UpYuAwk{+Ki0zTu7(k35)HkH|lBIp*+)c9RZWDb90H4tOKP4~y!WwtRDK z?=GkbJi2By5S{=fJspCxuNS2{I1;$d!tD9SIOXHn8=PA0k<27^WMR&4?d02=V)QQ# zYEx=Qc#yl8aeIs82p+GJOR6KjB=ynW%cIL~rhdvtuaEg4Ro=4Pf2uWo{K0X*quHdN z2b>SA^}Dkwub1UV@k+1$YRE%ql{VeUw>C-juT$|7#sJ;}_}&;@y@LtgPl}b?xCjnoC1N;KK64h!Txu$orL9KPk7sqh*d|BC z-f5S{)VGsnE!8HC{d445zPcj*6v*Z!+@8NSYehz1H{r( zCqVfcaay@6-a`+kyb_ii0Kj{>TZ8)lx)j>=MCqUTvHz_d$P^!dud^~VPBV zFw{s!4xi$&vF{i?8fyO@f1R6i>b%k8dtEWJUokUz`gXPSmW$whhdgvfL-&;R%H)Gt zaExZkqwO>DXsQ8cubE19k)rf;$z)D`4%2wfstt|gz@ciR^<22Oe-TtW$G;Q%;25H_ zIR65{QuK)RuN;q8rJYwla}T*UFW>7nnColKae5A9LoUus12Fe$ukHh{Xqc-ij^U~_ zI5u7Ektz5l+#fI{M9(g7sIJv!LgWWH{)T#h=GS!5@z7O~USsjc`He>3Bd-SWry;nn z=YAXaei#>V)^dKCnO%dBI*$MYsGjIzxq@|VoDpYlCf&&kM!;4LvZ2<1e1|g*J1-}% zAiw;FqJ&aJ1c^𝔧n~;VK33L01aK@bhz>#Gy+0R5#Gbd&Nqmk>ypes>BMd+ZnpS zXo*CkiX~FU=l5G#IUG&SEKT-X62(Yc%P@M*_qG|MQ2{)Ztn&1?w;mG7=MkA=KbbpK82|snM2VHtC2o! z=(W;2V6SZUk)ALRG5Xms@_w3CwplSgPpn5d;8*|zW@W#?*8tK3(kB1(>=of6DQ*`j zB=8Q#0!dUbUf+FnkLX+zU-Z?UGBTSp^6O`BQ)NtWTH%HJnXaN@*w@aeqcZ9krAVN) zx8k>O^CStlp#MeWLRux>1CHb9sB;SDQS+S8HTF&R<~hvz-wWnxHnn++YD@a`z!v_~ zEkY9lS6GAA3w%n#V;rlL@JV3)irsT0^Ntk&5B+(n$TIhvNT5C3cUIn+@4GaOuZ4AZ zJ;d3DVf-&E^jMc})|}<`P>=PI`DN0DYqaT)E%9=Lp?^J3)x^8+`GV8WAQnr7Go%B# z-K__2md~s#myeC_AK;&1noXu| z3$qvrBd*c9_U@Lf$oIy3PfkP50k_$bIaYXJZdB^qa?9?_8q~wK=Q^=5n>URW+R& zQ^-|ngmco_db&Ga%k#e?km!Y6r!aJM9OlZO3J1UGc^0gj#jPLNeWw6zvWNIrBU+No z@77rt?|;N}`(Be&Cfr}YW_8v9i}a3&-0yrmkH(#qYS5O-A-U!-jPiQ0u+1wpYilS( zUhggjc<~|4|D32nyUI;^ejs~lBF=0MpW%l)p7eseKVl$G=68ENC(S_K5Lqv z++esef$H3#$cR-@I4>ny42ee~(QBKSq$N_3UNSb9KZ{0%H5~4+T6-&~cZ#*QVV(P> z;RB^NZtfH|@w>@q?X(4ny@Rb>kw=y_9It#wE9krE^3%Z9`5HFTH~1xaQjki_cSe2c zf>op-LjiU! z|1SBI%dJnt%ZwD8xG*G#XWL1&QY12AfMnC7sOLON;~v#bcmC}?Q5CtFv-033!|{uH zL2Xjks_DyaEhG8|ucqf;_U_AqTJ)tRVEdnCNKq9)r1td8TFN^@bkjmgzEQ$6lxNdB zxS*aJR>QrhI;Hs#nE+oRICv|JVUJwsRY=-;B$Iy29npL$wH9)T0J~WRYmtQXboNir zU1r7b*3fV=ex_Kc00f9v;;P@I7LeM495>VguVkQ|zcD|Q7ej{HA6jvveRbYEOPHJDTPcP4?`be2fc9pJi|CB;05)VG20W zLiHdf-fkzwG2Jc5DgJ&3#nOA0lsGV#0`I@7W(#`5-YN=ncqo1)U!S3~~bi#uomP052jB1sn|3 z+TFYh-2I*_+*jjZzK@)T$BGq2&}vpUAhDv*eT7(ZF@^l|bNKCPhoe8zxAjQ%%{9FG zJxep;4q5ONIJpJbHuQM_))JS-@fa9GP>z8>AN_xQ7eJH?a8^MO%7=kJE?e-BMG{Cs z1ilU$ze;|w#|%b)!-ORODP9yyzQ?we-mqPm9vuBxbuY?pB!FmZ2ZG0f>IGYa{#jJh z&+EH$yipzZ!fJt9vp=-@)piaw^%7&>?&rpdx%snqGD;_bDHno#XS?@fV z#vB@L*J~^6kFUlbelH|!jeLHaB7T?oFhrmDmVAt#px}K_dLC&8JK8A^g8%imU_1Yv zj>=tl5IGq4@ONNe<%S@~SK2M}o9ue{{!5NwgQOG~ZBaS4%~3!rw{96FzGcM^;-~V1 zu=zfctb#}gV$-!rGU07ZQ=|k;SzB`1v(hif#Y#!&gm}p(1xxwK`_jKh1xTCg^I@*O zM!h_EjaC`WEIr$s&(9t2uQTTF`D|AdoLhfLhf821;<1&4+kD=Q}_G*UTuR0rgr+vOEpy7x+Ef0?J=9!VKNR>sL^xxS6(0JLz!4y&oSf z9~g|`Ji!UdKb0)p81K>{PM`MYsc%{lT!$!NK3W8LQ;W@H8H z(4TqK(qP_lM8tiT$vC!%Cz;suPdEvYWCHOEDk=`io;19sfN-tX*cSGxae~iFG>R^{ z2eVNSMPKz<8lR0nT4*(a+O(|o`vOK9pW+?yi8XGY6dg?s1}ac77hNgCgw|IH1MMa`0~cb}~6fS2u%vKkZa8!Z6So*rX8mT)OvEs=Gi0@TgsJqsI^!isMuNaZs-$V%25rt|0R*;_S~( z7Qcqiy=zyy_MOsKmNf9ktPO>E>@ZR=^%^)u4+vh%7bf8lTLUIv!RK}Ec@u5r7Xmn- zD%_H+0t2AG-oM;=yQK1h@UKoluoAJqd^GqISu1~b!&b6kTmLm97|@IKBd~#kvM|P2 zFXHc>R8u`zLcza3v2pKC@MR`C7ABR%npf9U{+IKPk(_4;t zP#IG@a~BID7IscnqW}HCGKg8)xR^Q-F^Jh1x|oWX8rz$g{$JWpkF^{vfOB;_N>6XE zQEdB!87MJCS&dC%o9C*ODm6fr>*6Q?XSFCDlp)C6`}@tMN?V9=zh*+uEMyj-_Png$ zHijr4c5$;`7X9tt{{66d+|A8usf@9>`*j;%BCFijbrDaf;;7)6Y9@q#1qjPa5@cB5 zTzNREr9D5mm(?X-@aXA46C%HtG%k?3*gzaj%jznW6Jy!v+m@jl5w~K@i!MQpc262a z9;D;T%J_;aIm%C-daiLUd&5nKB0I}S&42ogl zMVfpfH|3T&>zlwc5^whuf;mU)ITgfRFYm6)M{MrV!0d%bB(zp_$*pGS z&hX)>fwei8ocO<_XGYh(jNo-=CYlggc$>wBhn5iF3Z8c=3?bvjmA5|rF+xGRoFp*t zak+8V(HD$htF^s6btzo8pYT!7Vo{hQd)y*nmN%WG&D|bCTLXGGU-^en@nQOE@D(gRH7Z@opm z_neLk6qh%KU}?8KmZ)Y;op|_>9e(D`DmMW{zhN>Rz7=V(lW@KED@hR&WK&X83|8id z_M31dCVyYZY1F;U62Y@aT)p26-ROHW0Leg5J99S9{*C71DI^k?ty?F?Hpee=LEDhK zM5>gGHOMQ+1u@enu1<*Aa=bisC$#OMSI)TQ0yL|y zkTC~T%RFQ~`y5T>pCqH|6$HcxoBLoEn<@B%G3>TpugN4ql^v#n0L=3Ju}S4UvSYd& z_&MD>xo7Li;4R!mATU5~%j;_Y>>B7cFY)%6Q)z72Q)#t{N14GjD`8Y5S0mN^iRHOp zm>c9EQMi6MSW=xr5$4*GyCtS3LIl4;oMSC z{@)B`sj@ULSo*i;La8j`uv-w&a~D%f3=n3S50fEH+I2l14}K~dMO8YVd@87w^T<3w zB$K!zeVMn6EpmCG?Tmk!8R62?sV!6zntR}8RlS104j9Dt4Q2mmME>&ZSe{xHxmz%K zNNNSl=#^$n>5+-1svijR+J|G&HmV#pZ`B>yctOh|+ii;F5>&9YNz-Rx zDUmG5DX6mvX?KBPWs%F8Zbj=JgoGN0V-B6q!!IW|jvUY#k=Cy0jX2F-zLb4S1?G~wZr(;AR+uDc z%IDR+3cuVTHftU>6FG-t=ymfVvJ-*^fxo}CW@Ju59M(1b$O5`w?{vlvC!k~Ov2@@<7zKHayR=S;e#tR=}`P3 z^x-BQoNus^>~r~SwNT}h;5wo^>V#v5dJU&gGS9m{mIkr&P49i zB!-_dwFjop6HiV^A@th7=#WCXfz9YJEWBBX6D`gj(d27Toi@-(rzI6p>Gq&>IL4V6 z0oyi-h{{JN8d8S#cZg`E0!kodC5A%gP+PHpm>w^&-p&+)pAD9E;G+KSLrL|57@MLG zzKGTlWCS{#9I6Jkm~lsV`8DpN+d<+XWEXv{QZ)`z^@B9%c=Aq#9s&gQ)$slAhcJq( z4YUi0ZhU5xNXZQkO00N`FblZ7x=fN+?Q<=j3y1UeR3$2DNbO@|cQ3a#WhRmO{A(Ul z28LvO#0)S{x8tbg*@Rp{IPT*gr%Xeoh=OMUM2Ky3*~Vzpd=9^5L1HbUF~EYB$xD7O zt?(yY)1hG&R{eE*5h~RjZmzlX)X&y$p)|kWxlbc7Y>8PAQXKny5p?>Ilwk2o6~&Yi zL|stXb_%%=J{kXdHiS1=gG2iAfdf3YRQPviN%(I)|E}R+x_a&rg!K8b_^rKppM4a=ALuI2svo>bR zxxt-xP9yrQ6%7rT?WrOJK_ZpQYeBC`|tf;7Rye@1$pvHJFL$?vf9 zSE`C6AdDe8Q%}*Xn>vf-)y?4h|7`xD(bNjwMr)CZN|b+#J31XQ-HIHTN&Ez5Z_rW( z4bF%_3jW8sjT%njLcB_t#hA59(NvOSa5=va>Z~%0 zpe@3F%$d2dLG?z4+Is)Y$xlb#b5&>7S^*Q98 z0AGjShHOdIh9x)wzI0Q3n$cE73E}=r%k#s^Ik<@O5cWIC4-D8stBf()g&;ZI22^xY z6fFq8qgRK7i=;54jFPw0-8wp;AMd2RLl0tG^N%hPUGO*#5mkAj-7n7TO%eJIVjxZ( zJceeeSMHb60r`SE^Ry&akfcvhKGhs?HEZja!r+qQS0e0IHkHtV)CGd}-BTjH6v zPWOCS``M>*{vf=4SatmXt$iMg)cr9k`$W13%!*NN)-`r=D#$MGVpKB#|Qa zY9SxcxftYtRUHFgP_1RjcJw%V{nBV-TG))Y^JhVzg+&V!DMr@1(7u zYHTBji}~D%Z7Da^!mtJt^vqXwB-adOMdqG4>4DTcJaEL&%h^}QJ*f5MQdn2=uR_7g z(GQk_69jDonS|JIs7H@EOkDRqi*{~Kief`|Ha%Q0r;Z{kzr%PnDM|E?cIyF?2t~C# zWI$r*9#~@Mg390UbNFfBd`=PRQwdrDsbb+CF>1g z+5DP_{INS|VXA*AO883pin;~4gz+y9`@V=}f#tXZ^5%UxT zBlrgb!F2oO06KiL0u$gCbZs4pDEaSA(f49FV#|L7gvW2(Eb5E=i44usg-FanhY?9+ zz?oXQ)SkwraYq7O9E9zjW^8&$HQh5gP}3713^iPe7(V7i1;xnV;AfW4#a#efFFtxi zh;lyFtR>n@;p7xeM-FMy2}>R3_eOHWPCkdym<1 zZ;IpS74VH%$p0-WrSz9iNHjN?ezrh#A)81jYNr%bvE`tNtHiUsb2a-4y#1f=&9ZI95PX>KIcDdU9;=${urT%2(#%pP6upS(of7a!uDDX0< zJ|eQk?W@LkuQ(0TRqYoq^oA@lE(gDdJ{R5D%!1ZZXJbev*`B&2ae+^v4cu2?wE_KQ zy!=VL_MIMLubW{|v+t(6E;}LCR8{iVU8|uj#RHw|y1>c)(yItTds)iHOcG23U54wE zK*0ngS=Bsy(=mC3a-_pmg}U5)N&Q&i_@=p%D+#eM@t)3NH#!g`_}T3B?XvE^NR)rG zTGP~?3vs*Fbr@TQt{PH!N6rF1;ntIYI1|19r+In)5cBo)ox|moLMe^>oSf7h9#u%XhfrzPQ!aF{D&|i4%wq+_M(n+yz>=Ja^fB zXRi%{#3Ek$(x;)>7`ZiN^so!ikkN)F3sv?!5Ev*(-N(wB5Ienh$q|U)cXS|L!!ihg z@*NZ}d9fM2!{x|uUPmj~I8;y7Yjcw1Rb!7G%~qTV?zVuH_0(8WN1GXwdxyIoDW)+Epv6&zKq=OS3BR+_wr;n_I%zo=5Po zr3JyTg@fBo=R~Ntemuz0@8wpRElSlPg=mD}d2Gz22v3EyJATEvU|`5sNf2-J=%;nenyTD0BLlAj(+3#S!^k0ZM{n5>XFB zf&)wuy}R<7Me-`zt!-q8oy*TP^wl1i*M{0gEYodC%dk2vl__}(ll0kkg~8i_yX(x3 zdxSO_C}vo@krml(@Iwy>hJdG7ha_I$P2o>N{3bHt^aF|{O)|=0XL(lMI`~fWL|LsZ z#;kqT;Rl&@Jao{ZAAGA%h?;D6-g-C>vnoi9J!W>Hoo67HqgezIltJW|(#ItVc3)jC zE_0pyb8Z81JU4HXxV60B@3*%9(s+rh&Hz7P!Rs07V)1?G=@`nSn*Vx`=XaLHvD4=& z(F+`d?y7fosd2WQ_f9J8p{MeKuW}sQ!6(tXW1VF+LPN|mdwR8-bDk?Hhus)O?W>e- z2y_rHeXZjB9}y{Rs?BsGvf&7{_XOL{Keq}(uzJrqHn`5 z9=Zw10|K5dE%Fsvvp@9cs$c!76otc5ExPJ7aFV}q=5Zbr(1*)7kMm`XXKp*4EF@i^@eUKy^bI*fmT$rT!pB2Y z3%FRVSo70x&Nmo!CcGT+;mB({pbvWMPHKJ&8<+9eBlYW4PTp}kl)0Vd+~e!KaRGdC z195<>UBjn`p4M(ZM3(8gPuxB+l>fF1*w6m5_e2VtpnJsiR43Dt9zQH1X#{0H!75y2 zX$gL?#Pi!nhU0;sy+M>%)DY=g^{X>SBPa*`hL=G2tFTf zX+xr_7XW8(qF8w@vT2!x7{Ih5`FEUa>8_<+>do~|i%0$#0Y74x4)RV%|OtvYQs(<{;GnqA>>8#=LpiTb?TOZQx;&MQPph__=)4 zK3k&vGc30Xe_AG!hq5(?dpTB-bRch~NA3ZDEy5Yx}h((Yf*cbjfb`kN$H+RYPBxAGV7& zkLj1a5}_-f9+Yfj9wiw$))%W`XHPKp@?#nG%?i>382rQ_Ri)il19jRdBAr=+m zxIw8Dmz0y@kYxpDME`_Rd&+a;80jRjGo!_paK6LAJ}|*aNrFZryXjbZ^At3ETMwK? zwp#Ar#VT81qDL^1QmF~;ypy{(n4W&&Hu@ZAyG*L-TzGUN@7vd;`hyXzZ~5u*XEUeF z!h@v~hlDj<0+)Ee@ym{-i)}wCE^ZH=)dG|LkF_>45x478<9|u%5{wq*BB(9?m#9vp zO-GzRfA6JCIVZF?{n5sbQ_A*A1p)LueKLPkPf;H4+vlIY`ZKM+TnEEK^Qhg{dEvCQ z8NZlu9~6I(DFrC7w5?VO#Eex@gDa-T~#ej)f4|4<`?@~K=GT%PvEwRtFT*Yb_> ze_P_C6h4w)p)QxsU-AMz{h_=#4A3XkfR`@X7q(|(@Z$)IlY^&=+3LWzbW%|HefrE` z1UbwW9Gy(v`c;HBz9FDfhLM59iQjOuP{?7oZ z-*530cV#QcS8K9!G0hYVxW+hoDvB(LXCXJu!>M$R8E4e*7nt+`JD{BCe;x;M4nmLO zEhIt3bMrUt{v;yo zn+`qEx4Cf7JH$YxmwJQH>fF-!TwP+uc)$~d97fzg%AS|qA42?;`Ayj;tE~U{-8f7g z;fx$X<>%Kl4AEH(!}Vbq9OiuwA>i9ETo^P}r^cIa;vX)zV=y~Pqi z{A+;>4oTW6Ui7t&$y$RS!HibzQz5R52P zD?G#*r)L)2njFK2p!La#yXzSt%j@r!{68A$Cya|eclrJAUI7U&%CJQYUGNN*4%yCvU%M^X=!;dEg6e2PQIXnS(=$?n4y*sDNg)yDlULtCX^{o0-6w; zGs)rK*jg4duiabi{|PHD3CN{3r}RVeld=tHiZHCV0X4$A8wUFz5ZcYvl2gcX)`#f; z-gGN}c3HE$lr82Q5(xtK!bx>b)hfh~y1!G|Raph^eY#{P{de0DRij^gQ{=Oo# z;fJnIIOxG(Onshp*Q2i$UKNw*&lhk3r=A?BdEcJm!Oxww;14aur7FWcEiu()#2`0J z7xm=K)oIoUrGNNBecFTLIOL1s_ z9J7n}bR$L@Y?$_t`x>VJUGLzHm5xn5Z%v_odVw?#9XAzTDrcSdHFM%~WM}%NtmGJ; zhjl?OJ5qO+YTIfM&eaasN_Ew`d%DJcfOSAi4*E|Y6Oxa%l!wPn;Pa3_T4N^;um^5x z6-PX>7?eWfYhXN=K3XxWweS+AxheeoYEj*Tg}K@g+~yzM4(qtIP7 zxOF%KN{+qSCn8qwOu*|3?m}8x9t@@GPR<1M(r|vnqz6M$;a5`OW2PfwaDT=;yX_Z2 zvU~nP&Qy)$TBj3vix+J-p7EoWm=Eh9S|nvSUdR_m^ne{2zaxx8f2-2YR(Dbuz0A$C6N>&pW{~&s6+EqO+k}d|8zW& zmzjK%KXt$ZB+f$L!eT@^U*+G96*HViwTyVvEvLb}m_>*ql5H$(K62jXm@W58rB;TsfsJ;VEH z^cofD_dj7QCVN6^{vdGK6(imShUGCb13;U^wA0q6R;wtcLB?fwa+}cUU5Y6*LG(CT zVE8|R&Ev&}eST^=;tn4k1DhK=X!l6cl#@nQF_b+=6g0+R=sHrzeG5hQYPLL>Td|QH z_{LIWJaaMTti#AC!=-nTeTmKAplD2&AS*DSkn+8zm2_WDwIo8@f|En(X{+;Cq<_B! zaqvU9opQMZu*OAIK1k(5jQdiMiOR8E!9O2mXi+;^fP%s@to+^JFUw2CqK;Cggo~2Q zPPQ7ceFCFaghuPLz#f8-L;;24pf|3^X@)dZdf2c1mlRNMy*n<9uP7KP)344hq}g ze9e1wzJiT!Ydmc7ho7c6a8z|AhGy-yh;g7*M`@GnHJWJ8^x-hv%fsP$)yL*!b=)s+ zvc=(UH**35bGXTsPfosOn{pyddeD)>smy1o3{lL4HTiLgI@$j4})ogp}YRVBxcH zAb>W~{K5z3p7e6`6{Z>b^!f2o04jp~Kt!vK-c4VQ&O-EBkQd>l1DuvLTe!~*FuzqwPijuJxk)Tvm>+Yaq>sTzx9NqbO6>%YkWlND0N;>}?Mcp9 zoY7|kGokr`x-wMDd6hYF)H3p#})$kf%}WRo`IOqo0`n z0lBgLC*;P-$o4-)ZZ%rAar><(U%C3baaud6DBB_xf+)?FS59=b2$={$tyEw+)0?VB z(y?U6ZujRrgE&gb%Ux-OpC%FZB*%vt=6~op+_RkSkCGDozdi29%j!&9EJc(ntel;@ zs6>^8)jJaK%Gl*n3xRgd&MO~P*q>L;kLt@>okl&+${y8GIRbjRRh>7VGtcWY@~nG< z7_GM!K7PDz>u$aN#ia`(;O9o%t%W`AW zR$O~sx;Q_4U$FVwfY)UmJk2cEX6+?voP&$K_FvKBb_Y&Jl@+3zG~6uqh~yUPHqbh6 zX*Ajxmn$uwDYQYn`EY84UC>@%JOT8uV!!(K zjJr6$ClCehfXN0LoC$e+K7~ueG*;c`7A5?4n+wbY&uGAyW2CoD9ce0DYYq+`&T7I@ z!{P>A`Ci`DYK~-}t>C7|MeFumyXfW{m#ei}h8#6Z#>C1MvwD@yuVgz3;<_$=iRM;F zYn~1?-nIpopwFK#Y*y35&h22b&L`x4a8PmVzyZXp9o`$vAr6DVU~_N^9*5zqCstXD zo&E!U7Z!QTSC+5eUbrJ0Y?+g_4K{J9b&+{*M5{f!e%@=>hY&SizzOt z(rHO$7~3W3BKgcpkA=XWzh`Q1tfdzW1o>K<7Mi}WrE;D5b^@>3oAfDP5m3 z4}$NzAAkoGOHhORCkmvVqBa4q0ac?|#EBF3+vonTJe88!SXVC#_gwgvbM-5=U$@*V z3>ro}d18bHniw38Q;crzCyT6CZXn)}aa@-y+2p5c!^`^J#(;Do1>u!rMiz+PbWE@vx)Oy{``h>^<4okvIm9w;Ai^Q zvKyqoU3Op)zW$ktt~^%4M3*8IZeUD_g<4(sVV053v&O`!kCa?r@YSf(I2ZCBf?Ke$ zFX)ibEy$~zZvor05c~8=M9P8MlV*I!&kVjpIELqsFKubWWWGgeLT63BjvC+8AT$L6 z+MiVxdy?*6in+GbhSajw^*!8){){lnn1e8;=Ck&#w3GRmq`|N~7CgAep4g)d77@4S z7_L*#{bBjwHL*T1UPkW@JkSThqxzkoHaSm3Sd-g^tgNyllIY&bdiZq6 ziwrkd(uzUfN>s>2KUcRq`LxpP)>)}$%pUc4?tLx$&?xM_fLn@egKv5ITbh_RrmHSS6)bpsH1kV?Ztr+A$XE`_y{R0W66jNRWIipy&$ zHOh!X#%@Nd6X^8?i`Ws&hl}*SmM)Wt=t$=Nw%X;&%TFRFlB7v!|2%|SaYnu4f~0Xw ztZW_&`x(pcmuIeG3VUbXmHQ^m(4Ng|Ie9M9k(ZwH^l5o0kpm$?=w6&-ssSbks zke6MXeXq>;=GVG-M=ebLlB~;`L@g7PF5;ZH-cugJHTcqD@f4@#ut~lVv#p(*Tl~7b1t$l4V^h_1E?(hxQi_-nBNQZgGctrGv*u2oJ$^5)? z?bG0bo*w-#YSf>D}5T5-Ze07sdi=3Q{xM-{fxm#mFK+hqMf*+?D*Y* zQ$lHJ)=VKvxq53Vix%Sc@tEhHnv@~ULCl^mDjz{C%)=@vpnFYH=#<%;75+C*E+4^;aZDB zuRhaoF5PCv$5%5IoDuGeUCzDoe*AfTYLqt5D|M*~^6~6l=tIsLn48zX`n_#B?OeoU zoG#Wk{_fS7tTg-ClJYIu&a3`kU!(HU2uezDUz83KQqM|HQSfY73fvo%vOV^^)LAt+ zI)m0&Oj4$be*W#Hkbte2&$Q2!bPY9Ik2e9h-PBs#-8aXjaUupKRO!MV zO=$AYKU~U)UR5-De6&Bk4ZjAIG}JSadY~^-d}wyI~%`q~#gL zys9l?x4~Sh*n(kyzb!X46$MpyiedwIGmb_32vK=k>Fj{}GuJD8e7`47J`}(-qD*3c z|0U?Wr+RHFmSNi!`Ot^Xre{)cf5zFJS&zDCqN}lxC(&!FAc6VTM{`8v#C%IQiY1)m z&1r$5dyK+OwR-h4DpRYIql6uzY5QkLZ3;8ypx;NCpR6xbkPyW^Km5W*p4_B+n@EpJ zL9|5X=cumZwDA4itQ(g}P$ni8Bt=Xc>%Xpa2>!&>Y4>O3oe(&6TEhvO)|OC>rxnRu>KCm-b7)k)tl z_&Rm4(oez}63nDKM#2&1l{0jgsMGVf{rt4{bu!s|5wY2s`1Av=lTx$y<@wt%JFfOe z(9kSA7L7pJr_sJ+^b5U1V#h_j;=%EvNp~-6t=#`?SK?TM)>Sq8Shc{#A@fEf=gz8P zt{H_TM+14WN>m0bn+OpPL-1uof%$&sJF3L%y3+jVA)1W&gSL`t$@{NQ|u=! z^$hJy^sK)uwD8S+-{7>UX>DBE`x50$%`r}BYI-mcx#uN&Us>*X4Jf?{zE~ zigF$r&#-f1tLn5iDzvT&7u{p;wX%IBRP`;rx%$dvnME~8?pwYG_HW%Tk}k5Gin3m2 z=f(XR?}*n!rJztTlER}{qHWXu@uF;Bi!0GNT$_i4Hpjy8K5d%r$kV=!q*(WUbc4qH*9rN9rw_ixKiKPEa;QkjqZF{c z>T!&K2Fs74 z);rHkGomc?C3Jd;D{t7Ir7q8F61(=;Tycj9$Li|&v6H-74-I+l8JiNmr#ck0^xwf8 zx#9gyX3PuIkLQZnhsTNfW?ZDX-QVVoU*qC(nYf^?Q(9}D_`=U8_P;(Y51#tyJkz#eYR=Ew!2_VHz9M^!hPJe`1eH#(9n&Pja(sWFz@~;vC-jW|sbpA~CWqA~3{oHBj z;=kP*lHBu^82j{KqE0fXzj4KWH)KKOY0C2=s@C<|ET^EDezwSmVy_O2K6*)sw>O;R z8FL@&YKp5L9~>mGOLR9dB<>u}lOnTT*wfdby z`^HtqN{5s8Yz3^wou?-mnr@4>Z08+R=qp{#@FN$&cGyyrt`RqtxOwfdv+(>!-Qr1r0 zG@(Z~F#o0qn{K37`c`MX?zzdY7gnZ9Tm(@4QjC*;gS*<NwfUwgf|sTIgTN1Y!k-~zK(Y= zlFGbJEnfUt9~z8(v-a8LJ_;;tg`Kg%*LIe>R8zNc!k1(*vsX!{9GmWN43Ln}V0avm zUrs=says5*+&wjtp!Oz>#+2}O3p0_LB_1=wV-hPF{b?Mt!OM{egiQl_7&r~D9j0cp z8T!6H@LeUK2)oE!O}qD!p61<<+1oaZk?FXB5Jwt^i6qa%E(2z4zl6=e%aYhUVN<>| zs}_06r6U6}ne>~f{f~ER>&pXs7>H}jHT)>w^S4Z%fTZa*9ov7NEmlu)%LqnYllr!RiM-Qs;o99 z?%5{%V)b%&a|ctr^(Hoq+WA8vJk3q@kQ_S-V%w8uUI*Pt_4reAMlwkmkEQh&PS?7r zoFQJF*D8@>&p)GnoF7l*3iY*QM=uMU$HdsPCu4mm6MXm|(?;RnTw66ACMHB-oS}c( zNA}8@rlDn}CH^B@9v5lDnrlY;Giz*0a^IO18gUvb|EqI9Z5wvxPDQjE-=loIZp=bq z))e)u)s57=(`S05e0|o6=9HaXRN-^nYIn9AH9yf9ul$E&CzF00>u3`mqQRs!zVfk2 zHt%tmi^|88xHqOTQ2z6uu+-L28q*JML=5tc%#(KKS=d7Ft{d>p#%qw$G4cB1b#={W536}Fdm z^DHt8Vxz)C=3>T@UUbaUKks$K=Td5|SvAO<_KI#C9~FG5oZ0MOkh+zt{bfXgThZfH zA8kY%p3ig=_hr(PbwB*yO_4NCOX23lX;;j!nMk;E@Xx!4Tb{-vI9Z*fB^l)BTa;2( zbNX5#k=<7+nb%noV{_Vtmsz}BhVm&>R|y}|6+Kn1be4p^xh9k>{$u&j-8S1R0u3#8 zjXHgV-x}U2WtCHxmxr|nU$=^LZmk(|E|wBC;4-pMzo5kvVX>OYg@Nx+cBhH<8VP6O zVjKC!+k!ivpURodQD8if9qq<7b_%}{cT%v>$bueCHE1&3Fb^MwdN@I0* zzX(^BH(ApOii{<>71P2YUU$m$T&@W`%EBq1Uig7WGbAD2-_OhqeUjJFLV8|5tH%2l z8__h&!!8Y~YO}?6T5fXU&#JO6Vm-%x{F(Wof4o$}H{Z^#c(X8O(vHHs*NUUVW5KcC zZAKM%-Iok`bsINz8i%vh?&JF#hT>xR8@sV6VNU6kQgkG{8{8A}xR}KIDv==Fj3I21 z>6Z}S1Mj%pXJL)ex1+VX9<{DdVGA{$2!FT#q##e(V~HOnx$ydjzpPJ_!@#(CeO{Wo zd@!DR!5Gz)Ec3-wiTfACQY`ZBH+SDR&fDid#?57F)An(s|JJ0s;NqBCuJ1hs>S{~* zD8df00qw6U67Fa1@EUPGnK&v+3cjKCwpE-Gw6c4fwNUfng{tg1+?+(mo{*Hzf_K&5 zH^{j!-8`#}jUtugOkp~gc&6zyPuiOU8<~a2ELF=Re0QkpXrmscr(BJ+BV_&ZYkZYJ z`;1h^@D|@2OD0lcL$1A(8p$`>>V0myZ~U|zlEv#Ic}JSlOylP6S-ms$)V@4SsXK`< zr$t3x+VP7}H&M#v@}CD^o=c%joumeIv`TUg+MZKV8|~)vo}{*+QTPivil6Vex9aC%(t@TxA7$&>7mh1ugRD))Api%NQsHb1hG?Z>G^6{ zp4noN)GW&_%HF{C#^XKr=$)Ts?ABM0OG`%d=f77L#($rtpV1sW6gWpj+b9q_EW~p^ zgY~k!waCRVCejBLPlPrl9A*V3N_jMEJJ;=P>#kAPCtGn|RbJel@_%hWcHBug^Eg?r zkT(ams2Xd+UT*6#JzCs{=hO#<#4cE|<5M{Q@_QXbIkD`kf8Zh1uks@lbt~TgPW>vO zNL4n$l5^FF-FD_#uU9L=>9?ls)kJ7jRLE`Ey0xQrxMDV!q)uQ{^t9ZzIeWH@t$yZl zKT9|Btmt<6qZ_F67sWGjV+ifUo~P^i8EERY!J4^IU#`~2;fpqDY7S(!VqXOe2Ya6u$jW&qUN0pYm>ANU-tJApoLdVx z)y9+O{%TcN1Cq$%B^XJzw?(66`i^T#1ahJ#QTFSeL;;Tg+JV zrTvZjsZ&)apZ6CG_cld2ES$$3%GQUhl@pVsi7jq`enHf##mp$i$|0s zi%%28=u;Ew)bb>;7T$fe%x*gVpqHxoQT~e#o#!+friKJf@kIXV_~%1ZOJ!r2ogWx2 zVNVNQ4AvZzx;Q|nhl)s;NtpZa&d}?tFMcc|QL2Ex36AHjCSnJlG}V|3Z$jpo?_g-D z3%|?4^t{IYZd@YfdaUU_@dpCJ8e`}FS5ML$7Hr>(Ev$WN>JiGh82{+)+>?ML&CENl z59Ja?h(2S7--&Ok3x4g}c?K2ytLJbLHS?)MKl}6xq3@GDvwI&ePRH7o4%AW4L>E~YQwr0*TNYHHDyq{j_1i5Z zI5an}|FuV|&v~)f@|ve--Q%1`Bx_Whwf&B{4st{#hK9R?tYJrw7SfSDcwoBTm0cuby63UII`0y5&xOnJ0-pvE_dpi?9(K}m z%F^`H0kX$RX09njzp(W5#4cjku<^GD`63%6*uLu0iBrn4+q)*S~ zd=JkHzm|Ob9QEm@)n7{uw~26!2R!SQ?qf^m@aZ;|rBez>jT(+t%Jrz0f3Dgsl*=L& zV`yDl6UXh$M^zh*#9kR8jk!LV&G_)zyIV238eGZjb}n1Dqfbw%A3JORt6RL@mCP^k z&T8Y$hke9P6q~~_F7uml8~VPCdBvs{Zv54a@Uo$w>Gyq1oYLnRb!>M8I;zH2U%7^r z;#>HNhAu8OW2Q=pQ=M!Hja8QrN_roPM^9!tI<~4sdZpyzQ;q8UjEtozOKhUT$-)~N zG}QV%m7Z13g&AEhGWA#p!faaFS#V`07c&|+$iLRaaV55uknB838;@7gw*GMDmfp3O z_lIVsS}5|$*J@F@L^bK$5^`^ssLm0kh%I`&#FW9Z8)utrKKoo%1h>+*hbU9S?Y#3H zTP}~1b7quRRRyR%8lT8b;XB)p|JlZo*O&M%>O#i(a3;BhZ9}t{x_l8$=Q)Dr+egbb zs4v|)yLk)yWyAN#>Gj~tT}!%w^v~wASKbEVHcbuFT(wOt5YLwP6)CaunZ&a1+dfBd zDRA8sGcVHrUeVrmjLLZ>hH9SOuj|9oXF7!nUiTcl_)%q=85(Umu4gmb zPrB1SB&4<&C&N0G=7iK?AP-Rp6(QMaFV2SUd&IOvt%R5#+n)XMZezjazumn2+D*x4 zJn$Vh)6D7En?o^e?MA7O`Xz3p?RKAUQlETTu2e%qAjxMkYo9Ck-tCQ?LAj00$+Cp6 z3RYtRg3}mfSkfK1@y9gzI-gw9AHPqdi2Dlv^TPyRvy+=bhl0>Ma1`AWk2lK2p}edd zm3h{m#PhMsk8Kb0@P4`NG#V1C;$K%V9oj&kCRj@WFXXkppS#cAhmU=WZpnSnW->Pc3IYs6DwAK9h*WPGZiWdg>f0!G$f? zlUU0qy~v8nc5_1QzvhwR$5VHob~#CksS)z+UR!nwWg8QfVZdSFyFOv&z4|q`G#F*bT&;yGx2pPDGrgp8*HC6p zuh@B#L79T={I3OrHN$j!kCE}EhtChDIJ3fgRSEd2Pcrr0Oe24P8~TC6E9b-BW3{RT zChU`G{V#Z^YcZ1fVoa}^nn+W(pPHdL@c*)NjQjiJ%t!NM{v`S{MweEwGT*%u-{-n> zdTOaAg1eS!t?Z;Dl-|%9e6JgqG zsNp+fO^1xz<6tR`b8cB`N)MZZME$C*>-l-Ew5(x}coJl%DY zuKOYT~^%0_K*9p{Id_r(KPm@eFoNce0!<03aJ zl18f$ZElapaL$}3$U=-gwRn%o;X;j$IYR_n)8L&#%;@*Qyd>?I%2TvX?Qv{evUK!s zv`4E=PGR!PN^8vq>bgjO8`QmuK{DdVDYF>zl%c7L=x)hF>2Jr_mkFM3*B-hOa2rxR z+V|0|&wudcwtTAbi-XJ8yL6Awq+{*muy0`G)g4zDsGe#ozd|mDM^Q9DW1PlJ;?kTn zSGiiLl5mBlgHb5I$RXpB?)cqu<=m+TVN2QQdl)Y;mU%TJ=4_f-B9|IuR*LR9STfMK zYly5p{Wu-W+P+p0$8I%b@{p$QqO#V<(w2;E_dd>8A}q34>EbK$jnZ=`=(nQDoMgRu z3*N6tyz(w)OP&khIvvY-dVdVhm=jh1DDb$kG!=K%FkK25yWKlgVqY z_&w(;=T7d|RrHG1o{VOqUDEEtW;p!i&@`(s&($UEK0<#_ZqU9+45Avn~`OOHi zNm+Bo7CtIUA8q4qm$oi;6ccu7Rq-??zg6XXw)dbE^Z5SUNca+qpUFk#A4zuk82 zO{vvVXMQEEyMkvjCQtgDS@ZPBQZ!B6Dn{yZbaVy96LtB{w)?&gc2hUi7i*kzj3_-+ zuNzQVb8-rLDx4)`34d`gCnzD*T>X@pUMyWyF^=<7k7J+R{raCtm15<*$}GdYBWXTO z4J{iDCzDdIG{{;RjYiuo?^Za5?OZ2XEtC{-Qr678^>dR{UJpb6G#RRk_i#?P=H`h0 zeDBBCm^C=(2!HOImM`!cxStt%uz)(PbV7i9bidd1u1m+ogOH z)iYYFggEUT-%D!gElFZXyIq+qXR@kZZjTJL;re{J!~U&g>6a1(!^2fe!(ran!_}@b zL8Z`lBwyo7~fszkhi`;Qq1#Ta%aRl$&oV!Q< zzT!BFK78eZ&!8MrztV@PUe+lRkkyKW6)GDe0H&aMALUOK8xUXp9xEOI5w@u%;p#7 z>A0MbJbwyQl{Sg9riGlWH+_TI)>eBD?w_{>1i*@R=YNw zqD#iB5N~XB3QWu96tySG3iIb<^ibXoPZ(QK+FLo-jbXA)eIl<}Zl;+^c!)|^(Dq7- zbwgBQS+Z6qr4{CPYQL#tSL%9&Gu3UMHv9dWS@<;d!yW&QdKgu1j@cFbw4ZwXn`#@x zXJ}YIWPMrq)}vwm>vowcN2{gj+AoozYd$15^8?y3oM*9Q&dZSRHHi5yEUPu;Crzd( z>0z6(&M(bNl~5=WZAnIW?#H}fnGG-1eN(urK8^dHqi-mt_2C`!?l=+atn7YIuH22( zi;W^5zKKos>WwRO{(MF)`nlRm^D17YoYCM8gJvz~{)k$d@pMCQdKbfdDC6YMd`Vv_ z+?j&5z)+H{|o;u@yN8^g&P@t%sX0c zC;4|f*ggbn(cTop(c>Fe;#ZQo5yPOf91+c5ob@)FaC4OH5|PyWjR+elcIM^*h1v7( zlS*G@w@MvepT1CpN|mug<+g;ixynSAkTAIhDgC@iSpS`oHCt_3ZV4}*a=LWDzn|{A zi>Wzz3;QXzwS$@EQXh@fn=e~uezvmi%m0c<`+&Jg8nL+Zm3&ZFIH+vn*KpzW-5Wat z*Gbx5eAf(GH6O)`3DCpS7$3?fx+&et#PQPOeq9XJYxY~sVywsO-fzV_uN#_;SJ%_h10GR!adU!RHwLvZ1wRq5mY$Lk5A^;q z8x0F58x$K4^e!?xPd6L)qu$)s#=---Hn(zdbK`Nfwq-wJ(Xz0!(eQM#gkD>QmZIit z>!Rpj<$)3q1GeZ8@yg4)_@FNHK^Fqh-?s7dil*L9Y4l?{-s-{*czBahjhZa($Qbybd83!#3BDxG!))?<#l7xcHc zcb{iDma$}z-p!X47ps%p+8y2K_L2T6CY)SeAlS~BmnZ%}_+3R~)TphS-&FVNb6bH~ zPP>k7XWB2D6bh~)r6-cZV!xE#9~X6@*A0@{9a6U~j|k+L>%@6^-e2Ip^S z0+TUKH+i!c6{BN$@9U?c6)hv7T+QMI={*?$E#Lw|RySZ+kVyIuV&h;X3b zxsCcU8RPF|nomh<^{uzsh2E@wxp%cbLEN%56qR^_Md*Ii^4#O59F5Dm@{CE9B95wk zbcxn2Y~N!0cnuZx68Q)OLK3jpI1{y~m&cPjmEAvSNj7WlP?5hV!Z9bhsLipp8yYmh zXCPTAyicE;MO``e4vfxLV4%>3d%p1a@BjJQ9B>AX+Glo33fg|F|74T;$4AQeAtv7aCEV^M_3eJ{Zd2{*#RyrealsSDEJ_Ta zYXfui?+fs=4Bk6nNc_kiV0a(>tndQyy6K$ZaR)G71SF8?hY~) z2ki7ie#xEt<;|@#q)*7OMTRi#0~P&0T>2n4Zi<@uI$&TgKk8k~D(&VG7O_*d z87B5I^MzW)Wg787dP4coUiaP(3Z*>9#SgrK3TKSB#a_g$@bVVvKhHNGz#GtxU*Y48 zp*7E<=vJmQw?AYW%8<4`w=GM)m|t3?8^kSbtrpAhn4kQ6!g*&=$3-UQ5AeJnx%hJx ztlCdvCn%C|7?;IT2C?7Ievxu@6A|t)$Hc>64>leAmx?IP4=qU-%WFiSfc)DsM6Xi; zLH<8px2PI@C86m;3m>#3eQ%4eF{DAY}R=9)T!l-1d4KDui zdwYkXd#3^&9-3?temjjnY7yF$Y?ayk=45tzUor=$>*u`suBt3`J(Ef2tP>jCq;iA8 z3*N`(TR7<$t}JZif8&(2)?}tT&pUq1qpD>m_JmF-RyrOXnZQD8OVND_k2Z~GC&r&{ zvvfb4wu&XtU+bFS6A{aNQrZ!ztmnxzD7()!$j0(RbD|*Vg?VJF>D?b+c;3Z(f2?nG z$qXQO&R%)L<-1AdmcSi)?$tB)NCJ5$m3;y}jKXD?m;dIlfB9{_xR~G{zF}q3(&d)3 zcCobK7UbbWk+QNXxIr6)i<<-r9!338r`dGaQT!r2d=QbGnwa?!p@EH?yMv3f1Uv;# zLc5U!itWM`5kUbrXOtqeEx0*Y*}K~~v!mG9A!a=X4@Vn_0@;}Ub3;NK0ZCPaO1}gO z>?qJa!p$d+;unyB{wM*m(!$xx!rk4$51Qr|5fl@I#^hZ*ovj_5?VvqM0woC5Z*DUc6N+XpA7OK_2ZN2-!UM7z zI7Uv5U%*`6)4|ai*=HqCB4PqySkN36sqYTSg2V#xU|7^#%?TQTHY^Va6{HY&UPnd# zPcxuF_#fM49UD6bcteHUW(v6(77OibP8M$0Aznc-J^)e#CBiQVLF0#<2q^SyoLs>> zN@1S~iSh9OXTjZ{7e}-ZAefGyUkuO*iwHrTn6LoU^7HcuBUHbgW#i>w<1K;GaB;Q) zQ^MwQZXUWw#Ds+S_)z?yMP_t79c|q7ogF+NOJSFYBQAmND{LI02>-aFD7+M45a&-$|C|8f9iJNP>+BoaE7{E4i^9%E#grGYb zC{!XsC=p>%6hGMi`B2a}zaY5fKvV%`5D{n*l|TxRfff#u6WmH^x;fZ6I7#T5iSuCKqUelpaoPSB7jOnL|GXvQ(PR-h>HUnap(Zt;^KfxTpUn=GtdGm z1qDE*pa3K(KnG|6jj}SBRaO>(Dh=qtys|RFgIJ8%i`au`L}mde;03K9RBu2Fr~oF= z0xCg4Km|0T=Kvyb4rl-(&;s0OPawPi6Bq$k01;?`Bw#mMGC%~*0dCL(Du4;-1XPH9 z02w$3k`P?V&;cw0z65lnte{6cjrbDr6~YN-01nV1wj;J7+JWT=Co%_G96{#* zupC$eMgcywW#9~)1HFjffOmj&Favaf7Wf?Wh;=|8(1LJ+7EquMKm*XBGZUZ#+z4u9 z7T^OTfC|ZPfDiEr!V6kJ1JIGOqB9%G1`s1Kf@lD;e&;aI2GF3h4OkAY02PuE03Wag zi~)RTyTBPZNAx0o1C|3T5ad7~_>b5HdO(Gij_@P%U=*MO+{nrV_>g!as6mU+0E9^X z0$gZs0Li4RfD2#)m_Q5W5kDc)z$nNFKm!n=vjd43xI%OSDiATy0xEzAw1}?}ivZ1U zPXgV)y@9qBP=W)k7n~z8Qc&RM2WyOv5A;Y?O2PvzfA~N&4SA-8G zC1m_}uLK{+C}=^vL5rLN-ymmT47oyj2%mtEf{?JVfT*IVBGUe|7Z#8cQ&!{?Q&yIP z?)Q`xh2#JoG$IeUl@<9RnV{!WR8|&MMAHI!fEI8;b5MUI2T}}kD}uQGrk8_miy&Fh zETBK?VIyIFC`W$F0XhLUTI+8MVXcr<0a2iXAJ+a`9&`rrfPWCTBA@V)OlV~vX@`(N ze25K*K8WK_8^JlueS`+l@Y`PCyT6bM{nKXHVkk1OHb^dPzvy4|ur72Qju61M{YC)d z3ebT_!2Uq%_!kUNtRNk*ui-O54`l@$M+AqmG9u;QPyicYUbF_tmw$^l04@Cg+8s9&2>mMr}jxc(~{?+rz0o|}4;I)q+hBF@aHazoREPz)itQkW1KUu&h z5A=bY<`yIk@fMOt zzda9~!3Sdb|G6LhtKZNz@k3ra@*rdljPft5{){n%gCIZ3)c@FlAQ^By13L&(yU-pyLJjdFyWsz} z3mw@9N&Afe=!Rnrj{+?)6&w$M8?6bTJDU5Qk#KE6uNbI@?E%tZPob@b?^%v29IORc z3-(puwSOW)@2ao_be{b)Um-35=;sx{D-a!gz$l=z-^hOBLgxOY1v@Yr8G07P0+9yC z`|sHUO9po=00&|@xB@(I`zJ$9voMo59o#D!kGZ1qcaDVa8!|zb0l_f#)51+Lj2Eb$d?de zhy$`8!3}7Ee_>p3j}RS`gD9j)}E`)(ldk1<&5-*E%K z9q|BIhz?jHVgWRCWC4O3L?6Zj`5dh5quhX31Q-WYV2uJT$i4r+poi|U(D%rHLk>wn z*AR4%;0Cz{>;ygoXCPwWK(89aCWHoXB2@x?kB%M(Gmw3tBExcidjio5W{+rKE$}>~ z1woF?fvO0u(e{BenC{2}z&>Clpa!}SO}|HvRtb6>zSBTBjZ{9AQPg6Mu9YRf0Wbz zd7lks$f?|-ogJevRyf_;o1mIrBvx?&9oNzR4fzC33-O~@3G%ZGIC7ADSo%@_-?HxiexmvvYksu;f7C>v z8&U!3Lh>Iuhx7dp`~LJHJonf03*d&4!y~Z8=oq7WIFld`{EJtQs^VW29i2PB<-oFG z``|Hng&@%eKL3BT6Xt}Z9`%3aA7tBaZrI=dl6QZ2?>{VnGWBS+!gfLP|F&A;)%6b> z_#r?154zzhg5Col5s;T*UqIs^*N$e6^6C%YKy-hf`@=`D6m-OppN_zs&?-M#;gIy- zJ03b`L4`$+g7u9aNAK$JDuws|f5aG(3V8itr)#`iPJIjuyItv_nyV4&XJ27e4+YpJ9ZE=YHcua3iCC!wuCnu*<+do%?5A zA7MsE4(xJ3H&FW@*r6FP29U$M7Q_qC0lnyPU_Zi*%pKJecpi=!!h>i<*A!S6A`{^T zK0v(iZ^(~uLoyL6v<+Y!&Qy2?_zujVqYi9Dtc33tVV#ieP}Kll2M4?xKrPS-WB~~X zGDr$^4r@EQU;XU?NCsRvfNt1YNCK=ES^Gc)umjc(Fda!&gcL&(A<0nQfEdCR84yFG zFh6WRpg``+5o^HAe_TW50=eq}+~|w~aRiniX#U>A*p4s(F9L2r2ipICddP10>HYsL zC*b?1Zb+suVgr~(qk%>dZ$Z9>ev2UwD8L+engc$9Lj`#Oe1-u0F8*IXKk(;!GLJrd zb@|UPxCI{tMZO7FK$xFT{EyESs77}iUUwN4JGqbhi~JKg?r|>5+kTuhT&PYR(Xc$i zYftZdTzhks<k3D{zY-Vieb?7m9GM=LXqZttT_pUW!-c8Vc_?*xE9}^N2|Mh2l}cg6UG*={ zB!5cNKoJ)EUJW!4oO8Q+&f|URty16jm?p%0|hE4EMcEUV~USg2K1G=1P|?ryfZd5+}^r^{VK;ixCxj=`Ea zqtl$%o+p(Sb`4LjJz&NOvhT9B%Oz=8wqTD*wfRU_T;gSK{M8~@lPs z>-RO%2|W%{ij>0#>w{j8$4l1&dH3zrsDI^Y(u>96rI*gsRVowQeLns^y;Cc{*TJT@ zHJmcOU(3t4;g06QM;~3ktMm#@j2s6W{Q=yxCDO;eo8{-jmQ7NFmLG^(_0-knB?am8 zL|0raQR=+@_1w=_wr@`mecKrdXI&NvkR^)tqtkmE6?JTK({LrRtN4*$a7L==#SMdx zK627s9`p;3E7#K-sP75sed^Po_ohu?m@s+%;fyC;O4o-*r4P=v*K~!``j^e@7hM}x z3O8wbUW+K~>j>V9IH&31Q&DhloA0Zwiv;v1(dRpfu6xzL&NtT0vpi=y(UlwNVV}VM za%7>Qpx6&}zOqfSIl3cCo8(ngNqR=2rU%%?cp zLXwBEb?zr;VE3TBlW_(p^D2%R=+T#1nr>-^(~FxtV4rQ36E{r4n=(mxcxzLwqJN3A zr$9q&u*D(8FN~mvDxFiK+VTsL)7$)lCwXxyg>r4tm&r4tGLx|m&hEdiGkN!T zKB8OFO=d`#QMF5AF~sX4s?_R|uX*#uER%xw21)W2BjO^XAy;QpuaxLNcDfgtA#BO^ zGri?h&EoYTm)L@W*0#o?^bJ*s07hR0ujwt@Y2wdQoV9K}*@f4txz>%$V_p{15s<9z z_Q}M&N=xQyZIAq_snp|Dcx$DQ$Uxz0l8F_eVNaT^;|s!}fOD>Ii=(VA`D2ZG48Fbp zgPT(<+LP}~VA-n7sbc~v>Br9=YtUu9+u>TONVjTV`z5LVqQDLxzW9taB63Ow0 zIrd&Uah|r;$v5tM_1txCl(;lp6z!3#CYtWy{&<~l{d79{S z?|#ZF%cI!jaCIp8-oEOw(!d;b)@`9benFDeUX{nm_7psbNQFbh?1Z}W(>2VTRYmcWBeyv0>1I-iwk;H$y#kum!;~4C8kp0bsXYmP zaT4p{cLPPH`&+cs=Q3({Uxo@F+!sCV{HcVsQ`n&Q+D3I9_4e(B^<AGJB}wtG8BzB&yHG`8v8y z7`08za-A>B9%(3Clf3fmr?=rl5)88R<28*mMInszEMCuON;9}Ci)XLVHj5Z`x8}T0 zJ~z5J7j$DI%Tz`nc`j!+SIWoLuv(}$$uGS3v&@6j?PuOmjHgqB;Wi$#qAJN`th zJC|Sna=(yta9A384fkeSq#7=l>YQ!`nc1Nq%Is}jSHKFs;uoXHh(?x5 zom84|rC#G>MNr)OaN;9>!pcN+7M43InQvw69sR}gnzDlmcfIz#K0LX(cJOSf!0u2) zug@^vWlteJligIuLUx zG9+)|+>Jc_E?XC=-Fyf+xW_f;vQ3Y1JOgytQsk2-Fj{ zeZg@liACcvi+X5_=Bt)VbS&JLipAmujWXNR=-RdE+T>Q+%~smTj%TzPq^R5vSStH0tA;(!eJv=-u`^wuAXWV3Rxv+!!2H}ki{oHAY;Ih4#SWA_Pk^m z=STH8{R{H*8yuEZ*FA@yI&5Bvs439y{%HK_j+gjIPOnhm2Srx8JMRq%GQ~NvU${`N z84@*5svYE$kiEUSL+r1VlPn-gduti>ETTd%yyt=exu#^MYumB*dk4HUU1QzA{E)KO$b4zs{H>S85GDlotW-S)2EH++Cvv!8}Mwt$iW`x<@6Ga7& z$KO5~zN?^WkUDIEnnsarUU1@yp))p)!oJ>zSsF)RJ=muBC8tW8KSP9DVut5LGj^AR zKp9yqmc6IV`snjvF@H&cxYCVk2HR~px9BVNHW@6(xNvxXo^h$W_e-O{bJAT!%FjY4 zSy$-G%giLfM)mz;KIgqp$C{?zqnzEMdp>+Q;NvR=XMt}`^INU#4Uf`2R;HeazIRy{ z=#%sQNSf~zh_w+l6_9N2{=v>Nj*Oq~2T=&~i*~by-c@V6P5ww-w^is{v{Wa4y`S}v z(hMS;3DqSC{Po7}@w|D^?&|#E-sTV9L;J=v(kJBCgZzcCcg!+2j9*GOetZz8bSg|A zKXdTWlJFxke>T?JW=d9?GSAoJ4oCOr&z>xDuSv$Kplu%EV!FoQmL4u~NmfZ$bEx8k z@Vr>8XjWUg@5^W9r=EFv(DYlV^`v+VCi7Blk0&z_=K9_uy4M?)uVhSO{>zLwEMbH} zy+-e0{FPT_4{0W+fBk%t`qkFw)yy}i-YehOoqtMR`^i}@(lPw8&UPky_KWt`*S)h_ zx0Oro2DQYgKP+vqtR zcrIHQAMUE9DlCKOH6LL~3e0I3Sa@@kst)Et|%7pZN;47?q{4TvV z|81tVr}BdJk|@EmoiWsmzkAsGNX?0_HD_3M=%67-fMfH_F zft>v`ssv-%ZRC^s;DLa{bv0Uw&^9bWoUFEBm)ZEAs;Ig1p(#3NGey%B6{1-w&95x> znW|V74oKZ~c#|baN0)c&^3Tpo(w{$`lB&Jdm04ka)+sIf<;A+HuE+ZV*BfI#@n#8i zk2TE_6%ns6FXv%kXt`Qey5Sep(=-{zD;Y@;Tp2E^B8b6YINc89(;r)X{p{l~v{JCetgA z=dKJan`NyTdT|jGTpFw!EF68feQbv5Y+!;mqcX#}MdnTgrSBG+w7+ofXe-6rYUA56 z?rtaZhLM||j`GAuvWg*Tg7#3q64R6WpC_jKlfAub$Yr}T#3t!CZ5Jecn@3aX^;Lobn9VZZ zT!`LF;+md)^x;R{Y;2>qx%slwt?%hyS|pKJ z^Uvju#V+5`lk-XtUN538w)~j-Rny{RQPXGc@1M(QdW{0~G8i*Ys+|>@RW=-q9N=%V z>AYy`ceRqd+sF7x-zR2btmr4J2P8GrcyGI}-uKDu&Ob#X9&%aSHX&k%SkNKQ>yngP zL!ZOAO_ZB@@)D0;AOqFV;TYm&s|&Zuj|MU;n;USyh@IuYvi8 zx&I#kA3)&07mn023q0l?G53TwPI&q(p3ZK1L(lW{y-4rNnCCm;y76IL0)?(S~6zxtk^gKV$vor6rbJ}O;Iz@C~>S&p4 zTfHuwjg!|EbVXf*uB0pPYuuN<%v9Q%+iIzPYK7rBPb=?qwG%g5`@59CM}lm{?;y!| zrHLU5yv`IWSMF3vjVx0rLKq^XQ05>_6xtZ&&B~m{9c9mzI~#i%f28>|0$C-HYXpKq z=ER|uMF)@Wm^AEc%F2tzD4G5%rOeK$_hz#*!^RWO+A=Mq9BaO==VnoP=QKK*#F+>} zgV%|$(%^;&zBe~S*l5r<8eEAWG&qQ`(qJRPH>j|YVY8CWOg1_!7dotd5{z1km`b`3 zqFxALcTya*h>aFkQp{#&#bGtwPK&RJ5l-|tC~_i-IkDx+n8uka6~5E!2j0-0R^OIu z%kRTZ2z_xkb7O9gQx7^fPZJ`GpRFXW+Hr)yLf>`J%|^?NOgSNJ(%v#dR;xsfkY!YQ zE)dh{K+EuOhJP031vr;sT7_c{W(_GDm{j49gD(RtDY>%u9^fN5PRMw{e;w{OK%Pnb zzI3IhE5$P4FC(L%l(|%V+)}r^K^p^Rl`(*cBsG($mfDf8*g9D&J{QxbcLp`SGxE)z zE%a=pD@&`-P!qXn&ws5Ti+J96fplkd@Yht?~aFKB-R zl>{~sggiL)pw;0T732!|ji8voGJ>cF*B*2`6BayZ2JQ*aGtdtZAV33$Z&^C#f{)D* zWP&CcvJ76DuZKK66zbf93C@_|gxa%929J!8%|p2!>UI4B31_G{LCFj;2Yfa_QwLcs z^>x9CXDB>Dq3eS-v1 zX!iL)uEq?CK!hNYi;<$pvOErQLhQ&fLA-swRkgeQ6Ox-;kI>-1SMS=rcO6!(!kT(} zp9=3&;e9H+Plf+Xg`xrWiK#N|z0w@Fus1w8vi%5rh#xb=R@Q)fj<(p#_7ATYyn>}OmjfBTa?e#y_j0{+NG+wZnN{W)y!+~iyS93MHh-2M*u ziw|vIU83iKzPi}pzk)xrf8gIIub-aZ+}}RmKR(<%{j`0mZMRRZ9v{EoK79Sfa>VuL z@9v);pRTWNZvTd}uK#%d{oVDqcel?UZNJ9gH~d?d{nZb)!5h2J@9lTknGsM={9yQ_ zT=;?3PGQO^d#Yn3y`(B)9NXI)S>?J1Drf6upVW{$K_GH}>-?p7HUZRL5}*<@z;0(i z%G<5X%Gl%RRbU#OPWjazV93Z7}XhWdc)3Rz`K=X`%9%AxkwRA_SZw;d^v$PW|&N(@+)-=1r z9E7M@3}HsS#ks{zTEQKJ3_{`hO@ZyUDu&DlssJLKvyRyI&RDPv8+im}#V~ewSt(NX zI6Iax>@njW8B!yWyRU=ZUT zNFM(t!Ez)~zHXWJ-f}lIrWI!S&z`$(Nr9LnWEbbM>+BzrpR5GZg4Ee-YQ?-kBN>KF zJAH`zC~@TsHNe3E^l_ml*74FIMOhkv0G5TOup8 z!k$%EL@>_)5Stf%yYQre0hR!?#1Ig)DFEdlGkQ-C-GCPJGOO+`fw)1>olR{UCA$G~ zus(J$M2dxAHsj+QvfMaeRE}7PnZk*GX%a(cR`L7A;5;P^+=q;*W@L-lrHv_I?j`f1 z%e`@ZOCbIeXf-AvD>C!|4pa;fAL_Xs?f{EvOat?>3Zc#ms{u`M)??q><$P-uUHrm@ z6xmjZ6+I+%F*L#J$W#Hw)PA+-U+dkolAMN(AgivP6yzX!Q6tn;zE$$^H7hniSRnf< zbu0jDlXf2MBjCa+^kQ2DyGZqpt2KFa1BPl|+m_>E2|mh2w;eeuLKK`*nwy5AT;yOy z&nzT7i-0J-q*Hf%r3OG2sL3H?S{M89!oG=Gd7&+V>_q!DPwUyfEg*<`VQ*7G0FwPD zrT0!&3mh{#^YblPDgC_@kg5Q4rgT!PHAVg+UfG)qnhGGPkSE11mc-#AK-#dehr)}T zRw^QOqUnjD-cD3&7t!*uq$tziI)vtpxUY<%5vVoM@KUK(8cvCY%$#%_IbH?oEgvv@ zNHYpb&k22E;p-wqfS`t{6(X!dD9o`kLF{FKnvV9aeK-(Rn8*?wc77~OIEQ|Mz{$4x zV5(8t_uyxqdchqU`pqwfM?E``7hb98Z zs=TBl57#`YblbM%y6P6eW(_9m_|=Cc6O5!owId(T!y|XdQ)Yv@6^Y6uQOR3kvt@2d zp_zA_~BZWYn zoT6J-N#5ZER1?EEYi3^&PTk!-vEUx(7p{~^Ytpidx~!Nb@i=r-hJ3cvy1BWo@rSvJ zx+JYNK^m785h)y5s2PU0WkzF@S8XWB&L@>oMAVU!sv?g?0+OVCg)O^I5Y}}wo?#AO zRF(Sx(Hds(spYT=c*MF-&2@7?e2d77Qm-;oM*(PO@^fHIe(MBytt@#_nJ|V1I&#iD zqzat*U^5b+&f@)1G=$YU;s_e>Ncvhyh6Au~QO(xk&Q<7xq9$bwG+Yr|hSUpX7^O}~ zjg8P)iHH=`(o0>O^2qP+nOP7GN?=fTd#;yW>89BGGo3O%)QLM^-?C zEzL3N&)TO?2PCK6YzZ$yZfA`#*BHM_OMM>sH^kaj*}zctYeRp9RclQ0<9j?@ctxVs09HO^6Y1AT$m!w-ccX*Mah7a6nkw$M=@X=euO)X z*Oa>&DizwM;g75~74rg+6zyoPCpgv!$mUj;no-4IK&z{3eFr91GphDGBHt7OL z6l7j}b%5N~sFRrb)3mGixrSdo;1^jBD^6>Q(ZGqT$&{ zh;pqw|NR81ehLWn%5wbca4y&^SQ2-j32}sIt0VYMI z_-F8s>B@&$5YGxsikg5%8UbWPiJK{Wx%+;{)%rjc6D(tQ9Wr+*40Khq+@}b{wq)R` z=M`+%@%_+fYO}}~98qF3zM|}-qG-o*zEZc)ee=QBVo6#f+f?foyeTRb)XOXv`N*tf z@@ZH;W)BC?y~we$k~B_Ibzz=XCbmpaDY5ibxl4jd4b1Xf38fWbmFE%wDLYTZQvD#@ zekOHc3b40oEk2wKa)3$0U>V+sU!X715Zxu}HVLHd?OfTfvWj;@OVoGb+>2Hj_? z!^*p#s!?jHL{C`&Z@KDzP1)UDLAjX}T9*Q}kt&kl#tcz&z!K-plw|Vx@93RggdC(- z3BG3I8I?R-NJ0S|=6F8l8;w#gYcv!~v1|lp-wwhM~t_uY&p1e5?U2zic#nC^Ow{CU)o) zIuHo=JO>3LQxM3ksy~oMj4_hV#z70o@Ryn8s!ks(X8QiE6}K(?1=5sUg*;cn^J>?d zBGu7a(Tdu7&K%8e0q`~}pYphqIW%$DJ{PDzF;O*{DOi@ptNcm01X~tcP+fqO+zuig zGx7+V+=J%dTRAZ5HnYmd67s0E7_{HUkvW$r<^bl1| zN~Id7vfi|~5Ifsasmx+^bi9kDrZ_62&?d+n*mrh;$1}pBDh)9EGtrI@v~TUruX3`j zoCRvb7xV6csF=@M6)WIMZG&!wJhx=|)EI|DW1wZ6^TH>4UcQZlns7GgRaGw2Q+UzjTT?&D7UuQxSoWwqk?um{m$-FJ{Cx5ZwJI? z063X}ga~h}M2<0K&;3k1&ReMM?LOwoGCuo3{B7L%zIwIQe`*?`B{o|;0S*)5pF}3w z=DSFu;VNH=6UuBPyYBx|nyXKE@=Rf;a>ZBQqm<(gqP2{51MrIOtE z`qRW*4h-ZzbX0mL&l>fDR_=SQoR}bvNEcCC#r7s3c;GLBc zO2$Uig;C0mx_VK?ne%27{VoyH?&qe?+hDfTsFx7veL|OkAqp4JQPDeXtm;vX9O(C8 zumsf6s)3Eh7|5SST0MJOSt&N>8rdq(Z1Sj)6t(Ittvc7Xoe;MO%cWmZwBJfW^;=jR`Yq3gwlr?a;FYVjbw>bPHJG5_mRwQQ-o6m9;I3W6 z;(C_A(c(rIi4MSoC17I(4Cr@#s;>M@ayk+ycNJr73*t=*1Q5N$^#$mi(6B-uwfSE$70Drc9@EX-@L zZKPWpNTLAFZtNq$pd;eS{9QFIy|2rW7F|njUwM ziKPOWw*&^QSYp_6eSze&h?IJK@)tw@IDJUF-H59Sw$n%PsSQ14~j;)$7lw+2Sll zaw3!Vt0?td)!IbZJqu8&0?_5A=cYp8*#<$+9U^prj%SWFL6}lS_Mi#aJ2ei!dY}IM3m5YS@xHX2U)DkSs+SpJ(#iJ%^`ic zze*1FC_rNKI;{nuPyYJ`714GT>5p5wYUz#GL9#=GF3%3+= zmJb@p2fkL2o&asM2Egey%;mRPL;n}%+wfZ;WR!?n0&qdNXtw+JQOZ%QvNEZ{1M4AkorKws0S2tvy};$zBcLudv#2Jq zSOD)4;5sNk0x#O*NHXz~s#l9qjy3L~UznBd(NBDYG)B~KcSCt`<^)A#hOO>~Y_NB= z^4F=sMlHx(jrbT9s%jwzS&Re>iHZ-T-5yC{DO(E>^{m_tl;Mr36Sk@ZV1H&=v4zRM zH4oCH>OnmoMRR_u#3Ck%Ipio*b|MRoPA8)><}g)ai)1%XsN`z<@r63vcSot1<(M!} zO2XDSdaxRn+T_JawRed&HXUo{X(?=vM)}b4kT5Dpz9{fZ#|9BAd5ef_0NBvxVr<{v z(=BW9wHCaW>5<*MmDOan(x>-R>_?a9K-=HZd07cSpE;Vl&Xryu+P+21dqyc7Iev)_ zdlwDDC5}YZWYr#mDU@FgN9SiLfR3*(_>X7BjhE$h?PpS@XvC+^fv{8;lL=7%mMmL6S9bofmDWCTs6pt_;mXht3LEFw z<7x-DgeV( z7gTScT7y))>rPY8HGD97s2|y??3|m??w_4Gkth!2)cdour5|O7>~I~WS`6})m6DIW zBM7v8f{8$O3yAmuM9?}}380b+8BwnJEck~!;;^v_08pWTB?$_^#;%2njcF-7XH7xR zDzS(?@@p=P|Jj+Z<8yxdgTMZ!US7ZJZxM?wl_t^aRry6NqCa|VA1Z3SMf9zs7Te9y zlskX?$t*p$82S3~&q+Q7mnUPiFavsmp!yWBQ!4bP`cSo*WI<2o@5 ztjHBuU8B|s>cQkh(7k;49Yi$zoQt3BTmW3a0QA+JHKwu-V3i;MIGg}r!VSO}0%{u9 zg(4fOS9M9eQ)`}sHR`SwW?%Q?5T)+(=YxGF5ml2SAf^^$%GA;qru1!A)K#Wy^h%P3 z*$&rZ%E?>MfsW;LLy81J4_+n)oc7*2X&04hTk#9P&F=w_QE{!0&n#$;b~+YZbZx*l z>2JB?1k@Y1M25}lKg%a8p_>LU+w<*z-j7f~J5Dsv1iFjQbT-i5BhYQCfCcZkM=RN8 ztJ8OgSV+8vt5iN^_KHv8NQ>Fq_j!$*IL=^##R1gbRFd>q_6>{E8e_S zrvQg2dXWpf+2Ootpn>=}ub-~An$6?#;P-WH5g_MKdu)tXb8+<$3_xk>B?J3xY))H3 zVP*Odb-P2{FH*B&;QIGeGt1Mv!Mv~0ga3Jzy|xI;R4+TM`vy>fV;V;dQt-zBu^9sn zRBZ#u7;OL_9sqsL01Vun)u9BFxv z2@hc1x?;uZ3_zK}>`~^-@6*gsesL*}1$MtHC%SXO>T9@kqRG3u&@8$AU)IYcSFa)q z!drPmkP4H1Q#FFe3aVCs-k{_GAX#QmyRZ1-WZoaal!0ac;hX(A(HzElKY_rj^>+Ny z&{at4-$n|Z;9=L+sdWqP;E(g#xCvoxsxkO&Q4$dD2uJQ|Rz!wpk8mX5h>z^?`Hht^ zFg>VWQ(y~DdeVlr_}Ib59!)2;fg{8%iRW9F!QJ&bRALot$#JM4O~MH;KH1sIW?|wb z98t@qs~&U$laOBlygGbC$pBzZ4fOepYIGymu-xepSc_?>&tUvm3paV$wBq9x1JW#T zZ#hy=;ZRmO*j_}R9!C#q95$IM*^Ll0s+Ar|a6yp>302j1B&qk~P@`tjC;MBh*6okb zLoGU0y4*eD8>(3%%JM+eHA9>F@*Uv-ENv_(QZqVf$PXgj*fqhEZy0i_?d_pK-l?zBtZ~ZOPvQdh%-N z5^MOpfAM`E$7g>3! zfBfO&5pCJPuC+fSUHn;RrS9dbX8;lG_2E%ENP^;l4T4! zaYIN=?UoblR1ON87#U}UPDL2OkAkQU%i}!SQU~NLUW9UDOYDR7zX`X zPQWmL90`!{v;d}mTV&&8Bsg8&!jSo7I>8Vn$P}zqSWE;3uOd_9UWmYG?h<9`ugokO zMw1(0yZ|5Zv5ssUFv@ysv&Hia`)>h=0v}vab4W!GdXSdNY!fTR5wSKLA*O$uM>F4V zX64cr3P#k`SMtxM=j;qndeog`@dcJE99}r+F^m)jDlJhP_{*q$r;pf_`TMu8-MX_NDmM zZKbm zy~736W0Xp(XEFQ(t=MXGm$M3z3V^M~8}zGBfIKyMrKdB@7trGEJh3T8*<{?y$0#tB z+F^0qde|Yh!NFsU?r%9kTk{xmFkHE=h+{als;F#oOUvQyE)cbNOxW{PCH?4tDuz*^ zss~V`kDDMbsCsZsmX>02wPJDbytOD`?_=DH+-XHVM7mC+MU7)8f%QW!sYUaPv)m<} zQG)@T-{@fhgTx|0qnd$lRYqz7aI7eb4 zR^cDEAw1k}^u_ymWSb^FB9nG13Co@G=@y!)GvvuIKtAz?A(}tg6fM7PYhi1Ml~E}6 zJ(A_8g{|>#D@_Y$W&lCiEkeRQmZO8bG&D@fTb+@2cOJ#ktIyeA>3~<>HWZR`6>YXF zv)$AMRcX~5TxPXhJB&gwl|(}SDXoou)+kdk^W@FFs_f>FpsGUDAlLc`)q9mdqZ(H{ z2u3H7YmDHwLGsOLo=BO1ANoTFK@l$CUf53PhfI~X(t`S95- z=7&TsCPj!HBSmf(Z`AL{RmngIY0;5)!6+!u9iL^06d*{GfrJhaN4GoBp#s#^#?^0o zKml>7Dd^4!XAeIv?uD1Kje=#fnJIFXo`(4^@p#<33*`!_xjHLjbRS6`$sr?aPIC-z z;8P#q+R&8t3nbY%sAetf&tC{xfGx+s2UYupC()hwt;?yuznJa6)6i1{_SbpEec~J_-_WAU@Sq zRQ;8yQh-|rV3D~5Shw!5je5L>oj`Oa4O&o~D0gZ>o@YTJTDq%bV<~|fhv(cm`AX)e4Fj131CSBs>QHoc zD6qg2mAr$g7f>tLqeLP~^>1A*=XylVi&c&4R)^-V@QJT2@~;lDg~jwJBn-XRbzpTw zqn~046$MK-vX2WumvR(Cv#IBFj2(2#Z*zY)*XUT1@?4-YJ!5Hilt_MXhoTe=jsl-} zL{*Y7#4Or!G^<*#8HsV+weCh}is;qY%o0$yJlZng8m2!?>CZq^Oa1B~;`s}|(`Zq< zIdo7+ck|uj1rf; zWcPmSvP~Q#BuXrHlwL=ST30`W!jrK$xVn7}iA=_#WsF{V=_sIhVH)IXfK@4q5{VCB zr|e-~{SMos`m63L0qB@3-Rz`9na6oSTdg6YS;oyCxsdvN>(@nwD)VS_bnJ1k@%wqS zl?b#PpG&ttQKL~OQrSFHM3GuvK^M>p0!Wbq*i{Rdg<Lrz_LV{S4FB8E}(84Dfla z(T|>(RcejY6>laxCFy;uBl2G+Z&2$DV{f#mkKV%g`DE=l6P=`R>@0gGt5le#PU<8F zQ;QTF;_h0$b3pt)fDK?hk<4FgczDNdo?%F(z)DK=po^yqtTKpT`m|A-2`Uj3P1+a zfTqp{nrfF1XuLZrVx+)KzX>R+9<oW&A`935qumX4&V~NT}+HRfjos)A@~(Zqo|m z=GH+Ay&X?RS7|MACw|o*p-UYc+7!XNS-sc^O@PiM?8uZRphNorqwD~Z?ggOSC#&Hx zn95GG9xDxS7c*@Mn3(R5BZ3ZzBFGwQUQShsHXs7YhRI5K!NJI*uwaNCAOe*wF6i5g zG!Ot3OMJQ~14Ky$_I1C4{sq{td9@V3UyErG41(&s*~LRH6nMof=xg*pxrEj9D;~WmqUJPn|eIgbz~a{FNzC25!IWcb>dmE z39`RC>13M!B`^Z#(p-QfTLb8lfY22KliwY|c}DSmm}scTk%pQUP@Gg)%wbl5mVZuW z?<5E2z1ou5w4YkWx@6xz$xqcDmTW{}>u4rchRx-8aa<_wQ}=8ue>G5x==~~^=SWKx zg&fUKX5n;G)&7G`5;#_DF+o0d&4?m^dl~?bzM}2!sOE}aVRQ_%iu9c)`?LA}Tb(^L ztlQfPU2fDq8jIK!D|FQuzZtg`~T22A~&w9DET9y=1_^+H{D~S1i47C*LfgpldvrAE3LWA}#+NweS zd)K!j_rAwQXH7%jia0y>&Wwy$59oq~?acL*6Cet&!2rdwVec`ILCm{Ei6_{E0HH4Y zawS4RzlOk2J?m@DY^VAe|kjMr#zBbESB9^Hicqz#=IZ6(K*VB6;y48mI_6&q{FDhdl zt=g_KiXSn$F03DdjKTmrbI04G9wlavJ2EEiux0af6S2*m65}3Drhqb#EU_J*kGL~G zyM{31HHU;sIvQkQd(&{+XFHeF59RGMtvPe@eyCF2xZpUjOS~y`73@|uF}-U_P+|GJ8*&XB1~n} zm@QVCLLl;;Z}i&W5XtZm;92tK*AYODB6<|{H?wlFSLKY*lU_PJDuWI3&j1wcBUOd~5Q?@_D7P{cyX zjLOe<;gvCNl8M3Xhd{_&Xoe~Db~KxTM{IukMjL@bh}vj>_h-c2ud ze589txX5)XXEULmiubO7J|wBijhLX3xnZ@1K1->CJ05BZVj(B-aifpwC{Q*uWVS%TF zAbUq*9Vge$rbwDq8`>Hvz*E4t61wnsqO}n>)C5aX3}6aa&~R<+aG7=b;Z6P8p#oOO zeF$xr@x=C{uS2c^s@b~}CB_{*&u5vyKw}(c4H2PwEi`h@Dr*%g^cqDV(M5)_j4SLX z$-VSy2}5kmb37c+d2NxLFXTSA3(rVz?Zu z;5acKomCPZUL_MEx0C&`mT*ez;8#MJ>v1LGBBYi8G+G0VFSdxQhb$-JXi`?}nT20U zQLbAgnVLs{w4}S`Vn(((!GO&jrp$?PcBrJe*2&H@%|OkoJEo0RKi`s)%GV-GJKw5b zy^crIy-&6#aOf04-8@zsajYE$$4k+TavmF&#A`L_c&QodFO+K=u|4J15;!TBHaC|a%z&;q3)?>Ow3Fmo(2~&ryVoTK9x>fvnwzxBt6G^ z25q)>4@ORUVltTd`qIH;B|SkTtOBG;!Y(GjTzx@e+{J+UvvYL^XmCZ(i*ya;eywj8 z*{&aDY&}^Ug`H|Nx0*+H*}55F;dOkd;?E#@kv5m%krpa=+l^vTQ8lX`(T{Pv9wy~9 z+m-g)Q-a>}oD9-_#|XeV8?!!DDlIqhz+LhL0!?x6@@%~EsGN=MRgotuDd*@MHLi}9 zFpc6$1nw;2)FZ%$Pzd`pP-p7C&M~*~(%>U>od86eZx}>wf%zlK+Eo05YlEgSr#n$=K%nw=M{Kh!)&5sz4Jm1a0mxG`hXk&42qeeh`})ug681MGrOaEvWWY2ul>N zSsW)syyDr1uSQdRuNj`O8d#*bkM8R%QvQxX7sXW-y4Fm78$ISud+Dgy!QAPyD1U|| z$6roU4?L2iOR98l1G`1bLP}&*7nV$nMTx1g589SrQ#Vi!?O@=F>hg1S_VEbgWB~|2 z>#;{s^+dGRZpzWHO7-SW+WaMCf?;Bil@;yyN99zvO0M!7@xbopC^~CO{GRo|Me&U; z$m$%1o$nxEur&;-q}`kl&xu`7b+OIp$*F>c?k-Z9;BeD~U>Rz&MSK@aDn7RC7*w@O zi7G9?RA1>uPOvo1ZH|KW5*?+S<$yMVD&&w4u1+ zi9Uwf6Xa^El8ln7F`xn;`iN~_p=J@qaRj2-sFiT9GD;<>jVn%XyXsl0l+$N{|8+A3 z?pMxZptufk5OEEhXrpYe0iDhoD@SrLBUl2$E3R2L!tdNdZ9!RHlWbfy{z-daYXki) zSO|Dfzb0*&sYLA@co>JX3`fL(yW*wt5qFd29!I$&x!A1cCpNDQF%85W0jhS;&KzI# z&~~)U7y%FJvMrnxZcadlkrXi*1G)cqp{W-&>hOVTre`cnbtgulO2_J1<(vG`wMH`B z8o0JC7=&aK_yzmufR|CHSa7bKN}T)*#Ldw&1GQd>N71vKi2P<9HFO z%4Hn@!CXd=diJ#vieyM->tk1J z9@0ltnk%J~4g0#mgzEZ|@4s3V-@*(u;HGs)^gJvVS9I83RNERuUf&dg^e@gsxtfr& znw}K#%n?tORB@YWUTX$pfq9u$)+&x)JJD+_!Jf4cuI?F)bE2Q5(bbv{&B1^t#6~9n z+^qOV3rj=EB>o1p&~J6DQEwjWnek`bWi@}U3(b_%ccyd9RZ-QNBLpsy$>@numCM|v z-fAV_XR6~;v|-*j_cHQYl}#dW1sd20xMrPit$ovdW+$TTd;@bKl1n!tctq`h1RQV_29 zdJ29*a(|(thJAJwHa~ z+K1^?EDLB3-Dh(i{Z+9(JzJ47m;=QiQ|eEnVS6Ro{Owpdj#MO7ceitr858e_<*Or< zK16*fC3{8EZdEPQrm8^5aHdrXhE66XNM?0af>uw{eBuOR&I4JEA3}=saU$j3Tf+D^ zzroLi^H!Tb01bfnFhcsP0Jd{vM3z!l$_mkp5N@l$P8vleahv$LmXnm8w=Ai>Yo$#$ zFKqBD^H-xgh=Pi{CdXnce-ae#${UDy`LR_91`sIzAq|)d&ov$%U}W+~$*7pq{G+v8 zIZ0&Svd(Xzn2`B1IUA%D2dt$&^UIhnDY1RtStA=LFOK#kOhu1tK-#$7mtSmEGH_m~ z46MPGA~O+S%Ut>lR396xLv9ieWO}X>Yx{(-xjz&ry1tB)DxPCnupS=JO^<+0tu#jcHK1Jtf(q{?ROQu%#H`)c| zb9AVh{-_p8Q1RXE*12YMXq@i}4C>in)9E$}n#&4scLkv50K{3@kT!m?g3Gb|Di$!g;Cbb!^^drMde3KAp|3G~~?@p3X&Bu1Gnk zL48<(5cAz=s?LTH@qq?&7EiDgV2l7($j_}=peF7;RLSw4R@?_dP&V)lbnm%TkZGkP z#cb+1Q>~+C7|wPB0j%iyI_!6LNGV3AY{H$iJLO@ASThUBWm{qkpmlJ@WaD0a;;m`ll0mls9M~WLy0(DtOJhr8Eor#; zdaG1)&ALSbOFz_`Rn1CWw3ci|GHY3`5@_k~45$6#BujUd$eq*#AlajjwOzkuUBLoO zl475>4EQMlqEb@wyWiLP$Q!_biyZD(*lJc%yA-HXxa9Z`rU_XsLKG zLlllmeAIROut1UrY*20*XP!%Y%v@xxuJQUTC}8)Th8G zRcOQ8pu!q09@;5k<_XTAvNOLY}Q^L9m;c`hET>`PHnN_FCP=40-bQcU2-?+0ZpV9k>4)NKg>b@&K>A~yi* zZ6=dG#pZk@0V#wzfBF)>7SfKGBext^g}Q-Wz)FhlQ1-+dk|Eih^%g^z?lnkIW%eWq zrqpVrrf}iDF&~1&;P!`2QNomLndsU0F<}{fPS31by*{gF*m?S$Q^-O%NT`Mt(P&DV zZ$ZPGLP`ifja9?*O<{OsEZFZ!;knXZkT%HPRdq}qeQY<~HM2+Dp*77&A#$M&+eo*K zyYP*ni+lACswoKfZM^bI7AEQ>CZacXxJX)^`J1CUP?hKvEZpx<42dDT@in4nL!ay5 z3wf?5A_LWiortN7e5jHY3`BHyNqW;b7WXQtGCJb%mo?Z7VIy)*UB`1Kyt7MYE@RZ& zy~x1_f}y@vWE)m|%;igO6U_%N+SCaq%!0Qo`Z~-Hk5%A(r+U;Q6}Uh#Uo;(mr)DV$ z+efN^F=;ZyU9<-6p@JPAKanJCqsRxWq>|Bi9v=THJjN0JyA#m~b47wU(JF*;+X^(M zk5;s9)!}r-C%%u8tf-WK1aebzCN@WT35!x|8i%y6W6*Ez1BIbFg|TE!hbgA6qp@Wf zZyL~lmcK0E@R?y^i?zp_JLExX3bgT$~~DyhAPM3p4abbj$_0)v?saySXJ0q@Q^ee z9K-mKTTZq9%O1m&>^15^7Ol24o%4^Pwo|@3E}35#N%65duGN+skyw)4l{{>4>l-`o z=WQi#&PmU-k@@1m-EDJJfvffFvvd~~wJ?)1LzHNPI9b_KJi9OM^Oo2F%JIlESaDVi zQKK-G3VS3|H_P>`$WyYj5Lpy2o)dXZQKMSkSTEYv`h2RPbERBK`5zp=n!MpP4Lh}G zuc_oC<}tDnVa8mvnpCk^G`1M1B*_7!`12Ar1p>>?NmL|5qG+$-mcG)tzD0A@+{wa1 zKq`Qh4DA_5Clp|z_1c)}Hnz^EkETfl5yD zD_Jq1Nr(+@HI0Ns19t_aRi$7k2JCGB4mOS%@s#3|43TMK4N-Y#0sC0c2_PAwr{w(4 zbymv5*;6Uz=E}nK2hN5*vf_TfN@q!d)5mAGB)pDrMB2nEGPb3oVc;CnU(Hl90w>+Y z0B1(V;LQvm1_V4wVGMgEEDmZrQoAv>#ManHGqCq}uTDC$bvdd0>;rX?s3>7+DEF9l zAdz>os}E`O?P^%c2@9cD`YCGdA1~|u3epQ04_X|?6!HP+3d=L9Z&5>=1Gb$i+B5^; z@~V+Ufpg{PFCE>cRU)nkG;R-$sPx{*a=oDK4pM(#1$0h&Nv*PzJ2U6V9~`XO^1($f z<>|76JWxxFmIQ|^g$1I%GKkdq0^*S_V1s4>Z7KxVc*HGx1B!My$>+DK(;NiueuZ*F zLY==`J{kc2i`d(nL^7-ZKBsdYR-{RwPk$D}M+QjrR?V zAX!1N0u+N%4hp1HGGO=IbItt)&9nv~h1-ALnVa3_C?U-;pjH%>UVfkylM7=f^`z95 zkaRF-u>Vn96InzIj?-AI(HWbt7)w-u;_C<-LRt@uPcdBc^%ZS6rrkUp;`rL6@@!cc_>C&o_$cg8P@~6 zCA)-GaVlb4?yvFg#p8;K^&DQj`W9B0NP1zc*R>kgcrLGLspvUUD0>)2TN4n<-mJyh z#Jz27RIAd{M)a(8or<?Awb zt-4^mPR%H$^lq!f9CLR5+Z3I8#ge65k*ZD|9H?_x3vf&wMnXL~@HC2Jz{(E6B6aL- zIFi@_uQn^9F$L0VO`UXLM%{*IpI(>y@=$G+h87<*q*3E|8+V5~OA>Cv8FVFBu<;<; zZy|chnFHaZW#x%u)OaWDgUX~L1hBGo?P}M9xqf;=fDo|UL#$fgFuvP>%@+kNR`d*N zDk;!<$XTN3I8SSQ5ufjCM4M4DR68cOfBN|L`QvZD{_^RM*LMni@wL*}vh3HFuWx_;{ORMb|9yS& z)Ui^cloSB7rk=Mnfn?`l{MGSQrXViZ6P`m?LoG!2Ecq0SlkJcs z8oLAh0nem>3G?kh0p?&~9(=DB&_6L^CAQjt=%^tAjGs;g5OYTOd`!NZ5hgq5;`Y}0Sj{Ho~ zNEcN3Vp7gYQZMLrgK(!N1&q6OB}ne6>J9GLn@Pd!sXBc=LODQnLq(;$D$t@lW_wpA z1RI}++|E)^7SSp)^QRC*S(f%kvafqF1#L9f?L>^KTWW?_a{vjlAkTb{2)*ds3Yzd7 z7_h&voHy|_O3{X3+#{xNu2R+#oJzekPdg&Qnnn00zoT_@RZOb0D3+}yS<@E7Cx`AK z1>9R%3f4**;;+~EDj1t_R$5Vk?jtE{6DlQuH$xBf%SsA1o_e9y)0yT3h>4NOUf2Mm zgpZs3Is?-LMR}2Ky{t@CwthedJptK_wJ%RUK{U3~#Nsjmg~Bpu37-O_ZXl*1x^$=K zt8%=HDq>W?>ItX}#&vu*sG11Yt0fj!I~E(oQ;!<&eWZ8>19SMsjKaagEHSf;pKB9z zAvyIT4zV55EZVpCa3c!XEfQ#`4!%Il-D$l==DR-`szkp-IZc38Oi`>O$67X zpYTCBKrJ{%8p5C;jaH6cQI2ae5o9`@dK$aOr05lT2>{Zh$C4047Fg^xe>18q3S$mN zz#@l9>epw|0$ka?Kz;jRBPWxDs!#)(JJA?0l193M2)ziCE+ZGStvU>s<}pUK?UoI9-{pc z#EODV@g}GbBZnhMY$Ex(FR#bjTUEKZYKk&(Brcf@0}k98t^pa=F+4Epb6QrQUPsVJ z?yCfq9}u}Q#El!wRJ2E&Djtwjts1h|-548|Q&L2Ce6|2m0s)$Qg3)*+{4>!nq^OlS z5!bLIPO2itJ4Yn&j}8}!08B9B2;Lll6HsivvcFngD)IJ_mr5h&qMq1Fa>(3AX&7NB zdf)p5j&m9_zsFRIp$&^(A3S*i5Z_*B))O3onX0k0Qk>G&_b++ib_Vi zOG?y1qFOu&O5N^C0BfR_HWnxIyKn5Q>DYVFT;If8aaP09VjHPsRa(|_1hk(zRBUSR z>e{J%Beorkqg^CT(_&5%rqw%Vl=0UoGbu@TS&s|j`Y!skY?%~Yw4Fm@65LDO12@kGFvAzqQ*1%@EMO;;Z_;%&Jq$vLRH4nYTV}GtwQqE2;DTGQ=^*U$a^$F(y~x5brT?(#M-9p<|{45EQaM*_ynvkWd8Us&7X+ygC73^PFK?+X2X{_-Uk`D!^pi3iO zDqSqWVR@~qh=OZVTrJfc@Fdcz|G~Dtl;=u9wZ4jImrl7<7wC)9w-h_mq#K#0(-*H@ zR%2EgrZ5Fss%)ORo656P##;JoZT4ztX$kpTCQXT!sC-RppLm?+vZtSequ{dzN{a-J z_LUaZ?~rVb3k@`YLmi1bXa*CnbdZ2kW1lM@t#zifR^YJEq0HGZsv0V7kHrn!<9Qgd z&+}k28kD0Ie2E^itA08(1Lg~f4q^8Z6|5pppzF|-Nr^$FY6gTMN7C;P6Dnr?N{p;% zd_LGQAo-v#d!7j=WK+RVEc`0RnKGs7*nm1B)Yn%z7ivkON!pmJtfp*hOye~)wF>ZJ zsIQ{i4P~ToTX6%och`uNVMe(Qq0)R^Vdib5O7upA!~uM=i;d>bU99!$5g;%_y&2A9%(V&zvAyMpE1 zn2PC&#PW<=Wz_&o31X&4qRCE~t5jbtD?F;FO! zO6BP&t%NMBRQdMh3gVdCRJtVl;z&q7fjK(rMN0{b-FM#RxERGG;=4}*7HO<0{$^`G z#(DT;yPT&fw6>~(W%e-ar_3|XXB)k|mzd~Z&k;AnosHzdukBQg2#^yRXo?d-kGKNV z;p@bzpjx$Q(X6q32(?;h0&SDeZ4|SEQ>-t4QyO|uV+$s+ko6hkyN|e{VSJR}wu)tf zD7rJYzcp%6o$6nthvkE;?xsPGe-RZ0TMD7^nUn%c3Z?3ZmZpMG8qoLF(=XSrdpN-* z5TdWEKE4)Hv8IoSEiincmIgz*RGSP)ol&|1RB47{RK7eHh`M5v*+iiQlgB0`ch@V0 zMwO()HHBQ($+WISguRVAV|0;e$?q(n#4WDbKhM^p&lYOa(|Z(s_ZWuIEs{Q)FqXs0<)~0~-IaUvw5`TsDYTrh`eXHscc3lu zw|4W?QVKj+EMJZ->+QKIF`$R(PYN|f=Y;W=P0GG&6wzL@yan89ObNoW38JetfIRBa zk}joKmXmv)K&Jyhc%l^{`j^E0l=_*jN$FxurG+e?8?sinS~U)!@yLqzB)4T6)IHkL zBM%C0p6*;iE(uFRXVrM1Nk!8eN!Ck{4Zr6(t~Cp#0ERXbPr*HG+s}B$&o|r9A#a#` z2AOpAwIn89!@}obh$Ns_8p2=%VP*lwxq6QD55r1t)UaL*y~%Vne=xed#+hby&Cxg^!`Pyx zNV7$ES5W4$TkE*PNuxmlDp+Ep+t{)ug}}J5LF-|zs--DYukmX4H5ay37Nd36THP$Qc_uXZ1cc6Zy?OB+)J%^fqJF=_u(MwX#aw%lA>& zZmRZ$El?NK*vdoWHbn@G>746hE!aag2rDJ#w4_d~ai&9&+%?vC>@|uyz7Z@@%04i_$zx%ML-NK@wE6*P9k z)p)=RoaZXIb-XQ@x)z^91u=9AwP-PHakyhc{wmRhZInP#Ce001rG7Yy0;KC@?%RXd zG|L`K(nDIjQdy14+ej+KcwhBAjGJk zscG2QaJs!t_YpXyg#@ZSU_1dNY7I#57#JOk2;UyRE3DH?z^v72NMpt-%Mtz<)w z#R*lC=;nBHMFguUwJe~7WxW9+W|HReqk$>kgHDu-B=EThP7!%XMmu$RLp6Gti{WCh z7mz8-gKad+(n4OMR`08I?Z%;I1QdWY= zKI}xmc%L54rC}q_$k)F88Mfs3qRs6$#ME9|2cilEYfX z2g*?wZHAH2iStra|EW>F{)GDH^PfJ^M*p)9>Zo_+cJhnMf)zxn;Q$LD`M z{`ltIo0sq3ynfVz*yX?HegE?9Z;xL;z5Da=>6gcEU%!3--S1By-u>;n`{CJV4=;Y! zzdmrC58mq=|6kcrc2lnwEjP*Wp?@TGQMHc*rkX7Lh}lsRzIcfoeaQT%|6crQy)E%1 zJ1Fg`R8^O?Ks4INFdF@!LWL>jO~fmP0&NpOjpnAZi;#la;A+wJffX(*j~#|HEB=-4+G^tV3T>^`Gs+RkS$@CV+xAcr2hC54gvl%^lJV6^9BXx>4%*-yq#HoUGmm-W0(Gq0 zGV5!=PXF{qLn;u&-o_tPxB?k9pOwn9QR9P?m^juvpn=U5aY1FCh50NDa}no~A<`!$ zvOCs=r$|Fm1Z4Z{ihjc_Ic=~jWS>KX4a<_9mi7hSA-z;~dS~LJ7j&TgP0-Z>t;2Pw zTJW&BJ}<##Bwt5G?cqqgZ0Fd1sj6dpjDZo@2qdp#5vW%2VRpRF7j(&)s#C(UK1+z2 z4&@<4Xrr7<;(R3U$fxS65+T&YGYT>B6gVwA=TK#bq(OCvD55Ev_dF{ikWpFy$Y}sM zx^-Vz{qqQU;19r2M$!(%!ak5gpjlcp*D;OeXg`YX_5zgvh2je>o;Km{PAq)@#J~3& z>KUcv(C2KLDledPD2Pzy^ZjX!CS=82ku6Re^hKUCw5ObhI-C}G4#^fP$rh3XRGroH zW_Jqe3v@vvt;O!Q?m>Fl<`8X(-svwehPH zk8C?YNfBQnKKcsE+Bx#jel|&QPdzGTKD8BSZx*mo0U}VlGjx zD#s2h&k4aaqYDI$>J0cX(}*>&gaP}J(%=12NKJ+eyYfHi?478<WN%_>3Nkr4ATS_rVrmLJJPI#HX>4?5av)nTMr>hp zWkh9TZ)9a%3NK7$ZfA68ATl&KFfj@~J_>Vma%Ev{3P_1mS240BISM?%-r+mzRtOMC zviBfkOvHM7e|IwzRs9~LqwD7rl7J*Z^T#rtv{*kj=aaeW=Rg1Y_g|Lz)T;esv7bE* zAGw~Kb%4~9!|_q$*<}GFo>jhn{-!0+lW9V0&%!!;#yi0!CrIbKV9e68MZ$39vY zV=f`5&JyBtargO*g%4R~J#hy1oAKbH{=@snJV0_hK*^eDWRE4JgGWp3`5K-PA#mGi!!ySea?-60 z_wJ;O%6Z+y)edjO>|};6dk%wL_{p3{I`%T`we}N!Zh(mHkwT|4uSBv;NX9lHdok)j z%EtUG+XbTSl;h*{UUjw$$rE=?+I!pegnU@_*kE>YJ`sawPTXQLE(bB@?zq2`LY)-Q zLxB{-7+Pd;tPx_NTQEEI6r%mZ#iQ1|mg51PrYz6SsVt`1(wV31h|zO9e%e@^=cW^A zkb3}^(@g*#^Da9vg&^QAB+p!*;n;Kv=u|F*uu_0TMz-Z*fPnZ{DbsGHAV4uzDcfr( zo#(+ay6HD$#gA++NgP}NhK|dsj$qiAwP&I_f6Q6Um?zO zW>B%v_ioE^Pz0NWa&AFkuh_HM$VeM$LtZ1z!``9>x|}r+ojHq%FxJ(nyUrUq7AC~Z zJg?ykf-C2cfMNFl7CSZLm$4|~IOnQ}EoAIU zMHSYYp=IonVnYL$2)l<25isVc35(1H_hryZtMZ6;`1`PhkotRdCJ$2i*~RKuL*-J- z!m2k~Yg}a3&E%(dxL8!Ws`yOhEm11YC>>a`JR`5D%!Qxw(hlJ-H`BW6+Coa5)dqyM zh3ad0hn>fJB5TqqX+Xm)wGLHa7rB;pMxW^5)n_@R*t|!Pr9_Gx12Te*ftJQz3aLH6 zwT1BSNz_1VM#C5|78#sFXqd@`n&)ki_A%cQ!5@&c5W1OPZsC(XcP98J0Yn#`JRGc8 zkyq6xdyu@3SN+i#k~I~$zj_d;IgdB7z{B$qHk3r7P1v|uA_2GcR5Fbk5}ZFgKg+pf z0Dh8p0GdAp*dA34rWwgv5?j?rOAUU-s+4nR7VUQy1Av~iD(emkulRf@d`c(b*y9vN zyUA3*r0#H=P>ML{;OtI=z~;U2q0&S8xJ2EVo)g_@{XeMQXMpushum-uany~t>0pZ5zeg+j z-!kN^hX@f2hKxv}A2b4~B7lb7c1quC=op&+Y3O8u_P73twXO5dBoXi@v11h#WO+f36l05xR=fZ8k_^$gV38{ebK4*`ZkwN)55Ckh=ka zy@u8!88e<>CO$an*3!pbpU-kS*rK4@bic4)#!pHA{Ptnl50^bx9CRKz0r>j4v%)g|>-i@C>>^fc6rNW1pP{N}{+* zXj#Q>yY`<4+R2NY%U8IB>EQ_7XEsMxUXn35sM#^%D9)23x$Nw>j#e@@>~6@jf{Cgi zf{KKG5?FU`CsrJ-32qM2M6%GBv`l#kW6Jid>OfDW!?zbHy_^_S9b?^EKs?Z3p?L=$PA11VB5opfiydpwIa|d5=DgTK zf(T6K{fMYnAL}ihBQiSPXXs~dp z0C3Pjb!m+8rhH0+8V0Nnfsbmr(F+QC1})j5qVZ; z;|}O|&FI>zw;G)F`BTe1j@GO2J#raIPBa+;AjRHIgzq~6MJ;EP*jiu1+R@7fpPt%^ zlb(>Fh@-cT?HBRivf61knj9ACWvDK(ZkMzq`gzLhCkFhRNel7%5Ot#Qr(d*D{yIRq=O-R14 zOcvTU4qJy2rk73zv!Y1-(VDBb9g7-|(YUz;J9XsAo&&f}%?__Z1Y>o}%03TG@@pRb zo&h>J>l3Ns6iFl)a3Cx5B9#5tvL_Itr`y^YH;CVP$9hH8+m#{w{p>t}Iw3hZU^VHy zUkxb2t8>)0dF6v>&3REiHHoZAeWKzeTRo9pQR}SFZslqfM3wfcTGMcV-sGG%Xaq%%eR<; z;<0%eRm0;;v&#W;J2a`~ZAj`YFLj9S(Uz$;!xOe{%jXzg4@9a)?^XHv$(QSBi32yc zyjmIpssY z#t}Cm0CQ_HgLbNQ0O_8qWfxg_daR$}^;vEWgFsU>BVxJ)t84X<|9B644+UzyN*eAM zM>f3_EIUJ%Na;MxB!&o-F5VpPu!mkcIl<#C2eDtT*jtZw|0lalcEl>OAo?q{gjNGN z56uefFKC3s*75>*0Z5iv@b|=toB67`5yEywW#-G_4ku8fCtyr-3~RoJoTH(62*i0O zCIH52KW)f3;14t&8wKV-dHfDD`@nK?ue2*((ln^D9*|ZNt!i}JS0_|Z4Mqx8ZTZty(At7ued?&yi#}<5tPJyy7x7W0cwYBuw*}c7W0-%fkiS7!KD&KU2KQqi|=OI{Y)IRGl_Ye zVLi_nRw!gBkq1`FiGZc zm$S-Ej}%agDqA#Trmo7$PClbDarYideKWI6U%ylx96|GHEVWq^CFfA)T*udp5uBPE z#>>@5HG~~y@m#O))jT#=v$g$0;M6X&80r~!yqlFpIbd6ZcoG2*(eJa_z$n!2I;iA# zwLnSU1?}9cYZrGSB3%%%x zaOn*nH|1g|aoXBQn47vOWpL3bW)+WVw==7nrhQg3GNB9-T#B2D6_*BCmvq0U>~FXo zn~4$Vt?MP9Zx7uV7A{b9HQUV385fiUNMvD6rJ?<$_^V!EwgJ}^r^w;1{I z%U{Q*$$gUMVlLfaKpkpw;|I-hn6>P>IUuZx6V!t)Am}RBp^A`;)l8Z3+r}4^AbQ+* zTStkSuq(y8OLg^tkUO8MzX~m;br1vKZKYn)-DzYPr|^vJ5S!GpA#o|w`-j#{vy7Pp zij)VIth!99rMk)Z3yo?aW%U(GR1}nPBNjq;#PWrn1AB9GD^mpa7GAEIO7VO9Ip@V= zP-T)_4$vAw?6OCsL|v=OdCc04pQEnmOIC6T#RP>iUF}fFz&q217j;VZIQuD&t1Aps z)EQQ9>k>1Ki7wi5BoF(a!@Ct%mL1$~^T!zPBI*{Y>{t(ro7x$rP*R;F4n%JSCgK?` zhTH%sAJM7q?m54Bns_n!DUu% zQ(rAAT0906Af>fd;{z_tDD^Dmi@!6&Z1CLX4K@Fv7T}ODtNeThIU^r%V77Kq zh6Y9Iq11fNIA^eGJTWrf;3Qy|y-{@7J+_p+=GgDx<8xV`GO_L&=_i2|_=}K}(IYS!b_B<)Yq=|iq zrB-;IXS2(Zsgjd+G-gpri*en1lrm#tz7S%+pfiW>88uc2Ow_jpX5Ef-6+S8Uul15I z?$BSXQ30svY10{%*;C~0ik^APO*ouRiB{LN*fv#IN^D^RpJ0!aI`UN>@|DYT0`C?s z5vBW!j3bDnhr~o1+FO^ajfak=M^bZ3<-$b~<`8!}qdrs}vA&0>u)6FO0ow-%sEMug zc<@!=9{Q8Rj_A(wH1&2O%5JGeYfd+pPRmsUPg}MXZ9ZBv$#+7)@ef+0o?`chLlx5w zR}E3JJOol!K5^mhCZ+Zn5g_J|rD{8iCziM~V>!iIGH&RQX+#c+9%<=Yu~x$*3L_6} zi{azpP>t#8$kV-3m$8T)Kv8Q}N8eK^jgPBFl*SioG)Dd0F)aTC(T|6Gzx(0ym-nAO ze);sr?;k$@_3|G{Uwu{dd5w)K&MgdcaL7s=5}+aHvC#^mAsmapR1{Ivkd$KvqTyf>UJ0 zOoKCu0%<*vBgAUwv3V+gGr?h8V6Mih44ghnz>1vJtZ#>HX8^ybVd)g~ATQsT`%~B_KHKEkw8HgE>MQwe~b(W6JlVlpsKLlKlTOQ#4>ynbrWS zZJg5PonB1LcmnNj_w~3)CyHNY?j66SdD-smI$o8$$*T6Cwb&h?0%}+RxiIzYsGqD0gPnUz0?}cPJong_=l*g=uuu63HMrVI$mHngE zh;zZEa}~uVK#JQN!flKMh*?HWK5CnuZ&$E$jC|fVmpz0dcc$W_dZrDK4OjOU)8zSTJ(XvI*7Llh)U{|fsIHwAo}6c# zUsg(XSC`USxfM$4@|n~Z$p(Z;<(DuPS(hW zrmi!S>O&k-0hLNUg+517?B1*jtSCN`Gk9HM*Q|+l{Ao&?5q*?Bu!i%)qv=YGs z!(TiqaM!ZuP(Rz$C2Z{s%MtClD>9AOTT7LDOsVoAIaKGalpsovBUL)>1{P5pwF|j3 z3mJzREfi(1WyO}jGaa!g*pZld`ElcO`M^HbNuX_BD#GgNr4$&ei5z^h>gl7?$Mpg` zQHI&@gL<3+aY8a z-)l#C;?wsdX==iuCq<$j~-=f5qM8P%)}FSV0l9+p6cgt+;$?VDNut zq0T{|I4P*3Am!AnPu(7Ig%a4dEkfmirwyQOE=GJ$4p&o1Iz?ea5?m+o>7kv$0h-vd zy_nXnT(l~4jveN+-5yJ*9x^;zk9u9_iEuuoEh8<5Uz=Bk^!FCGj*D~E332V%#rc?Y zgDgXg;n8Ad4w?y}v%w==agjQBL#5Cob$33F;Ub%G8&Y+xH{FS}`nh_#n2%Y=1E!Q>SA*;2AT>>||aVVLn05y~BP=Edu z)Wev3MNR$EYS#oO#l(az{)L*=g-*9wXALKjk2rkinP?=+CDbJaGAn){^Il}kf*d02 zAp2Y*=$5uW&lH!@0QU-kWCL3n<*_9D(90`yXt;`Q42J18utW_)*WL4ngJ?x{2%EY%Jlgd5rlD&9`K_0{U(KoH12NBwB z(m}D~AT!}oKsLt(@ot4Q)#N>MI#>}&Fw92k2xRme$fzaObR)#fe!cKKB!JM59AqJy z(+~Zqn|qaBa)XR^`hk9e(Mev4A#ye;Gv}jz#9xKlR`WTbW|B{?*US_h9XCO;QgQl}N+Om@Q$nKgJHevG z_=L~mcdc6o&WUFxcZ?9HFF=ph?67vfFb6X%L?n;`4&;~d#cswuuzJ7L#I zx!P-n`2x+k#UX98+_Nr3Cb*Gw5l#C!Z^?ZUSGvf|JlykXOf3~vpySR=V-5*&xmjeK zSSfU6Z%OJ_>OmThB*ZkqL^}1Fc*3qwWfu=CExxZ(jup$8F|l8fRTL*5NomON)GU;Z!I*iyWeqc9u&&TW<)`@6S+KSmBkH*2uAUI97u}r~MTes3WK(uUSnFXs9kJ7X zo+(uOKj^|TU|BN^#l4Zq0^yKCYQGL?YYT%2mH9m5Ru9B3(QBpv(ql>OaZ%uUu1vWW z_{DmKqdA5rU4^bc=VO)Rs_Q(0h?&7Nh4?FViQ5qr6%&OlN?CIr0uk5>FL6f0VvXa%_NY7j;Z&W#PN~fnwxKQC$!+X`$=h5XHNSW$~Kte4tN_J1o zG?F993PF#;Cqk5Uj6kJ~94h*K#xQL<$jGH0{jwY>gxGKC6ggf5vOgp#+aJYWNmge= z(@b5-xHANvJIM|gm&D2?Nr|f^R@}Q?V$$3&m&N8Zoxo>LdOI|sV|lNrxoylkqASE^ z#fY0{MU!3=n;l`n`LkD$#@UDfe#l>ig0C7mpmP#V5;=wF)er)9u`ovcyETP41|gA~~!ChoBN0z;e_<`UmH{1y{urI$c%r?K}D>rD^& z&s#)6GhO41n1=Ye6!FX)5suagv>Y{M+I*=M3SGFy(W?sybF;!d-NPm{M=30pro?Y# zx95omElI6q-@dR1DtHaiee<9ck%Z@gglkltPyO;3xAA6u`Pq7V{+)Lj{eBOlKCE?3 zg^;IrR*$FCF;?>3Kv1oN+y_KbvT@s8$u{k~U=Y4vVoeLiivRj91Th`TIo9AuXuhm>N7#fphMO_-exQ(_5p z5OK0zo78I^-KVp4ueyVI6j;xp$lmSVjhUF$d6q2U!vL$StG8BQ3lFQ_gpgeg z^g8lA(Gm|j@V-Xy(;zO*Uwmp^7t7Afq(#L@vzD88a0oT8oRFo+zNp@&hdR zmU&wxS?mnTxT$WNv51ZiG>~8N?$@zbbA`slm@8FD0QR}piXY5FFR3Fc(-w2V`CaZo z9_}o6VS3_8jMYc_C{gyoG*X@3>ol^}OmU-=W{{N7M$Ssa1g5QHhB~f=r_s$7RqGwY z9Hu~PhA;?bN=bqEhWiYgEc zI8+1c!TY&nQbSCXR90H{zIq{MRWINs2H7n>ezTmj9p}#Jki9~jX%F#QWk*zfHdgPx zqG|i>Kfcn3{?B*v%kTgA_V(|WZ~pM@-#&c){PCwBU%&m&>)$_q`uO4V$M0V?A-?jz z$Nlxg4?n)Xd;9eB>)XFx|NQ+Apa1gH+m}zjSa-jC^P89V|I|-kIL;S;>reg{Te+Ja zQH3G?RgrL-u)ZW``k{#*b-nLDXjXd3{89hC{~5v?$8xVG_cOLlt-zTP&V@6D zWJPo($EYbi)9<^H82$Un1XY#S)-dR-qRKko77@r(zTj_l=XM|eCA&09 z_XCV^T}P>P-GAHqGTbBk)h|9mzBUDwr? zEv397!;DJ0??`Ph@A5LOnw8eVlJR~`UZ)T~b?ru#02<_6YZ?oG?FA7radFpOEt>*t z69rV~9{TW_*7h(kN6imu=uBWnvhk2%Y&}1;5LVsK)*u0S zN~S%(+uLexo6I&nSBXl`N3tdFI{fxB<&_0wCTf-m)gdhlDM@AnDP7R$BBnhJGn!m7 zTCbV1aL{3ty@2W1By^J7Mjemt;QJM3 z#43@?FfjF1e%C8{W$$;>>AA+1ilbe40P1moxjbb7jC`4#*g8AUs*JmuKs?XlO-Gko zAhY;sJdegzRXcwj!bj!Dp5Tdg+`+fb56JY9@*=D zqv$*8onn|cYAJV_C^=+|gvdq|UxCJr=Yus}H>kS|q+qf^{ALt@r}DeLvB5V~gMHUr zhG+e;OQ~t!bDekvR8pf$i9|^2!Kjy%o1=Is#eL-P*40n>ww7Pg|13Js9EHc)w5SqX z8WX14)4lvVv+kzT9YoEl(1S)Xoe9t!vjOrP0iMV14Lz$ER0p$amemu$>$4`>WzO5Y&T*onP_- z+|;GOTr)Q{rk`D51F&`(h%2K4JB^v3(kLMOEly!>1@OSjw<7k#uVYg_i&V)^%zCw7 zDI2QPMd_{KdQ|UaJx;|Is-YhH(#LR%JYysIN|9tGi%L^c)ijmjdvanTMk=6*`kl8& ztdFYA@gxy7zEXeA%quP>?IU2Xb^#`Zj!l`FGf~*PZDvch@clAN(4-v0{>zY_oP* z)nGqfWibN~8|=?tX7Kkl;>Cs&(cco08VV_~{gYs!3&HrOB=ZbB9stt=8gHf)P|o8Y zhQfrQ1cb@~Cdr7B$zYo;XO#3>*FebP=xdr14@|+=Jl`=?(d2`)DY`G?L zS-o|4m3P;ny8zV@KHKvwfb@A8D7*R2MT1wqOw2Us4J_eMlzA$=$}HxZ_yQ6OjLvnY zZZBpt310nZwVh?ve>QWj0$XK_eel|?Jz3NAIt|Vvffo>XZ39RhK6olJ-gbKf6E&eP zVOveiqG|DMZ*BB82AFoIMTytIxlx=lQ%NyujY9O-C7(+%^U=nRiv~#T z(6&%#LP9Cdv)*9>-{)Hc`WZdD&%ja81vGlyz@tF@+_GBpQjDq*ccW5DBS||`DBQVG zAivVzdq9!D)gOwYRxLzZ2~0wZM`mTc%Uu20ruR&5JA0T>^swWvxe1~?G(f0M=1gFb zr8c-)@qn|>m6v(KgObw%Fl2e2L231x+xk)Y8rc3FC>^`5aJHxPsc@J6nrSBjmjp1y z#!M^}vm-Pc?l5YB7r^OC>^`5i}3mW z*1C+wXb6oetB1hrp>{D}Ae64l9$#?h@W-fFt(hh5aH}^b58ykFoCdzDt}~_<*1-9{ zKy@X1*Mp7Q$*tY9)rr-P_9;ctQK0K~Y*NdCNMkyb1coJMD(F?zwN!~+4O%m>o_N{D z3C;3PnC6F0Dp^GOt?zzl=-uP4z>ejK@9%d#EJM zw5M;k*2W;HI<-%A-|mrB!cqIk>QaImBEYIi&m7y;VSuJlYJy2ao4)ghj6sxYP;ADP z_$2Q$GU(7fs!5%V@J+r?zG~m&l=t(2y83kKFF*d1rhuaqn5T6Vca1rGv0h3cR5lSf z=4^tn;f(pU_m~Oz0?=M9klMlbHPhh+psj+445)e}AxFe{G=icpM^ zE=MJIp2{p^ri&V`%t2DpLP?;u0o!B&4G(&^=@lz|l_Ia-RLeDEx;+)Y>{e>>nj_Lu z^l=edq|#&r+4%>I&`}tZH6ClzYEsLtE zs@zAc@SH%I%}bMjP6`fnG^+%~Yryi$?NNGL*r$~B08^7bw!|qPm0~hQV=lm{*OVqM z%|LinbeO7C(pwCQKU$lb6stCdv=QmxU*HsF6OICz0qzK} zos}7L`8d}iz&>UA4!dJ5s~&lJ#$m!6xlwFC1{EOoKM9%sUNmzOS@N18r6o5KW3kBJNI^zj=|f-&Zct8sI)m9aa9Y z;%r=Hgs1Sh=|CgP*Q)*KqcsRmVO|yEHZ!((`KTiYcBk=;Y*k_MvB%iP@*ZZSmb(^t z6p+^xfcd+-stDGYeWVwyVZZ{#F(*IeCh)HPq&2RuENB65YtQ&tkQ@q9jMMM|bjCTi z4Uj)MhtJWzLS8C9PvPBho7}~epA#kxt%)sNMnKuT6#x+iXb^$w=E$<=HU`&n3~o#= zz#<}4m*m{rT(ANrUe()l1i`K?M;;AS|JqZ?Zs~BmhVmw!SE)Rl`|Bo7>8;**I=-01 zxd+SjG)IHy)GR4Z6StQeP4WClNY0rxbCz5)|0BCxcJ3;!Ap9z42vGukza%5DpCC~r zrj`eh2L{P91KvLM)#~2A5kj_nioWdbu2rjwSOtKi2I#kL0W10|P;~dwGv%08rSxp2 zPx9|_I3jxMx}ku+HF5y%Jf}Nt?9)elxnz}b4oADeua!&~*pOFG*mkUyu;{EF%FaLb zl{Ec;eFp7`01`EuB6=ApsJ8x5XrRx$)?-*A4SM~yW1JNVq|a0jQf>u}us_Ny5||vP zwAEo;L|&a|xm@)1?!$3P6>y>D?tPp9EPxJq?IY#f4{Xe)YQLH$bYeguE4>b+r4&e5 zZXw-nf-&65of#e)Gz@@{*<)NJL=d}EA^pjMdZ0ED-YteY3qXH_L8ecXC)%h&i@Qat zVF7*4g2b`sCi3PU<7jQlak`Hg4az0$J)g{qrKu%O)$H5pjyMZ|DsBO^9ADo?dz;t& zWT5N=Fh(r&Y}i+d4aa!8F!l)f+!Q?oMP-9{B{BdJD3mSnQAaf#jM6x$Z$(H$R6x{6 zW+2vNA!F|O%xt27(eRP1Rc9bO2T-!>Pr$RKJkYK*sML;4a{xe@gtU6R&AM#&7{3Vp zYmI6?E}RQCIQqOQGkg+ZWg%!Pz1(k23vEYZ^qi4ZPEqJ(lC7DLpue7`UiyHx7}n`3 zUa9$830Eh2S@ezc=aecUTrjBUx$NMo9Rixw?CRSOeG?&6jJA_ujNoStiF8lm#=30~ z6dz=b-hN0rh{b)Ba#Td9?kJ4b=#*7&r@slA4j>@NI>=g=d7xZcA&9Q!VJ1IFWHCAI zz3p%jx4Wf|84gX=(u%X%^%hT9rMHfKR5rEqnDReVfD|^e4imH0TBqbeDhJ4izdL7L?Dnc3|A zgm#n6h(Chrnz7}d{r{5;kY5+Ic;a;DWRURb^aEv;(KdaM(8UXl>+e)GX>${E=*{Mp z{2Fc!^mc}gy#{Cr3yy%();t7{d3(jcwHWQE7Y#a{H&BTmgnmB9TfkvU87)m1HF}nm zUtzAACN^c8cEvZh73CDoUN6%@ySxCr-O53h%c=SvVNzVt55Rs?OmkDXpl)Q3&DDsr zau=^5`d3wNR%ENKo%q&H!xQN40suDw^eqM?-QB=r?gduU6cEcjt_a;x05<)sbA9%h zhckn)D4I_7(Zo@PjGa?^B}$-e*NSbsV|Q%Zwr$&XI@qyo+qP|YY@4U=m1Mjx)C_!%LFT;^p~`H0T@Y;v3ah5<>2(!EUr!c5Ee!$ZhoLX zi3~h(_G0BCPyjD-!n5y{hG1N-RYI)M9X#Wf2VPW)p0b~7@n+12mtsn z$4x+(SjHdo?b)W~=zbm}m6AaK+M`wRpc|;^j`8@#5+Jo|jJ9;#{d0)6Ha!+cvU$XA zeja?o_Jsb18I2pxfa~!;E1gVs842jP`TKR+TAM(dfxFzO=S9jyN!F2x(&o zLs%I0scbQ5%0W8Km-^T`Y+9hybV=zna%)SX9C=^LT;KAbBR*fAT;(p!>?xAbp2s#S z=v2Fq|9m@8c&WkrztZ{5>Je0`50|KP?<=$dt{{@yxG<-^B56TyD2B(9;sQ>Y!AG7J=p`6sj3Ge|GcS1ze}1^%U^@k_|>)_tczq1RV^=q={)Ko}+N0TWd@; zKmz)=x7(cUxuxfNUW8W}`rmCv1LnUC43sO66f4BTB`wijsTPtVSx{jIYc%<$gi&h# zd@B=IIHWR{Ud-%b*>J_ZoyAD0`$R;|r{cCk`~oAUm2&G-YHSXPGIQJ00vq$1%zrDL z+W2T@JCz9yO&GBgJA!f&p-5p){0>P(sw!5-Ra5IAb?5B_-faR!xX~Ao*a1;Da#bPF z=3(*sDE*@c70I=Do`!cV6T)jt*ri%dM|)G+ccbU+FpfgA7il9{{vpd!|Ne2hhh5AS zJvXt6?^Bqfz#bs|>y>ueY8(&pPY0Vru0|!bxvYA?m5ECaD?)FWVX9KB`|M`U2q3H! z;?%It{)Hd2=5?b(EpfxO*=}?qHAj~g@Q~^3>yl!kORup^$~^8?A;L&mdn234KI8=G zzmfC%S_qK&FV-e`*M=(tuU_w~J@P0*SfkCbT=HherltN4JgGFxag~i%ct3z{8pRa; z(K(iBskn0igsga8K9KG444wmQqghEN-xu7EyWI7 zP|+R_@Z7UFafo-aQn|DnqN|F)Fg#NNvR835es2{^72f_C1)EtCx}VG;FpU9spa8>S z_7dVmfVENn3*yU=vi@xekMl?vg(y&fl(y7~+!A_Jn_S0l1>sT60m9 zJ$T>eZOd|LMUD-M*;$IhLsuS#i& zjS^x(6^1%dk_V{GQ)gPUy$CA5mNM0Z)J!Z!4ME6e5#>}qmoqPf!{V$1X=YyK0%{$q zH}vVPs8zO9cVBaP16_=mVB#oc;ls`!#X8hIyA`GCxSW#1(UorLQ@u_-?f|i9Ev^j< zn%C1oZ7kPLc)Gn`VYHbTvKKtp)Lvw^nA@(jjT9LUn9lJux`|7%YShpfrO$G4q#nx; zAWcW75ki=JLE%n3XiUzLzxitv5%Tbql2muhq#zNIw-QW6pSP5 z`CD#mbzhx5-&Xki1hwx6^7=hJKaY18rMrG#w?}cS{NTPXaZ-OSI{kj$@A&n5ecqq^ zYj6C%-%8^M{eM1hc6z%)OE3=RBUS^H#8YM34tcE>!MZ0sRHt6e=%(PAEg&;} zk~!{RS+r0ukIQBR$AGp;fYtaP%v$jt4g^goUD z{oK2Xr&(jLWtxqDA*RE~^wq}np5c>(aCfJey{58AFgWlhFzXQ7BO>qeztBA^Z=S^= zF#i*7G*4#54^=5=bkrBm(paM4BlW2tkqN3*$j1w5rPj(e57l%R@C`^!y6V7G;WX-|^=E_gVD&8^%J~!#tv9S2j=h$v2`}2Q2{$O*^%Y;aET;_odq0O-CZ zOoC1lS~N*=B=Z=_ocBpt`k!jef3DholjyKQArad~FqWFC{YQRg(@7-LEi_JkkEJRY zZhSqO>+3snTHSqgS*cg@nQ-e*F$S*PM>U3&$8wwC8PWx#+kemPO@``Y`WC7wc?X6vJ&3IR?F4&>@(m}lpnw9JS>aJ18&a$C zO*V5JzX$bBh6W-`@h`3Py`DBM;d>MY9)5dc|R^(xPx?vPjtN)XIi^rCO_8%xj9ASFKk? z=Eicdr9UYkt`1_7KQu`V`*|vHi8jfKwe$^1V7)1Q(-;n_J@<(+BnEU{*Pg5td&kqz zI<{ZNEA*A$ewzZYd$Ef8lN=LCHm5pbaUal6```SrEq zy)?vxWpuXV@}K{5?DTFo_k8Qs?KQ==x)8W)eG9*pm(THqr|{1MT%{a}Q3UVibmUpF z3vxX_shn$F96197P-qKg_vo8@dk*SvNezD$6YrVhR7$^7BHta7AE;z| zhj|0TzZcgrpVT7>h{cRul(*J~7m{ON?`M6qHO4&l zxlhb$EJUgA*p-fjv2BAbrd3FTgOwFl*T{>s1Ly@$6A_jmn-YJbHH(@s8d+WeLl}~v z6(j7EEjxyQo5?0?$AKMH(5vUyx|iXm_FbB5tQms(dbDnBw*mz=pjSt8(BsJj^$le% zy{BbHar`QcQu=gyeFn~5WH|}O47!8YTvIl60jpnCO0OoTIZxFBB|^YsQGi@HL*=Gm z)OCG#4_va(rlG0GXr?m06>Q-#Te3F6uQ17ezT|(3dKnrO{?xw^xE#M&?<&SAg-0_< zt`+wB34{98-m9w#Kz+;Kf$x#X2hC(e!pR%Y`+2(YPEcj6i2NzC=tWQTwE4!QY7)*Q|$yyYl( z93VrW#91zsU1*+o_WrrFHCi&hg0aX$EU>6x69}1%l1CKZH|MMXnmJ&EV|!xhK@5VB zN4tS2P?odSbP)`=8j5&JFp=k~Vj)Xdpi<~mJ=darm`KMuq29B}E-_-w;(i&Xq*)l) z6nL4h)T0?p?&Gt>7WnK6U~^6qF#=gi=H7ZU8;DW`))7vs1-<}{%9X@?ifSn&?oU(9 z>m^q1X{cSagjl9krbioc+W4lzpoxPmKvVGh)*}+^?64Zt31s%1ve4H$#GC64$$>4F z6C`e-fTL=1971;$Os`NP#}uSR0nB#F942cGm25kCEl>HO5HDL5rT-wCX{h5_sYuHH zUgFC*WaXiVG{j!`;H-@$2Vj`j8YVhzl&J*w1=43tIk;RYDrOtxzUt;et{k<#x;#!J zM6zC4NH?7Icd7C^q5I^ZCY};HXDx%ZH}MOawPK*d%9Cp2eU(RlbBiI~EM|KsCq8zj z7nVig1R12FHKM6#3K=+3D9>UG7D&tZ{%2;Foo=|mU?@ZV{CwtL+SLU6_3KZEoR=3; z*5QPx?9VUtL+n(Oo7%W1IWiDM?|b!itWAm|s{M+PsC%_jL*c9VWnsStSf6JJTb>QG zgFM|IDkx%T_@NQOjUF#gs2EIUQ7QYaA(&u}#&wGaho9!1pVInpAIm4Tq+yeRx+l;= zS;lPwZKS%rJufp3a^z%bW$tJ(2kDk3D-hc0JB zbw+gqbd7Ugnhiu2;>m_4N#id5LL|?yBP9fq&c0Z*RddNx$!z=hKrS*t(%D^oYQ#1V z>}?ai{FuktZ>{}|>k)E03MC819U+C@aBrFgWZXPp1ubC1cqzFRJYH-Hkb{i0hVbRx zi1nKe?5Ioe^RI#VYaJ==a~TCL)_vmLt&1jOY4$bo_qx|$?50-$ysD)1Lm#-Mp|0zg zqslm89^hTp+u+{;^0^O#I0CQ|l^Gmd{+9{qk%+TB`U;MyXQ|JREb{U-WLooPx0|<% zPPZT^7cOpx7~aeX==y7`*!quKgvEeML`|AUCsPriRjdgh-~DixudoDnL-tVngJU}E z-R1^9m9q%vks&qEj;SzEcA>(9wNuzl5z{!9<}Qqpe+nWVPVU-zUwASq5XVbzwA|nH zOTMNZZ9~|>KpLc!`i~%f_PjlZc5kX_*lsN+_%-K&;WB{0bw9PK?#Y`S7h5|+&wf{}H+Sy|%-BLS%RK9-M-T94)4^hH)`jLC@89?Owowl~_U z?6r)EBh%!b;xWl&CVaee(WDGvZnI@*OfbK2rwr)LO085u76?ZfoB&;xZWGQIwADlK z?0Hi70kahItWjm6CpX3~D9SCcP%&5L`*Tjmb2OU+DvcSwFAlAc7s^)W7()^+maAD0w9jT z8%No^C<&fv1;r*tgKuxNwOqY!ZioYqBv*&fbQ?Qa5~+8p$!It(H(l*oxM=rIH4)^m zl&B(G-(TFVG|d=*SS~Ww`R_Ux7waK`N(*18-1h#zHEG8V*Be=FtP+d@h+#FD!B&R7 zbwcwL#=^#W_!sb@AYaS)gwx79t?47bCPtqAW0f-BHiu+)0OI1>moFA{)Z`W;+}Vwj z_X%OmtY?F**@OM5B^uQ(W4@jz(!rJp#N(t3z(aVNIU_79{{CDfJUk`f_w&5JJU<`2 zKRt_1HD_n3=!n@9WRZOBg9CTgzvMJil90OW$kRx!&FRwmss{+q=g* z>z>>4v*DY);^}$6e}5ctH+ixBGwZH@+aE5!k2MUBoI%iYFneNezw;xvTU*l;apRIp z^~3e?`!g1DL#KNkc6%Ea+Wy_i{mabVvvGs4>*yhopVt?;b@un}#ONpI!^st*dg^aQ z6ZW#k(Kw1vn-`jeu9xUULcV);+wbG`rxW>`<=Mhq`rotkZuY77+mYHi`@O6Ba(oAI z+MoL)xvTnjgZy`KKfw2fqN9(a)StE^I$Qm0o>+J=I0WZ|T3A3ba}rIyK_)2Nl@wje z`p+{KTW>dB|K~@DQ>RgffjBj5_#2{K5%y16z4EPrZxm9f2#-WN9H|Mz*ab5*@dEQ0 zp7WYf@nMd|fE!1@zzztMB^HCe{jLENKRq^TSlxwDX5Zj`o^b|ZEwWAB7U$RF;r45n z@%?jPFb9*^OXvU=%3>G$+}0RzNf*fv{6)Sh`)IaJi91qhCEeL?os1n+@Y)AdJF=KG zAVgFekPE8Wlwgg+4-$)r_@o$kK-VzzUp<7S2X^388DmsX-QfW3T$Bmj6JX^V{qSwUFju6gZTIRNgX1 z?{q+CRFrW8y%+c*R1reH_fQ!7vA}~t{{#_pq&RA8_x#-Q%QA?g;xVc%@_qKLVZVX-tn?kScriKP4@U49YQ#~74|ln zN;jNjorWZ<-p$EsNHyVUNwi2j(q`T6BoX^|T5%E%*6%yrOrNT}3I1#^1cnv#8kGrDR@UYjZw4J0 z?I&tSh4|SQ;YYIH;_{0O6MDkrR#&ir!RlC@LsJUr>}mh@drEa4wu3w}y`-%vBuKwm&Yb2V= zb`4TC!hC9RMG{~XY;*{+lQ4#{mo7*Uat~QDivsa!-6D-tpat#h zC$j&0Q-I`UiOD02$$Q^Vric!LRG%|H^X|oBb^hg0G!x%Yty=(951W<%*WfKwSe>F< zrCJ-fUeG+|du{<%`dl`{PFHJ}uSy@gT;`_cna#_$S%d}Eka%DfsVh{7S9ukO5QIl=7DsQmnKKVLf$-T}z6p>%E4EL%A==q=!>+b7xs? z4O358wGRBr3u#RXMCui;x|Vj%yWYArZ`G{=bF}$pJanU^CfJZM7e|q)=)FsNtC`CD_3Y3c0N2~x}~zkwTTy}A9qsoLC#C6MMn550QEHwv|m|AM4AWd6fTzR60IitMI=PATah z(NiCw)r2J&(6eo9rhIG-f}F3V+vr@jrl0>8Mho(YbZ|KSB6!B^D}#Qpwb2Cm$dekg zrm1O%7tHyV1E6S<`(~t2i{>QOEh0eMMzIHcbne2m5V>PH-#m)^?MzWMhVq?B1De$) z?(*?LS<%HMB$uLqCmu7p);6%Xs@*!5JSZh!iT~WWkdh9of zq%Rw*@_K!jAK^U+;n!O0Y%b2Fh3ifxO_&9h<7g?86=s%gQvqZm;4|r2e&O`NJ zXSAvs(AF1Z8clCt@bYUQq^WT+7rly`c(J}-?pjRRIJk{FB{r?M_wu-~HUY$*BYw#z z%=Oqb7ztIrQ_>~f>uA?I6}O85hHe#vBZ?m!^l>3g^siBb z%SG`Gyyx>HVKakiFU*?Yk&v5MqN#**(?D|*LsSI~kMoK+>&o^sH;#GIF{PDdVAK?i zZgK8$1mfPia|d|}v4xYmr=!QF4r{h3)}*vS+rA)hMXmpvvQjpU4OF05%ig}&vwWJy ze+H?JA0wgvS4>_4VRpxDzFr?ul1v!G$r@i;5AfN&6e)=Xn#xm|&gea8<}zJCJ=F6G zEO78+@rQlY+36b@gQ*vCMYe?_>r7hdOD|Z5SdyIe>mNGvxWwFyXylC{e@ zzFv-CtXKB5#~skAtp=G1tjY#qsGONava>@LXX@LrWOCQJ+qoK620e@lkiia+VIgiX zr`TLhb&Kp)R`5|tVSuhUUP!kz+EtTzX>*r9)}>;*T5FZvJW1@qb!un(O~W-M@yWut zX;^L`>~iVXnFQ8Uh9G+H-91*f%HpR7EcJy&7 zqC+o`duxNZ6oJmDu99{o7*Ml8eT#WC8;iFb)K$Ci2om~A_!^b&h>jwd|A0mX*ztDi z$y;a)ODmE>9pbHx3*;0!8SkA&Piq;OX>WD%_xzBqXi8oVd?#p}_yN1+v2#bR4C10- zluzX5N;dig;SRpP+eJ_hdNn3r*lCtMBR8FH{cG|};mL?JmyPpzlFwrBS`V~Vj}%*t zgrkf{qN{CMTs1A=gIrVH4iKmX*Z$R;!RN47k5SyeDK9G_7Ww#@G;!b(r9A`)nT(-o zR7WT8dv0@hc!jy3>2o?j(lrv}2e%k_2@l>2{mt(7?Ng@op?QC{cSG<5km&BhGc$B= zwV~`-;uQ5|3pvoZF;2`bH7iT#O_ugBcJAnNZ-N=#M-F01ZzHb*7v70^uzU-UqSHa$ z+y_ig3c)oh1mq)cndzmQd9}Rn2ur~6>yA_qc!E+u4a&oTo_|Y=L2aaJ9+Oh}5AK6e z2bN9Z83^#y`Wn+N$E9?cE~0rY$K@lE45)8;Wn>?=!xzOQpoT^}4QT^;qV`-A&1Q12T>(EPMsDDB@R zN9iFT4oOs!OIuJuAK(~;Qjvg<31j-8*EOA8u)|rnob^pUtbsbU>pILX3`478e43K` zs#z5`;Eqom_=mz)bz3kBaUZ>|xaAu&5FNfzVMxAMfY=B5`T$3Lk`&}nIh?QhAHPw( zR>n%NPyFjpk!cu;WP|g~{O@=3Y32sXfu21`ve#XFM4vso0cgt;Zjumrh=b%eUtP6y zu{jli0|rGKL3{-|5!O?~3|-j7AI@2uCBSAC2=c3X&{GX9 z+&Q_%dx;J2&R#HZf)$;_bPBqzW-+qg^Wlqs%LAd*-93#O!{JHRNzXbPI;v45&&a>~ z>uK~OZ=-gvmU@t#XyUCoubJGk-f9HFXgfhDg^5wX?s^V!VHqe)e^Djp#7T0@BXWQI zK|2^wiWfZPGx0&@vGNT9o21fBw_ZCz@|q9$g2*%H-dkBupFA>$AbbfWz}K%l)aaUH z%`sKs6R%8t5rRU}ITO9ZnjG~l#Ax_q&K|d7J(H8R%lC7rD!qc|IO)e#dP@gv-Q*-& zBN4<#yG;3|3TW}&L9vRvow%NETmYx>ncRfSS!yB|PV2{}X7wH`b5DjeQa10t>0O1( z*mh+@R|?p6{p&~bW*^LWv+l;s(COMY>(|{a9F$VUa12zKo zf6vTNx2a`k2M?GuZLtAs=dHe- zGSlrn)AjeG5%@GK5(;z0Mbs$4ppb|L5>1!Yl0%p(3xec`cGgbkBQ>(-T+!Pk3;oPh z@0P*08hvw%VhRK|lv1l|ff8n*%-mxUpx3`6pH-)udVCs9HYe00H z&~iXZZe;E6;@P~6EuFgTAqF8k>i_|na&0d{S7Y5{x{jIvfmow47a;yEutKPcZvi&k zT;3RLf?}TezW+xrXroc1=lTPJV>_*LxRF)uPcV$0TEfr5NwtyXO#hVr4;R9^J8nON*Z95t-`*ZT;PrGR%cy4VCEWR(m*C%!@=-bX7t9& z7;0=V)n~QV6T`ZS2M&ngYbn}_&_(oUn=#!^@>qMcGd7BJfhkEI< zK=X*s%Zo)!a$SmVKxgBYcsj*tW4)Gj3q=5%_)xXHDQ>RWC7LTxkDA{}5omBmisjzW zAE|}qT6tugU%VkW3zkd;kol_s@U_OcDr@L$z`4-Wk$8{u;}5g$k|A?gAP3pnX<*eH z@IBfpuWC)r@2##Uqv`zXGVmqJVw?#(a^22Vv^Uy|V#6X`|FkagWJj;lAj^ni(SZe7 z!72Y-LE&B#3CK(u|2y;XaP`UgXZP@BlC2)tjnOA4_Q%^0<@*+78zy~a4PrJYDpc*s z8@FPzqMH{wZJS-JI5-w{$>?<5^1&e1c<>iV1``bCMrol zM#d^jxwqruMoUm#9l229ckTRNG2P?M7bmaor3!a%E_aImqH#KMlb!CB>^|^aVVAyL z2@p%{;Hf%i*r8%cO}p2_HY$w%Z_ir;y-Q*bKq5RP-nC;FC@*?n}hiK zUzo_AVLDj2yP1Ld3xrLu=xvHL2Z)E_WU(UeUJt6;5!7CxO>D+tG>&o{=rdhG!}8H= z#kfxM%6DAhP(b;KO9P_1vm%Rp-G!QA0sZ^a;=hRBe3MM2l`2jvli=UxGlH{(JIX=}2eX9XnjKqgQpmK&4(z>$ow*CcN*=9P(sFlts9upMKbpl|W z)Zf^QTRehwrY;sQ3~@T&+l6gFhmFSJHr&3h(feTPHL)w7Lzh)xyqrat=obN3(%{>+ zR?5b@=VtEgs)wn! zK<^ATm|1tg_ubo4*Q+}3F9uq<%-VK-KZxYa#+jKy?7IJ7S~%N7w;e zALq=zHU$UMeLbW7Q)x`)b zLn(+}5@Jhcc3J5|ZVKJXH2jv*%+x^4+viw7VG7<*)GK*Ul;8Jyl?i28zv5q4*B9$o>Oq zi?x3t_l{zhPRGk$0O%$=lvPf&rPVn&a2E}&inX#?worS_(kKm0&1i)hNJ6f5&A#zx z(U{?&ID?EAc*)AlBC9LVOHM#@^##OUjG=Xu5FWdiW0f75AgTSbpzL?nA&%}($fM@S zabNkyNF>`{ol{DKPIah(*%(&eX1NFK^muA8FKS^gb1ZwZukF?G)gU-%1_opo_DdVA z8VYN#-cVw?vrZFnmn=vH%J#UK@G@e#zcJ2!y)JBI?sa9Ox8e6R*N1nOJ{sHhqO@~2 zf&lyF^2~byApq6g@C01b-5T24re_Yya>n!^wCkg_X0DZWey6^m8M? z^swD*4iNpefDdZpGP)-qowDUHu$Ug~I@Azgdn6o$)B3ySpIeQ9qF?%HP|CsyoFiv& zOyb$pNj@hpyeO;V>QJ-4iXR(sWvVT;IK-vB@t1xAst@9q+JL+lc%2=L!?|rsu^_=u z({`jTc_k#{pACQBe|8CP<@E{#fY*~y;R!xtYISbLg|@@8FZU)G8@la51d|a+7C*4d z`sx(~j!!7J8+OYY`Z2enR1Js_ip-HF+%e}KT=;eIS!5uuXERmJ?(jfXP!)b>+6A;a z^n=vk>bufga>Q93kmnLCh0L(@6>aV=$KPaP?Exb#a0~SNT^OX(3n-Mv+(=1==Ln0? z*8kZiXs~{4b-xXp5U8s_FE8nANWor zF=1$1ZRa=#ihP{`$ZF*ARQK#xa}DIc-cJ3K?v*oEJ5z74&PO*bM;K}r-s76In1sF0 zkb(;^%__?Ak4r{lK@yT;HH9hFZozoF9|->rItfW@VGl&2NZeuvgRM$&V~V))r$PyT z&cG6`Op*`6GM=YvwgXHPy}ZodE}37@sAOWI4Lcy)A;h!_#ngqHm6hSAT6g--dng$Z z7>GI@HZrQpWIZHeR2|0mk5*W(1M}NIuw`ScGh`05Pb^rf%(H}14{a(;+g>vaxLI3& zW-4AL;``IP7wYQT6VOFUae<%PuHI~kPf~6Xq7*CADQcub3NZzS2glyzRgHXoS4Qw1HyCFhwR#bXfLfE#V+#TXT@wDJ&}l$)6lL<P;cnxi*jk9WNCAl<@>$k}(Juj2+jCn$MYzY9dP zx#?7fK|xp%A%^hb9t{Wfi~*fgf7J;TWZh!jl*QVHXzwWoUyu$ zGe+5JpxXK>F!Kam3&94!Sg7+h@|3;jhTb6GrQSpL#}0dWtUy60RX^Cy)Q%|TW6pcP z7YZzNVrskiAje6A!_ItND0G#T7aNxcO<~lRq!?t4i#2=vKaidy{fiNdr$Hn!f1tt+ zYl5_H4sI2mLrCz=2~jNE3K$^+_A*FdV+M|G4VpvT7TC)3TnIZ)3R z=DGHHmdT6u``%ymX{yoh->$!an$733Vk$nvDb3Ai5}dXzC9w9!N%~mc4dC|U zFA{XnZw|C(0-HMb)JEYv$sncnE%M(ELghAH6@H^gwfY3*;9xiS$>CaPgnf)&?FC5N z&O_AVkSnP=PQkEB5uTtVa>r6EUcq;p5T~Z}pyVx)M$B;u zZdx^I%E8|@wxJrH;)eZ;A_4y&X3(9?W4>uvXWyBhft&Mwg>f3uhw1U<)!1$sOHFc&n< zEX(@rPq#)LILo)?Desn(?_nL{I#qEmU>*4XrcL$5HboS%7v>OFyIYWhX5~hXarSIu z5rN~t-USj1FWpxGayK2cMxtl5m9KraYTKs>Z%MOmhL=-u=Pn+XU3gASa+Xtv#d8QED>H& z9&X)BTigv^9gMQ}(vow`zT5Y7Pv76mJ3@f&RrZU#RgY-08mLrb{pG8E3@b?Q+dNrmyjKh@oovnA^ZnYDfjibpEPvy7t$hGnD8IK7}eCM;w)#OQgGpxSPQ4`>AJA zyl|L^MoN7Ghmp;RYW}DBJ@E&D1B^@yy8mxo0y6`{|5=y7&cMj@|Jf3J)VUi>Ib*d2 zuYO%cp5hXVeqG`)Z|ez)H>G~KL!tq+Iv~ zgtjrhFX~LyZJf0t2sufAvH5Y~Ar>6PRnv@_jbsAURm+0jX)1qv@gJqe$hUgJG&ha} z8~1GbEZZJ1PkG|Xa0)iILm`MUPJ1CeSwxFt5^e^-a*bH5H|?FEwqt+#l&Zcr(P(|2 z*-n-oH9iy=-+W-)Sp2!EoXJpgaB&_$z0)W(D2ko4iJlo@3aVT^0m!;n%U_`PKe9f4 z@zJFPJ3b@k*xXw^rmn+IR=Vn#9|Rg>34UlbujB%ULJ34{c&&ZSxNGCZcwW=2+Drcf zW8dMne9Lm*j@Moo(_x{naexw=MpFcicZdoZo{nNa@UuNXJ>(0C~we{pXVsu+E_Dtn) z-9I3}mR85Z4MAeDb57e~S9xJpOAGRciV5ou4{FHtg6Xriu@pY}Ur=Y=J5Ut|nYGci zebCZX$fUSk^>T28ys#QHPl$S`unX!|SQu>r3eyp!uD94qFv^+KQ zuV92L(#1d#(gltx(%<&X`?ACkuv*xL)a#C>p53K}{=1dB{jHwQ!=;HC=3(ufuj|~S zAUD&$H?F{9ODalMUuI@!Ulu92OSSWFNxdnNlb);I2xqqM1Y@ST_0n!&^I3nIBP=p{ z_(F*))`NNkb^6;`<9JQr9j-pcj1*JXsD%;j4VX990aKjsl^$bXs%kj#+i|vhTJRA# zVh4?(@hCGA72||{?c|)Sx7z&v<-M$f*TFcm`_J>~f2~n;eWLY&?wZ4}2IA2d^$*s4 znJDdZohArPZ`e(ng;(N~c`T*>t*}Fb`$$b%tCFJ}PO8Ck-7TGqfu>m|n)feMDd=!R z1>vi-aBlX9utP!CcvMxy=Qe`ZG8Q6 z)eL~c3FZy3!d>M0TWH~{joA%D1K6W-$;}q)cra@3XK|zV2@ik49#Z@r{+_)y3scsV zdrBYimFg}|vi`Ctv&`*F^)xx4nW9Ntd06!N4g?n>m=UHy zP3G`)AGI$aWIXEC_f~GDiY>TJlXo@PclS}~eW_v(D{wRa&`Pj#O!LaQ9LuTPvmE?9&qq=(5CXJBcw)%nOoJ@2UG z&?V0%a_gdi)wR@3NvnF~;7?2*!+_Mqts2zYFZ3ahLkJIgwoHGyxJfQO7ax*RSv88d zm+7f!0!r5a(rI`On3-Qk&SM|>cy6k9+pi^C61mwaZACY}3fbx({x0vHZL>1T1;;mO{saT7 z7H-s<)FG=I+NxEn&oizgk@SVUOwqIQ(=V42>V;}$GXh#DWBkV#EcP4YpIYN{*MBYU zr`rtaaa|M=-|$tm&EL9R+cSLrGy@Y29-2N=OF`N6M-udaRdZ=bnjxjbvL^F+*CYP= zZ#euU0h*<|)ekY;69bFE>J!Kwc0LtS=y0^d#Ea&WL!8ql@X{Sgx9~yoYvR}*FVFk{ zru-u~_z&{2J|ev-EC+a6Uxq2*cdMRFSkDbB7D^1?t7lJLUC#Tx(KWxHx2M-Kb@qXk z*G`JoO{&7R(b`W~sxdT%r8imT-kh&4&iz2?5-;520Z*q!Aix+FO&`c2w*%X`Hy=l@ zZG7LLt=a3{->PxL*YFs-tby!a{8z(WWsWF+b2-#!PxEeDFA0H1YtMgeTKeZCH;S4X z`ceX-FK5h$0K`++_}Cb>%Cl2iBRX zc{0!HbBS9C%Q6dKfd%yQx`rNfINDb70!#ddnx?Kc#P=ZRlgs(H7NIj#ge`!u`> zOcYhGvjMJ+^cviEe(2Xp@wOf^NE;Ofz04InXk{o|y!4f@*Qb5&A;ZW-g(iCQ*(ZvP zE1?0QD9P2&T5ZdA%YUTr;NOrvU=9ImX6}uW&xhkq$<>y?gp)*Ec5J?sEYzYuUHFr@60cIL%b$!3;W$T70 zY7A%LLAi(>ctOaPGd%~%>5u)ET_Y+s+38p40>Ylk)C0XH=JKj=Is}B=lnMqxl@p|X z4QQl7Kl?VSF?PtH6hKaccY>3M1~`svU8`Mz|A|$FnbEel$Tx!$I~gbwYf@Mw%?55K ziL>=dm}8CMJbs?%8*wq};U52|64|k}59~3QJ1RKlvJGT}rzU0fSKuSXhCo+>Ns#{4 zea;9d6Y??xqWge}7K2vdSl65a$}6D5vW@)>T{3Apr0(AX%0DO&fgs3pu*fkw#w_eY zXBaFFmZLPeJBe}+&-=m~td^~Qmpo+$z{)Z%Z&l$HwmSXh*4wRieNiyfpk;9|zQ6_M zw*lD}k3Du{yc0BqraUD`A|Y1)8R~;S>Bcejd7TRZQP=E=xIQRJ6dsj%+Z`VaW{zYQ zbP`d9;Kpg1)+z?Es&wH~6gO7o%)ekl>{&oZMmHkq&Ba{0910Sc!_$zc;*r#`rKbi} zo`#_E1q7{dIUdI`4`INC_LS#}60!t#kI)RZ*L2f6E&K%j!dR3e1*O2m9eS@&9z@j< z{52^K1P#)}QkXpR6jJvGOD0u-G84FVKG#UsABEZzP@2UK3A{Vnaz!l_^p-HcU>x?4 zEvrb_t2%|=FF4;H7upTTxfLngWcHWW3c zWn)r}gU_q2$U!N^rML1pj$q4%x6fJT<>adi3@m>a$Ob?zF#hGt27>fiPaT-K1(j&A z-?rs)0ch_#41TvoZ`C-QIz8FO*9?py4%n$G1W>EZw*(f;J4jg7c<@#NB_f8d1xW-A z-n-s9PZeoAnAdR6p8R+#eqCmi?tdiM1VD>BotJL+Q679^ADUr)Gz8dzD;6Sw(2_AT ztm-+{vsNttg7+LjI4kuWp`@yOtS&Hb5P8UA`X?@P+X;1l&O|s%XR~L2a^4>=?`=IE zyjN_|4-|ilRZ<-PQ#GLZPB2lvJu9V+hHzY+FB7gi7(ZdC&>grr=}ct&Y(sF?`FeN* ze!pS*yu!?7A8_7e{d}&vcCKjm766GIS0e)chp~4I5-sSK zMB8@vY1_7K+jgI}ZQHhO+qP}vv~9fp?%bJ}iI{jXe|GF&J9cH&%2imES@`c=%{?ku ziS!_%FPABP&m36@bUF~p!ElayVQs^+1G@5|IHSHc#PsTr{99nL$GvDL;u$hd%^D9X zdbHVF-qqVWZ&mycsXu z`aSo}s&YR!!8-a-W;RK>#)jPxcisi6XYP}uE&fJs^7x2dXX$4|^C0k6ajV*4BUi zFO0x3-K-7*FOb1lagN|*g2e7{g6zB)a)3MYTwyRX*^!vcF6;(9;*mPjgkHA1ANz&G zZc$0~hv}e+5;ceWa3O-5>T@Eh*=hxnU*X2ZZEbg%I?bX6tv01)ty1cL09K!?+V3=yqstpUSziBAV{1nSq9XfI8$X9>9Xq5tOm;Jns(09l zJb7PMw69$=Mgv)5Luqc?ygVJ#;XdYJ8;=v6uon^UF29)7VAy%WXg^@s%_l2M~mKF5Pt8X zXX)o=F?F)e#BDB2js(JIGrps4@|~QdL?ch$UocW|QAw@_?TXiaGfAxCvp1U_!Y~|L zt^c_*%i3@y{o5W5MDsfvGJH48wd#d3LX zCRvBlFkf-f?zCrJeQP@#vW+lXljD4DTG4MFK5Cx;AM{E}vOJoZtrKcxY$4U|itwD7 zJcMYA%!(n}v$|tiFKj7;e)xAi#Xn~h?~5v zcGpTQ7`S34l9|c+Ye(YLC3x=3PuG!*yU&R8Tqtybup@jpPafW|GEsMB7-*d>q2uX% zX(NPt6~2a6bswZYzwV#--}Qb(y(7+cqS>zb@y+cl`_0KI>@lua_cX&7zou}QGX1?RyzK`I|-NkA(gqX(Y;=t>U z@|uHAj<)8<<3ZDQivZ9d=VR(Q`}y!lYPV-5{W$XmE1jpbvqow}yQLEme?E1v02AY-S zF_rFo71F?hgE3A`IS=cymFdvE*YMdw8f1YDV~cCJM$cWJYa+AeGSkheIwsD^tIKah zt}Lzm3iGmvYO>RWJGHJ8o(|XLmcF4~95izoO)6|Zi*MV&%WT7mE>;maE;Y$aVYSSk zZNy@2TTfxNUd}P@@G7|Q999c8(oy{6uVM|a$eFn=bgK#f#$o7JgO=|w7o;gRQ$k(DK$#s|M&b2$ht`gn z!G2Az16W~0yOObvwHI?{-0^CN?}Ii2wmDr_0rX}5eUhB*1Hvo^ulIF_Fj~pu8szBT zGF~n9U1$t^yIC^cuiNT;+GxmA_hl|*?92|Q5>H!F-IJt%be-&LComzu_#w}QjgE=& zVz{*HWr3+A-}%Q|7>v9#`l(M>v%C|EdY~xKdVP zzy|&%pv$#85KWw~CMr(&p8qRyDPB2Q_HbTb?-W)+Q+s9aVTgsFcu2G~WPh*R8QNQ0 zGC}HHP|QU1i={M#$Bn6y0`sCZbI120+;xn|wd_tj1kmMCIR(JZB(lq+TxMg*`f=8e zTN8+mL-IkPI(!ux^}o}v{5yaL?BHaLqXQq)UEOfHxr=fN{-@_QqDI*q)Rd6nM2T)3 zbZpZ;yrvr5)a2mqsj@D*X86`{K0qj$cp%)JKQ9NTKq@dazI>iSc3^Xg13W~0;Lpqxo3G;yg}g`mfGqMl_|ZpWg~R<1Z7a@2}I?bLd3TVXEU~J{&~{J5`rVK zZByN?U$cWK*6X`$eQQJR<}EuT!DKD$&q=!>`=YMfFdoik8SnApCij@5kABfQV(W$C zfG(@cKs`pqEb7XOAQ;5fL-=g(b$N3MK!I8}TYr7Ilx@e$-vg7Fa=-C5$}h+qQR^P> zJsopvo#P`#aOs!xBCU{=Mli$VV07$E{V)+#hj1tj?P+le+EHzXlO}(YZkH(9d$>Pu zkE-#tI8v5kzy?ebQKj1Lh$c@L5){XLPfm)Pik1(WzE0m)NGdwo`-iV1+`Qzoay8-m zXSE*4fksNH5}%S%)}jEs6=6JX>he4|^3{VCo%t!meS{;b!+oNGgheh>8Uawj<`O zc`ms5S#*x5px)L5+n8)PklOQdN*`zDiIkv^D#)!fX(xk z$h5kuOY*k<{!T${(OwQ6y}3~;i_Ofv?C3T)W-<|HN+=cP`N6-`VnO=JpkJu2CAJDI zXiRnSw!=2OFW~;m1e3~|{pR9PZ%a}RfcGxi1(p|k9O--69wt~iQTyq{A)}NMLCB#9 zjacQTp=S%?KBb`8l!Mhohx!Jy&-2df(okI;=n||Gz5c=0I0aP5l>18Ytvc#DIXzih z_<2(<+y{w;%k5_^TG_hat=kj3Xm8Hn?(si`!IHE!w;F$qbQgXth>HM?e`4dZ9wjj} zwvP6o+QCKX0^8Kn#8#PCcIbU58Zr7e;c)8|Lx$t%|72p7kx;;bEAbNBR^u=8l~qS5 zvnMfV6>}bjWQ|}guH+XjU|{~VWwL%SKUl%rQ~NSQ3ks2+N)8IC zl<7Jj4Q9oRti@qRm0CP=4~FI#4bDnsupAVeu_G`|Mh$p)wZvd2CEB7shO=dOy2$rG zG|lED&kA)m&$q>Z=QX7I5`*-GrU%#_mT>#O9oRAaKOfjJv9NOd9|v}qYTGuOZAd-= zU4gc!YXDapvY9ptdc$`kTXK(o(oCS9E+pc@+~&D4f9!9lwXBW_SNgt#fUk%3<`wo?#rNhVxuk^5himFxeUK8^zAy2rOY_ zIg#m&sEHT_qCR)6a@-i8IfH)iy{!_yG%wvzGB-uWzU00Fhsgy{-^|X%#%F(fy&tQM zS@;!}==o>lHzc$-!Y&8yE@_wFWp8$X3$e?r|B4A_sKpJ=EJNgSA+k($t1&dwWKc|T z7a8l|V8bT}x76YGezdT2Bkd&C?9mq|oUsrmZ45yfa_=Q;1{hr&x+Z8eN!M5e2F}Mp z3EnjtMq%lSFdR$pu!4k&4h2xp7cRtM6u@Gx8F|}j2T0-n@oXLz3D0ALy3v$^?T@z~ z$3KvDng2LjK?}oh=WbLKv-1kx#?E@;H0}0JeWLam_(+v;m(d6p&vC1JV={u^&fTql z7=yv;&r1B{KP$gv1=Z^*FY_SbGByiFLqk38XOKx+MxhnPM0OhJhp$2nJYy;$tR|?h z+c?7yV5rv^3CC77v?Qc@oVSS;i=W<8lrV)Q{(k$ML-YEVf*+)*Zx6*A8U69eq9VAT z{9>-<_9n8}xg5_ljBFZw+hg8J;YE3O=)z~k#nYc(y*rv8o{F}}rrpdf)&#z95us@& zzJ%?Kh=>N{{ipI^uklI+B=*11M0Nf}Gd9*MS#bIUpcNE|c!W%+zh07LzEhmMIs6aq zxOFK>*Fkn6TH?O zM&TI?Cff5blz}eynfadKLKA@K3PUsPY}0v5)mmDJ!f@r(AX48ndnUq786sasYmS7te;tERRx4+csWz&E*&>-qm&6|I)E1f)|M8(TxusQa1zGbCgCH-}!PvRLh zXxit68t@Xbk-p~90ff(oYRT}m$CO_PNMh{Guw|{>Y72w}Jt7m?5 zLQ}KPVYxqCxwZMcTm6;gU34l$IGJL4iLa&u5W5i!6}QGDhhR zw4PVc^S!lAnzMkAQP8_#v7ThN<)6jx75`*^agFhq?F$BMLU0m8a0VmW9#6efnP1B@ z>3((N3x`yS^!)5-Sj^p(bC=VAWv=+&SPU3--Xg1J$@na_Z86Y2K_=ZTc*53}gvkoT zQT84=;z91qE$|1{9x z>QR5FibDGh&XX$LfGEu|0T05Prc)+b7Tj8bn~KdP4%hvEw#u?V#wQjBe9#i0QV8Uh z|F&W3eC{~4bfP8BAHKgi81y=#{0sP|mxu84Uc`D*KGH37*X+a1`+v3N+3mMKD@v>IIYGbmOuf^&d2=cu(0xA&)ooeyb0u?F*1 zsX$EZKeRdI)<@M0GU}o$aHnNFRq*xt%bcjN<@hLkl>Z^l+6L~j(Gb$kTJcH{Ib0EY zSUVpvPorShkqR*K|B&fdSXM5*u;*K>%75o3I-kf$Bmvtky}7=Y|4vS{8U^VCh|ma3 z_xOE^;3FlUuu_Q;9)j68`)B&Rc83*eXQBSC)k^;zuw-@!+ z5ItZ2J@PHTyst|1C$_KLXP7<(u& zu~7QnyLaf;aKim(4ZB2bCjxD|;Y&bGNkxS;)k0r_&A8#ssNthW>V*&0SNskS4!>0U zZ+7z}Qhrt1G$t-5Ec*Vpe6KQ$%0nWkWuGsuD14ts@rE{CEd(qp1*xYU{-6$oF)9Vj@U~2PdV61dkmo8REqc;!gxyhl}h?W z;Y^LCI zm8?%Eb(7#e=~F%Bcgp&o698PF&Mg!#(2@aF@(n)yHp_bF|BA_OjeIcp3Vdv0RMo<2 zEaXg+tT6+U7Sg|j%yjf!MfIG_u<#%^jOsY7LLv%aq`RcBQ&cO>!5dxbdHYc<87uj} zRh>X8$m`TdGb=qMlH^|oln`I6XI0-tih}JLK4)Ji20=LddH1j+*YX5qldU|H zCXS|6u~EohUUif=`5QLGmxK2nK(|9!lQo4}ve&rQHmgUpqYHVw*s_N|JMS`k9wwhA ze{lHjk`WLnMECDEn(M9}K|))6a6?P9l}aZ<3AJ;GHUiC9M5uS3>QVvzD}j5X{U({u zdoY>YBQCkB@cBC2i@-oi;_`vP)>(^aHv^&?M?1IH=HD#dW!IhZjq1Vo=s2U8r;6}3 zs(1OT46{Lx@ySpTGCly5_2lP$!~c!Fr9chS@W|%h}irSp5Xj@4mojkiI@omN-AJpnP75XZl%Jm_+n^2ibGtcv@#x4p(jn)CS#WB z?(zqn{8%Yfn^)6l_TUb-lt_q~(|`e8c>dW)gu)0OAn;kC9rZqG7T=y}z$36mn_cS| z$LYIOMgEl1kZ6~HBt(G4cF!&8IapWf(X9zFo)K_6V5AV7YR{s=sd$SBL0yyv+`Im- z72M1=v>c@L%}YQ$OB&I5pT#N#gjtGscOCwgA&3=~Dhp;hTxC5)(9>VU2=22I1_5HX z;wLeJ6D2!!2nJu*(Q*3s{b?nlK~YC<4@9;BIhcrZ|56Te+uy60*0FYgd=sd^2)& zR2J_H6?JP;7SDP4-WYRL)}GJgSTY{|<-Yx#%)c%=v1+9J;YoN~-?UinZt?KivwT}8 zDE`5nUWtYc9R4&=NM1fabWry0p-LUybaeT$dBtt`EWNxmAEUjV0(AP@$Q1pb+zJe z%kq5b_eZK=vnD3y@;5_zsxrY;~=n>zG$@1xm_XMBUF9x4$_ zi+9=@so}DqSF0L%&W!xV@vZlhQ{9+q>E`Ocy?d*767ZwLXZWB-{S7*Q(~k1i`HA;~ z@)l&{-Ix0z9V`f8@Q{=AhRvl5)41bOERs)b>!Eqvtxk?;D2|m2'fTjt2FZ|5g%p2jnFwfjf7h@^J&G~N}YK`W0Ml)O~Wp!LH-Rc08r+MNuvy#V5a=ub;-e_4% z$X!iKxKk9mo2VR@7%fEO2Q@E8TV<$H!lxHorUae-!EWO0nUEm6&gT31rZFdv4N_2` z9~vI?>wT&LwYo*SQewfb2-XJcu_g1c)Gp<~EYE(d z-KGh+pU~BRB@`a>x72Bb^MrtvtIIv`CH9qe=@WE~?$C(!?bQy{)t@0%ig>?7~L)W3y+QAjU7ySx&XX zV=GQty3s-mi_6Sor+cZlH03hyNL_Dtb!s&&E%{|z{>{Y2&-YeUf4Sl}{`wI=yUsJZ z9;b7fgVaD;Dz@3s#))DBw9VJQW@A!1byQsw`?@DF+liuEd zSEoW0W>uw|bV&eX6wT3!PVm@!k~$$Pb?lYMtv>7uZiE1V;qX zBLQ36Lv}Sy8!=6%KQJXObj1h~B$jfX_;9AETs8SZLk8SR7f=&h2&BBjf|++tWD9sb zj7%iiWt80PD99Ap`<>Vid93aMU85qi&{)>t7p|+iXJ>clRPiS63_1MWrCScC){j^B zKCd!2+GAZKkGXj&IDkcEP+O0u-!|QV18LP_8}I*GibiUn#9fTb0xUBDZqZ0xc2;so zUZuaS9B9gg45&wi`%!xY+078z7O#hS1XaQ1fb^gB0Tl!1@*n@YK%WzGq8O{4ow<3j zC?CU07}tepD&<#+8g39uV%CZ0mCI_G^^Y^?DMDcfh-1aihznE?pbmJBTGI+|rIbMQ z-=Rbm#PqYPiP$NwP6G)C{ccrq-ttFB$dOsuDI+joS(>dwj4U~4J(IS~n#DyVxk(6d z*okE!fNU+}wm6hY%}j8eqeb$N2M}>i4$ffXs-Wv!I|>Oyq}Art#l| zjA8sKx3_;Hq3P#>^uOC_0C0G8QU51@w{EHD77aoQ^Se0nTq8x6%@K7#M;$ALjpNdX zj~SEm%qUD6{3~SLkI|L126}M}I51DuEgPWQD4=<;$UmM(!PXBBZ`#`ahBO4S72z4- zclzs~ei~Hr91=@$2s$6&DI++0+=1Y)pOZ+AuHJ%(m<2~Fgb$hwnL$aFC;ov6w2GmoQJp~)pL{#1cfhMR0{?X zu)>`p3@-`8J{YtLgR(ZTonQodzz>px4wr)(e;54F1B?rufNL4`FUz0iUxK|qsDF9Cm5(IMtwV64` zL2Oq{xVRv^h0RhlD|Yezi8C2PWdDfWgzJeSVBP%`N9;K27!+qictLM&CB<+sQ-f3> z!s+OnC{}<;-SPrFz`ie-)g$*{!joW+fE)w~(OMCAL=5WSVPx#-YU#)9fzz!rpk;K> zUOUmI-D$R9-*8EBwnm&R(RMXxgr}XA{fURep;;D^Kqxr5avCeP0qQHd>90XO(4vf2 z;LOIU^{eCc5eCq;*rtWiCuy(kEWF6oiz*5jy>w|PW2pX!!Gsb1+`@|7b2GhhZMDyi zDHoT2Xhs>Il{tEamE$k62_i{^ONuPQf+T6Q3wykGd^pHp8Q%t!FC0z?&TtLkIgPR@ zaSoCQErxT3wFTXin!%mMiG!tvi4mb(VI5|C;RlK!Sdnz_OQ}5;qc(+ubgVM_%NseS zeB_BG`>~}=)Dn5>mqTb*1}>S^?Ex?Acmy$;0xxbT2o)yVG;91qFL&^&E3lC!?v1qD4l4kUkpGoF; z#L)`e&-s5)8kPY<%g5vRhGK*!NSjx;;bJvuQVyhnGACO&5#t{D$1$NVl-(w3PXB8j z&R>UTlrWMH!-CwBNAmWgtW$CW=nyMkrwc}!b(N>=Dki`NQDQC-AvP3u#(Y53D^NDU zuToYf68MC8AaDp*+Y75Nx92z~$V-J|EsjMCz~4oNWwK#r)&T^-oiz{I?yHAh(}y3} zw+}?vA?#v7@hW5y5Kcsh0PNbr3+7G^m5&vC0xOK0Q~oqiLBR(FgT)NCVc1wCcN$iD z7ZKg{Rvs+mCkqD7;o8X(MwhxX++`MkclZwdvaq(m8ZYSW`^oRM`ctEMd7aWxT;nwm zB*7pA6wK7PE?G=&5SbTF*lx@b^!DU=Z9NWe6-FSFTBUVzUd_A1g9lJ7X%4FRjvsSDh&CyVf3+y*? zOSzm$xxJ(uJh1}?Do*1JDsyjgB5-~9^t8vN%<}q@~7EBbU0uQ5llK_BzC1gfO+6+Z& zrXoaGe#2akiSa2eox~9yb5E5}Hf_1!U`RB-=$t?P*MG+*(N~M4sSa$rDBvE*LQ5>I={iVTS4r@(;E90%|xk{gd~# zV1^>vaqflBMc>x^L~?_V{0#00ONnaP@<{BuGwZoJptUfD@K+$UY07~h=-2+Bbih>; zlbsa-%!`BVf_m&*k2q2zlZl6&3qVkw!ANoTBeqx+uqeu+RL^Z=sT}}9n6dA2h|`^N zH}T%i^}B=;?%ryOlud=e1dy1K(41CMQ9{DR69cBQ`9|?C5MxnD=-)%cgSX!Rg#`W8 z7p}{v@ZLatZeHQ$Hw+=JH>oed!iyE}2iUpFCg6eOB z6#znAg7#BFQ?OFf02s7_in4{V$cIF63?8-5!#svJfT!RLVV^k5|BRJj{TF4`odq!cLc(@w&o zUj?4UwsI$hF*jVM?6Fh1^%khB?!45Uu$;EXYI&TntjTIRYP5|n_?tf*kXTf+Sivr{ zYr5DWX|{23Awe{XzX4{FUOUB2p76l!%`iFgZ)uir5hADyac+tc!~*}Um~n^nYms?e zkJLHYdt@uQdW(Km^q*bQk;dJ(NOH8VRP9%a$5#k=E}4l6-Svp#e6uL2hP#V=ROl++ z>}1x*{yIP`Wk!7V>c3NuTFFFO?55Bk+nP8{$xE3zUeF-SN{JYPsran=-|IyS6nz|+ zl3q(@^z)o<%E&}YDhuqo&fnX=qA7e%x-w@{m%Uj>OrN~GKTJ5w+1cIp?l}t*S0m@Su){L<$+>@=psZN0o`#M|o{ zI(bLgR4Xp0Gq9zHEI(JeLvF6KDr!+%rvpTvARgL4s zxwFX8p{$qFS}={D$fT|!vzZt^8VvVDT$Wb@cE7vY%p{7cistj5f*J!fpp{oRIk1#P z{5kjMg_qdt4lR5`+}wAFsuG z2Z6w!W=mm3u4j6Vx4TZ42mMah_m0P@xgTjY>q+u$s~(~T2yvvE95x>XUj$N5!SVyC z;xvA`4fE%HW@50kF7fFC!oiT4 zVbg~S=84(3t5-9={*j?i&N;GNU%L_a6?c=nYtnCQ#8yACRvG^4=7Uc-AhH=1>qyt+lqO*e7pMA_5vu36O5ZH!_hT<`1vg$uh%;Fa&V4wEFH-KH1A%*(Z+o zhZX5j(6m%Y>J3$LiwclHI3Ja6%loAt)$oxNDByR#yYOt!sJgSD`7w}N#W96t$&RXE zvO*D$2lNSLus0;9NwvSnsf*Be(oP$jxAjiZ+0UX*ctbI3?m04K?haR-%*W|_t`Vj< z>a^wOusQ2=k$2RUt@h_QopH`Lh&ZkoxjfBvS9e#>K-*R5QKSRjPd|88&xa!|z&n3;*!EWW|^|fPMFxGw~(Oj&tO zO6AL*1Nz=iP8%yO;CVp2uA)ko&Dwo)&G`@y+ z2E8}x9TK8cb67G<$Oa1qEMYgfcey5&TG?N@CH#s59}B7!@5D4^40dQ94oj&SeL=T! zy3u(BZjnK3i|g6-JEC9BVTJf?8Rnpg>L+`PA*vX8{(z~HlaV|oIqh>Xyg_BT;m7zY zfkH)-m$N4GK(;vrWi1Hz5lYON7e(H&sg8^=ley$8-mT`J#uBsj63yVuo}JU(-%Fx1 zl;_@FL*DrCkGF>%)T(ApYVpY1onrw#d`ygzS--BOy`dJ4Q`hd&L0+4= zUUHzdvHy)Me@j|K1GdkI$*e9`pY?u+tJ%iZ+}rt${rGA^H01UfFgl|Kea!Z(mrh0uno5~ zIvdJ@GUzf5SRpJ-!|qbY%1u$rzn(OnjShui;JoM>-f}kxUTAXE5J5vlqwX4R_QQdu z!sx*np3VUR_C^xQU^@1olI2+sTUg;t5tf<>7^${vHi_u72rYx4VVmD3_ zvh9c&VC(_z?HnImF2LA|UjR{zvg~m6lEb(Yh?C@k3~e{7$zX2RoB;y_Ad6t0YF8ysQeq|zQzH2UY#cub;LV{) z6BdT)jlw7fY4i0p5e6H#t!^k7{tQ#;Gdc$O%T7)JZI(LHyt6FW1(Cur^op?k_PhWb z#d8=Z=|r_jEt;EYOa_HoU~5ueme=hjbsFt08qHnBydX0h=*~HcK?xjSq8idP=!gsrdE#-81DIIjl%XAf zi~~yl-p5x6vLA(ORuZwJ{vocY7iN{x=27`e;VLKwb$cPyp z-!^XibV%-mJObY*C#OQ6_hTBBNc0a5;h==N%Kh(|zM>&+@~$jEbW|aj#2L73xhV`F?EnO7-8BdlSRHXK z&%7L;@Z1i>`Ha%JYF-F4I{N&isB{VoJ(P9x-m|8`dwvfNZoK|wLi$u^;Qm}#}CVPmYM}xMAeEQ0u(GOF?1GUb` z!vEdAHlWB%hHHQxM@dMKs#@uS0hpnlqjqA0JOs5QK3v9(qq*3Br-V7;l4{m^xZqP% zd7_edIeMD8Jt)z1tHhV~z=M0E`Qbe*H<8M0f85w~(Jk73Ysz$ZzTyH8L|v;UcLb-U z&CT~?Z!nO6xAVi&8TpwNH|(bum*=ZQopg{L&Lwy7<7IDW{SPZDy?Bw%7BJVLdK+qYegt)CI7oIwR2w)WDrl*n`N092gB_1sQ0#3e=eLq=QhanSh^5@AOa#4i06q%=PU86|mG z-$RPnT=FnOd@v`@EAu{*+EKKr^CoKJ)@xm2eE~_SQ-as22z>r}3TYFaB!x6iPB;s7 zMXLknqy93Gj%#V;}NX0s+t1Vs#NJyVBSXT9UGnU zO*o%B_UY~dC^XUJZ}*vUeXxkDy}Qv zEl!V-ZeHC^>#peDH{IP7oWEwSFA8sKw5LDVJh?i>tQ)CmYkq~+0eik$&V{tFXEWi0 zX;bi1hz)IH>7EJEyIg=NKNx);63O&j!W-Q#4qWWlrw~u*xH@YGM!)M|NxJMC&Ob^* zB2Qt_r88nZ@17;Pwe!W$@~ui&Jt3iVdBNVhgeZ{3rk$E0oPCv_k7wj;b5CxDnch`p zJ}Sy5pHq5ndU#=56V8(v4df(n-6h8tO( z^67L_pwZFzfHC75+&pk6IC%d>F3#zootl7S)P9pAdOl{n1{q_?@jK&#!gB-5W%;q? zI$eus=v7Zt%4e}mE;DZMea-%wY)n&oF#`6YbmE~sVA}Bc*KM35z0Mb(!f7GAy)LnZ zyh6PaRsM5k$!#VmmMU^O?tGo!rBxbt`B8PXwVi1BFj0Q4|0e_4DbO&y+c~?o3=Ew> zwms5{$IRud6iS1{WLt7GXq7o-JXtF|^}|v#S&`#k=oPuAn{73a|PkX7Omsrq#-s!OK|4&_#jmn=yPyx!!uX-&mtfeF}KW*|gT; z^m*b9*yANu^U3FA{&GF&${mf@4%^|*@-^R_#?(E_jjg+Q{?V>pE9C6lE#nHC5=%7@ zknVlB7HIEX_V??F)qrGhG#Uz>%RGZF$Z@^T-R6$4>%!NPirwEDdHu^2mreZNR*&&{ z|AP0Hq#Z6-2ASf$HyO1rdDf=&K>HW%2_NLHNTWrm!9vyfdLbPEeF^Snu*lgY#-)(& z3j7b**Xu=9dJSs+j%20S$Sd?DcJ`D|T0Y^YXY^Ep(d_2m-=^Lpc$|@L;jOu5Oft+u zj|NAsnaZfVppRX@S>SHe9~_}!t86>y?&PFgeV{BFZ0fO^a8cdHz1DVQ2x4=zJiXbR z)in-2yhiRf_y=D* z;jr7gDPq^Wm$1`y@-{8w?ZX}HL!OG9$lUeVl-y*h=xH}kTl|*AR#={x;6bg$Twp9+ z=hV}s95XhFsL`nELx!)Rs5hN$He9EWG)+FD?r2Q+adwsk3ueH!n3TW{tu_VwvDFUz zZQW(tL^`j4Z8ySevKFeyp4U8|)w+)lgwKe?={bQo`y${jSE`tc6^{%CNSEp0J(m7u~M`fh#?xDpR89&}wCACZ&_G zvG@7jt=PMCW#i2B0a%e2TjQj6nj@u)((zb60F5c%OeNN^`N10sg#Ay-HeV=`r38=F zzlw6eY4;n|z#4cvjs~)#vX_1Qgt%=4DhFmIEG?#Zn{9av>w2HxH7B|m5Z*&+v6Ym2 z@ya!ZQw-IfH(QQO0inp>gII6?c;9jWxqE+{{>~O`SJ06C4r=25qg%CK%{?JTyDf5} zOHJ@*Q5%l2rDkY5cx^Ia36H%V`7++I1xg%QGd76vwdolrHi=sZ-GBDaU)=z{t8@3c z8`sH)JTH$LyOCP+au&RRC}h_@10UjNuqQb-gLW^4bu%Y@XL&0#UpvmrRc&5Kb~II$ zHp(&mhY7QwmNJ+?DrM1|qSb28Dwipbi@nForVBsR$TdK#JNd@wwHqrt^Y$d->V%E+ z-{}v!zpjkmXfrDded(a?7gH?u2vtU<1Wm?D1cay;{NpD9cvfMMDtJ&%D1Xwi;#R|D49Y*O~KY9*KOuh`Q z>u=plaG~2S<;zFI zzOBJ(0rc8?__>oJnto+})c7v66dTr8qikz|;7D&I&_NlIZ}1+~VxeEE z+cOiZRg)lE;;H<-E6^aOyqu(tFt?G_Nea9K*m*a&oC+o2RjD1v$XD<44`g(lI5K7wroaeS1lGqghu-eAN?J zVEc%rIuLK6j;YM-0seW*$>limxHmLU)o>Wu7DZYop=@^RSb6>`C!I`PfGGn$#mSI% zTEG(P3c%wXI&{}fHfsg!Bzu%_NZMa(hDrot9iV7gp_QR;qL&j^aVj&E=u{zjK7lxf zpwB`=DEx&8k;-7SQ~Duw#Sv5o)e(*u8{~T{Fq+!O7k6DeI^ibr1kWP@X%Za|4sRJD^c>#x(WxjLQg|m_{6&UbKT}g6iHx#SqYS`nyFo<*eq?hNe?TsWW+p|IQT%zV8OX zAGwj8y{a40h|l-^yys+w71}xAG8TM!JQ^1>YW_S(SEQytf8hhZBD)lq&IMfNuuIyS z2RWmX^*trn$U(V@wqZ_?CDdR}QRW>PE(64-Z0pSYyd;1ZfI>~Am8&tD;$pmOf#>JH z&P4lifXmewk0$mbMgJlrl!T;8M;p{4(R{+8X)+&pcdLQX3Sd>Wzs5tJN+w~n+MLJO z>NsZ&r|P#zpy4hT6ompOY*-9gZ}Uph!F1{HPz|HUCclg_iuPZpR#bWX;L8ERWgf=u zVcW6+N7BPEO%8Wrk}T7ju~EWspZx1$*vRrvP*XOkUit@XA;u`*r5Y+i>o9c)7DcAW zSrcq#Ehji@&POpB^6E`}Q!L5N33(>LKz4rw`^hRR6pD++D*9EGZW zfuW+)WL$9wZZi?dkgx7=a=->#vS2Vdo?TB!)^tE?2FRjUcKj534nr30Q;% zH&?r$!-5HZ7}9PHs$&gXTBD+bwReOWctRFKZjPWJCI1DplR{Fmpoz#*b?}y2*I4Ju z{Ln<1L@xDqod?!lf$*i$W(-wfm0nd*i%m9db1pid?x-7{UcjEGz7eGhdX#^v{|7iO zCJM_BuNZ5D=FYrH;6+0l(*>6OIt8PyZ~O$qKz=gJJ%%!zL7pt)D0zV%eF|d=UG6>v z&Qd|9(!aI-XrVuKrYo=~0Tk0--NO6vO8@)G=J^V(>57Hg6iePQ<*0HY&TszW&nJ6s zp;k^9%^hneSt$LOzjpN^&J8dpd#+2TS;-$PPPu(E>25DkZM*-Ev2$w9g$u%Lk`tS6 z>=WCzZQHhO+qP}nwr%so&U`a-F*Q|lF?ah1?CSkg@9wqmFt&jPD6wq#8wxOe2nV9W zNh*M5|D|pZ-U<)-XT!wztG{_1jghneXAjD?ok+?5dF2=~n3%^ip2@4T!1@&W7A=?7 zmwm$fuK-=EipNxSI{e-<4LW1Tp%#z z)Bq&B%&%q;ZotT%H9H&a%7SB3McHUFOzf z#HfSag7Vb;l^;=FDtG#<=ODD>r09La!Vq}{^=AK)7l)aT#?Zz=I zr4Hd>0~r-M59M8c_>xJYm$0*$9cKS;qH#Q`6y7W$z%pJOmByw$hu@CSm4m;`;iLi%b&LV(+NXw zUKrxsq{b)>m2uU*f+D&rzW^V9^B!okeRcFKw;mO!x$h!z+#&ze?P5&ngzm+D zQS(T}(x`0|t8Cl0q_muvU{$z`LG#eg^A!N8Ol)%HQkMyl_Q7CumRO28cJW!()J82* zk^kz^o%ve>sot^pQ4^}}lB;>{?<98*rpo3n7W_r^Z=yJQYeG>exyM_@^wn4>tC5-~ zUpuYNX;amUhLRKao4@WWqFqIkZZ`Ix%_O(H1xe=Df8<4XWVZ)$tt(BNYL$NhBxLcG zNB_umqW3{=*vG%foc|C5TNI73SxsV*c|m2OpoNeRM}tZ*KAw>Hnx4t^?u#x4-Gx~M zwltli=;e34p-d`q;FxYYA*4{n4Z&o3dh+7Sl$8ZBET9$hz4-NfzQ6i?Jzn+gdiVeO zd|terb-AJAkF1z}`;Pd2Fuz~i3}hjV;J&{m(XFMC`FZ{Rn_B6!`|RuOdw)57DGKjC zIBtC9yRB;C(=mba1K|r+uvYKKkQWFpSr@-1!IGk0@ACa^>LM>^c>S8=d0p{2Lf9~v zWSX0v?H+^T1UM-yD`=1}5u5-zblC|W26hy<0fk5qgpQq$_GpuN{mfdcBD|~>laI;t zih~AsPhk{3Ur;vNnYqT4w9;9lhNaGGzDnKKePN$;bAOZ#!!Rtp+i?)mhB(+-- z!P9e&F}F(Z_A%U(k!tQlcyDYnJ@co;I@oS(4wB63jz>AjAV<(`E3h1Gr13TPj+%nR zslAWIaeGpH9;jE(+#}qdzazyc)X7L^o}2z)F1}zV`|B5M0Z&-JkN-(Kd4yDHpUm+Q{anm zWN4F`OB{-iGEzSKdf1zl%?XM4S^X?Szct-n^J38mY)Dg4P7!6Q zmrIupX;vLkL5dBG1wsz1-paVU`Et1O-ARD<%rBtybrcvegJz!eN&i`<(=J_#z30V5 z5D?)PrG4{6wDM5)I5&?M-!pKK8NNE;p`sF!qLeHLFK81NVd30gh9>!mtj7TM23$uG zj~hS$)f%yDRC}AyBXiAyMC!EIbc9(1YSb}8QD;`{n>!kPFoDZ9?=4D5t>9gQ``qQ# zeKF31Gu@GxZqECkDReGMSNw4G-g+((^sNtb!PSeYsT_&E2xkQVw z5zC6>AU9Eq;o70YWI@Ft%`N%ckd0~#LAbIz_V=1zP!Raz>>;B~{XvxWaRRH}e3=|= zW_Z_+@l1K~s|2l#!tREg!Wf(o!e9)n2n#c_vb(__3JtscAo#+XI6Q_jVSpA0Q1%b2 znl+|IIjdz`UL>Fy^?G^#g}Bl~&|0h#gNg2|`U)7fVs6^@LJig~HDK4)%oJT2yXLwj zMCeb5?TrdbSp~rI{*MVp7E1{y1Ly9PN3mp0QzV@#A)XuaCy~GE^`lMh;lN^BmX&wt z%g)n_E6Kf26jZmAZ6=Eh+*~DHi`^#M%n*ff6w8}HhY2J~+`nUmftAF&8p3~Mlt7gYZa_A>; zS`4MUp6gXob$Df3BH5`I(bZAs68R69oFX!z6U?|z6BbuF`hEul))HTUZ?JN-$v2^| zw2I3GMoyUwJw3Sbb6olq32$+uJwZv5O}jhgzk@~wPihW`sa`-(KI{Ma%g1+npcfo< z>wEX>AsWSe&!Ysg}vkj#-Ua>sK3`|a|LIBTJsXaEVEGLd zIN^wHh9XB9y-K69Db-pF$d9;ds=kFS4_xn&T}oK~MhSBl9~h2&fd`mejT-1@-yVn` zlwbF$XP9t24nzF2pdQ>S8+OLz)4-A`di9gh?4SL`X7DWmLtd>Zx31&{gTdz~{RO2m z8I7bmgBF{N#e_o73;2+)0Qgg&G=$MJkWP4^U3l3UPc=?lKoqI3*K&>kFCDHVY|=8s zr;^ToLI0No#RvU|E6#WGwMdV@k_8%D=1JDlevz%P4P8`lv%kx+(kke6uJ{x-_<$z# zFjCL%Gag%(c2d#0^HRxU_bTeryyG=pZDWT0pDX2e@9cIgt}#j-lRbKuo_T%IB=fOc zR*@dX*>B@rdzVd=V+33s9pT(;N~!?Fs=55NYSKq=dfo4o zGwDkP(eIx3_k)}?Bm~$E@f?mUw%1mW!jjFjTJQLP?Wp0i^TSr!p+JbM~#N zH1{}9G|`zMb8g@1HSNI-*$>sf3_RonM~P2_Yk(yRM+qQM7g3b?=qKbz#;#F8mr(dM z<)OKNn|FVpwKmsl)?wRQT%N*KF-rbjbx6_>a4SYJ6Z6DNmLlq=;a$T=7n{oqR{kkx zWgg+{#bZXVLyvC5i`2;tBaz$-QOhuLaCEQtu9$?_`n8&ZA1o{;#e;A1q<-I(Hu{5; zatdzVl|(^IcxLO2?nVG(XvV)V@Uh^L79=YtX&(~rA|G`#YZfPgA*4%VayMvATY z5Z2#+ye>D&t}>9^eEBN7k*8vpoWT7C9*pz3_2HxPUxfGyy6kZPRiV=cYYXM(o5fWB z6fIXOc<^J;&AFPelzD=7M5ya2T;~T(iSgGdGK^bCyjK6swfY689_T*xK9kE8b~Am+ z)o5D9I!OOSO4y{HH0(q3UiZ3_!efyXrn0JMgO6Zx2H**<{F*E1rYOL@?6+H{n8hJJKT?GDqJA z$3l$Q+`?uv7Iu}|uqqoH+;ELGc*271b!>d6)Q~E-4Sa@3gTz36$vgIajl9_qjuAq^EV^C9`X3Y8g@6B6;kXO>JjKCVJBB&*l~ap6=0@(pT* z(oVDv-bmJzYj)}+qXUFy)q1#uh!uDOiXynj`=sGu#2~jL%>A;;;Y8V`rm`ZXOaV*^ zU6^Q(?ro3f=0uz5{-99o%skV9qZJOyzX0!e>V7_H$#h2E_EWBWS-YL)oKpa@;o+|Pl>D#XGhQZOws_Umra@+7ud1`9ukn1~;GrR`Ga52^N_x_S2P7Ow@N#wAU>F zjv;&uGsBqWOdu031rcSpz+D`{Z|05oNX7U)`jm}-1gOY2WH-P&2 zmuVf4NZ!=%$70ruSIppX+lmf>&?!tl-5BtWA1fueFh#Zk&ln33t`*ysLP-^gYbd$S zyS&oCy0T4AL%P!&A(E>@o={5ar#a>tF=MNmEyU%kqVF7QxAu6FSOvO+6$kV)m0tXu z8815u*yx#a3vkpoaa)xcvfojO0mSFE?2rkLDx#m4&U+x9E^5KcV3#!%J>a!$`PbQ~$G6mOmb zO~0W$C<8%q0R0{8f8@F5a~et=qmC~|_QEkbj16_P+JHN-dG4=+K_lNfx(xOO9ea^? zmP)a9j6}{2xG7_J_$z8&Ys9b8U>cR-xdGq=i!rd|{z>ukq**Z@b770plu4L4=Pyak0u*A3(V`$Ga9JT|1e!l*%6ldBq8vPr0NIkWVc= z-#@*318HK4(#HQ_U>lmn+?lCZfs|3S(_iJFa%pg4saabRYkukG;2YHqh}Uz~MN_H@r<{*;3l!4NiW#GmMKgYBS!xX1xP zlN}KYf;CQz` zBa_GCblT3OQ#>%S@qU;>Q%BChWe$*_hjN=w2lQWEu-E9Km*p*2eZJS9@Y$}u0B0hg zJ4DOV+;7n+7_$I*Tv1Z|;`ar2JY~AjzxY%3mtlkP4Js>8jSK2A|L$gvfR@qsZH|#g zgj|Ob{`KvLIX3UxKg1Rx)^nkAa(-WsFImPMdZ1}F(BcF$F-LhDd$Eoljw?<+B}R& z%Q%@pBVyJcgP+a#GTaugnB0*ZDf^wb4Tutd-_36e>(y>IL%S2Re7L5R6ksne=$J%=-{Fdh8>$o8)#M#NfO4pnq3EApw%w4O;rLTKH zgI;$7u3@R&+uNmI6;aGe?zIxLS$6@`?Y+{JzNnc@q7`2T<|EFo!0i=#RHdFB67Tjy z%Viqy%@CTwR+}3Ihu&@8gIzlPb!LPl8RYL0XjiLFVZKj=u(hIEm@TPLqv+g$? z7=cJ%K^c;m|E@d-X6J$cS(UTY?#3RX-qD*7fRp&zki(f;vi^wDb2sQPB&vJQRrs<< zPt&kWIu)zx9Rg`K!)a`)5zpu7+7lec>L97o_jbs-`ib}E-h6Wm-(^e-?)8Qb>^%7f z1p1Aq4!}|w{YpbJNr-zh9Z8)A7~nud%OjK?F?liAdW$yfi1vRU5OpzVH$3>Tr=FmvCgYQ6OodtpF zrJvLYPcjgl&xW($3KHm)3?1K6^$<HW)w5XA8 z28~#G!^>XLO7EzVQK13F_j#PYqUJ^h^2C~u1|@Eo=L=2x9|;aWM399q}!^(H@{0c=);L1xbi&oIC) z))X^Jm~WLc#kb?nxSo@K{T*hkF)z2GwX(8OvQyaZ$77S$MeL3HGftoM^)UBY+xE5h z&$=mO|87+8N9r4W(gh|(l1LNuiZ<0=1s^?U)Mw*|TR6-+#-FZ>GxWgE`tOcx2wmvQ z3Ezl4`s_=r2R#yGR%208#(+X@m%4^tDT)?Su04kks9#3Oq6Gu?Fa@bVyK(!g#_XY#{sdZbJ*)A*wESK*{@t12 z0s5zQE?<1bN($mmO7>=yhkM6{+LMnFvb~s=BHEk{Zbc@`D@#DmV;`R#tWQiFG1tZN zCh!KN7bU{vOdf+Z#EL~ZJhq^0f+H+AHfyRA1`>&h?NtZ$7b}x=J8?Q58SA4Tme`f` zL`1-*`1*kjBwf9T>UEkVb$&kF>|CnJZ$4r3-C_8j`&&7cJhsKaqIa)rT)-&KY|in7 ze*R(l>0YJ|D(bKydN}ilG8vC@b+f#w*Lrp1pISDR{CvO}iIZ$z@j*nD5P3J1w#f=j zs2(o{g1_jCT8VPmBi7TvNh5#J!p*UN;HG$Zj(E{ZZJB;u!E2Lxwi~1PIXl zx(}OjKI;SJDl zM{av#qmc$R`BaQpH(+qqE{5flfUQdu7$RpO&~H;r2#oVgv-7AB44OQ$Uo4ETYJ?Je z8xYVmBQA=TP65Z(4aF(G^z7~*Ab*F}+`T=<*#wmTAIVogrsan*-5{Sq%)4oSjNLrJ z)?G{j2320!`h>})FEtbQZ?o4Kv{6Be37fQ0J{@o;*S~dOFifkOZtGrHZri`jcbne> zf?ZWF&b9%9k)dekzBlorLRSV434L;A^YcP0u^}&Hf#2rD4h^m6W!5#}p{(tT#@l!? z@$(8+N)7yIk)b+K3t({p@F-8>KalwaGtUNFlB9#;=f%iC|4G%Vgk60=!6|tcOI~fz zpk$c;xE}hVk^`GxDg^{8N#9A9Nq83uoEgNKEV+X}XQ%}<($4CzifNXW?JC0yegnwW zoxd%J=VbVZHM9!4%NVhq(w{YmNJ5*?N59%VN`rvO1s6#!i^dAq zd7?U>zU-G}CKryZVd^E3<}dM>SBf3mhDaOJtuYNXeRmQ$@~YK$fh!ut^g01}ay@}8 ztJEu#ZNnIn^ob2SkED7{H>%I3nBmPMgp_4OE1CM;SyVfnnNivuO9krF@rLDnv`?3v zwy8$l%?Hknno)S84v2z}#SN~gMI*Bq1dVR|_QS$u$ ztk{ABtO5pz?u+jH0wf3jkU$~h8TC^JV%3fd{et^(uMq)sQS;)f<%0dxWb@OmP<3?F zllg+lC%=GDnuo!QU*w8=gFsJV+)7y=*`$6<0E|khA1vxN#K04usK9{+CenY#*noaV zP=t^rJ^*ytZwhZ*hLH@)KwZ8II-qhImArg)Y+rhT$;2gt`zYnNS=b#qXyhgJb+qhe zw*8gCZWJf)Xwm6v3$2K%=C;{30fGU+X%hWov`1P}=@n49)S=90e()u+m61(g_yXk$pKcBHoTaD@IC6VvM9BU?+#rXeN>u2Nnj!_JXnD?W z!A_%nuM7*G``o{@e=&r^E#R@0s?Bxhn=(qCRy6 zITW7{iI$8M@}?pPNKXBz*wFz?`u$G%KS_eO{Hb-C1E-_inpZzlLIB(LqBUGR=A&mS ztFlfI;i2;T3md~%qUNP{s?CumnH$ElE=kMCrw7}1)xF7Wy6MLBbM^^;aW(zp&3We| zO^X}-oA7UFEXvbIQ{E6s0g%tsDb-T9 zln1eqH`N~4QhAzkECp59*Y#W)tAV=f^ZE2)aQN=W+k<%26^G|RKsg}@oS}eoXeZN`zBn05?2_@%1VpBG|te(Es0@#-YJhYFSG6OR&VZ* zmL%9oGkV{e8vG6EF*pxslINeKYtIR^hiuT{W)9=u{IV}YBnJz3gp}M`gjCx~ z9Lu#ojerQZ4Mz0{L@ex~MEM4=6Y@MDFjld&9SA5THJ=(?t1z-ple87+epnTVV3WQW ztdmoMgtdMpjBDPZ8O^>#Q=8_UT24Q_1Yj1XM6A$}jL|s?=rW?hbXRF`^9EU7X#iw2 zj9`uytJvk|gFGkJg9D&6a0vQ=vYXOK|6h}Q33FHQq zf|T+{oCj3uZ-7+<3Kpme@HL=D5(T{env!lwr%R9y^Hspv-}>HmYz*2Esc2k3kQHba z>dhNfwNQLZ&LF6O#Wo}LY1-|wZDH1)X1<+wn^P4&Uc*NZI7KT-#skH#gUOp-TQEsc? ztfTC{)}+KdhPh3J2 zf!M7^K032&@;++#8d9LyQ*hY}Bqa6gXFER>{PdRcygT^=DptAcg=5^|%Je2&@{Yl^ z4FBc5v}(F#MNSVGm?~@q`UDF>lL`@7IrK0h2jJNECN=GRB?E-Soas+9a7N+kx?lM? z3EvtfiQg;|W>`^|{Jx~Ds9XGr1weBjTY_CzXDY1)&+tq2cpdQxV~DfcY0DvaxaGpF zMz(Y2*@EGX{!Y+$WCZ21e7n~L6-ug$zV+PAzFw^=x9p~pJ7Zv#rPa`34U&czL>lf# zDffCrP5JNg1z?ZudjGuQHM}CJKdUu3{Y@7@9i{948aZZP%)-zbJm7L8ixHQ_J2ifr ze+T+9R4j`je9LcbDsT=hh#?&74A8d>l^YoJ+ZG9C)SFGxt{6Thn>AM@%Tj_$`;XqW z(5ylUS#;n69MSOxIcYA0RfL&+Ej4hZ?~5T*$9t6=s6T*d^F$lYT87K>nQwU;J<9P3 zL+2vcs^nmIY`JZo_o%y?i(?gqn>tNFz1bu?LjC2kcZk(R z2o<9k55cO?-|3$>nFqf6&oQ?He^_1{W@o0Cl8vOLj^Gvo;KgwZ|8VEb2 zJ0n1{(NjmfUV@!`CORMfcB2EB$90-Ls4^gh?U)42G)@4gZ!tF#q>_(x`K^Jy<9--d zWPgZa#E*e=OeqniDXxFrXuR(3SqJh^YNKoZnBkuFo8yD`6&24sfUftSoSTo_R>-}l zNdRuyorV0o}XI>j;6Yy-%DxdDr|MK#0BeBRAAgc`x9|51SDt zG&Ej69cT-YK(;Nc3$Z(>3sLE4%x*|g+d$UY^XSne*aw|8`jR{k^ zbX);GMO<13=U{@yv8j%9%Z%nn@jrKs+HNFchKf~3X*^OqI^>T#^jY876cgtHQFzu2 zgG?(v-QKWkO{R~@y;KNSSD;fp4Fh;DE45x#>7OG&RNYJi4-0lXRKGIPGwbMn$VU|2 zRt%IJGwsfeDA5epD9(rWE};Aj)$N=k8%R&a1p_O0=tgv@a-Md}Q-kFLDXlw|n|bmd zHGFUrMPs7m-#otH|nU3?FTB?mphV|n7-t_U$=vo4M0CTsSN=XT95caJN^ zo11lX&7Y>H*Q1gCV-_(<1@ZCj?i?K=h%2fN0o2r~4^5a=LgNZyFQ7(#T0jwChy$D) zb#uOGyz<$pG*B5rMTQ;e+Q(0C^ZclEC{^@^NQN(bPRDD1C%dhK>`p6o zuAG|T44)RS*qB{uavL{|GQk1`u?9)x?`}=d>X1;T4Y%c=s@2?tpwZApj3l%pfIfxd zaaL=WvFvI84_Hi$FqKi{i9j>7Qyf{4t6HG5JHCS}C&om7NilEAv~xQJIwGRYtOYQp<+hAiDsx$E z_3#xJpBZUaQd-(}h8tH3Z9$|pN?OQR$7Fo`Wl*b;ty7-o_2Ta^)ARa6qSxWhqw;@o zq*Y3O2q&vdB()7ppA2PyLr}=fV1E&q1wLER=b2=SWR^vn6YTvSvc;07jMq^G4U8*WpjtudC;T7oIU=&i!Bi24wt5vSjti{ zkqf8giTu;p11{41*<9m)+!gu?cllyf*haMv-py|c_HwXHG^L>o$U$`qs)j_X<0Tl> zK#oH2I8{jp+Y79W6seCXT{(i0C$&n{Mp&b1>a%L072$QJ`3%#gQg~RXAp2a*{fP>CSsPPY!KGAVF z+K-2SLZB1UE|DSvEI3L^z$#&g7}g&Mo=7ut%x2b}5;q$O5a@-+6J-BI?!N0fFMpPR zBWD||CDtV#Z7F-GbThLu_M|TLfQIy0i{P3CaR`%@(15mHa|3btZe{R*KjON-?bl?~ zIGot|ML7!Q&b^YP@aquDm!qXs3 zCST%!)`X+u(;#Js+ujml95X<@q5q0&Ug14Ka;8Ik21m;E&WQAhWA3peiMzjgw+N`R z6;!|OE6a9dtE5MS$pb*Dk<|Ab@lI@9pnbQW=7mENB(MVE({fEqYcLF0)!i)cq-d{G zO~6b~>m+E>AM3o|P6GQsMT?Pxv98_zb=Q6|A4z5O&P0HHqjd81A&(2Kx{h!e;h2BC zQTbuWZ{9QIj->WQpfjjHfSjMd@!`6!;=#3 z!6QsarW0QP7#_SUrrz|(ma&@siuDb_&qa$8Oi!l_5MK>Q^z73a)d=?q2BbyH3I7Tq zmiQRP@Pdk1^iKVwBSK+!jN-@H9pS9h6FTa ze(yTjf}qlCiVlnJqKP47BDbYulp*#Q?Q83J-2}}Jwb$vZQil^Pq3OQ4vt6P6a6f+W zNSFPV0g#cIgKNoxu3f(v?n}exA2ImU|8O}b5`5R7_^d7aeX(d%_ zqn|fN#ihJ8F&`4=Uv@t7mzZZ4b~T##$#K)0Iy*Sz2b(z!+`nZW?B*&|6@FDKlAX8^ z`fN^axFLHIX>>PoBrIhCdo8?*7b^}*xU+kA3B(t-|H@J&(8aD!9;of>f|WXEr!vw^ z&_=QTNK%?t$JW8{boY=>5v0TR7Niq(+FIb%| zvuwJPA>%|JiaxRt8asFR&MQe5^-peGh~Z~Ek5tmauNieNbbHJ(Loa?NkkG;`T9^K? zV9>{ia?aJsQ5Vfg7fHIiczf^|j%G5@-eJQQjm^xP-8v64dd5U=YDu?1Ua{-@ICA#X zEBJie$-egmsakIx#iAPWt~U9dRnN{6iiCF#*VOIRxJYW($t4^naul0$#dBAPgJJ&$ z1Nk`Ky%OntNvYWC?X5ipO={sj#@7e_MexS)5_9?}zY_sybp+2G!<9i!B<;u>@Ut8I z*~OTTXIP|A{J6~}Go0C4 znM;h)B>^Sv0_z3B#Dj~Kx-AlaT0*bkXp2NpcOYUut4?z4dNZ$)co5;dNIFrar7$Q} z+L+vtxFY-5f8Xj!43>RPNOc)bevC^uDREwe?diz*SR>d1u|3Z5W_CXV;}kSPx{5V2 znU?ncoyG;)?uLuUERr(5y4Whf{bFJ%FG%^X!;Oj6O&z|EQ9z;+p+xk!EhS=3Ry~6* zr1&OwU4BlCvYbuwB``|9Vz^>ii|wZhx6JjFuxKvktrKBqEMJcGJe(pEos}BlSNDhN z@G%IORcAt%aTY*4AfAywmmqE5$TUMM>_gj@fPb|chruF_0rlx{eUbO%DC;D^{O%Fr zA1BnCTdFYeigA4@O>W=U?K={cm5T;|ooj?~j7An9rBo23*moq9HKoowHxi+pi9JhY z7M2b0LjV)XBZXz4Di6S-XK)E^@3>UzHi^h83mu_vA6ds1ZtQJ3V$s_sUmQYX=Yz9u zAaqC@|7PTZV$2cT9q)LmY)nZEZXUZj%X+1Ds0=2dBv%eB{P4gsb?t5*{TIhPv`7YF z;iZQsO%8!e&TQbWKdidJWHcBg!Yl5$c$>jcK!0pDty^weWI{#E1f})5Xmv5fckbH|6Mh7Hn1^H?aFp^QoeBdcQlpv z-k}{(jgy0hS1*z6VKp? z2I+0AErI^?Cw`i%J25|J^Ai9KGXXH)_Fd3!tW&cnqfRRp3phhoi4iIrjp}(c?l7LA z?Zrx)LGdtvCWD=;;JcFano79X6}kVVDRYfvI6z zBLU4+XxU6`F2wFlXxTgd!(W4Snw_1B-D3nd8O}qaVe&xd=rI{U5cdn_P$hyif$%eMrybG+VQDrf={y#z{b%z805}xAXuhhsPogZ zruS*feOUF?mh`Dobd{8Ev>${G=ZLSERkh3KKH~SWdJ^*!`4x#@nv<8RkSV1C0xYtu z;NEYZD1jy~cMX*+pD))93o$7+Fe67(wd}>lCi&zBgz&vju1}+x6JAX7524%!P^e%# zl$C8#hurjvHH$hALLS%~Xjw0Qk}+9wzo$Wa5v|UH;_Gos0Uu>-N#FlP2`_SP{A8AC zY97*_uJj6=d!>jKFuuPWL`1Io-^Ks4=6I-v{nMY0S?O5O+zW*>YpYb9WYFS(1 z;K7~Ls==5cU>%bC2P11qM>k0b;YSjY+}PAxUgjc<1~;y_|9Y-pDHuDvWM&Zn(8D}MY;e(@y*Il@g4sC(l(Goz7VGr>6>bUT_GXB3&k_cAjFRZ}x$YMM(Y!yY0 zhB`BJGJS)5I<`mWBEFDjQtzL81%8D6y6{A%NwWq8h_y&MY%Q z=u}6yF9@+XFUNfwV6coy7gg!|)}L4HY+?wxkpTnm;YNp*$xs|5ELG$Uqs#h z-vt2P{mseJp*&AESJw&98Q(E$g3Oos=L|4kOHr8c!U#N=}hKkac!lo&~VInMD5NU zALcg5`aWN@Xv3hlzk5&Nrm3OQxp5k&A610-Ngw{(12*}(2kXJu2+FASSpGsT{fCQ8TDir9G-3>HPTN!{d;DR(V(Ml-!Qg1zT zU=Jk=ZisYRDg_QYV{Klg=V)q^r)J_;h&@q3b;B24DoOCkJpeFp zw-HHOqAys>Y2i_!jC{&WuF{cGGev8_hvvs!5?r}RtoowMX$!s?X~v-CF0eKz%vfw4 zCZrrCmW)LIVW5(XpADMzH8*?!Q!PWEGP=oViA-qo>6@_Px%xp!XZlQg{v}`9{6w-FoK2vS%vsGi5q2Bre| zsK4hJ0rcf$#4Ea@`|<&YeSuYcGS-BaxhfB z1t8q`!pL8~)*-*@tYW{cg+?i@0HF;Q(%8TQuz(5yRkEe3nbcHNv*@Logf4yak=)7Z zYA_y1)=k*X@`HF>gt)QYNXwUoX|V;4!#8OfN`F8kBYH`p92L;{!f0n&l}!pS84~1; zt2`&I?VpoTY+I{Ul&%D^L*pnZ@tleWt|Fwvo1wWpkn8GE&`(~XdTd*DEs<8Jpw#{_ zFP38!JD{4BLj&ee{#ei-PsEck;~C8^X&ajZuN!TO7Pa{|W!u|JDEZ7+tTPC%jFN!h z6SRH_;z z{Si1k7*}}6@^OdlxR)VQ^`)n1b2M%$19jL+m}==cTL&?t8@CXN&L!VVG=$(3WLa=1 zr-w>gr0pqu3;Uo*g@Q!`yBm46hu!;-e>6>NrPSS5=bU6yGh;`Q5x(BQVxg|L7zyc! zysh+OrfUfcS5l0VEBR6uq?@#RJfRAh)oS0pmi5ZF^#YoJC$S~Tv(9@^$JJg~W0dns zDwuow;t(kh>HGlwj-)M2meSfe1Egu&ow_HiX%@4m*b7Ft`=8FKY2xZ6~)a!3~T-0riJ&X`HYi{j~+pFsYT&3M~g>_ykPmIMjtxrKfvMow2JBG;kN=s)b8@;qwZ z*rPraZB@|mB~Xsa|3ep4?TEfh$I5=7WWprKF?2hbcgP+c7lkHPtk>~qa&EaNWQ@$H z2QcTaHo{;+=ha4>_YFZ<@P%C=1f8S`51lsz^S+XY9A&sR5DH&^cw@k+&Q=XHflNTV z!~m(!iy;IDI|K92;SD9&da_E;h(Ql%?{XlJql~<$6=pXpi$mZa7#mwO659_K^AJ)# zf)p!^B~;m5$}hwi!hvXIZ0jdS6slhWb7k(YYUe|(l@1;ytg@;nAMjneYxjl**Lkvx z#^-gNOdHO^cf2+vlWf5zf%KOJ^n*aG*W(7mbcAAy^o^qc52y{7)(+yq;ZsdU$$+qB zAnuYd4sq4%_AoY}NTyC_A@=^7EmNuMRJVZXp#Gqiz4=eU3OjvJwT4vL7u-xf2ft-l z?oOw|>N-X%l=UE?h}4NOGbuP!g}4*MlyJl$edssv|k$IPUn zE*0{*NHog3LrX*fH8M1cZ-@d#L|khE4krL*#}`vAQG}--98CGt!~2j6K(ao7!7N=} zfA2ww$>eIfwh0MX5>-o2sVogFaKYq>VL&pDplGb7|KEWucQr;QkOg~qW>5<)IGMty z+>TA*fC>z{BN~M3)bcp$8JF2M*k;PUmfyWeVOT8)<<_&Du=203k$Gl;H$%Jl6oeSR zMGs|z3Z=p|(_C>HB9(Y3Rn(x^{uNcxNrO?F5GJN@nANd$t)e;2G`73-8&O>kn~F~R zdEv3O4x>htSbvMg=SSzi!6dh;#4k^&9jAc)H5FglN@)2bos0F3Z4~+IlshI^o~V1x z`~CWTo9$}Ou_ygo&+JH|Z*3-tuh57JQDm2TIq68KEMZpGE}LSU6SxLt`z<8no9>Yd zzWw8YhuJb(h8&;w2{q|gZMd10%=jParp=ftteXhvBjlHF%_=ZwhZ_g|H-?Gaevv_` z`uHoJ%@;nZxLJ*D?2ne~pzp!APDP4EX!)}*8!3vCPi*18MW99wcdA>iJMsxq_V=5~ zgB9P>a)^E*vq`Sc=wYn$IEg^w$-F{F5A~gaJ8m#wbJu8+xcIa*IT!BU*U)^ZE}S)(Wn=i=noCeEiaF;PhOPzW4IEZ8*aQM z*JdmVp4EW(*KvN_FEpM18bx+z(sy=edC8HJKQLy-dVTLU{%SxlR3W>E7+b6hpuwewKpYcCCqN}sdBSnN|$!2eb#I#$;vNkj0_yKd_1v&54C&t z_jgU;Z9kBxe&Wz7kLt z`Pi0FUT>7pztAk}OhC73$Mg+kcIn)*0^0hZvGVn%QiUSCh}Fm8Aj z7Gg~Egc8cr8Dz=5E6~L+oF_xGn=(x=k9DGPmCaj9qEp&o0%JzB+RDQ;Az+YaqFJxUni9xX)Dy9}@twy7^_5pC0AcXpG26pu3*% zbn|}q(<#-ltMGPXe(#rBj!1i(Qu(Y@W|B;B13bGEfxZoG7l-0Iu+T;|;olD#8PR)S zPE)*Rk7wgTZ=@}jKT1nneUDO_lyXnaB(V{jG35)+@;>U0ao>;JttIy$;+L;|1E({m z?BdB{<`P_+$)n*dw~YL_r+RaT%r_x7(cRCXS5~vm5t1E$kBlFtLITeer6t=UtvgZd z7Y=Rj&MOFM_Gk9)-yX}{Gzjv*#+QO@)UP$SK#RmH9R;h;72pDbFVLiUKXh`) zuc*|E0+c90s5;y7nhZM6^qMEd-55D7eF6(H>y*&ehR(6jnTo;@aeLN}reNq}QbE_m zVo6{dlVK5|45AFYzVj{&?QcXItHZlKm}k1)_BShTxO~6Tj?iX8_ARh8dy{qNL*fWy zUwv0VpeIPw_}eMtRxE{lGYa@Z>HcBLtb2o_AbG3=$}h4lIn`e3^iNy*&dyT5^{RnZ zZR`9i?bss4#mE!etGHDOy}v1-j$!V{2oa+EZKG;WSpKtu0#S_V87X-W1?jCkHAl}am_|Hyl~Bp}~IdBGu3Ce-xPxFJwxMpCHiV7KRy0?JGR zZ3y|WZeAzYdPQKl;1hhj6V4*_bCxbQ_-&~@hf-;$WWyf>+`782O`3D!*~Nf6O0tF8E^ptRL_?q&T5qK*+-wfIP`VgK|jM%O>g7~`0M`thZnjGJ~hf3fIDs$-| zQ2QG^3edoM67*@1vf#X4wFQ0Te6wOc2|ynY=-&t;39G%n(MsNDHjCE{;g=okT z_Ngr>ge3{|n+Ja2keX75L(2e-8*v({oKrB;=Yo?Ym=LnYYK{dHxu~vjdnAJJ&|C>O zA>n*}>IgwSx86LKSgE?Eea2PTq5FiOvNu9)`SPx97PPzax6!Yr7z~^#Qdb;n=-b?9 zYMr)0H;>N<3&d>qZN0)nR2{QcMF_E$2eL~v_~vs8nsiZBZ@MY}RHFDbTKtm{e!(LR zUIl=`XD#4s7}%SLvlj5Jk{dt5AypvMePFZiOp?k!AG`kKb;dM;%s8-IDNDd8>Dnei zkc9>cSh4dkYRb{0lInK2ba%ibk6b{KT5-q9tj8~tw`U0@35#m^nx zfdSQaBk5J|!Kt(L^v?uLc3NJJ^;)~q&XBr2z374f-2m`n^W#wU3*ePUl}`m1k;Q{8 zbq|Ix^G545!)Yp8wfvggM27Ku*eJScsDCXgfm>jR@c*iBW!BiisEPbg!;K$2y*~Y4 z-&IIMfKBAF6W3NC%eAQPE*E2du zv@63|w0Bs~e(kWgQ_z;JS`|w#l@}*O*+p}cap3cTM=L%k5KP8`nLhhQtIr$+tlrX% z%;^mee|hyazPW!ymv}^Byq|p9J!lzJA%J3RU)PcMb(2M7`PeUD)F_d|Y{7BE{qvVM6P+A_iY8VG&uw+d5nk?gI6vcOz&d&)Dq8S~%~OXYbE6*d2RJOinkc0pI=Nrbq z5+?t1{4PY~)aVTr6IoEPk3#@KEM4(0AJ@Sq9Q`aB!|)}h{^X&V%37zVZKxlS1qDrx zexnoNLInxwF({SsYP5o=ign?Kv#`E%;~1g@*NC-Q!N*4ls)L?oboJ&W#~WIdE!(AQ zq}_=gXgYb~3_tteIuFe|F%p6)1$>d*8Mh`Vj>jpEtOr$HKCf>mwC&;8Z+4L?6k6TMTI)$53u@a15m5vk}RE1 z7Ewk8Qnff|sw>xIT-u2ZI#{!OW$>5U-k^IeV{R6>ux5AL7(2RtBl+0YX`$AKVOA2nh~CqP!Ghz80W)rFZgcFdZ2ZVtKFI-)bFc zi11HCf`195l{>uf!h|qRinKs~l7hZDu0u!8`oKImBG`GJtJ(SuE6bo+`+X{Mn&sRi~DxW5Wr!sgm%DKsLt_AbTCn!?G*f@l33ETdC$V!Jz^#R%IvgC8wJR=X z8;`X2>XNWSwe%rvOIQHt(d4d=2on(s_tfpeVXnOEB2-pCEBT+ZR+l8b5eBt(fvW3U z0u?M}iw^I>>|$UN&K*FBE!tVE%%ojJHQMdDcAI-T;fIuUL-HL1qR0|+)%J0Bz(#kY ziU=aV_?;qP{OMCB<3#dKj2wP)?+`05F_|2l?s`ZQ53GeWaGXC?0$^&7^5%x+(J|2{ zgY0&j_0UJ6qcQFl`iS0VEk>}$ ze&$XzH^D6YcqY}uZF1-gzOE1WzAcnFK`wU+Ju1~xBb2>HAa1E-YLF@+k3ZfyUl#nl zc?RY8&!oPbnl0h?Q2NDE* zj%46%9qF^hV)nWLMkz!=jeBuHX)f%a_K00-jWqoPUw})RD60unF>!HwqA-;ER7-Ky z>dQ{tAam>Z2A_G=C__3!42`}v!nK)o2-7WlKgP*;NnDX#HwJ3=7iHX{+wLYP?-X#6 z9UER`dFu)e^}#o%$?gWgx0r5^cFd*N&|XOlS3Kd>;efbGd*8%@bt-=m-&;l^Y(CbT)6u>93HCQwvn#YDjQ zB=G!G!-Du2fH=wn84R1v07(F}_AKxern@;KVu1jG+XG<|P1+9&8Bd=BB7E>gok}?r zeh}Wv>Lk2N4T+#90TllawRa0SM~k`@bvj>6EuSm=YsysHO5bn{qi~0y>g`RfIE3}ug(_WxXvnc5s(GOc9q6J zW8608N(sn&8=-Gw2t5!-K;z%#0f0b{r(~Vr1VBgOrwZp7d2=wE;r@&Ls+Fa4Hx>|J zk17~&=qxlXn==c*`i$SqclR2=>kd|Vn!rM=7J%r)J^(;GFzLO@F%mhrE#B77$bLof zIzVB}w|c%H4eKS=x+isu48da%0^F}SD~@2F0;nDi>fjo6=8yy>L_O#bG_KIv^kzG? z_GZR3nU_v=c60ggVcWMrfFbJH%T_*p4nUGNr4yUP9~c`7Hy{UW2MgM>nG9l`EXT*& zLJ=gHN6~zL#C7o?Dkj6V%cqK?;jOJuO>qgLku_xsg4jTYAfk51?X_*9_CMG-(2$I3 z7Nm%2N+M^sOMaI1TAlDn0uNdAg=ZpqtcvM6%W9xJP9_)={JC$A@kNtDZTS$m$*NUL zibrj?isL>p9EN+}i(NYcX+Y4;7pfnG zNdB%?Q69hr1Sdoj3>jTm7epz&UQ^!0-f8K7!XJa64p1Z?BKn)I25c^^#=$$*_N_gLm#)(>Mfr~h-kA3f>g<~a`lHTy%f=Fp<1jgMeV&#$3d z9*!RDU+utxA1H-UvCsWGiXwbhyo%VhNbdPC1XxuzMAM)STbFOwye4_FNFN)}iKwQr zh!8zg=4&_46{0t*a8?1iB#l0r;)p)bN17~|V5xj5fxl>Ti@MA&O@K;^?=cx2Oi}W8 z6|T-FgB^QT0j(U-VOBo_F49y<(q8O+Z(GC%GtWM-hrTcbNLE_!!P`# zw}s=W!w#FgSo)bdZ~7YfMm_Q)_~SvSkfzX*H5U|V9&IdmQNm**z^2_nGtpszS_X#71g6kXPZ1))X z$tw{j-jJ5Cyt8sL-!|Lg)ZSe~8v9JU7|hAHXGGCm+T7?D6(8cUs5O_==^bf}#Tw;8 z{r3P#3)NX32sP1iTt3^{-X3S&ZT+wuFvL)8T2)7ZmSE4o*kxo~RN~sE}waWpCo3Fh+mr6)*oG!IJLl^`B01L-75jP+D*b1+97cyu|=oTCNvlKUhMx zwHqFDgY)Ld*wo8@fYFn1j$8#aZqkf7chT%AXXtt<}xfZtzI!zh$U@eT8By!P~tRqh!vt@LbBtt{3|cyPDeLmP`%08&xK1e!n1&MGUY*e zK<${3rI%SjI8A7pqJ6&V_V~Qjv*lQP;cv5Yg;T^pqqoGtKL_-Bs1zkfyJjEAp5(&) z#4#09O^($q0&4a~I3>Lx@&3rx$g+{3-qp{JxWwQc62hrrqLFl63i0;zug-oz19j)_ zG!sEH8PS};_@``Z_;ikfsZM9FBy`HEB00#N{l`UjXLtdU|M*E}=4XtQuXG@f(O%k| z8?cs$)w$>Iyz}j<>RXG6)h)`|!tDGnsU)}-lu$$mLk8>)oej9rit2VuudgL7_QD4b zK|Lh}8{28@TO?qj6^?{Qv%`^}S*P(pTS5N$wW~@&(6gVWz%))|qs-@21%6V`5Sckt{Nr)ewk{T;4M31qT^sjFi2ge3s;~Fgod(Df+8h4#&vpFjFzUs}n-Myjddp z$_uss1IguiSs5sJDi&Tg_M1#DK9?%$MkbY<90tPowU1Eq{2_MA(sAtX)@8DH&0UWO z5ck~B;j007NEN}#O%cM~3A4Z@f%g(sH<<_6?dN{Dt9?ixq1y*JoI6nvUfd&u-;;oa zmtbCkS3LrcK3s&)+-JzUk?!>)2ewZ-N`!9!IiEe+TPjZlH)wA?Z|$~9h^K8WSKLoo z-e=a{RpBb4v-S8L&{e1}e_WwUmrweM zhzYOPfk1f5l)P`iTi|Zjf&U!h687g@soUdzTCQ~W!I{+u^z5FPe3O1A4cgwdb^eFR z*5(ZKe^7((+3=k>-~Qjw|IauSld}K27V&ZTpR32u?f+-QfKYUI+`){$PL2mRfH%)M z>1Um9kFs!Q%pu54gH8z z41_lyz0H49%cIM@ZuG)Yp5ELFZoUNmW-U)`66x0_q(tSvFmo*S3IB`f_H+M#0sl{$ zQ*}D`e&?7@6bk>f*z=x*{7R*QMg7)I@uB~q|NOL8L%G==ItBA~ zX7$GV#)~jViL;O%HRj#XsrX4)n@JxUy)&8ej$lF@w>)xreItwc57+B&Bi!GGbh!I( zA^q+>{=?v#^gn6vKqdTdRVEimdv!K)h;zOqgYJBPN3D&^ME-{#XZSz-CQ_dNlRMj; z|1uD=IR8IEk?^Rh5Y^a$U7iT?UR@@a2A^hx__b(AiZ$ySYNz`fSBC?5?<&n#KH z32EB64G4An&-HAZX-)qv=?QK< zdY-&h=*wSl=M^>I0SQsqLR5do)yB+D%9}x?*L=}j9|6o>wPQh#^)R|!M|qSs#8Lz{ z@q&U1iT4%T$Og=9k6^AF(cGa>t(xa4%h)k=jiJMo;98}Vlca2XaK?egs48%5QPJi0 z5*XK_Rr?-$7wE~Xnd(A)o2=O3dd-A@J%aCMAR%k>eJ?!v!7N1NB^Px(eD(l)nn5AY zax!2+)KmdDw9`M2FfTzNvL!Kd_>wBn?wrg6rf4U8OR9t*I-Vu4*v~8+U4->=-Y6ED z4lSbW|JaxK6Ij3WxuMHy*$70 zVMV2ij#B!FHsUG|1yEe3td0UWXBCb9;d;jPppB~eBrf^GIh1m0&}!?0PJP-b#K!EBX>NJ;ZFaDSWSz0k~rAkjR=D3;V*F zMIdPplylLuOJ%Qj?;&m{{ibQ1P=#V616;lYdsTjPCN$AU6DFfl>H9pOb}xj(AF$e;_Fvw}2?tTE&KnOcqWz3$TtZBy$Frsz#GCc9nk0|?b>A7%f0tTYh=_36 zU!33UA>KyYLO6*9?&BP0_IVI~&rS+P$3&;OJ34$nM)M9orn?@`IbX8(l8_ht2)L2( z6R1DUo^tL+Xwu7>Fu(?PM5}T4z|*+2PMGuXVWDArb>HU#*YQt3-L7~Se=ErIe@H?9 zRgjSIc!og8hQWb!Y`xofqaw&CEo3;Loj*0@j7~uMOedeO-?yj0S<)^_RW8)vpJFjz zAU-?(I=*YeJ4VRXqOzxSjZr-|eKUL1Jpnykw+pW&Ya2nc7}G)me3Ifa57|s>LNQKY z(kVp>;eP9KlHZAb+K^)B_rPHG`&(=^2=MLnrI}O>G=BuN00N!ZJ>OGX?lbHfGjt27 zNbFCPpaPHQ$l&`YlxBA2a}+qh4EmmfqWd^pbP&{|NZ?qF{bXSqP7;2I0QNgyLGr-= zfT8c;J^J#?d-?qS^Z^`T2IA16-@*yNq5q-l=061tIHmFQp9KbU;ys2AT-F(rp-0#4 z2GP@NzzxKa$9p~GXaTt!+ez|<5YW@cR3;`~z48g?FP(r>_F)ADdinCV#SCzPbY-t1 zO?kJQOB?cr{hc|m{S`Ei6RMpqG;eH_)|>Cw3*ay-L<_ws&Qw2MdxTfmEQ|mroI2iP zEchOk_kSn=fAEA#&CYM+J7*jw*;^ulfUs!P$6hZDivuRq-3{%`z&wb;#+F(Ir7Ah!6579!yyP z0Bca$pnrHvUTAT};K06~SuIhPzE;=271j@`UWZgPIFP~f4IKm}`*Q2NlsC*n^)>I< zHzbn)@TPIV=jk|NWD{7Y;uPW|X%<7f9@Wr_a7U z6$QTDRqSFnsz-j2dO#|{Sk}YuyC~9-=n64){H92l@Re>Rg~l=pcI3!^K&z@n11IcY z#S)7}d;tBqw! zetk>_^Vi)(QriBN+!0RWORdA4W+|bMMC_tGa@V8HT1sE1daq`{Uak7mD+58!7nim;_m^Kq zz_te!w5wZY&?=ie^ZVvdUF!Z5G^iR$q(T;G49}roz;b*y+#MN&BbfJYMiz+k!GZb? z8w5BU8Z@->AY+hsBP+J~s!})WLKdji9Uasyn0J=&GAyu@cWZGiNcD&f1soZoddi86 z!QiIy_@exD~iB0OD!AQ zP0@&2BUmBs;XZT+Tww#AbJ_8SLKdLt+_`#;Znu^+OT6g=J2QGzUG^KdY8&#PlI6Wr z4`9DgwbmVsUw^RAR2i>l6(B$W84+*pB3iMh#<= zYrYp-hm|8pMo=gcZQwXUi@HmxhT#aqk~qv4d@VH20AQNl!n&In$hKIRv31kZ6#I=r16fk@$#}QSW!-?YqABwtK`mtxpmY`I?rs6l z>1sQSAzHe~YLxY|?>QM9=vCF(YzMB9%LGBWkqN$afo1z#mp{QtMtdFK0G^8e8!Y`F zKJ}{K7nXZ@Y0&tHF50kgh*m90x^2#Kip#Xmok(ota-U5+evCz@G zx1=m=k%WCJID4s*7ctAWeW%>@#!H|e8Z_m-eXzQ`ay9!H4O(7>T$-Cx*(S?`QWw{H@gEFZ9dLi6g~bPvy{$ED7A^;RHK$D>;4 z8H0hsk=0uK{+5CEpwdpahesqv6^W}N9+TysiMM$=B{R4n!F52qwQ$C?ruO=9%YSF% za3|^Fx>yzml$ZIG8+4W*ge=DFlUDIBylLzY3ls;L=@Z;=Ya>6Au_otsQEyZ~=|CM>M0WM`O~3Ya;f-J2rC{+47y1FfAp3`+fv`b4MJAAc)NaCkIWX9=ao`agDtcRx zBZGwe!_C&<7^&lYN>{OBBt}h1Ng8~F30SJsFLo07KyMc4*=it>2~h+t?Q^gtZp?`9 zsVvVta$AydO`U`3USH@bH~=i1-m`Z3Y_^Y2hgO2@(bLzj4z66@i@fxiQ@t(}ndgsO z{)!M~7UHoSGik_7yGbw|O0b0sVv_Z@S*uw1n7%@_Z=s}gi|YH)Ik$!101NYIXDnx# z#9(ParSSUggBaNN)DZS%yIAi?0D!>TJa9V?sTFCZ%1&_UgF4WmH0){OVr%61k|jFs zM+jrKSbge+sSGa0Jgdc`W1?%&Hk#rZw}`gGnTx z(64YvYDfYse9zo`va&)5vw(@hiXh0hnIC6gS2jv6q-IHNF2>W7Xwo6lz8iFcVEU z`sfSCVhIguY~>OL0@O+w@vQ%4+$8hMtHeTARkngcInOTS7hTl~BEYphnrP)(Xz|2h z*pHWu{Al5H8-3O>KKReB!=;@f!NozcDgIbEwR;92mZ}&I;v&FXd4j~i1Sx|w7hh>x zIVQAb?S0N5-Kf|Uayu@-6*`a+`Wy%FPJxx`b>H{V)&a_{^?puzT-LR1SpWWC%qPAX zCUamn(!#$kfGxo%d*^KAd1`3BagGvZLOr6aHsgtUElrAg^5I)=K@-UqI*zH5R0^SG-E( zd0p$?WeJj~f`2xG=Q5hN6n#BO6iBKrlH&25qhk=Dz(RNkP2X^FpMQDZ6*A4NMljoy zogNo(1hKB-pT1k{f8niGgnnsW87rWH_k`yP-8TD9GToUVw9^N^MKE*3{=kqEXXJMx z!DSFI8<=w2bo41yt_9M;43d=>Yj&t5)=e0XQk? zAlJv+0#r+jC9Xwa6{BU`Z2?FFo;^j`sBaI~xmTDqP*uRqH^|{knP579d3X#zWVQI9 zWj9EBgrj>_yG6%9(y@+Wg^+s8K5n0_>h+ZtVVA!fuLd+>Wxjf!QTn%aO1SvE1>B$F z{KFq4^~&_l=I8XX?qM^2_J>99+B_2ahiW|OfT}gi*7!tGkkjFY(8-N(s&u2de(U|!BD0!ISC+Q zjPtAO$6My-O-H)6&SWn6pd^@G-Bi~hMfB`Qt$r(s8KJmf)3t|;# zD|4JGKGzWZW;f+fd4Xf|y<^RJx;u{!;}pd56uJiEUvW->#Yp;1?tSY{sJN*)ffop; zLRM1;{77R!FR9ryE<{Nh>(CBDAG*Krv?8YmwydP%Oz2NW4K9jCypiG1qKrYR6_4(M z@cVg88^%1;Ny-_=(UQ9q)?jb>m(qQ5tPjsZQhOvK0*;c)3r8#A9of^^5?!Ap_{n02 zyfHan8!%FrD>H`QPr{bRl4QuX)H-qG{JULb(y|kI8bPo;+G3i%V+57(fo-v85(+v5 zQ@MQB2vN$*C2^V2HKm0nPiA?3ppJe0Kv)U2a+RdCXK3@FkKco0fBNny`ggkVQNz=G zQu4tAOMedFNQL|&&D9X$H0N={UFRm*IjKfotadtiI>l-JrQGny9xP?3X$*8amZ)Aw z?tPSw(sPF*k6C$P5rfmmKcfD1K~UPW?UWB%~9GjW`I+|4eLqtgF`K8M)H*-eA(B!L>{< zNJn;=Gv(tN5yUn(wMFm=X=h}3eNm5C#UD6&t2>%s{GzCyB0V$kCy~C{!OJJbnuU`U z3}*6UAritYd+!p$lO*^ceE|{@(*Y{jqzMp}>c zU+-667)@n7fd4e5+Xp(o95~l8i*jUrE0eT9wSIByIQhN^fGg9#^5F(O>6OB zlTw>TvT^OHMcR@#H?=-?c0I?GsDDYq%5!2Fs=03U~oG;ywvJ8ZLcfNVHAuGlp zyD0Y+3jTudSo9Y2sBo{0tJKrXv5%V!LEgm22Ln#i;_TD4 zdvlr9$wS2(uZIJpm(JA6hs~Ld`C0wEDbc~PXM5Vzo>S))p=`CoCmD!N%{Iu}-P-+Y(5>Pf^u4Py<*3M&JcJtOUtI8ijcJH% zccBwLvpGUx;@S?~)IBN#RmL|+-FX~M@-8Y*SdRiVTsO!|TLcyAMHvbY#m-)8iZAQK zs4Q3Ez^*k^3*QWPYC{g`i>u%u^d6{41m?FG&ut*Wq_2~O6r=iep+DIWdl3bUlQ(}z zp#%z%vmos&Y#`?|Tq3UG9j5@1LlBCK0Ne2gu3K4fepO?(V|nzkOC}>l|*T%+Xv_fjpoGR%rD{pJ4+`GxKKl^oUm=SN-4VIP z{adye+Wj22oU{kJDCXC3QS|Mj!Icbb8R4f{^IE-H4XVW{wI%AD=F!#u*NUT zG?cD==`W0whzQRT-EK9>i(JeO&Wt`0NXNQSh)`s2UI{-U?FYq&yIaLtL7avalJ+=_ ziJUc15!Io;rO{^7_Gh!ADz<~QH4h>#Ma)Rk!@b0O#^G)3v-fTDeONJiSYC;4=9WsU zcUryvS`1THHCmk2jgtoxZs9OKyq^yG!C!mL}97tk{ni|vkBa0XNNC^+h{)p zm%$Cet<8N_H%=;vj9rogO<*nDRVKU@qCXsb!uh{RimJvmA1mvYwkV-zs8N{~)@+sL z4a-8|fAOVogozkJd#Wzf8gW=2pgwCR>-fch+AFaDMoG}QEALL+%@JeRF*`g+mL8>! zu4PTiIrm%VKVdcZ#Z1{GpODX-m0*r3L0f5Sm_reQQLf;^Q3M3|LZEP!|H-+p?Od-} zEc?bY7>&oTdl`3>e4H7$zuNkSH4i>;^+)3nTprGy-oQ4x&hG4!r`+PaTbAh*S<*S< zW3TV`ZvjT*F}5xa2K|Z<_FMfDhGRwwjr^WT1C!sWl!Gp=4Sy>s7KdGL`4rG*cM) zO(rl-Bkd@+jbnKR$=59ddkluf|MpGO3`MTp_Ll4`69ZHoAoo25C)#v!|vjIbZY_m)c6p$2XC69*>GK7NqN67UOaOsmR zE|yxCJ$+m}7I3t`O(uEC>_l0td!U)~H5W=Y3+?F-BkmdpUijfyAVP(D7N|H6oq)oZ zGi?V7|3%(#$BN>poUsg6no>s*{_oq%I`K(BUOuyq*SSEBsW^1lLMiPgr$U$0WMXH@}m1EH%}jro2@Z|7NQ0?PmPL zKJw2ZBs)t}czd!BBfk*nW|(8NR_nV*KL0~kJiRpF;c6qr@t9<0C!fVBCREa#ZM7RR-}fj ziijf=F?XK)X|heGP(D-%SMwn0I=qWS>Q9)SLJ(Y-rMFo#;uh&8Oby*a9mRxtg_@gn z&C0|{jvm)Q8!VAB)E;)7IM3ZzzM705XP{H5?A37ANLh`eJ;D}Z3;11EeUVa3I_9fm z8THlHy#?(i&`QhkYY{oP_&4=%Ud>7|2P(2lAd+Q!sfg@&tElZ4wh zly+7h_X^ELobFVq(podPIcuo$m`RSs`0z1FHcHhiLq$0Bcj*+Gt7bEkU0Jo0ewu%) z?Vj@isGw#m?aMwW1y%1}Hn1frcn5^3U|TrP&R7IA_XUUc>>D-Y2NZp`3*}!+xYRMu zSnwkJ8b!~o8Dgm182&4~mXEhxLa}{)*NssdxHm8O2Sf!k+uBd>*0|;`Su2yC zzNP+|k|CMVX0VmX5vmryGEmCY;U0)VIwvQ-l%7b~W$PzxYp0rrD($uPOm+~I zoRok8T)~Pen4Ixas*G>;-M^#MhUX$y^sU5S%uydt@|8AII9EpP7bhj!GUL@aJSOi; z3m4q}+H*ucYi|!j|Jrs~$mpeMCdsrWPu|8!Mu z8kT2efajpI@?MUnD3G>7Au=BzID4d49ebgSr(+qhb)BvA?!xBLZqj}SC?`U<0bh(w zUIt9IWm}q0mvxApvwvn{QN9Wtkdk<}Y&F0)AX?-;6M8&br2KvZ6nQ8^Eq@r3=vuW>7v|UUo{CoCgf#L^eRMP zv5boNOwrCEZ6#Sm0*>vU#cTOJMn5N!Pf$)m9!_KFTT+?>6C?+(_Vm4FcVkLOq53A% z`&3+X@#NnxPdSZtmFk|EEE}4@L8v3Tw?u>IlKML#IQC*r=s}R| z8}tc%0(TiDbQLvEr=At+Tf9rUlqSJO13>Bh=kbTA*%8AgfGyR`hLG-v8m{1~7#kCs zWFPmGI&D~EXF2SOsoxG+jk-&kEP5fVfgJK5X0gWMgnUJ`t|MtR zNfjgQyOy=CF9!6gp0z^hA`0+(QoYjdbGYr-=e27tG|QhaSK3t6EnsFkSxUi&mF?WL&$OGR_HSSCMyNf?5h%UX@G?446&Gj zZ{a@a>}*TZnnYPrt=c*j{XUXh*^IDP)!Q2ssyH|zAY?>zH3&!89Y1_*TnK|dIG(Gs z;nzI2HS^pdY1PC(fk?RTAqNMRzTl)heaL%mdRardS^$3?oLmnays3Clkq2{#!lR(p zUu1TB7o`4O?E*)rBYW^XIL}J5X^&{-=4_CV102b z!sWS++{W~eG4grY?5ZiS?3CSM9H2UTwZ+9@dGMZ5e2M+@_&8+1^reI=4yJ=(kvuLy zrUD;ClQ4tz)RNc#dKk~)z^_Jh`2IB)skTe-PpicFi9RZ*X=q$IX5YXD7qEDj`=6{W z1APhtGwPZ51Br5UE(y z>h;C)S?+h>H4Yf}&0|#AUbf8ajFiuBiszL7l$$H5s9e~W{{8b*m5R{ZjCiu38A?A) zpJ>pRrR#+3oVNlLhF~szA@46nOjdpT%x0tPYIVw1x10L6XlaloEg2@&3R}^4ZVgQf zHs4o*VU-szXD6XyI5?l(csAWsG}Mr#v=u!lYpp}gBX3CVPAvtIX+j@G0lIA>b+F6X zF;m2HGko7hJ%j7wCx>#}s55ud)0{Myq2z9?NY$La&0YaWj}nIRz|Z{e#cqD>gq2gW zIkr=Y8?gyZV6GSy;T7t&WA1q)n5Z*BReAGR-2vg7?eJ_*y|Y*kB2mS?uK?5UWsedg`d=_^^;@Zmnvp#XG?V<2M`PP&8=fxLLS#=?ezQT8UOtk4>hLlE#6Zy+M+n$ zBkZIdMZp@FGI!c83LZ2CdWcJ|R6i`jD&7!86h$(f>ms*`;Pxp_zlGpP80g3(Sry4| zMlF3u_U^VrAw&Ck8VnEZx@yNr2(QLJVn}j#?V{&$gRps4*PxpGOi|-zpNpibWLPFC zrTC~gtVP4taBiilSvB~O;6toT_cUfjFuOqwK=w80E={3>e_NJBiK!N&RxcZ4UOPqd zad8-nhA}ruRkvu+8RJ1tZ1!h9o&|#nD!@ahUy?QD4a;SS5m6;T@A$Lq+)|?}!0!MV zi?TEQ8W=&}4rMgf^0>GA86i%MnsUELr`u-lRq4Qj;w8qeKG9V+vIvC7ZBK>?e@4)g z(V*B(!?>*W+U@JXP(pc|TE!=}#i0HgJ52hl+RA5;ZL4r60=i!Jmm3ZhqMt=&rVj0- z)S0Kb_!-MjAk$4$&a7RU4N{l5S&a@RBH~;DJBS8iFpzwmX;RI`F|3qjFvTp z1||juAmp-Wc*+lnO6Y+!kJv|@}>jO2h{ zL^FzGv}zL5wBr(VN)o@MO3cBYF^fwmlhDXYicZKeOlgjSOyb%sJ*t$(rj$W4ijgu> zp${NZK_DX0Q680^0!og8Y$azHrfH}qWaw5F-C+^RX(d$a6eJ{NjX}U*<3hjWe$LKz zJ`Sh##Qu~wq_$@si;vF!$B%Eb`{753{$&gFWxfPr+VrCP5h8sd9DJq^eTUK^Onut{ zamUO*>h;lv-r*1KzYfm7?cO(^I*09#8whQ8bvq`5&AvYWR6Twrubtm+Y6Q!g<>tD1 zy}QQfwT!zh`k1v5zIDqUbdqhlm*$#P^**l)`PCYrzmzxE)LXjjotap7tvIxwsGR}f zQF^D>0tK9SRWX*;;N=9`Lmr!Bt?a~o^vUiwv#vYG^;y(%Zi(TZ|8~!udu1HRQQt2=UdqFS>-Zlb|WO-1m?i5-G}df=U2Ha}GqHJ4Ved_ZDI4 z%-;T64NGt+=0D3vJI@E=|EbV8{x1uSiG!7m<^L%=ra!DK9RDBX$KPaF4K#6-|0>~w40#ZF?WClnMNl=`LS%g6tk@{Tyk3LD6dV%oRebw0ijfhjo#n$R^5@F_^m8*N-u0Y|}}Xv`lWh8ROL{oUi&YtydrQFD_%B@2r|`)VQk zLK6>Ah)MG3rx0ReCFERa_HjX-YU@25)kJ)j;+iBU)21Ji{lcN06K(k7;OmAr zzX6VNDg{eOP7&)QAXyUuhYO6b9u9lXp8hS7diLHm7zOBd2wel=Nig2Z>;bXYtfYwM zjhxH@_e6uDP`~HRjxV+O#r#!~QhtGN*s! zKWzPfKnZ_;+U@1__afqhm=;^G! z;gCWuC70Xx_l#OrCBT2*Xu0@eQoUwHz*hIG`4XOEZ^gFoJf~dnWI)61Nby7Iv}tV&x*@35NH)^KAR+ z#!J3C@3!zqfM1I+KlVY%qut}2G!9LPVqEls{5j4`dMBZlRRAXGpa_jhRVtCWXj!SJ zNt`-Su9{Kcy5TSnj^PAnox)sGZafId!7V)JeM?=f>RB z+?4Wmy!OEQ74z58P@AQsct2VV%reL!Mrrw6la*lRK-;mUKFptgN*u!`q>UNdh&WQcSU89E*Q z>gdc@1iO6vt%f3ir8;CQ^~g2(A$wbpb`nvFBP=j`y3G@nMcRk&^77l8H5UQ| zpw4HGF0VIHl^wf=ow|Ko(@?o3>XyPYF4v&tmZZu&-ZeE2gPpU{i^}S|SfZS{vqfj6 zHHSAjQal|5lEH5+Wv>M{hqc*OS1!}zv)f9gthcMNlx91_j+v$olIFg~g3CMAIIWy^ zY>vSGk=ZR5zSrrA{fIvVpFTy*Z5w!QMQpcp?ci4O~sr4=X7(XIXmZ}PqbyZ z2DFO4+aPK{6H%yI2xY)ACk5?ImMi(Vo= zSj+1ApBG@!c}d!DU)pZ*n!vT6$C>4-V8*6(!QZx8-$YJT{t_#+m&7cJyX1O0rB}Cn z+k1#=@cirt!nqDzX&;w9YFjAQfXie6X6+Y`A#R%hcTfkM+92#JwAui-gs=(l!g&p@ zb1(M}MNbg)Dgagi+S`y?LE>M7(@0NVF;%(5dvC+;peoV_BK$hJalN)GZ6NzuuKOQyMDlwxVTCos@nkA7EJBF z`BuoLBP50q^39NL8!m89k9NejjS$fQn&7X0zpKnBx(5{EAu{c7;aODnJywb#ri-Au zOAvWmq;5Sf!6@ok%r+Cayb)K!)AK(8-SBRI7Vhv5+YNyt8F?mzYV-`4dAm-jeH``)j7FM@;~Ac*(e#fvZ# zdC5tVyNVdq1-F)L)%ndyvX>UTx3XMGusjyvwnef{=`9Kb$I76##kNh^ZVLI#YFvpC z78KV7+fAV_N=(;OzA#Hc?2Mwt}wn3RZF6?D49-YkN9NyMIsdrirGC?}Mse+$mmf!goMb_KW2pB)Ny)Rq)C;G`orCdoxsdK{IN?ChjR-`07PGwBT61_#a^cZ%QCdmq5~>?K2L z&#N_1u`idbyJ)YQt;xv5Cn!xIw31v&@Jz(C7+-1d%*3>!UWt6fXPZ!LQn^)Ro0V?r z@C?p0H3s_jJM!>w8l0}RyXm>~o`}2K7+Gp?jaEg4ZH zl~FY6WXw`#Xam(P5naZ_mS0j2x)hb63~MD>UB=d&-?9|5p$vH;!L=05t&DjgwOz*Z zoR{;2@?5a9M8PgiEgfPam7)?~p(NXIT%eOM=_Fbsngsj?0M1Sl}At^lUz$sK6(*85rIYX z9~7scFdPz`#vcPHRdghWy?i9J5Ml+i2*H0xWYzp%Nh-@K>`8$ONQkC+v`Ik^aUkKy zm9i0KB$}$~Yv*-~td0D1D#?_ih>S#QG$#APNoPz7UKJ@oe*}o1$A55jG?{EjX_8 z`7Id!_Z~o4AmWx0KcmDiJah?^TcF~WH9w=xE_`$epr1GG5K=$K(JjSwNwj+laml=y z)9n!Vbjc-{6UIVBt^3Cs_3`>U%oszkh)NqnR!5pr0EVE!WMCO(KFuV?Zj+wIWnzdq zuc}FlS#JqO-f$|UlNM=!qSj|pH744QHR|X{-%r+#mU`krKWN&HmwNh3?ufLeZ(L^{ zS8iWL?$D)X3Oj3DQv+JL4MzRgDr^ zf&$_o`%TiolnrrYLUqzWSqw3zQaTwSPX++5SSN#E8c>l2Oo%Do2^7F%P@VW$lW-q; zY14EcqDfPTm84Jy_?k;(uOx!P(Q|08hMWrXGfl4?J*@RUlx`V@Rhnn&ZmrtI-3!8J zuWmv6mCe17onqic(0dtQ`RqmHdqq!;{eWy6MC(4nRIFM4)N>P<;avImeb z`XBw|G==xc){%P}Oj_AAp6)+PwQj>T;? zd<|B=f3=>!C-`>%Pj-l~0~SK;nFVXi@I5Co#XeeANINps^hkTWA^lu>8x()Pydzaj zU#$b3U(oJ8@D=qNg=+?5E1=T_eJkkWo{?a5v4cBjbkYOg-k9LTSkOd(-RNzgq%54J z_{kL2enOlt2`%2Yq1;4Cwqu-8v!r5trCAnUd2%UQr`%8E3tpB)wxr(DC?mtHq}|d` zD?_cM+0u9;!>y$I+<-d+Z*km(T~|hZaoQzT&uh#|^YQ2FOd-pAJXTZ2fluacT)X+ijRn%1o``NzUk7BiJo@*eeHKOzCrVMTK!@5=VhOk+MCS} zgr36L`)nV0{YCeeYG2&ll~xw;DFGHN_KDVqY##>xvDgQ~H%Y&g=Q?P=py@jvn}F&% z_?AJ0HRw(Qj;jD;2RykxNlu8;eYmV(X9vECcW1>G9wP*|g>Y_3^|^7y0sY~gSFNP? zmNkS;@$}nh-@D^7NVK5`p{sGr~_wJ6Mv!Z!EC=NG4+gWNel;(!8nss5D2FP|~ z2DrwP!NDed+<>}pA?^5UdNS#8l*6IygWLmH6XtS{g(Ti2Y8I;CF+k{P*K;&`#wlIT z^D!pUdh0Vl#QXfT3YqEM{#yM|6#_yts}(dB2|-r&x(KlN!&64 zm!UmXeG=KXYItAcnfac$NVEj5aoe^1sHC5;gQg*YJlPO|BGi(nnse& zwfl*K(iR8p5?920VQ{?_y?%L)Cv8ac7qRh*9sZH-2}jI1PW?(G3J@c^PhUJj%fe$p zxuOxF={^U#wn%h#1m!z*kWBw5+8C)s6SrX)5NbPI5W1LEH zM1Zjzfuj#-;C*{r^-P5A1G?uHL4VDy=yy~43sENa(1Rw|2feicjRwn=2joMT@f9F< zsPYwTOB>#(o|BlOP-O!080U{q;k6GdmM_hF=$X1%PJ7HmK%m9w|zXVSYOFVI59E`ERkxX2hMRGC&{7-MMDT6>3RaTE#QU9o?5rX;{(<4ABdEr zv({XnAG`SM{p{r|z@pMKB*7uXa&EwZI`9cOi98GF_U8uk36!}TElYr%#%wV^y}c@& z&P+OgoFbmA2QAT;|DgrJ1Wo;qGZ?Xi^oe5F7x`m4CGf$k2TO5KZD-%`gn;*qDp1A7QT`a~?N%43$o`?G%wklR9>K%;hOp9sqosI;r#B zZ9#Zj;=gj=h`esRI{qg|#X?x;kAl_yCeZs)cUg?h7HitagtUYuq*30-jRl)^E|*Jk z{F8iZdif@`G9gYaZ5!MbH=ReH4z1fes4pO+NI9WFRar!yv&oxj8|H(aOZ>*uL8?Ex z6JvBz-13j2+G`Y93Lf?PtLm)@`oBWb@mi0I)kMNntFS>lW^Ss0Z^SGYG zTTIgi>2d@3y8n`!VlXl*Ez?nwM%R6Qfx0V)0N`(1gpMRJdtwJGm-wJ&{;Qq(%sS?&;6Wf zJogYYrqRqi6Q$%mio${Nxqe+eh(c@RkgA z#97W=y~b-4hHgf%aj!UEI!v05AY2Heu zqJyl1<(p;|0tEL;7N93d|yrwXZcD6aHFj#MAwVR{&52)b({Nx6FdU-LC zYYvM5a8>9lN5`PZ+8Q@b2IX<2S`aO_p%qRVJuNbEgEmbDgI4et=ZmmuXguQvgyOpR zxBXgdesX_h)$blm6sC*${__#UoX{*vN86q@43%@mV6l&u3X&hiT0LZ6WJQ+pD`f0W z{31&8SkPaxV-o%02y2Q%zLHHM(+19Av?Gq8CCcy-`(=&Us<0V%qpanq=`wR8O9j_$ zbk))|J|mBan8-Rhz^+Q$h?M``a-vmLhHnhhrYAj<-o;<4&`Q;{Ta(RChoCF{vSBA5 z>7-912N~)Tl(rjMindy%9!DP+2FHdjMWs4hqw``%zx$+BYe2SQUOuym?M&7XPd39& zVVHR}po#U?@R7CnO|_f4tUW6HT#HhPxylsk9DUL+{X$jw!wJAeHxsZOVJnF@Cp<*4 zC9?#4FjA@N6irrpvP#iJv0Ma!63#9aO2`Z0J=U&$_gOeSF2waC3Q-ipmn)h-JB7WR z0ju1`v8TkAlU=SwLCVwZSZgI)STve+&?Ad%a#(<6yR)AQ*|atJXQ8eCa43nZ=Tsv+ z9rtXDw%#BvjX+!yZ_L}2C^KMPx^>co?5dxZZZ5;BoCw->O}1J@jB{_|F}bT7w(RYf ztZ3n^v~%zZ4Q2b&o{W_xmVlhP{z15h$Gx_zU{II;6QsL4%}~80HE9m1+DmXVZ)>TV ztHr_Jo4P8D9poz*KjTfALvN(>UqeZ2qbl?WE;G2lHr$e{?F(lf^UA=|fBSIq*M6aR z^s7HyWz$y;V#9p92$#rg`_n$C)i$i$c%I`(U8`t{oisuV|;Li+3l$fqmEv&x5y%x%8#tLE9$(XYKT7v8*bP~Ix>jVaaU zjEkkGA4XlaI$2%y*PV}Vn_m5&pCd9il+ib)C8By^JnRRUFmMz~ z+>MeV{<)+%u*8k(Jm@kkTPj;9n7twu5!MUt5-4`^q6Rln+m3o@SoUHYeA1nE2FCZ# zo#pn?(c2v7Szxv^ufR;=V<-EpWjA7$jbB~q-q6-IU7fnMBY0e3o~Cbc+XtlY?;E`i zr{VuX6w18UBNBflu2(l|y${@NM+6`Vg_M)2NGH3X6reUC3CB@{4>vJjF(O?s_nOKE zbNT;+ikCNTtr|Y5q{v(}eQ<+uyD6EcaeK|4!&a>+TDeK<{mWb=& z7iKKRrmapQv$LB1d>+an1VL?)QS$FV{lCt=@N`_J;E%vpT03^)G)d$@Th3sczX8w( zm%$e2>wudz7l{>8hsVq$*5?n_M{Y{XqP3Y4G)A({Bg_W=5VdnNX&`Li;`Rd zOFg~BDq}IR4R7MeFKe~_4*h}gLj;armoGR(BXQUF&o&h6!aGfMqnb9N0C6muP_jUV zHKe1ZI`q_$N@Rq7`^GoxuMDw;Kc9njmDCa)r2S=M4dvaYud2!NB(e!-l#`6VNoV4g zImLI2=iD7RfBmpPonk^d!rThzC9?jB=)12;yllAe(oA0=9X zZ8SLGI=B;N*P-Y7Q=^0UtG&<2^*yNq#JKvTVp#ADSLQn-pUc)RbkS2#Q8!|-xXdX9 zk11;jS(vK`NmLP@qvv!9J9#*j3ZZe${BN1}%klnI2Gu(G~DxtFkn7MRk!qBpy+ zvX0v%yDKJ(e-gjp;OLtB`Mx>sq}lO}_F?xcIWP7VUTb(>u9qKmOl_$&f35za$i(42 z${nR>;pKDu2k72*f4~7jaoroV0iVq5N;gk(2ADz6P#Zg73;$(KIi9S5=7S0~5}I+O zG#K`qd`KpDXzDFkJJ2cN73YeZu}ZY{#%RA8u>9?7U?cGXlgd!=?YI`y6k?CGxS z#!u_tVv6$VA_VT2E-3!gM=X9L(u90r(tMwN7YsavL1GF9!toRb3<`?N6&QnInG}_y zJ^l8br&7Hq&CF`}FPs0ENm}{|d$Qw<{oM52eZl>~UGd|oEl`sVBgWf0Lbqo*Ig?tl zm_QjPnRh~vtkwZCS?{=HfD%QtR%l+jy?icsJ7c629kmoj9=n{9`*1qJxYW0{(?wTc ziP9j!MXtSC%zS8qZ3Aa0la-zZ!Tgb9Dpj!`shoXEsbJ6tEs!Ia$r)4Nbqnd-$hR*5C6I&SO&St z8$TMkDK9L)KjYX{h=~;o04oG}Ui1BMOY4Jg9^HrdBX}J!X#!%!a7eX)>PRVkLV?VX zOFAf{q+9@bA7}4S0x0hzo-Ggd=otv(qSwdXS`*fDM}}-&K-3bUON`5E z(ISFcSTLK^__q1Q>iK7jnTb@1QSmOUsekTMF&eq>4XxG4n~u3ZRHHF>iP`iooM9Ix z;Q+-Q-PCVK61xGonG*_`xj=_i%A&gga+NwU|7d(P>b1Wx8lR=P#8a%#bH(+sHIce5 z&{qr@9N8GDKgPiY1tiTHxRBFj?B4?Eg&={OIjquT69$YT*K-wC*9usXVcNpQWXDmH zA9;2M<@P}LC*JiXi;OT?PE&qUPBKA!gUVMHtJtKuL-JY$8(lb@sYRXSLWQQS88e1AOQSyRxx5JE05)>|&j^&UO&T=w)YTM+GYX?~gMfP|0}Ll6D~yOjS-e4^SfHj} zuqDL3;qDPMSOc@)(HbL6}5LKkm?lQ+xI~Aogcv3<*m-T@70*JZS6k(4hyCuQ49X)(c8`-#3hH1 z&)dWsrbTQzEY}ALmL;TENi+%jz=Wxjj-SX0O3mM%epr6u=k%OeOn2YXe*_ zaL4&}8@B3-{))b;G7>sZ=u%vOBxQvShhGSE9&9CIxON1(Ibvj`L@rP`=v6S&492)h zRiIidONxZQVo{Abaiku#lE1;yc+&zWePp35kx3>pVDpsM8x#6%nfdW9$N9yln{f6c zr_#P@rF1pKo5cRIzNy#rrTDpc7yiZkMe+oKIQ|o9v6*yei>JUdWKSgax^pJ@LuPUn!tWZ`_lF< zFarDV~HRxauvcsY|+x}=KF>||)bv@lIgS^s^0&SGIa)b^h4MU&}}X!gQd zpiwg`GCt}M0sJ)SDHO1HV&iidycT1=V^?LH>1RiIITdr8!}%PPjV~*X0N`{}nSW88 zQXhq&Mgi6G@|;enmIjU?XxXHHT*5B+dJe^030Gj zl8QTH8?6HF8qOTp{!%L7nqc`5`EXE@TvtKfd5FA0lVJ^{)4MNbg|&_X%eC-gqO~H^ zw_m)o{ku_e8?c*^rM`Bpwv`X%b?W296$7%lRlK91kU3F#e>{1gPjw?UIQ03_WJkoVENK2K-eo zU^ad2-v9Avn9*A+YGS8bdxG_-#U=zDHo)s8t`%9;Xw-xaiA>9t*tPmZ`!~_`$gJzKw7UWnr?mH5EV+u+b}d1OCZw0 ziXRl+TFu7~Pw0ws(Ai#ED*mM3{ocpmM5uFWpCe|Ho=Kd_ob>RBX0-be6l|rYmB*Oe zI|}1-9{gr0)j~rTS5O3z05A1GOrjw8hk^u)E=?CJq5-9!>Y+Dw87cxz|CBDTnF0{!3DxP5wg^Hy$S2# zns;4WvZ-#+S8y^T8ApL$PY{`WOTw#4BrsKUL+K4o`na*WVQMxlmf!q{q_*VS5Uig> z{v^h8_<;%1n*P;~mGmE$zT9q^Q8z@|-7-YHD2k$Wk|&2!e|&awGx{m8Sc_|xdwlEPQsZ@ZHMdCMRGepR$X5$8RSTCo4~7VzgYPp# zA};pRUI}k5L5CyQ`c9!m(vnE1VI`M$d#>7~v@Tp3C+)`61dWDnZh?D}Bj(R{1fduC zmfQ!QhgAk9G^0UPhoRB$JHdf9TclvxmS~{EvFUZorFGRpx#ZU1Kn_CfM(hQls3jn4ZMu zRm+w&yI#b9a2(!TundP0<}pzL=#wHrKF}*gdc{Vk@tdLBxTUa1;2me(T)cGMY~-si z!HQ|&ZkQVsknxXlfMg%qGaP#P`4jHg`CKn|4TnQGd;JUv_x|@xHec*3zO)#)`8S4# z3SGm;pK3*S+{h6ojS6%Ha1(q+f-;5LIkS6JC4*Y^C%y%&FrJo0@4nRG-_*kT{k-aD zye?rM0_8()-V%5vZr6O%{r0oiwsXedSG=fLdFL0sXOUtE-T%F6g?+h$i`SioG83@R ztvY2Y9t4H<%OyQ;@2Y##yo?!*UC{ZPi_E$`k$o$ z;T-f5sB-{{0n7|}R^_;d=#+!a#H)bKS*n5Xmh6a)PAJJjuH%dgr}sTqVib$YsR7FE zxX*stu&!V7S|-;pQ(_!*&!x%Mt|2d1i5O`c#k(cbuAmcAeeyr;@mBiVTu5xW*_d$H zp;(M&kG@cYF6T;-Y#+2ZM(l!X$PrYL*i#wmWi)hp-Ei2J$Y{NJbv*)Cadt|Wxn=kZ zsusn~ypS!m?4r2=+`EBY>xTTKZnp}EeoEob1eRx<;YgDClit}ng!jnVX`N+vSb1z% zTEV66i*0t&q*v;DmyN$%Oz;BkPc)hFll{-->ks%dem5*vVLog%qG|3xhzxlveS$kBW**rgi%f}7e2L}1^a)FJ??>x&^!ar3s!`@MW_7K zE%Sb}iOH7au2k5LS#nDIhT>p%@gJ=yIzFYR;o?d|r-!Z9Cph<@DkDpPe|{7OX(Rmp zPaa8}ENon+20km-)K?(pcgDfJ6=KZLsVO&TJ3n%+@j;WFj892a^klu#3dRxem%L+a zH}n@5zf;U1-neJXqm0qF2A9aLyjR2<_xje4_-T#dJqrU80;J>lkZ` zcZ*JMIcKGXUSz64!uV$3u2{)?S-EnCv8WpA<(aaF6;Pw;n@*zM)mT%jhPwGD(8 zx^w0f58QcdePX&v`5b*Au1dgQ;v8cjqkq$4(j=2n6EWhWcR}(?xR2LDSs_ML^VwJ; zr#t_MAJq2@h&#~8cW8X`ZzIqsYjx(Z6|NUKjlnEwA?o)V!XHmaztTOQYxb|y4=2Q$ zf{w%2+nbzj4p1i0K=A!@B+z47NNN&v97X|wzrVpmS(`+LAeSnd`6$bv^21`#i^HVm zwVIG=5c1-fi`9^aVXBpVnws21uFGsKvFn1E+&|v3x4YYIpfKaU7kM7j|L3M@-T9@< zZ}%}xn_gOTRDaex&QXKbS98G%r?amQBvTKm0nm4X{yT$nlP-zSqURCaGZ8~8;uS}@ zHG}7fTA3_trIP0aKE1-me z3pln|xAImP<-(AnjUxZ%8fC2+#k6k8!pTJVp5Ffew$<-U_@sVk6F1TcpTgg7wDU#W zp?C`sp-e5TGOi6?x%Yh5Ytxi%d~AN``g9p1Wlz2$a1f_oIyA{LBWz(G_LiYvT8A;2 zd?Z9AwM{B&C;!l?z>xC7-H^*J9ZvJ@@AQ1`afchn7DLj|%anomRE27wpW>zrZ#+l^ zyjC&v!yGVm^ZB8=4rC)WC*OGh<|l`@7R`MTSR+XQ$+p>XW-W5Y^bH@4A4j#2@gF_> z0QkA9I+o^zDyFE_K~r9B`t&MO4imzFY+!~?8L9i-ZcK^gqX|OEr00#*HL7);`J&4M z%D*0t?5SDfvhMUx;?5v8sMgAgJy{|8c4tIm_y>;3Hz6%1mF6M0$mp^z{wLwIJS)Tf zTfRTZlpS{Di$G`rx`k)ax;J}|{h{Z)rc)JjeK%8HyZbkP|IRuD&wlcct2VS@wGa_0 za9=p&kOX)jPoFGG44*}&{}k$)C7d|lI!@wMIvcD8XeGaudQyyk9|Y*jfA4_oGU1!r zp3(5c0ev($7<}|a6?(r_<7W~38wJ1Kwc0XH{lV|MzGu%O&!{K-g}OWEc7OeFsKoa` zx5R%ZJvB2%pMK1_SrA&l+LrYyDe^BI5qNDpuK{CGRRNQ<@9XH*!l$FRNEB7`J|}ap zx+EDtIv2t2;Uzdx;O-^Bdtcm!TfWiGLy-xel13)w&)TYVc3qp&BrwZMT{2!86<q(O*_kywrfZi{d3LcJAsKu$CG^7f z&#*_~5$bylpN6A|?NYqS%<%bj$M?ySLQcYX|9m(lC6Z5WvK#5l*Z=U&b@+fLi;laF z3+HJJ;R}u#pM?6}@wrqf2XOVi?hR+#12%R~--?6>ADoT51FXg_itJh7-2+(foTm`q zySH#dls|qC7)QQDK@U0cf<+wQjx1k@O!WieM!$ z9WXG-w4Lo@<0w4!0$T*M9eU&g*RzgMyR-d-AJnuY89@a>MVM{427P zynhazB*m`Mp{vva1xSzQ2fAqWaX+Oprr0j$c|A4YqyUSsSii##hm3Lb2dnjw@CAy0 z7V-LtT%4_0x6bSbdsA65+Z&ImtX^}{FqnaAmNIR?LCIF#!4nC zheyDj1#8A?P6NZb*=Dj!sIjx)F|gpY8l-~ zaXuFVnkQ;b=>S%?d8CB4uDTl?gv>o(%OjiG>6G;_0sY(?u=V0q!>*)@1b+(D0N#=x zeMKEI?V?NijqPgQ^9p?>Pcy*0BDqtD^0Kz^xu*G9jEu&B^D9HPTk9uC%*2u88`3O- zwvkbf+g~oe7rlGOGrJ{3DgeJ1_iWKA-Nx)7R3rjh{OjhW1oQ15=M4N2u{DmqewUyE zzY=+gW>2qlH>}j@Bm7Q3$2;JiW`vG5(@StdiA1B8u6SyblI+I)j-mIY>T+l+nWYw@ zVa!**Bkj>NWmBsnStPxe=bkD;Sv^aB%pda$`5Y(xri(6>MXz<-H$bOmjvOBS5BBe z!`mLndF0M7_cJm~@S?)c6`gz$!X@U`c2K#=Jd+3g2)dE&P}i?De6_t+1va*v4fS20nRryshh)m-l&ciNJ~J6luYn*LHuFW5}bL>^sr z=C|ow3z-c|H&fZ}9o)MWtuKZTT9f(aN@FX+HA3a!tu{_eC()U=m#FcZOX(i2Z8v=M zE4@$9yY761*g_`wXX>1OAKx1Gi*#=1-^2Xf&%mC_d!4x1X{(v2bmF0l0u|f56LxI- z*)3l2;fl*E&o=#>hSTiXbq<-|WZL_}1j$Oz@LnO_>T3_~-pfPe{kePSRr;@$9%i8~ zcYOb{Eb?OQvxkx5&N~Yso(lBK?w9S=IfGyMI&i3LA&z!dw0NWG+KWbs&kVsyRLuT` zy@=y(H#XAUmI--&%*(M)zC+KWM`pL|?QHfnHuB$*JvYhgLzOk-)Yuo>RK^9JwoWxi z-sXF-Letu0jY_^_waIoTB%`o9d`TZG`|})2 zRKmR#so14t=DEsvf*rJzGLD`%@Db03rm&<&UvI0FqONm4-kobEmeKcN_7h7>`)=@h zn!r^t_tF>zBsu=%Nn)RNeVw?cGo`Yj^cr2U#BMekNq;*K8A%D*&L zc!;l5b7Co_xBHQ~@@6sMxZu*n%_&^P1Cxc`wwU-ip-D12<>g{liR$w5#473~W>1u+ z2-2B_dFyr;a$CA^kk^mo&3^FRfdArq!KagB+*$+wL?8Zfzhck-YgQi%z<~#~WB-#$ zm}GB2_&$lvF8*aP<_-Enut2w2s>P4vaaqWAczOL!HCfK|vz~Q9U>4mp{klIU&%TU) zmPHvo>mAGM#qZiF$ow$xSbQY~mm})=`fA?KApZRGiS-Z=uBQ1B~F>8CJ2 z+z%=#rk_10&aONttx>9mmb@Nq_|XgZ)VJs8$LvPvy2UyzT?60N>>G=II?Qo!NM!8q zxUt~>$>5YPz&}InK)J;WV&cC#Qj=%w^*1|KgkY z=|xBbhdKBK99Lf0@4V~in=}YCXTx3aAV|ysJ^@NjA$DItd%P`A(-v=6zjn^Jcg{L| zba#Eb>)j#DAAI9d5Ec*H>iHs^`D}6(T6;(OyKa7O_JK~bz|Bk`Wo`P8W4)lBZJbp2 z-u*IC7CU{TWkvvW?iu{x{SkX#3&nV5Z!FDfCjI%?Cl&o>skHeSap8*=%K&J^5w#BC4w&9VoJ=j-kaa52dLIT=X%-yTIs_C z@mS@a_LEJ#{qW@ZLs8+`6XYgncMW5-2^Mm>=L>Jp_|m!_EBmhVKF81tsA;-R&fVvs zSK#}Acf&rW`5}{w4fOHEncZjD!zD;$L)+&O-ub-?^9}g{dqIoz+$t~lZeplsHc6*D zsL9{_1bL2j5T6ai6Nh()Jkdwb{yd}QJrZwyrFCv1R z7VOIe>3Zs6KdvvJX2A#kjCBhZ5$Vb*wxXng7t+fDa?B43eHKLI+(&!|rXgvp`UY{8 z$e=(df&0cm1daw_c;9~FNa$ymtgP~xQg9bucs5(>uF`z(NNM#Y*iAz{IZt>2Eh2?N z5R8}S3OVZ^;&y!}FqiAPaVyO$y*l2eL*WooV!E=xTFS3++YCXhm-&n=+frFhxWWn> zHL69pbPxWa7z$!G=?(n`UJ#7I@<39d0yu3R7s@l;TSY^Z$!7{+*eA>y;ycS55Aa`n z3@B$^NRRfm;knn#_{G^$*^Jv2x#q5VQ06|j5m@iiuPFh}tXF!jAw2Mw*MznSQpBde zE&i8R7Q@?q(!3;a=OMt99^NY%oafM}*Pt4}K^|tm- zx@d3|R){;?IZ^L#$8D*hkgb+HV3$XlV%ROy!Q^kv}B+K#!e~%>w|iS^U-f+`us72E%j)hjX&&ur~6W`oAygI>OPN zpxs-b_?Kbk#5()HjQ$ai(5`=M!7l7o>O_CtkIm#B&BZsDT*cnY)#>2Pw8183Tk=U` zwP|L>4cu!1UTOc1$a+iI7pt7klWm-C@`O3mmZ4zBXinsOJks+y|FbE?+L=anBg$koM|+pXYQz&6UG#uoAgHOmRs;vc1rhKaK|+J_Q}QjvWh9;5TE71#(nlD1rEA~ zgfGt_eSst3Cje2UODW*=DoE$$@onbNTd5j##e&bLV9`Vu8*@#(JYtnyLCn*~-7x1R zfJFDmh|pF35#R^aON$D;;l04Gb3F40c{%swm5Y&osF&w(8Sy*UpvSjHl5Nm0kadFg z$ychF1AgVu-(Qo505uKxZBNpo$tJ!7z0kkA^Kar-`wj0fUVq_%Q-t??;;y(5%}SdC zmL#@LYx*RoR{18*oDq+CY=% zR(pMjhLb6+7NEPJp`)OKG9hYpX*$cjI}63GtH0V&c|617sz2k1nM2Wg8rXjC#Sv`& zczIZ^u~aR!Tx4XSLr5n{y8SDMbo&F9=0bVgqbmQ^zpZDnJdnB^$C3@*Rr5OCgJxAP z(6d_E+NV21|9SoA`ewl`uuI4*#q0IDz|+ZOGORy;(EEt;0z@driXI1NgADd~?nE-b zLCsTIdgng}Ig=+r{7Fs6JPCxZ(|V}dRi9s){Gme6Ss7(o<*Bn~RP^pgLv<>C8O7;RP1YgrkGNSTk_9)_#Sz)pHf1!v z2a}`^pqf*~3LT(2j`$PLG?@TlImD=ky_>+Bz^Qfye{}EZtC8^mrxK-sVsi)x0gZjg z_^&_sKgtJa$6@Yezhof(7h~@nD>@YJX>Xo=wr$(C&$eybwr$(CZQHhO+nRmv%;cM! znS8lTn>KB-`bV{z^}Nq7f{)M?%!E(2Gk{4Y^YG(eQKbwhf2LqMrSxutG~N{aNFFxo z2z_G@%Z|5*Yl?ihcq0NvbrRpsocMOHZG~&c+k@Py9AWMJs$9p>lp|?W0xK&lE~a@> zKnCfEK-E4jwY6L+xjaSmth8?ij2Vq>pXDuKEf(8sG#{t1MV~@0_$A1yk*I?oC5$g? zA3X)AkuJ+AAq?vQbJf1=L+B5kc2}KLqTZ+1cJfvd{kjrXl9tDc6SooA|$J&W-<2$J%a*pe{hnPy1_v=qWD&_NmKvOFd|PnLH<82lMx+t{s9$F0EaWLLd z(m+^(ob!k7tKh*j*R7j3?wg0tZQhqn51-^jM5#xxcj&cnI)(HGGqH}tg+8Efikj>~f=*Nm6=?l8u5q@_Nj?5YeV`B@%pgZY;a5KSt9ZoEl9R1oiWD&GE0+iDGD5i9ij6*Y~ zYjNF9jV(S}SC@m4J8~^HHViG$D=l=P{hYunxl|i;vw$pURYQ8`d*gc{{E7mafV5O0 zARlRQEUxE(b(8wqA(Fw9A(W9Sm1~hg&tRZYbv&aL(iiysw;V@5-0#i~iu5W?(Ox{! za==&SzC%lIlcNcWiYUA(23w8tsI{$b&ac_xR%Iks>jG2q1igh??|_nQF_Ua#5ny(O zFhwHqt?{l2C_*_DTXy?T+Me>QL+$tPL+eV z{ej%e-naaA0@Cb2Sh3Nl4wz>+s!NaR9K?HP{eU&xj!{~fRxDL07a~L;tmIm#J zdx107x9CGzN1qhsLmi|MXrVWgNKLgwpZMcLjjQO;IE!*%(FuqY8ZoW=C5Dvj{=uMp zt_f2)Z-Mia7zwVp8WNba)%mXbSPqJtkvsYMz{(7^<9w_Xm@$uv@~z65{7)(xzKV9M z*3~P7943T);BF*`-O_FWHd4bNz&*D-fmQrKP_@4hQ~fA&wC{sc`y_S+WZ_Qv8ifS# zEo?~}?ZUV7R%H+L>2=U7P^bYHk|*2>tPgCPaPYsZYF5peTNrJ z($RSx-Xry5|1FHU;$7cZZ9eduV>4>q--w8eYN%Cuur^ zUk~7(Eh20h7#gN%cG>cB5AIiQC+Znuv5h(j`gxQNU^~QI2zt^pV#^K6D!Js9N9g-3 zHZkyLjR@pxqCUB{PD4wo&}l4`@mo-?SSp2%F&`@*<)qsqG0%~$FsT(zG9Qsdm|beq z#1SP164Cfs3GO3+H`|T%iNrsr8(K>-jF{N>5k@I4F>Px9F2YgIJ~5v13%YqDsgp$y zagVMCk2Lo;!p@$03hD1e3?)Ddj4pdu+V#uO2 z-0{?hkDleL1uun!AqvC%Ke{HrKKA3~<8v%clUhC&Rnm+K-ezfz;rTDiYP1Z>;p6j_ zk2lT0o4Yf_b}67U75ODzL|7;(sRn-Ef0 ziW`Ah4;0147TQ%P3e45dgEYtHV#_efR902`3hB=+0KfnQY>1ct4-W}F-GA3Z!u((K zHs-pyXlwu=XaEF(0Db?jcIp4S?b5N)GyH#k6GmocI;Q_}CQT(s#Uv$^?`QUt9#prm z*Il*m6-vo_(I9#qC<5C#VL7){-P{+5zo~z_A&}@9hpfBp(-I6>j7f~wU;|({)Qw}z zk_n2ViWv!cD5}tt%&P23p1vDsnFWD@$5IgzyKf||c}P22$}M*zR+1}W9ID#-JP|o-b-azY_r`+@Li46NtG&#=vG1tv7+4AdSR6Md z&{O-9c4&15xR^%yg^bJI5IuAU7%v0(N!CwmLyfM8Tlw=8DHl{HoEPYLjjKhG@}Z#F z{t1{y)|!DD7q12LSQex=Sqn2h(>LzJO~>^tn{}Hx6F}Ly{{FW1*>O;DyCk~_+YK{K z&jUc6WQcdh@E(Ayoe9X5y;*>(hc}OY0(H@$C9G{^QN2NLAvr-w9FCGnz|K6mC+Kp`9}} zFFOI~4JQ;#f0fpf)ZoV1E3=JWpe;M@f2$;3cuM0P85>+ebhUDD`Mi8{xK( zUMFV>e+5N4*fZ#36naT&a0Hh|^k78np+vjFc$tK%)M~Cma>CBHQP@?@Y~ImCs9rL( z^PUOo8NIdbO?o`-2Fq2!mBBTYjq*U??f^Z&4(Sy)xZQzfY}dtVH_{cNa5&QjS%M~B ze3zMa#uRZZ&unt@WGS?|c@6)gq z#y4@T9->^vIhcVzLxAmiOqejg+<~}fobb~S&-xUClatt@LMNrvVabHi+C}Z$QG7;+ zE0He~#F^WH+T2y3m-QT} z4S^lwy4X60vZou@wE9l!_<+x@&7cSF8B)PIa%!ei#u3gp@i%2)G(;ZR@S}1lSxfPh zGoBt6{I1#5TiUH3wvU457`vkp4jW}b9Yv5~KheWB!4GO^ianWuBsWWN5Gjci|CX8` zg&zok#=gH84D1W|!-Ii~ipjVerz0ft)bi4B=7sA`#z4SD#Z)MBqs<-Q0pbJ;b^G#g zb!^aNDh|P)Igq`#7-d?Lmw#n2GVC$qjEboF0-qT?T^I@G2DP;|RLnb?)}P7v6T^5! zV=~Sy4Kbe(i-cRkdD%XfY`vmkX0D8LU@?F7)^1k?Idj>+;<5)AxnW6_%gH}6?-Y>P zJ}~OqK6zzZ+|W+KyTjz69%kc-mG1e4_GB>mw@!swPL#n3pJ0$aU#yqZH;bYF>I{Z( zGW+_eH&zZtrH-DQawZN(ui!t1C(%%!bY@k|9(%J#K(|Fk4v}CN1a%1eb5skE6xfwk9i|_*6o$9=9Ys z)#RlkTZ1g1&OhjPu&ub{Z7wT8PIVr2c55#T6527BF%AM~?s3!EhimM`dfPeidcRMG z0n7J&SW%>YwP@QM_0$;*#$J)f5i~W$Xmy9rEAELBFw&A!(2U1TcMBxdwE=uZzTFCF z0RqUUSs=n%C_=3H*Pcn9EMQf-Jf^}1)7WY&4ER396_EmVK^f?9q;jU6)2XA~I{1|2 z#cEpPLStbMz1R}V@G3{zsidOo*Yws497~q;M%LH!Z+-Vp+llwdW(UY05F1Z6xdn5J zNX-WnyEr!nVdh58BUNo}%Wu!(&JO|ShNu2t9e;Yh8sc5<*Q z*k%EAtQ5rIkSM5mF%{dFv!KbfFfj%KNWQThmjY+X!qvCyJNGPM*82lqGZ5p|lbR|I z!*eJVt8^1i6k9HHxX}p0N0srB>$}OTV;9@7v-mUi&G}6@IFLEwW`hc&c{2^hE&31E z2nFi#a}Ye&yJ2Mc2K_TRuqmIyQLj+ZbXjV zb`lfOJGyqB%C&3K=?6p~CS{uv#n}6=rt-$}9vz#U?a8R6s*vq20%ZSiEQOa;5f6|v8}rOF&L|6DmgcnM{*%ZJk@ zZIN~CQPP-p%PE#JDL53P-lZTs3b?ubonN9Zfq=pi1ly#6GM`H2|9-Jd!qd zoXIDBlz0= zm#0znG7Tw&sq9I4>V?oy*3U+r)eg2}FLlY~!gfZB)y4yuRFYAs<4E%cQuF;oz$`jWRgdcUr!&EKl=Gz!L5%cTO zUapBB2Dn+3N%0jKG*%C22jXNs1$GR)=rs?^S`Kv$a&L?=BVW&EhS9^#*t7Zkk+V_o zd&fV*Y-_~)RQG#(0T`h>`G|+jDEo6k>#IprEe_)Z1XjDui_KeSBfAsepcT_}ZO5hi z`Dd3tQv&3bVk6)Qa`nXXT71it{#~0dhvd&=PF(MHS^`(_h(WbxMu^u7@l&1*>*qU7 zAwd1=AFy~6mf2^>Nk(Wo-?Uz!U5Z(-MquK9%yg(0h|5dAnh^Bk;zO|3JRM(Hy^KRk zeb|vhHxm8gmF$QWaI})LEn(l2Lsz}&{^W+~O)P~;bP;jy7K!bjfS0jMjD%2byDS_7 zOhYJtjp)PHfGI54kXVKeycpjR>`ArenYc^TlgJ*Rz0}y#ah;_{y+rong z`nITOgK3lkX!fEIiXqlp*h?XEL{_sPmKc=NpjkcMQ%r@L1$Wl(tUan8-}eczd%6MU zN>3r&ex8rL8NGKN&-X$!Ws?X!p_Pv+3l4JBC+{bAweLj9V1`6fgE6$7=brN)+)|sf zuhF!xWw7^JBRyVPJIU5+${^pJxY-Ork0LkvM&V3|<3q*Hu%G*q9o zQT}WZs((5aJt8$`Ta7YM8a|2yNOB=%3rRv%=lF+Al||h`*ihNH_9JXKQoEWADOhK> z%xd=2E$qyY^Z!1-#)pwHTl_S3<(S#nqi+68&)j?eqOu%_o=w-0cMk+z5N$hqCI~Vc z39n~j$42#uE|B*fh$XcKISoG3F_{N!BKFw_TnCRb$p^zCOA5R6Cwr`=bI})TEXsYu zJ?nKbT#*meEmQ^l9C}cyq|7-^^QxiuxBy!meqOxX&LzQBavwZdC!0m!+(qm!rQM;; z8*i7bldQONFNfUfq*oI3)3erJG}GAZvg;cLBY2jr$rOZlAwH)Hs?^5 z2emt%RU96V7gqAEtROCWNum9a(*&Wi(-lH5xO~KTRIX-hSc=#FrZCOjON__8H}|7d zxHn55td#E9gF6&GmA+;6bSqKM8~ek2j*)ikr^~M z7Xgn#gDR-@3aIulV&AOlE=}H-CuWCE{~~%tzL=C^dPA=4Zzu%`My`)u=cMPbjzjI> z+){TC!N@7@O^fEFw`QFVxOq`8u0yWf25s>5U2unI>K|D2uDoU+RvEk}ZZZ81hLH0m z2?=%piL7>AAeL9Ee`iJkgNtUR#ftx9Jlm*L zL7mG`#g7`@=X8|4%o`EHrd|w(>p)MW^$t+|3XC?_UMKSw6A{XUvDGr1*M$BVXaww} zR{OC~pKyPYT7*?7ARBt6c~4&zB?3F(?eAnsoLDSf!f)n~ z`yS+&`Z~k_R^}E^l<&r3g_&0d6Jx1ZT3w>ZB)>em2l3FmNX?3l`WfbFlgUOsXpLbL zFS=dO@!br>(kgLQ;GHe_4jXS;dW^K6=YZ`|Cd#w-)S{Ae280|$c&D#D(b-J#uvHqu z9`R{AaSG5U009H~i#_j~pF1gP)YvZwg#cgYmm8Xo5KEzIQPp%Fip>0XwOln^kz784 z#k45k_19hY-YYWn9S}oag$>VXuAvUfiIK1{V>5F-H6>p#YwYI@YmJH4<$vUdwo~JjsqW ztl8GTtgQ9D!vADt9lbfSvRCxaCWX_IVl=?oo@`Sx^Ir|fVb2_&iP?p~b57PCvKGDr zgi`TEJSrMxD*N)X7WUK_6vq_jR>Z3YvI8{VnWz8G))#xrq~)G&D>1~_=>%*(ARaOi z+h~ehw7OTspICcub{3w5d`CUBOb9k&U{^aQ1 zbV6#5$}{pPlQ?5d0<){-9DajLk*L~ zIRUd%r%z{`gQ&`^IYLZcE4B|hlE5A*r*9%+NBjgWj$uYdt)HEccCa!M<1jXLIu&=TJr z=GgXAPVNz1RJZCb{U508@GmNRjMXXdK})ztbPC!N1Zw@CsH}}qXuJE&lgZ%6=T+>z zuh0|78x0qKd!!?}iJg!u+sQMVTkKCuKKCq6=8egK=JY*zUvn#S=W=4%fm)SMQsy+f zPg_rb%XN6pfuzoEi6@mk)?IU!0M)D$LPWG}nCm{8KLmY?c;ti8h%55Q zi`1g>Zn;6&Ss~>$p)8hq+i-24mrCWn8=5=a$mxtlEz2r#{gPh|o@D~!Mq5pAyK64y zXxp}x>5NlTb1C)o+n`uH-;d;&7EjBpY1qqQ9WnKLDp73ksOjyh-F;16|4hV_*UCaC z!VOdZ6T$S5)AKRG(St)c?f5k&Y@7@8pk{jL^G})>@5p&-dR-Q|i3jWdW@U9!AU`$w zqV3vgtAAP9rdU+_?ZBUfJ;yAQ08tw)6=P~*Nyu&12WGhws?#wXnuWKRocTL?O@X(_ z$A=dH3(=3V+V1zh$4QMuohh8I%&vZn$CQJ#^dnCb z!j?wFo(q`-;y=R@C$tLiyg}M&Zb8k%qG{+oH*+OM3`;$5yhQS2Z09a7Pa$zN7Y-D3 zKeqz&O2->j>2(+)T@2Sw?@_K4Hi3U<>bJ$tYtUFVSls!|3+yUa1PXt{AeFZN1C~9h z#O&Q%qOUQkAN3H4ew0aE+uoZmO3 zq7F{EgXr~c>t_%dV@mOiI`Ii|xcc!M^SK`$J^1qyZLF38cC_!3OYFdEwIXV8EViyH z@Jq{5n*0>yP7fvPHD`f;J3gz5NJ|N5EybCQs(iU)Way*?doHCj9j-Xe#qb|NJQc`# zJ7L^c!1D7#bh(IP+=n+%0b~m5A&U_JMTP)bD+w%q_*}`51VL+N_b44&no$~5pXKqPvNSp%D^R7sD zVnqiB7gASkJUh-e_cgCI)0geM|9#h|@B-;fX*5}1Zg64b08w7M(Xiauihb;|a`Sj= z1{`BecgI{0<9+&unSj`%#=;_@A_FhtzZ+ImQ4RD>F)VU)sjv0sVo_ zIJv^!PuBM~p+;K+HOzDz!gWSHyn zNV!jq!KTf_%C1lc-%1w3_8`WoXu$p!IjW10D3M(L8+IK}58j?kDcBmH*?tW2`)5Jm z>q#;!wFPpGpy1t&B%+VyY=;JF;L9A1VT@F$wm98)4<;IL*lORJwy;1{(3by%Y(95# zQ8b(KW^0F?<3WE**NDr^#M4@n&CZ9>$=$^CMBn@M^?Np~hdnDBbP~W5)UCt=9tPPgu1?|{@H;3t0Y>`%8^WI?$R{OUQHoDaLavBE>pxvu2R%=$ zWCw)*PyQbT+JT-JXg~uBPJRL9>BsnjCro~_{9k{^LDYxr<4%Ps2Zp*%!O$hY?eNC*K+4t)Q z!oDuOVi_0NWJ+j8w}AV$nq&1axoV&F_Ccc>Ynp>y{v=U|A4clLWLwxRb^i_W{zM72z}XJK80#jV39(zfdL38Nd-md^3o} zfe7$zJ+2?}yNIHIh~Sk)qqjr*Vs|c4!UUrYisCId2{J-{56J435+lfub*sJ>`jVNW ziTVrjg`Sext*DhV6|2FLJ;B6Ukap}I5>RqwEi-z}LNia*;Ac-)lBNrB{NC!}v&(i4 z(rdc55ywlxQ5qMAS|(gKb)7uao0PpHx5$`5;@fm<-F9pywMQ%HGfC<(?bQO1zbO;B)Y_Z}Yw6=I`_tYu| zF>Y@gf2*r_f0GY(7IAgN!S5g}!g7 z=rqU>{&2jqe_lur6Kx1X|3!p*@tF4Ap|hh^eN)ZHw6H17c?2=YkF0o= z{SxwL)5e9NbDB%U6m@4!HUCm;Rf+Q?m_q<2AYqsL7Mu-u8qwC*}J?meVdr zEBgVh1_y)Tm2dpTne#4OQhw7l9s{j&0}^Wd<>dk6h%-A!oCzaJxM0q-+beR%;(u-b z|F5QgnEuEe3p~oC3-uK95s_t#n~}%0tx(~?-U|-=O(qKSsZbn$$2%9E#yephBC~fA z8;Crrw&vH_JJ&w7(DH)gw&Vho7{KcH!sx2Do<);8IQI_@Gge6qj+OJM>tv~WX0b_t&wuo41|olP)STlxa_ZLL3Ov99?DFL zqJtR0N}OM}%s{y~uTLFat(s=qfFiO^aOV_fyViN09(*1=FUz&QSg$*_a+Fw`Z>5}& z6v`Sz7{fB8qEUBTs$|fzv~Jy!&Jsda+F0atGV04$`y_Qy16^EE-~wYS0c4APLAZE8^ z<>2FSWmO4x*Mtf)WOH@p#JTlS($68V6_z6c6WDFKafG<3H>p#$lO$UgNGVF}^{*b$ zlh~-D^^>Deo$wg=BD;hlyF)8@%!4_<>bg-8PD7k4Fn;%~_}s}WvU{-gg?SKj zn?yP#SV`%~Pfp=IPO3%S*m)3k;m^RChN2CApeX*h0nELSS5S?Ni6Aq6*t)#E6awkc zRCY*Mz$T?YAbtFFs+p2|^jZ6Y<2px>QE($e8cYa;-!w3U$s>X>@i(CZ;y8X(fm{^s z@~Vu+lK#YG;X4@I zsfWQJ{l29z&3whg$g|t8(E@@ND_Q-GTdlJ(zcL?yFbaD@EBarvVffQ$i3Lf|MnqXW zLgZ?*?pYv$PW^@`4nurI)FGuXgFX>1YkWrJAr;{pA)%T%(FocYKOs6(JXn+&T6iHm zm#v1gyKQ0|m-%PL9mA>FK`7Ae*hCzjqSSeW92oy@<6`%g4a*K7;YLJ2y@iIsA5*0WTc_Gh&V|ixM*BNV| z7)j#T58D}THyLgX4GkRvSM=3st;xMjY}L?v>5&QLLqeE0-D8s3X~xMsj=DS20~;eF zLV7|4wI>C)(yuU&uz1+Z@__MRR3m@w{~V%>@{GcZf)zrZ@}<7AEbz=0;GxHA;N|#Y`8n2|VfopfHZu;{tPKih ziOtNStOW1iedcQ_LVpPL?B_UJMXaLsF~&&;O630oh*tUX;?D`{sxsN`$##n)z1X|9 z+aQBt-G>~pX3Y*EhV%3)UJ9*&*k~|g-YKJ9 z{G+juRTm;$3p;qMo2I_7?l0zTS7Fe~BK$Xx&Y{U`%PYNiV9Y%N?yw#%S$9sOTYvo={kqsRqN~w|d1`@j;fNSl)A z6-A!J$+RQ)$gvD>pVR8Gi^_&=-R85tlA2-n#mjOppx+W2p94S;rVT+$ObZ9II?oN}}0_((|@{$KvyvV(AsR zD5^Ar&##tsG`X4dO7&I=7iYm=>M%l4n!P`A=~ml{Os(+iK?~yoiv?(h{8S>HcubD$ z9_$hVw~}+Rw5?v!WUX=G!OnLAq=#TGI#eNv=k0CL{%^2MA2WeK)#n^qwi=YjKFFa* zVeOS^N`a0HTr~-kQAPS$Cw&^lDS{+2p4{AS6%96=HNFn<99q>1vG3IiIU@(YKixkU z(OLO2d{G+~`po`&Ij{pl1n)p#HU2@wt;_TBcBs?xj}N*SwtghawQdZ-j8;N?&X{u+ zJaOmk3J%Np=c*l~j`T9ghmEsC^3p1mjmP*gc{(oSp|B>2=M=PUm zuHa||K`V_%Pe%tqD{N-(;E2b@!v4RRR6GV&Hg>%Koc`merK6EO-hYXNyZ>GQ$*(W(8xwEiEsK@gdfsP1#B%hHL>GAs6o-m} zohQ)lRX#961lU#>kkLBL(a#rKVRIHLCRnKDP!c=}9buImC=riOZPy=soMH(Pr*|1p z05{bhsCQM>E$E0C1xmVLFAc@N7_7Lc?>d}OicO*@jRhlvf^Nvw9ANc)HbIr2^Y)*A z2?t!{@#NoFpknmAI~LakEGP`}zH#4{BAB5_g7Y)%5_6``Q$W%JVkg~d64@Xefm{q| z$n~OO3YbVB@nQJ4KOY>TAZX|^odCWqOaP(1eLA5_AfY1uBg(!u^B~53_9WCI1HLFj zmHvjcQA)Xj>Y+MrKuwe8>A=J40{OMRb=yz1-A@11__ZnpY8+Lk1j>jKr`!cv53o&f zr!4WB0}i4UU>_&qfW&gIkqn9Q{P0Gf3t45^38EZl;{Dx6GE)|BCk3Kr|4vH8VCVs&M_(S|~oiF!Bv|c~9DGiUhOcWQ|?%qFT(K|Nbb1B;Hs>&*EPJMb| zpA24E&kF^R@VxG49iFlckfaFH%$Hce66(Tk|zY) zlA5H)<*@HK;|?tr4Tr(ufx={XMmu~b5@7joX}opA9xExpPS{s_=Nk?Xle=enmMy#A z0~<`%oVF!mY880OM{3VPQSWRtw^af>v9J{`Ii_mDFKa)?2}bfBZnY7(xF#qjho-%O zP=lCKBcoq;dI zf18~n54O7p*~r(N-HRw?!#_kfaF}?E@b2#h0EY~Nn*NFfpI|e8YI%bwDVtqvmAuE* zeAqg1SClR}I9e`ex)v;DBhT$UA5M6BWhN@Bk@=pNzVLEr#TsEFWR#S-d*_HW0gk=o zVCzQ35*ay)MSI4EnVrdaP~VoGsl$8zLUIhInDU(FG|a5oLPg_b*FUb*w@(G*-T8)T zzdu{DJU?G1a!kXjYHc0-Mm1pi;NQyeAWqEaT&SEdH=h;-MEXv2oL!zNhpe&1P{eh+ zc{x8$to6W_6JTa{hwvXA@bR>d3o}Q>7l6g>%L;gYw!jBJhDA z$Ws}BNyFnnTh@*!c?o1o3Lj~FlNaqbyrwroML(|%X!x+;ys-HcMaq1l*(^i&TPmFlesUfOG$3n1u={_V8tZFfqJA=W1R-~i;pkS)Q5^u;#ArXw!y332qrI{~T{6`$viU~(pPrd5 zhxo}r#|y(Dfp0T_JcHM{Ne&O{9>7gQsnL&D?A)6}{Y0pmUmKoip;Y$taAPG0(AtLGJ|BIZmIt?{;Pu`|q}u4N zO@P0Q)%DIfM8AowZC!M>c9+=!tf#G%tw9n)BblaZ#he&>qrpNy_Y?dnvKtR})jYNb zvW?$D8322=kYD*S)1jZlM`TAvbrP~tdthU-*H&@kZdGg5JpW|llW~Ast!dDsXG7B( zxHx#|oVM{1=X8v+B$!mP5$3w9NOCpN2ou?qI$+!f-SKm6i+XL-a7K7^`X4)37g+{cWh(Zn<(df*Q_tPks@uY1>e!JM+Z~-a`}~iQ0JFFBOaCd zcz)CUX}2RB_aJrO=JnR;KF7^5c8LIn&VLmRA6oHB%}hVT0;BpzC)lNFrxlyR2jk8c z{cL~Txh-EPcI{x(yu~vlwgOt}nJSMR*4cr1+)@bZDdm=bKbxjGeA9I{VS#S<47OMbwH1BE$z?S790w($|t`;?yU0AEr6 zR0U=1BN@I1F!7|Kaq2UJN5Hfs&8!FHx+D?sZ^0349`wV$(N>exc600d)PqJZac91x4oJP%|XCrXrd>fa-q zZ8zXH%T@N{Y7+CO=WJUdZmSfn#6K!B$L-x`Z^PN!4WJP^u7lO0pAtFEAK()EHrDz! zW_^>WP(HG8PW)lOBFG!WYhKzWaa3zSW@`sd0=ePbOLPG*vedGT<?8P0-BHSEKXE zAj90Z5tW(4PFyWS+v%&W(n_dUib<;2x>7F&7eTGN&7HOh0fx-iiu-hu)#?o;JEK9u z87Q9(^V_GP&yww56|8*s3xZ&(RI`mw-#IM7jJH+^4PMP?-kP+)A#`qWZX?Qak6dL{ z{$Yk?yNX2Gsd~p%QIswhQTl;xu%p+#(Z;r}`LWqFRR77@j{4-i_^HwUxgWXUZC?BV z_A&hOaYk*d`sUsGdIa3i@q4KwdkU0yh}Dpodev!MOzV0{+1gwKr>|ngD^|WC4fNRj z8r(nD`-15otmwVD%hkJ z?R?72$)Ig0`5<3SF+`>Tje655l?KA#8CCD(&t&D^JJdNW>)uI`@}n*(@Xc{qQWSEI z2>7R}E0Rx0}|&YCt`l=qe{=dW=Uf>ath`c2CEDe=Dn)tMp;wyb@I z=6w^S3AURjF~sASoOS(jH}?SOLp$P>Tq-O1`QxgB)6Ef^fk&XCNE3aW`{jbkE~U}c z2`{ZdR<7Qh81Zzb&)37LDVfubGIhWB{lBYiQ#7xA5OLn4{_kEjBR$jq(X0Mn0qKm) zY%KrnUNgo-^a0C#cFpO8{*rG7Jg$2Yy{L17Bq=75hbXOmD%2m03>?ThVv(4$YtJv` zx^RS|WD}BAtY>|3BsHq#kGU4HEy(bQ<|+06=G%MHg?y1tl}=dozoUmb%@ zV_=g{K@+dC)kdSUh>Z@b(@ye8eao!}jR)FAv>#z;%XRI_%MVbXO(Bv{JQck}PwbuW zkB#V8NwqgF6}OMiHHB~}2^{sX#8~R>x;GZ>+1*+y@?rWqf;Hw@ZANSn_#hlAga1y_ z({(ZDhE-EdGgFh5w280$%QrGPdaU&eI2lEZ{ypD2eKcg|4^ud@EK6=)SER01wl5~f z6hiMGWzTQ`g85S=KpjqKJE93d z5RoqDch|7ZvG&tHd_(V}i;$9s5f@H=6GhS=YN?+02+bJV`&LDk- zfPr^F>fu}qAm=5;JjzYf8USe*r;EL%`B~fyAis5D1j1Mcl;A7^g~HmzL4NFRPCh`Y zFJL2mShPB*5yfRF4mu8!OrltxV8oM500`N`Go9h>oQHl~d+wQUaxIBnDZ+m~E{h``4$^)?kE!?}c|#A6j?_C8Kd zNr&QtX5uT=8SldjvPETxjvyeWgjAXCK3RqEx1hyT5Fdz^~ zS1JL%vafk84`Y>_IcPK>GURgXoT{jSD{caK7PTo}wM`^Nz7EXN9D-4XmrdF#F|>3y zhaqGrAI>PMx8r?Mg6G~xb0zq+23q)NHMsB}cN#TZ)$iFmvm&uv+rd6IiL>2;Hph^K zlj5QqkHn99Ty=>XL>A1<(R`S|mKy2gzUPqe98)H|RH*owGY&;TqKL5qpOs{u^^to= zo_qWyED=0dJirvySTI@~4B%GRc*r!mBY`0%gxqB|lDPpuC;bQrmt0!u<*gD3o~w7@ zt~?5moIO3f1>c#CJg*qMS4462dCTVSJbl$*J>rFy27zjJ*h}0^LyMN@O_iIw^hg8@ zB9Bc#?ZP^?kjK6wV(5=$Y57=?MF5EkeUt#XD8J%%+gESK%=Eob!#R>@ag*rX1=^Li zK2{G$u3#C8Xa_FrwB*#&6TOJPIHw1OxTYV#-oUL;RpoQM|s7-IrAf71j-G zKXg^pFwiI~2e)D+&!IIG;tdH&Eg)tbRn9;lgJ+HRJx)>Wj}%!a@D;hT zz-S#sUWW2A1-1T#p3IWGUA!um2wE47K+mKDvh#&<+{=TpDv6i+)3jIk7M?k?JxgL1 z$6ft{$M=0i5)kl{so;Qlkm57|>5_!FMgwLvT7f3D4+B}Ysd1ZF##IFJ%YHY%7(Fz0 zZWc28b+}H7P>Re%)8D>}MnYdhr1>sSD*5|HPh1GK=ub)E&(qt!nGeYj6R;W_+P47Z z!QmZx_eIp;g^K~V#GY0tBBf1d@rnxqnL7~%kwaOrRk{WXiuRJL5()ng+TH>zs;*lc zmy(c>P(g{IL>h)JrAxX|luqde=~7xiL_%5+q(nkMI;BNIxm94_q*?R z?|1L-`EQ;%d!M~mueH}%XE-y{k+NEzr`8gn^pdA1A&%WjQ6S-S-MuV&tp1#diCY58 z*W@@~SLC`Scx1Sga{8Ov>|$Hsi*oYSem33EzPPb7_(Okmax{o+;CPSirlS&T!^+Vdnl&&Xr3m-bPh-{kf6+ zo4wTZ4OQ;Mr~GzUt;AKgTNjC9XXE^xIwxxHO!OIWG7s}Jn~7t&%+DLGl2Q5I!?WwyG%?7^W;LpH@$=oNPrsSacy%>^MG@_V_bHhQF?Ut#ccs~(@;Fd+GS z(C&A0@yXPrg>Fmi*#*hZr=x=Lt>P()n_{@$`PpW`5=HUS5>+ zHy;zBc#EK?-YJ~)qzaFmYhgKW-9amRc``|H;pqA_qw^PZ_-V*MFa+5U(sCQ&W49XZntU7 zngj`GU$SD;=3z1$dEBfQ!HkbYJD)Q9Hp;InkwLagsh{Z8oT6-qS)s8e_w0v0S4uY{ zJz1C8KF4T!T{Ta8&&3^`bUgdJp#tMoRUs6XB3iDof%Z~&#)Y&;^F>|BI+>70d7s}R zGIawVh;aujzGyBc`dph&F6XR|q0L9|c+T|NYXo-st|ZxWj-`FldE*lK%b6E~gfYTs za~{V$5BzaPmXWGP^S*&4t=R%T^ttcLx77PY>*xw&J=We2zqgdE@V<~}DkG`FB~Nst1Qxsv6C*;(@+p3*`EHm@br3gc8C-D_LRL3ra^BG zp8Qvt^}SaLkC9Ox*K)O9oM-9#ILX4bWg#OKk?Bt2%Z~HCU zDSVcBzo0kZnLxjmaV@m8yP1Tu$~Ed!dYlkf<&C>6&%LE5YHk$~ysF-oT;;iZ?(tpn z^AmhXQKGWuvPi+@wBgQ5_v-J6)`wktwhdoQ(fGLV?XS&ha^niVQJ^OMc<=hxnryDH zdL2-?$17fc{AKrCQh3QanUN6tBDqYzP-VdFW;v#IUx|s)SA=W zEjQcF6kfq(xa2B8c*sw7UTMN8yZN;F)!&8nCYtMp7#+?W~zmbo-Y)sVR~tG_3%Pf z<0JJ2e6rj(PI=c(D{|Bs3QN3uwc_`)@>X4j(3&1vu4bI#PfHPZ@lVp{dUO^G&`O=$ z30BK~eAm9&Kyj_!iFRfq^!Actt;>z!w<@O*FDE~xwkU~NSX(j3G%+Pz{6W2kdFnZt z;LO|YQTywk8+n(dA0L#yPVvZ6r+Y?_QJwX6N$gu@(sHcRt$^mWa|OlW8!@YXrMItk zRFhKv_~`4kUdG6lP(XouhdkW9b}x-``bJ|sal2L1wD(IUdgJyLFMna~egx*JgX zc-_ifFLJSYX_V*t0)yoO@xxvuZC?>qA#xU7d-XL|VL9Rn-VfyprWMN;3_jD>oEU1h zYL?e)C_bzikbk5p?!`@`gM)T$UDI?>)#Ir_1 zc_QBqq)QFH_va9on3pY?x@8x>?|X63*DR`oEgTg~`7%2b13?;H73%FR@pLw6Xjsej z=BJP*-nZ|BOfYhHDurF$8AWCNQR{t=TKD1>{R9%~w6OCzVINhbBCReAr?f2T*?&|~u6H?iVcoKJNI1axY^zblcr(>#$X70F4 z)dgKjvUqJn9s5%FYB=vBpZb{)74*>4j+8wG9Zwa1W|Ph-|OG@_BH7)t6?pWU5*1;rsMKsPVYxkape7$NBj7X=Pxx?70nWKmJ{sE_96@B zGE~U?D7su3NyR%}R?g1&e>GeW?N9!PTT0}g-%E0GOUWzrAO9n!SYJPOs)N{XANog( zBN{>9RnKOwsOZX1SMC$)T@nL*Z<~wWs0Qaetr+4R09X+#J2D^0v>gJ*K!O?j@bB8mT)cjXmAv|*zi%I@#>+PgNC7P6F4LU8j*iQ$-x)ka z70r`Wvt3Chm5P&s-To`1D@zK68A?5ETD4XZ-&+^V$sH3K{4cxlc_3xSF+i5xkt z?_HBDt*Jz%jm2R5juyl9Rso?b`g}iI=B%f;PKdmxy&0sKq?}dt{ zUO(7U%>-w?AIT8nZqU7g7sM}T3T$;BzoCoZJ$ip|rcw1u3{xDPhnw=tOH0q! zJ!$;*CtG!E<@IlK-R6?#>a_JeBWmos5<7b~;LVU8(~|e*nVLJ*iyfrtuQQT(?#Xdv z%T<(6cly|PI6KElqJ7266Uo?qZeTY@Y)f$I9Fs5?A|cS9`Ks)+N1eOP4|~j)Dx`fD zcD58^y|-^^KhXinrNbk7Ezwxks`-2X3Nb zVhhFPqHc~Q@m!bzEw(8_W#8Um{W#?!u=yi7wn(QufN}J&l=Y`L-ULfRo7W9VjI+3E z$|}=+`5AY$YIIJmUJK&>#H;9~vTMtA<Z_7aEAJo^dy`-ej|$uWDqes}oX{8YuK ziqtIS8Ye6)YG!#1TQm1B1`iXxjy!!cZ}oQ<7A=3K0O z7yC4ynwn}zxL|iaDZ=S{ltXJgCD@(>A`ebJyJy{` ziJ*4S*E;u*L66vy4+dCMjZX;e&$L{xmej4wRBtZgG&E+ZQfp#bKZxH7Em%=|dFt%d z5<2m&#|%b1`f0hBNG%n$o;A`Mo!OawZ&EMh9HS-ENX3Gyv*C$0{*EEsNi$6%NGT_) zprhgWW-LMDT>^9BF8dNDvKfR}QK}Z%SJL(5f|V+&4r?lpcUHQ}e{XwMnCpgCDyBgDxcY}S{rYFHATI& zdd!@zpDJ5Q{VFn+kU*$bG5P7+ZHsHXi(Qv7xB3K|ohc2Crdq{EacNlm5KTd9Rh=J6 zZ;;QIm@oy2v+>F>kpvk@{#ZZT_kL3(eKf=0wn6aX`*g~|o(rF=!#SuH;5$f*W=w&u%LxQ0%y=GTqP zzI#{h`#<>lYFazOBB_|kmwiWFpZLPuo9DQtM*+MCx133zn}|VQJ&Y?cv&`nWLHwc3 zhdHYPDDtC>OmmmrV8gMf+#^Z5_eEeAavPxRh4p zDfByead!=P)k4@tB)j6D-TOokLV`!9$4WZoA|N0dYd4FFagj({tcHW%xzfi#0(Vmt z-EJQnxqdy<&W^+~-0B;qqZldMIob2!tOYb!CD{)R)Ns%Xsq2 zeaa0c4i#K3mq(i8Z5=iFS0aZQ1>&ch1`B?K-(4;VC1Uc!H4trR!o|deh}!1+els+= z%R5d8-lL%B2e)1!o&4TSb;zvknVV5|eOQsa*k{pmkLt$dhC!yNSPf+jL*iR|7nm<8 zk!llWw%&>g$4{+`Vx`wFY3w|8EAZFWl&<>4isiU=d}RTOYJx}Yp4TcUoy^d1FJ44D z7d=csU;dd=n7~X&h8cNQM^#k2kY!1O&S`%fH_lEaR$BZ=U;-|VCJ%aizm(=&vl;H0 zAMCinEHn?gabo4namj2-vOlRu@V}PnDeBmm9!OxrP@qq}wpZp{pg$DHRD)0Vxb>l} zLhCM+=I~@`UtqAN;1F~6OOkjV43BCl<`P{|5&U#}JI~$7^_k!;XG~S~7se*KX%mWb zxf@Lb?~(=O*fFTwy^1LuB(9Q_ll`nIJCI0>QE^-z&Il?DBk|?9>ZhZE`9?fnRebX8 zvdlvZ-kk03S~uPcr*Q9B_E0zVFj^MT#=Jq#2qb&u+V!+Dy?Bv~LZJW5a<3RE&Shh) z{T0P1truwe0`tt=$%(G^;*sradfh?$FMR~HIKppRIj*1y$CBc*+A*!#_pg>TT2cr$ z2=I8Q=6ba;Ah73jb+nk9`|0>eggjoiDEg*$h$=-tkic7(KRj4`A&2}vUd(a*on!Ls z7Xu2KkW1d?##aid>K-;NkF#Ew<`mCTTx3x7)k?lscsZ&vXkj}I+a9Ow5$pX*;-;_Z z>Qk~`PEC%Q@C)j8$TO4?hef+P8+lkKow^!4;D;8N(b7zmerC?{6YKe!Qa!VGszK~W|obzh$DitaiM3Vj%4`c4*b<+9S+_Q7%zsNXAJ*#DWpiH`^}s{uBqp_ zwr;E!_rIOW2BXQKmUw%v+M0R0d63wjLH;}2hcmTWFS;@397!!q8X_XJ z@}ByiRk|d8zpZH}+q5qC^gv{;?UDuUqk$n!M8&jVsdH+m`;3oZf0Ti2z=UU^HE{&r z&5fEDNKb3|&9a3HIs@G+deQOqU#=!_EOABp^U){PwblAO>R5eW^TlA-Z#jgzC~Je$ z@N{^p>Mw&zY(gHidH?PHmHrNHOxe@^I^FW+yXRkalb9av;gs-H9+K3^xdkTc*kKiE?K|n#Ahvk$h)oM+5YIwogVw`PW6>v{(^VkbL9qF>udk z;$E8L>{?5DTzcMyYWcxj(dOBDo=<(G@Tx`wv3b>Yo~@Th&A1PZb*WzSPL^}NYXyBzgvY1z zYv#U%r)t}AX>=wL8FZwrFZ_s^2?Nh?o@?Iw5pgZq=ezdH+~{Tf>uLsr(!JUYj&wWc z85|$H&!g{*{J1IAxrE*Mm;+avggvP=jIrQlJ^Ig~EZKp`sj2o>59fz(868Uq$v-^0 zk^e$_bL-LrvCDM$j%c)AI)oku>_o4iUwf(@#@VwrGsboqudR3}-AFZ&ldlqUU;Q;f zNSs#$e^tJYe8CU)2Qt5s<;E=nx>|mT=$q&3KQ|;XliklP4=wCys`8H) zB5H7KdvTrqfl7lOt0B5~(l-)q9GlIm3pV+gRf1x_iuDE1ezbDETvUNsq<{R=!GE!qjKQZ%xA#8Acjbe2c~~xFTGT9i^G-ZSp!m zV*WaL!-HJ(Ukh~UA&<)_ozu0oJAH{ncO0FyFPYZedgdUbEl?&JUUXGZMZ@0hbvGNM zo{G;l=||n?CQC2Z!vhp$;>Di4p}UXGGGJ3Lb?V6sc?b7Oh zpVK`g$a9s`(VsMF;w^u;^6e7;0K-O~H-f%jdA02*OBB-8e^!lz|2+n@4n}w;O8f>%V{b*hkga;Onu!wvoCIJ(CeId$uf))?Pb4K5v^$ zvH0}#l<&Twb!;8(Ki&KB|JQ#fBDwf@|I>dbMw8!(o#fyBafFA_jD{@JVbB<+m$_D9 zov?{kH+Fmayv#*RgYc^4wRzH~U-Ir9?e{y%-`w4_*lVY|m$vUn9dmwCro!_sam`ls zr^qA+y^8w@515#5770W~v6l1U-bOb&=d<k%CEr<2kCL}i7?de|2nVgG1|xS`UL(EnYuos8o&N!PQX>u3x`Ys=jh>Rr1b59=Qx zq%eY#NH*~B-#jS$mN(;GPwgJffvXm0ESXD%RoXdoDeI`BSKl$b8gB@ZKX~A`XAHJ`ua9L#Wbk z$H}@e9sV(*g^u&`R}wFr2x7mdO5q+7Vu*7&{h|c9S*6q~bz35@o%30jR2Y0abY|zn z*9bhPQqqD4gg^h1_iMeATH;|@ZCU~```QA#GJ z#b{ytTXhGeQ(IBX!J}#x4hqjTFsfBu9p4vxwTcX9j_3VA!KC@@hwrrYK6;Mm;~@$8 zKpWoEebN_f@fR0H!&7=L)-q zt=^w;gE9{{#4s&PA)Vx40@>@#rF?7hf|DbKZ3@zn>8{7#V9(EVYOxf0jCWD&&+Id5 zXzybhglJb#iC)kr%yE--&s(6!XO^4qw$RBQ9=sG*wpU%-iBxvc>xzQ0{D*_8qYrdAG5BW89=@D+alOvakYw$r zt7tRJ;qpBAx%rSuIc2Bi8aEE9em0GJOso9(8hzXS1gGdX#UinI>SbzXK@U0VEVeM` z67p?u=1eVa2=6v^$LS5kZ;f5}RkwYkT{6U^S%xG}$narbd(ZPQ&W2AMeko(CW+@KMWDmF`Imi=N z1-v5%w%@k-L?sJ$x3FaxWfOmAZRsx0FEa^P9;ZArfj(b{jwY1X$v$CbLxd(&6(XFk z^exIviOg6hO(Bd}!INjCep;`)mG}Bb!CBGHE2gvvQ6sWzrkIb;Wy!ZuZV6m@S9?oh z+Yh>5>~qL?dHRFL-P{#wv9rcKy~8P0Dv_G9XRDr;Wu|Jc^GG~QOUJStY(AIFIwG(1 zHTY|RV(w46D3PfYg-f@nmhpNNO3=h@+p3$11ItUXi`G@>&8eQOC=ZXO815n8=( zYev)WYsV};S0#S2S<$&||4RS4h<2(M-M(Q;_Cnd&78P~k&j{NWL4%5Tn>?S*Y|BlW zJuJlEn?~m)st0?y2bi4QWA2Gz_8Q{NwfAgpck*l|AaLyd-i{alQ7gvfW(?X|n|LhC z1$HI{Ra3c-a=3JrE|i(-EhJtS(K5)9LuFkNHH3oZwx1oR1JCQW?Iau1clxCD7l^Z+ z+0Lft(&+hB=5O*KWoTUwL&e38km_;ni?hnfQU(R1VG^4nj}KofU^Jn1qZKpw4)Rw@ zwT1=PKL0v=|HH65?bh8-aYFh6YYfB;DNn8n;}qzRwJdzN@xEz=Ha?(SoG%WSXMDTM zpxJ0}z{HYQplPyt!I|`6>xQWx&flN2a2lhR#H5N0md~!8 ze{wiNFVPTzD2r@o>2C?Dqm*>PcTd`w$#a@?vX`5+ylA7=oLkx;y(A}i7&-j9_WMrK z7gjuqS4O0hJCZHgSHAr`H+}dkGJ|_r()d8cXMdq`Y;bT@%=h-;#I%%XqkoVQ-kYo6 z28z{xJ}JB{X|@tZNABcs?jxPS7n?K2rnNJ~v!7Qy4VZ79ax|BJyzP?aw>~2KW%s=0 z?KbO~$sz zbF$}SgRzXt6R(~Y5bGvR402iXNkou)^Sk*3+A{UDacN_{v+`Y;U%Fz?M>XTUj2!o6>nepPh|zqA7usn?7trL@V~jK zD;}q&n~5vx(*Uv#&d_H8z!3$(jmN2`C8NgyJ@;>}Vr*xQxWWN_2EfwI+1%y0H#Bv2 zaB*=rw&id%vtT|3S2MOWS8=m5fj%m5LP5da!a>^F)D^*l1fN0Bz~hvZbnryn1n+b6 zaB(A$NZwn}M-Gf#T$LTntSzj~%@9|lg^^s`0$jXYLfl9`UT#5lE?y=sE+)Xm+T7F} zkVJ@z;&Ce2+PXm>K`?f8a7OU(0E!ymE3`Q^%v~JZoK4MLP*5_Su5y~L#;)e5GdWF& zFAw;ZZU75uZ0`!qBRHjyhF}2+7QhKNbOH>g!KtMM7QmxkU<~H@z!)%6b9OM*GK;jH!nB;|McMs`S2p$TX!hs z&ic$6a>pXS$-WbtJ&XRx!}W^r?V#p9h8+h3WP6i8(7|LX=Y*ynrbVYFCI@ zzg;FNpPW&W<4m{ne{#De{DOl0cfxkxeY}LepYwB}tT_or}Hhzd8%2 z@|w|j-?rT@F^T-4bn#<+ld`tqf-ir&`InmfC(1QrvhiC5GY%Lx2wx!jt`kk`3DTbF z%s+T%FY{GcXIsK$k59&}^80z`rTEey#a}7UAKA&@JneNOd-6z>>gO{OcR%yTu7d(6jHJ)|R+8_Tcs)tI2hYQ#7aECuNR*`IyK}_|Bkr7`u$()e^EA+s(2QXQ5Db zQ_s6vFy<=B!f6#}f%WmSYs>4FZ1SI(jVdwc(JtR?ID`B)(=G1AP@xzU;8ijSQxX~5`#I1Eb>{cGO z;;etO&J%8!Uy>D5q?)aF^Wfe=V=7m;daD1j_fzH}k!5qOxb^U=y;rn_9o4i>2?0eV zpXD0_ly-&hs-Rg6;vZ;~CVOLI=@B?(6GvE#n$mrz#5ZT9)G@q1-Wn|ZS$=Ol87K9A zt4q=UY1a`8Gt~ zWxB7O54@!WYdnS$dmgMCm}iojKOo?IxN?)cxy`KAgw|p<7lIrw@cNBHTDTFi8^i)5z*$#3N)iOYfF(>o}p#$2?~tHr^G)odtP`Ey@wtI zCK0c|yf|2%@7RyQaIa0wwyaNzatFzNXZmemQB(m@lGz!B0{RVwr(BoTkS%?a3+Yzp z$lhGHy&xWD6r>Luj^~T2? zdW!Zbf8@Dua{2~pBl7%_G1EjgXK&%sQPlc#*FTvN*Kt`~Ke}Z1IJ0p4Ua@qAhNUCF zvYcG`vnzC@ACymp?k!%HGkfY}6F#KNW4Ui1uH#%hc1{kR;zf?QGuzD_H6?SYTr2E% ziIUZgdTclXv!T_>C;@|_DaQTqd(WT&b^Fh0-ZR|NSM70cks3{NhQ zJsl^|qPxOCmWyQDp3zJA<{*}VsU?qfs(@-?dh*x1&wLf9qU-MzcQsMdtf1LYP6rt& zv(bvZz+N%`IOT4;VMG+b_kiDK$414iw~BbFZ;IXZc5X}6$NtX|a+ht););K{iVjOp ztr`aX+>uubd-mpFCMR|8TB&`>QEe{w2v^o_1yMy(V}{``_oG$k5bT1UXfBhUU!DY2 zANRPwm))i7mpgRu3$7suI~^c;&y&k}56eZdOJtJi*VVHZ2S`6k73{#=h2Zcb@Ti zFtgZ-@5t`eZjsHh2a8SA%lx00K4}X4WN$iUI){n*4_8*6KR;FXPalyx$@54a?!W)G z!-HnUHmPs@FtH2JPEP(UYQh$Hpjvyd3^Xw;E=-C zI^)JJ?&nL`lg2^K38rbSE$6d3-zKoII?m+P_f$Vo(z-Ec|AbV9oj_uQZ^eUnxs8>Q z+F)hp*=JS}GgW%ZtDMusuGMYdqDeJ^&{IxR5+YaH+ny(%b?s0oCY{dz!qA(sXc~>9 zz1cI%#V?qa^P($ER?CfcMEob)$Q6ct)!72SGQ+U;TZ#J%9R0B#j4UKcZm;Yixa{lwuqRrtx_pGpzl|Mb@}kUT>FVz2?5RxbRGEk8V}Nhzn4 zV)J`ORwAc`)`@z)o{A|p3v1_(aOs*Rn-DCj9x5ClnOVjqDffT>fYR}F^p^=!^F zJPxdpGf5;X8;yQ78g`a`yzHBuq;-+^_9WQX91TV^ElNww@i@;^-?yM!aQ#jvG)mIt z^_q%33`dDw^$?fqlrWQX&_6^P??1dXB*g#cPm?gxs%f%Im^ql3v-5CpAqW^5rJ&Dd zLY0v)0yT^HqgcA4!HnSM=iq{XBoqVT8G~nk!I@=?p zq1w#Z+SJO$+@2Y6g&9KDvUasKhalj}&=83#1y49bq@#$ zJ8RopyFx;utRVzj1FGcBZ6VM8g)eJsj4}dBUyuVJGT;aUXc;?On!AFc-PX+&6@ifR z;3de~O2%GLU>;KwGE{Xmx7TveLCMIDgg$}6EyN8GgPzCbMey?pAh-ol&Mq?fC?3jre+)Sz22sPXfIqmU3dN=co}LN`^=Ds(dht@7}IRURIARaO>Y!&v&9^T`^} z2#f&?&Ag1Ib}bcnuuk2B3g`;0P$e9)z`q*IsZ93v+&03-*}fLWm5 ziDX~|#(*zuH((t=9jpLe;0SCEdRRKZ4{(7o!4W{5Gyns%JBdu79l(aQhF5`pUl#0BHS=VZaS&a}sSpa&QKq;D`YF0a?Ht(CftDBv-01W-UDaD;6QO9WtkTN3d8 zZH*II0VHTAe8Cv@k(3lS^raf0fga9^+{X=xgjas|NK^xtRnUI-yr@RN2>mo1s{QWy zP)$Gpp8wqopqe0b`2-F0FmJ)*CLsZ@{O%=CO;Qq`|J_TX8UdrUG`#Y=mqs-i8F>D8 zFN13EEI0yxgCjf!wt+`r4nBi>NIxX66fd8wG?GtNRzO-p@PG3nVEo@e%S!VhWo0D< zAzqT8hc3&|7|aPs%Sr>mpmS6MJ!%dm)5+Qiw1glSLHbF{%JLz>pMW&@LkfTq(0~sK z#^4V?azT*-X8+&?VS_ms11WHV0s0d>?ouxIRQ&{ZA-?^WSGk0pKAZ2dpyXV)S1_)oD>68y23U^#wcgIM7~We#9d9#rlCo(E^}-bT$IM;icAaWrrc!xu>0%_pLgZLfC0EG9K z%-oPxAX@**4nRSahTH-$HtauW@{dS4h5^)%wS#jipa#b$*gbH5JK2ZasLTK`flPoa z7y+BZ`x}-5w%p(4gKP<61@aUM<~VyoT0#^7t&=!M$&I23(MDMUvIT(n!vnBoPGS;Z zK#?lV4OIew3k(hCFn9)@{a2|#EC9{``~T)?NG6EJzmFDRng6;k{vPRo_ups!H|PHy zHf)K1M-5mM+<*MG5bUA<{2XO9l*RwIm;fGN!yW{3{xb#GW3r%DlZKDb27zFK$AHab zr3IihI5t7{h0aks0Z;>x2A_l21TPpGTp>VS16U{PAc~K#VyGB`Z9^1zy`3eJwYtNYoMM1UI*(?wTH?w zDBj0(kxLIVBf^>6o0onfC0L~vcNkOJ_pqPZiTEC;%}4-xt6(1lY&>AJPjI6UTe?@38~l?}03Jyt|>;fGZE!9)HFtoasO` zfqL!4de9jvK4A+2P6Uj9?S$ie1+Agt6om_o;42r91d{UD@+X{N$$?(LN2qnw{TgcY zH(bCANC|q7!GJCxw?Joq)$tu93ImSczheJ4e81EPy+ zzz4^+LdkWUfgp~kn(1#60W8?}kk=q=i2pGSAS((JH496AvY%1e=wEDuL`5eo2}}#l zNPrxmgVOtWm%*`s$_XfLza{*e#h|LgtcBuv99dj^u$90p;Pksc*`dE@{uScCI|tbR zH%x#9utB85dlJsm@Gb@#!q;+e4zvTBf*#;OI-;t3$YV0#4AdyFlqe?vYyb5EGbiUK zV_+r7YVe9Q=zseSrUQH9-;d#I=>G)u@7Dicuz}=ARDL_&^PrCUOT+(p{C~U>9dr2K zVgt)UG9AAQ3HI1YuKR0upz;sO{;0eNpy7ATj`f4i;R@q-PKEb2w2sQms0e~<#(zT{ zL=B2J3LcgSyt4#&om?T{suSKpf3F^4?32s^VgiPO-<$fa5nO+Qca;9h-5}r~E^y`X z_e_b(lcTF7|8|%Boy&iR zeXJ>TEr)Fn$08h)uvg%m3g&^%@cUc;K92#YKVSbZnF(0!Pg?)^7-$7oJ)j5q9*QS^ zIRAqg_+2-C8CZJ|gD2NJ5Tk$(zy{X`01bQ$y-s|0{Qd;$egTR|@Mr+|FZ(|}762Y| zIC(7K_|dbQe||kXc&OUk-qO_yf#l=j=l$E$RK2>Z_LIWr{m|=!KgtDSVx&$mp1yz~ zUq1Xs<{f6`yXGhTO-2k8Z?zt2v0J~(&xp-s5SbS7@EfLKa1y#SAS9Zb@pH+d9%t_$ zhI9RC)}4X$c6LkO>Dw#LT8(TyS)XolyMA3W5U78Omc5O99}`mQHF?g>jW+*-8Oy5y zzh6m~H|?I5;-y#1xXTk-cnb@pveL)aR1|{lVQaaSGyr6#T<6_gnj-zf8lM<)UfY%XE(frdo<;eKfaqQ7n znU*i}Pp$28vaakUwa&-TdIw4+TIFLxqSme0SxAu(9@I2d?|Z($=KR(XcJst&5sk%xlf<}kzI>3=Pbab zbtR)(#xE+@VKvZO!Kr8NL)N<-+xGGw>AE=^U76q380e#xMlRk+V2S+{yzR^6PNk70 z`RL)7+kJg@LKt7O-p*L@Gj4^|E>oE$8st-tSFZ=Q5}@Jk1yw&@#c_T;ks!F}rT!?2 zf$fsF%I&Z6rYa>&$mpqlN~Jh1=IF8_tGM%Z@&1T)`J8XbWa-K+H6Mm?bc+r{5(kPx zNer)~EQI7ewq{|zO<$Q^e9q2S^5#HACDL3iH<*qpCifzR#YEc1{%b}d{10hn+XAcJ zGmlKpQ4L5h#MNc7d8u9;#UtX~$E3v8S@K|fJ=}c@&syls+DGDW=ULMAiL^*x#fJnh zYt6Oyg=XWpXvc27sl97QZKL*$NQRFxJa3D>w9ELLtKN?&`-4%thQ+hmS_TzFMLl5} zu9wlncGQ2=1$vmodHrmlJCxEX54NSNi-<}zdR*iFzE$Q+4aHrurg$2gG-Tb;d(Cw5 zw;UH=?3Nf)FlFJ%3SOT4rXbJmoZD?oGLQW|E*$^D^(;-fHxKIS3Q5M1(>kx<2wjSx=O`-?Ku z(Y3{&vOKlv)kX96ZEq7H8Y#Xuy1{6&68PMAEDL`Oj1W^buWhw>N6+g~AXVFT^@S9U3c~b!+U- z2+Sas+rppK+wyw-sAtAj5_9;JRa4|%>7G~8Q>vb=o_KZFpt0cxk?^a%Zjtkp_go4m za<08&(|?=huSps6@zEz6lC*LW-^PLZ1(7Mj*mWD;0%}iv0Vb1WVltecG(~m|oCkSk z=kB-(UA^w7K4;r#ygjV`)oC3&WFh9=eV$EY)>nEiANN$S{EnOk(^bw}0Ar2K{{eD24)ZI#it=lPv zF0;ux`7M?A(|*ywrXiUJ`{w3hYMmhssWEzzPW})<7P3a`M`(`& z7-@RS87Z5vM4OUuPO;F~go^Vv(6gS_5vR-4FG!pS^Gt7g7|Z$Ip2$e4`f}j5|qj94%Y_`@z}7G{nCZU;~W`ZQ|R48 zOC?|-Mvs%mFA9*B;L)H@WZ6#eQ<+P{EV(|XM{!dVz3n-f{HZUIfjBs5c$g&HBY5cs zH39UQ#kS(P5xDZxPIwFf53>A-&!UqB+%z?8!8prK-1GjC_>lDrTq6qgi%*Bl6lgyx z2|aEq6pYB`%2q%7J?=tH9O=0H4IX3*uac1yrK~ae5EstR!86l?xONOx6c>4)hKDV+ z-KT?o%v^fpDIvP8dcsAChzF%c#vz!Q5&>G<4@d|}S|x+X{nnTqCD!HSDI+j<<77+1 ze9Ggr^Bg=|%uHGA8^iBjOT@91=2@V4PVvT49!o1o-oq0uenQ6PX8LL#j%8HZFU}w4 z<@7@KGH*HOt_@eA(bGl*%Qsyj7^We=EwCPD_kJ^U{@1;MySaH+%ym>YXUxtf-tWd| zzA`gEohl`XM$P^?YmfDm>I%d6`xc^WFYK|lDP+taGPby6-_HH1a=GzaJdfwXq439M z8f6Zz(5&;Al=7HoDa0=a4`OPZxnJy9jV(p=h**jAeTgqa-ul-CVbnbOJ9=<7;2UvQQqfPqz7j9MbG+*}3Q-6AyWnM3&L2|BF9XHfB z$I*}(KbYxz4pQ(+@I2@Gxj2>XDd=mLgDcJtah&C6)fW@paBRVnqclBeY#In}Sd-cv zzT=x%H5{Vj_P}i@G<&Qlvh$|bBffIP5ni9JReiT3Nwj0FIp37b?FBQJKv693b1Fr- zLGEW_Z?oKcP{dZ+D&8SM`5|#ak6fs{h7fzS5FLe)E#F@nb4jbGqUe0@X+ZSy08t}dGE=S`k8?gK$tR)umXa^is@Zl8J+&Bj z!5ij_J2zC`Bpc=(;fT`IMR#yqSBlv6iW&RF-e5OFD?o8DxA%R4EJICM`0Mt}rIl)r z&XL0Jte2d_S$~l1v0gV##z4J=N+>n%cCO zv40nU-)18U% z6qmG)R29=c4ZBaavLi8sQo?Kn$?+x5yHE9f_jBbWt*NuoKkgxH)X%pjHH@_&7^<)} zIYySnF6e$G#qcT0xMqXv5Y~BJW%lc%$g6Ga{&MX8=A);*p49Wv6R}^2O}UqJAz9$g zhr;#XyLoY?#Hv3A3ftSPoeJ6+?r`f@q_{pzxS^c=C?Rf+FCp@d&}yH@h8b??DTm55 zPbC+`z(^2s>)g{vWMekngO}rbbK2KipZQypzhN7)W_W3pDmy7U0Zr%X50&+HYD?XS zwk8=)vxv!bVz}v5JJ;I$Ee_M2M1*BUxK)!c*(U!Z8^s6_oyC|$-lXC( ztu|`z)Lz^Qk$0ZbB@XYYR-$zeduKSd5D)#lj2>T%7(!lHO^#R!%p2}ABOAoC#&B~; z$9~qzXyrr0V<2_jwhwm-Zwqaks;!mKMW^ZFu*M?Gs0H>90&-=7oO0H+qJqf6UIiV? z5S2W?V72z;)3mdxmqPe`4#Eb`(KauOKU;W7`xzsO{~`a5-R`904Tl9IE*8l+<649^ zhx|BIF-Gb8?b__h$5bV{Pdfw}{aP>0ERC{1KA5gHy`x-5^Z1g8C$FRDsDU{7WkR)a z#;L+ylH1w?x1(75%0d-d=-+-XytrS+)J!?whi97R?GlDK(^jTNCmx26g*PXHpwZwL zH#jxAR92as{nLDCG@ciM8I47PBOHx(t(&GNPQ2F_GkMvo#cMCk>WUNL%Z%x%oVu6} ztvvITd|Z!yN5{u>_Df6xUpy@>w^y>+U55OUD{h62a%{|SSZ*Zg|1cl+Tg^58NXT(P zPpoxQ-8*ldobKMdP&~Da>$9B9c#6s>O5LGRiopaa-A9`>Hb2rT{o^%-K6I(yC49a7 zUPLOM#fU3so;Z-fmHcfLb`Eu}u!as=B?S?=@9B0lHjK@=ZKqEnySmN77N=+e#V8CI zThO;p^sae|E)Oo*sE7l2Fe$ow3ff#$ldu zdwKz_lx=K%+p-QciStXb@X3ip85ZQdscE`!Ut4 z1Xo@4+a8LfE-n>Dex7mKxc88B>mey;ci=A!VVsrbtTR0xC01C6S|WnuQjCzaD z&{=6lV=olPJBLdv)LdDUxy|VuT{``J$nRIl5XY0-ZUtvAMVwY+qzKx>S>vI+VjfD_ zMLLAZd|?PZa}0C({7U)S{t3xFo|jeD|LJ zKqbwBN5i5=!}i^b15R`DH=G`;q2YHGxk~oO1Wj&AI@%OTC|AvR58veEqYls5+F99Q z%^RC_9=iER%saYd)`+{ zSzvzNvscVy6W1Ya`?HMblj+Z4>C3Bk<7Se$2f{h@9)vul7Pc|T9Xz^Y(y+5BD=!+OWcpW1nVnOw&1PqYjVGS9Wm-r%)^c5Mn?>_0r_sqI&O{Iz zJWqs5gBv3F-rNvjqe0(ja3zA!;2=V!!A681P+=p(W+j`MY;;&Jbf|t3j9QAAO1coD zTnJ%zQXI61jTTo@EM{lLVKv=Oi|>gMPV_h^aw3X3vE|B`#+fS>KI!!v-q4;_-~tb6C#VBRT3BNI6`2dZyj`t(J~`bP6(T{w=9s=Dp4b38I_(Z z#B@5)GCW-1pM`k=&SjWZ;FyD1L&^pw75L-e%K%H}T-bXL@DUs*WW3_P4)+@%&m?|7 zcXLlyit~WKjEsVLUgm<2Tk4iKXk);vG6pb_q!tp@S~~I-TPJJ9x5c#Sl|hZ~jC`|a z3q2d@=5;P?Yi4^R+e~aW&Vg+^HgD-;D5%>^4W{9n<0rwnjv6t;%UcGnyf7xFB z`&C$YwExbxFZ=$l_t;*&dG+4w&+7H35AXi?bo1{1?&0|auD^VI`0DBY;ragI+Ydi< z`0DQ4`-jUHufF`3-eiCC)y?zs-P6Oz+xws2|L5+5SN>-!eXsbG1JAwX*|u0KR|;iI zaqi?%wqw4w|G)i_KR?*dxK94|Cwu&ypZ@^-k&U)LZGZh+*xtFx*Zes?a%{PM5BRGO zZC_lX=YhVs*x)z8U)VqJ@1xgG&u{K;pYInS2wr+#97zh+<$j>{q^1L^9S4SG57=j)@6V9gKhA}?(=8+9d>2})Du4#{wNoI zptVz&a>}0S7)dXwiWtZC_C{8@?t#kLdf6v6SBMkje%SeuW%#5nag$bX2O)z{xPDV$yRC{L^MNXW2W_SHqqKEF3=18K zbm~?}v+T6RE?_9h6ZSDG;i$0E{G0-UfqeJpvhFsavXx3Y(z2j<49^HVUn%B1FxLAUZa?x!^j*1WkrjvqF&hBR1kn<|4He+ zlhp#pjL!UgOIAvM?*ybOz?>v5O^fxCoFoZ0w=%BBzy# zNS$bUVyL$h)!Ie0d@L!-G`J3-c_Z#CV`v0wO*Fhzs+ERQVj(jp9Y>B=fqKga%pTH= zg3@zBpIG?12oWHtVQPg4>ktZatV|Gl8K9=4y=xy1L=`5o1c#j;3lq+vpCE9uZ9bT4 zl=eONnWtWGhlYOhi{VjE4nRed=>~I8hN?y<*`^9b+%>h`+e6&x0$oKvY?1Y_zR2NM zl2BHEH=X(BX#U9*?ylL&6(b-8GzHe;Z9S57AZlo02#9B_$oWT^in7>ahx+n%h!!#*G!phyL3#7mur9 zS;?qZOh1XT$s|uwqlwuBlKn`!OBz%1Pb%HEExE3`MX*_e$vS@ZVaWs|=}_&+$Mf*W9rBdfpl(H?GD%eOme_2Wn^LHz zc1ouU;0`kD&|%q^1BNQ)1JJZwK(?BsI0NpK8H9J5%|MX|?A^_5Rsk^TG&6-K7jJ}q zHO@rO6?X(hM!V>sI04nfFwUCUSAt`mfH-Hd0L!xvTM zK0vgF8GLFvtO6df?o)H!91!0k@}ktM%+yf;+L`|0c`wYYN?`k<&u83PSh#FioTLK#M>6H;R% zG*%)a1-0~2SM!T%4kRpR&xbk@*b|gjR)htZ3=?4K7{%_m51>f29cEL71n7|!&|ph* zjQX?o>C*wpX*XNKi;&w{V@!5fqY05}(uBx1Vq{U0xe@)?pl><5%;0-NDn)r^lP-#f zP$%oy<77ub`6I>PUAJ@ zu7*m5wrThyt4+nc03<~_n(GOUH3G7^)um=s@nsH6hxxPT@Dfbtnl-3UwUkY|01^e6 z7hfG9w>9b{roMI2Y^SDkWFsWo)!02`NDXN>KGe203K{Gn)gHWH#7 zEkyYkzii|XAQ@m;J-U&DdG0XF-CZl~Z_hMCi-u&a0j0UjJLxJ$m$bC`94thrgp%O- zH62L+7&&B^2qN^nN{hU*bhoEfVhU1Y^opURs&s^`j)}wSEI|~2#$^JMGF*U3Q7Qfz z{A0TEVHU)*0+XU9ppixZ8ByY93SaKN-*L4*P{jnx*j}@U>Wy*2p&1x&?2FN(J>Y%SApiE17&6 zmXF!P!E-NitgIxBlT=-pr~JXb<#MOfvz1VGBp6R}i32)Ca} zU6=ywty+r@CxaYd(lA(tHzN5gu8^5~bW|=Xp?HwKWf5R$CYYn^VgM&g0g6HQ+3K+J z?x$*$nkvy#7QkDsx?fXvcUMquCWY3e0Bxj-B)Bm{)EuzHc{3%MeEvInrxzgy=~aTS z*?2}J4;PY90EaoAkNHNU)XN&p1@s%*Lsth}&v3Ibq1!BsI&%4eC#_k}m0zb;TVw9p&8+)MDa*NPS9?mH@-hk#d>2Sp*lstAhB&<%zP4i7WIFRZU8z z8mF?}w73vE+fu2_Vs&)9i>0PGDx=UQ$Q;;rc7ew;!lEh-F#9{vjt{hN?ai-pvaOs2 zYQq=v?t!S7&sr5L;7VheKnaWt{WECwpGLjf9$THt1DVF4I$#jD~*M zY^nD$SM7NMg9<^#QUKk?ML?pCjd-DYlbh~NY%2x2@Rc5?hBhKDi!Tn#w-C2N%pB)- zMGYeU?6r13y5&kfYC|7*zPlsM(+nCdzS2={ZLx7Z31>$I?R@&3-KTskkkH-^h|K_S zG6M+_-dKqoW6GZUop_wLP}|#m%#&q&_JjD_xbuDWYODX$G(t;kws-;@Cd5C9Otj5` zlQIP#u4D5sq|UBluY8ei$aGvy;SEXFT>H<|RGg|5UC!H}PC&~w!)_8_KF>=fx$*U< ziNU61LfAAN^Ahsnh9h7D0iqGl8gI>H*?1}cvwQf3f-zSQ?87YdufwG;220?bl@dzE zM%0B-%8t5vQN@|_W)uA`5!3GHrq0`7w$!MX5a@kEmw_P)7tm4BJ8i7$QH>nv_h7ID z)X}Pejm8+rpGI0eds1ID$i{4sF4)4>MgB0*S4Jyw+PFnUsAN+NCEN5Y z1rzcBT*=B7u5}k{k`-ms?y@9tXDU8EwtB?6VnS0jPL)yZp-4TxbP}l%z5s|VFV`}& z!0pG`yB}AnpGh_rfPFNNQU&@g?}xTDZpz@5tF?7U09-Ygpx~BVQPtkQ5U}8`UBlvf zmcY^CMi+?=z=S1WV+9Q8cYUg^{7!N@5-4{SV{8lr*qHfSoo;IC-1l4jsv1?X6cnEo zE{aW~?9>~)OYPPe5Qaz6s5*K!y4Lwv3H4Tsg#qfS6{>NQRp#kuflI1nP`1LOqQa@p zn6+HXqR^XR4bpuAw}patFOy*ksR0=S+X0f_z2y)R(8_Yz%tXOqox}%8i{eu@VtaV) zT-n(a7YfsBd>IZ+T$eaN@;W1nZDhtD6xt?wpII2aDCDS>$T6crAiYf^rQPxZB^H2I zD%J0zvO%1v{LO;p26?|Js~wKZk&M=E$0~@nqY~tE^k9u5nV7E#*E!2iljdl~7ZPkPuCeJIKUR zfy`S1gH|jtY`MNb@>xVmJwEv#L;pH`NW0yLs|vQ$NAal*RdPy`Fei>rYdrl}HEr2q ztW?s`#US4tzD(d@_8eUyV2(4*f;3L0-DwHu0ho`DY!r%@N469IL5%TmKRp`SB|XEOvZz5ZAU zQcNZv(MfrvJw!{*@u==9#j^-Q;(_xV4yT4KxnnlmqYuear15zs&)svl5XJ7pI{K^R zV2>iysr5d`;nlDrpFtQMwX*JH5jw9{Pn@=^p*WM@VBt{dPB$7iUgTL}u9PZpa3ES1W&? z8f?^p%+-jGQK709a*)MHz>ui;K-%q*6qd5J5K+&{-9Q=Mm^xvrN&xm}mK9r={9E%N zO{yN$<54u{w@NHxl9)q|LS-ki;OKNRDq{{)CALU*^Mp#SwjW=p!~N^SL0q8SFbJw}j3q;$uhKq75bupO$<&SB=oL_DE zFPEuB@!6anR%PehjCTL*%!x#CAgA8noh|(+J7kCJDAi(+udI}O>>WX% z?GsD{vRgpJ4O&1b^0l%WwSkH}&%Ts=q}nx>TA(uUF+4wTS-cwSB0l^%l{$j#_LtM^o>w*}6fn)7RKjvJ3t0tTS3?yNDDbpWdb0l?t|026Ki#t=}`xGogg zP`#>4;+V!&zdt&?_9skRlr0Nnf@02vk6`uNO(=4hv5!9~{we3Sl` zJ5E5oaZ6;_y#BL%vJ$#!0JA;6{Lj}b6wrMIui+|{Pno^qQ#jIM_V#^V<0g(Xm|$@LwKtU{Jy!VwsNK7Pb;WGaK&8aV7Y}O9 zJ);|ePyuT5)%cL_tfX+{OQoF=tF319xIFlMU0VdmIn*8-!ZOv%4(q-FRN$D#QG*oxF+gm_fCE+A z05V1!z=sDwpECdhcV{(f1<c`>C!$xSTyjQk@;0A}^CK=+h^9e^V(?=j&4 ztXo&CSe*eVQcjZKPPFQ^nmrgW!R~MQkw;#s(K7qhr>+SfZ zp`(!0KO==s{L6ZomOMR#2<}y#ew7kSsG`_rw<`^Zp2?3@rN( zXLB?2oM?F1wRLLUf;;&Ayf$t^Set4Lep{3Tgge5KdzlrH;rT{55^%&IdwhOlWeiMD z>em$5f|H)~L0f$6U}KM_liI)$;+Dkot;^uTM4ui<4{97XnJU?h5HqWl9!YRPkq8M@)psPRkH?`#&7=?Zw^*&)AEAfZ zbgFc@d&DVBW4gYRwJa)jT5YQ4Np!Vr^Zo9=YwZ*#iYUW)@ z?LI92I#<%+2h?ZjHU3)X)~E4|_l3di#8FoE_VezX$Z<)zT%_ z@Ol5?``(Yw{Pw%gUw-)X{^iqezy9?3kGKB{`sy2fc*}b4uiw7?@yq8=zyAF8)%V|j z_x}F-FaQ7T%TJ8``t3g&`9J-!%lzSbga#{T60fTMmxHc~EP#e}nvo@q6j!p0K__kq zsj1y^f}P4iVG|?c?9izQBluAe)nR#@M_cNEoW+Y!PV7l*WzrzdMK;Ho_d&u&=z3=T z>#*%Q&suUsT#_l(x2R}Wo!9q`h#azX!4?io2y0f8E?A!ZT1xsReae8K-j5k}6@$(c z?n@N51IPz)d;e`>3cUpF+?^4`ESx_@LO;N}y)Z6_nQ7q8N zb+#6mg(oE;=w>JWdF#aeyx~Nsw!ZR4T|j5l&FOOSsE)t@3{ZO1om{4~>z(GLq-hQtPBopqTCI4$8pJYE7}($usml_5j&%4C zuZR6%l%G(5*=ihLesh+&8cn0h4a{!QPc$IQpyK1mbIeNTru)ero%F5uldZ9s;-qfk z)7WK=@c%LG*twNMPl`_Hj3TFDH&dDb*3n6EhrUI*jnSpMSY`sCzj1{#(EIA88!x@X z1=M4dN~>ox`~$7nYIK*g3X%$dt;QSlt51MDHF>3{GtC#!;_bY!DMs03+{?!(u$0A-2K6V~p-^IYC?Vm~${(xvq#~IJK&%Y;sG>;q5LEwRlX}Gpdq)bU+ous8H1d zsL{twkQY=vxF$Jjh#KTtAEA1$5@=N8iU+~y zByx=r+%`zQ8O`gd4Z~cyvg(QwG2$~)>UcyWw~li(YnHN-PVu3YuxAH@rXU|ayT$yF z$i<`x@x@4y+r=O1_v5N$AcVB&$h%<_6zGm&86pJ;(qtl`1H{qoPIRaMb+vKz+a6Fr zTxtrsGs4-!kBfWZrEH^M*=%NtoTaB>{!2U__wGWuLTawg${5{8l1FmL$Xe4J!yEY2 z2e>vgrTqd)HV&#;8+-T*Aq()yG4Vmwe&I=UCw}X4>hB+B``5r3Q0MWcTi{e=mjLV5owiYr*R&Ie?&1Mt{jQG(^k%s55=@g-V*`THt3*vU=-D1hCEUW7 z$>qxS>p!QPoJoDCV;1F3Ey(jMC`4O#m27M!aO3ctJ13)Le%dgQNiYBzVXh8E=L-cE zc%qVbF!cgz<$9DzM5+F*tL0pesCl!hS>5W;JPM!q`b7TKA-1rXo`r;=_qqqho*0q9bWVrVt>oQ|=BZuxEQ@8%jEOH!T-RHkPv?amU(5AINug27SX6OX7$ z5{8&fTaIQ`>op@WkGt002u%^a8XvO+)Gd#;47i5r4^#Rx5!F(^I*54v!tXR%)NT$P z6w=*%_jtKVj=#~4Z;~Oco##_TS!T++hMzxg)^C4^RjTASBXxx+CvI&J+gQ=xidO?q z?P&r#ZdhRaEx^`0AID~ZPZTg`eoc#t?_pjI;Oq0HA^bAl8(BSx*OA41{DSR7p4zJ^35W6?53ue@{=P`oe=G8$l2ilRi~1K25h zns>j`_NX4!T_pe=bETV|lql;sFX&Tih-j8^vqvtZKHvIvk)g^w+8iBw9BlmYJlaYG zT8_`9+n=b>s1vDdo++Y8Ew7*pXaxbJ$N}uC1r2-X>hMJdCRiX`uK(b-7QeJQ{@+>SEVh4yoWs3{?HX{uL z0L2oY?#TdAQh|NlQP95t`!(;D;`eJaZGu5ioj1F9$b|y0m<5eS|C38tO~2CNIJ|9@ z;8Y|Gk}l~8vuK~Bi#_YjEnOhm*i4(0ZYFRb0f;&mRa&V4T+%tL%AHmhAFjf+G_Vez zf-!ILdnC+64&xWTB}WaCE5canThVi9r{T*XKebIgp6fcYje{4(g`SA&&CxpXtk?wE z-<@iGfzmZM4K4?Kb770)KKkkQ+q_!K7)n1&t{U}KVH4mQ4!%`9Gw z$a6f(;BEnIp*j^YW9@zc%)#idWW(Cdc5{X{;Xp)><86&&Rwue7!r3+YEPRR{5<8-! z`Mh~dv9oAJ|KUc#IjGn$?>9FMZDQPf3RWZi>gDd(vv>L8H~YJ6>$w?r&cKk!nLX>ybt1h1#}LUgMQ_3ar5>0VUEI$E_| zWfVVRbX{0K1Q~?^cIJ+^M?Ff+9(QC++F{G)=_X>EJ0-?FoJ;{_AX#ENJ|A&ses&FE z#%m4iqSWgw6ejU$n;{39`*mbu0xA?T9MUU-jQ=a@q(HYCI<>9Vem=uC#Kl3Hj% zsC60s_c5Qj%y6-BIQ6d#q_g2|_T{X|WNZ*y+Hj(j#GD64VqaVtS;|4C_|nLjm&gDP zg?4ZKUg#Fh7!d;dmolRRpWY%gyQ;~qjEM57Dr>Y;6M6&*+LIkjxDs)^98VYOQ(`D7 zW|ol*1;dz~4Tc`$7N%|Zsmxbox@=)ws(t`T$?S8f5Xo{{84G}PJefvTRNkXjiJ^#vk{Oks z@4_o%+$0l&+Yf<|xzG$#=i6k5Oj+b{H@|MQ;w`0ejs zU;p{|=6B!z<-?aRpMLz|<=cP1{Pol4PanQ~`tC&w;w}ICxj%pS{)d-$ub+QSG=2E?D$Cc zig1zZRL*8XJr(a=0ewhPl^ZcZBXh%Q3(2dHX@D~pRNsXNMZ&`99YzIKrcVvXTT)a= zMNZViGli`pE2VQBTQrDN>)3B=g56u!Z@hO39Tf{T9JhVK8kpLUKFgmjIIJcJnn*!> z=0okCq!_>yu%O}E*x@qk^uwF_wL=B0koyqY zF5`*qM_-3r1yr+lCrXSvc%IKPfq}+2%o-v>^;&4;oK@B;ROmH|K%$EbV;NW2Pm+7- z)e?r-nCEynp7YuwIb*o`3lQTiWkDALHMNMp)!{Z0`amobAQwZrdaw9Kd&O`$R>5&% zK02!;JiJOKL~bYhV=dv7*1@lYFxTTs#6?Ig0cf-a8eeP?R}WcE#L=Xz*fR^il%ia> zNHR5#0BK2g%f*arbAkbzJ4~4q9J2@>}EshG!U~DRS9qS-x)!g4UX* zIgEy&U=R38v6Rvz0tPx&HMOQ=cgIuVg7&nlvEus8dMH#SDriVzKzSrauJ^Joh2x}e zFld{%SQHYc;r6(Ks*gDVop0|o_#8vxMo*iSV($~^$gl< z?H-Jr^u%N^^Yx{J$4YvFNLU3(m4sbPfVujD#JGzA^=Iem4$$C=o)_sF%Kcj3F0x%e z%Gi3cHVQk{Xl^x+?y_|=!outLP{p4?^dfC8!y_$J@U|PpqM~Y6J)$4uc0EkWX|^lv zx2FWX=Q$aq{f-fUb2esus#IET;(@#52?Uzr-sRbN<54*q+p8i^R8r2-Ici)TEnynP zl?dEf#HmMs51|nDX`s&3eVt=&a4?^~(-=vwxl%5|s$QtS21oY?y6uOSNYA9|U!=R^j z^Dz*00dHLp_7E+&X;gtGWC+^aVQ6%Ft(*V$Y5X8IHC~U4GK(H+-dj-Zs}PnbUb8q( zhbo%YgEv4gqOXHotPNshmq zrXF}CN0(IT-UfDymW7nas4gs-7>g29V;{6Fzou@W9NNLa71ibE>g?kY#>oN@e%51; zqUwogt=*KPVU_C5owWH&$OOa0AS)}{@sG->Zk1f+H{yZa%~5pLl=waCfs5iBU69o| z3_IUJz+h__R7txzA)XVvpz30q(UVgJ3*B9$GQr`d3BfYdW{dbPmQ;Lf*)gbUml9Q4 zfT_OHi=1F-n%f)&?Ik)&Im-cU1j%AM{==Q%};Dz8)6!WI|5Ygpq)9s=%MXs znK1$$)MZ;ZDcqcZ4kIaIG6r)0??O{AYSiHa)lAP=nCec9LY0oyv&uL5qic<1xHWKX z)o`G*Y)0Q~RMVMbwBU@pQ7+YHt~^*Yo5!$h$m4*l$c(Db_=5Yh#g)PuQr1 z;+Z3!DyiZ&)4bLU#sc#)t*liXzjmV6Sb{xkAza-v8s|hmNu#SZADV*!Pl%07{<&H4 zj~14Ol1cmxXrbTgSfk!N)-&VJxXWt(To;-tr|(SXn5&|yHAe_sB9qY*qbirVOTE=f zz|U02rD(&vamH86x=JF1<|QYm16I_2De+d1Bp`p<>|#+XBq@q6s#H$OOfaSi zM51W?)WlhBCbPI>Rtt4!QNqxeqs0YCMKu;u%yknU_XoqdJhn<8fnr%gZ&$yI*8L41 zEx1wYuL9HN$;1a-Ux=fjDQdWfrpR5CkyXS9K z51oNfnHvaHHQtDuOl{zE*dw~TqU?0ETQL{)T~j}o83L(7g3=!<3#bq7Bz1;v?muLg zJFaHA4TQJSv4er$k9fQV1Ctt#Cv@Q5yS^fIx-o+W8o%mFIub<|tBRUu@DBX0h|m*F zv}$y8lZI4QB=xyEd*t8vnRw>@#?gEtMc?9O>nI+hK^uCi+_yxfxI@t>i8Ll3tY~O8 zU7z1~ zoGZfOQ4m4HbIf=A9bH^^Se3Vi;8$v`n$gKh#*R$Kl1vX@?x+b&xJBB_bsz=ddapNd zm0+`eYvG}?!%euRl8n=(vJW++l(c^98nZUXsqwB%;fF1RxAxd{dX@GYSLyjVBiBAm zuVPt1a~M9G^XRXN_37D)l))S*29Z*K8f~^$qRro~mE#OWQgwGbCz&zvj#$1rLg7Qy zmqM~vB<)evGHs~}giL2zrC{h}VuD~+S0!lmG|eYYAm%)f-T5J;NFN7M^4=20zxfS* zE?ik{{s1%p;=>3TuL9W4kr7!+T`4O>GeWqn0=sAwmBj7h=UQ%1dfc*v_O6vS-Mz5G zugu?_?jQ;(?wTBnt^7$)xGQcT;^oItAs9fQ_=hxLEWBwvJiy4rj}lQar};!XrMNA`58V!gw zCP=|n@>^BK zrtt=-LC^AQ>inbmV`fH;T?Afr@?9$`mw4)o5>VBMl>_&v&Pdh3qN!6E_hz&U%IE4( zHT+R6l%V2!de*sS3}~G132fA}!LHLC6f~C=;O+`Q&jDz6M?*UJ#S*g`niOCYlS1_= zwk&fd=_&5brgZe1aF>@OMcIW+0BO!kO|SFtHapDK@A-5#yV8)EBRrjpu%t-2s6l;L zfe`a$G*xHQi1qPq?k=T zXQ*|Qw38`mgko*eF`g?D=2L$HD=bv(%m@TMO! zpk@eQYw@ib)3Yp$y!W`C)z^q8n7i}<>Z_R*g66^~B`)V4tx&Xjf`|{*p+n!UFvQ(d z`%SI&ik*g;tVOAu60}W7$h+M`T0~**Xx;*y0%(d-VmwUx2vGG60Csz;EPB~03T{U` z+PpqF1%RyFJt{GlN%?JEq5}#>&?YWO9ScO~6~r z`;7kMg7w#)Zxq;i^Hq)|wg6fOXACwT)h9lh_AQxo3&4pD0-$RP_`WocG}e}eYhQ1b zimp+&NMPxQnpxGY)J1E-RwT2Q#VUc8{?2gPFHW)ySBcz74FHn8`dB~pTQ(Fdz#u91 z>Dz#x5};K|N`CkI+L&{9f zZ-WZ!w0LNz@I5K+dG*+Lg&YiBL-O??xM)e^(TNzb)XS5M{2`vWrz9N+Rb*CFW}za5 zWPj32S2_#`-V&sZmtdf8)$#>pEJ$-MX;Z?w3gL1|8(jjitL1NvG>tDRW(#qrCb%2*qr6g4O!JTS)m{^m zgpNQ$-t2Fn9|JA3ije4(o|njI^%~hP0{|`GYD)=gBo7ff?r#GAllG7)Q*2t5z*hDJ zrL9!&Z_Yfah_bL5ues!%u33s_0f9m-jFLoy_~v)*C~)4e7Ms?1&_!ID~S zp($LrZ_I}vF}VFas*?8rZEKJl%Ohj+&aFMh+^EXFzpeoTTSh(j<42dDj_!`l(q0e>jjXc*A zk%4N%PQ*|~K2(Vc1|qtr1ifk8Huox_G6v%Dmo?Z7VY9`Yy07Ofc;}SJT*j!kyvW4| zf}y^4i#DwIn9H}`rga~@Xj3PcFbm$H=<6^)JXV2^6Y5cqRNw-|eA9INof@Si>|Ch= z#-zyl1fJ7b$R?$c#K=~-<^m~m=p=(M5_?W?I_TgK3dVv zs>A7uPkbLGSy3tfXvj^?S=b!qB`ivwVm?Saf$rGNQ#fuajmx8h{TfQuH<2dTi@7uzp|CQ zIX67hLFS7G&#=u=1@1o5XX!2~YGEd2hA7bvak6rRcy?br_bssll;e?Su;Q#3qE2Bd z70wK%?w0FOk+(!=A+ji5JSXy+qDHm6v0k+A{rOZwH>F$&`QJExHF?8p8V+jDUQ@|O z%-f7cgc){I-vjyt=Gm(zfI{`afQm8u4hz<&8utRdwKFM4lZ-PYw64iIFD0%9H_)3zmgRL znuOTkR>Me0G;miyT2%;!V!+-8;9}#L(VkL#lA%SKSVL6aS-`m#bOK0*HbQd#C!N*y z!Ao!~%E<)OXSjpENsr%CllXU!`n^hW*nEB(6|5?!4W$Y}_t@`A~rE+5_TtGZc)# zu|_Dx*j!l{{=nHVW>nnosdTm!IDLE#OTu)7vxQBpB4b-R8V1fG{M8C2BXH4O3~**- z4BpHDVnD!?6vnVu!rDb`x6p2kEwMHB(F~mP-D{AJY+Y_BKl?ykq*au#G?aTxzmUkg zS?WXDd`}HaIbk96NYF_68K~<|JR=szGxQct#54j))Sl z!{xM~UV#2wkx0N#uUek zA@r%SU8=?oY%04=!t;pK?$%v!5Is}mpwdK8O5Ucq<)BfMs2>_>>}Pv;untLI=hKmVm)1@a}!SQ{>;al{#pkS^wp$Salvk z(!rd;{zq|5WDzkqPGhk~XKcb^EKvc9uOn;-X+1EK+pxm+fJPlq1-yEM{Clbzt2o8v zEdv!7Dlg>sqIEd88XCdv7W$OxNn&()9n`QCp{i)1S_Nr=!X2nQ6eBIqKB(S;>jB;# zyMz@u6|pV%*Le5paiC&7hZhgu!U_{fFO2oNR^uAae4j=c>> z5s zL{B|)Ae?7edEyu~-jDV{Wl|9WSlPOEwd=uLKRqEp2w3hZR;_Os-)+F=i-Hy_dImL> z6lffBmMA*T(;8pI=ldGbW>yTGvJF`#UnxkF^CT25fk`(KNU^5d)qHoi_?@;}kg_Rg?^av`m71`afgF@eYr!=-A`}OVH_kaKT<@0aCt( zpMQFP|Kp#3`~B;$eEaR&U-adV`m-+lrlCr1O#v|)}+pFx}?5;!wwHiS~7ufo>B!ccfpebF<<9Dy63&Mc)O zFuBD_UX2%6S?m(Lj?QUKZ@rJ~&drXEM7Yua1Zr(==9yYd=X3Tkw0B$Ny-*9g&|c< zn-_(+Wx7UzWTEX=w(F>8TI8dzQ?7O&0D(4Z5qPhj=^Rhmt;7!zYJUueQ@~tur>z#AX4GFXnu15`IuRLZLYEz4uJ4`o8I@p;Pa zA_Zj;ts*mj3PF@*X@4a9x))Q>MswXx#HhNZW{NcjkRXhmLzrbv!)(j8ZL`a^ZQHhO zow9A)M)zB`PZ?dd?Z3a_o!wbZcaCyD5wRBhJ;O`%eC%v}5$s$D=m-3i54ut*h6Bu~ zz<%ni#-whjT6N~Jjg+`{E6mTKS6e~@K*j@Wq(z0;Zo~HVa9*H1*soUlKV2EIPnY<{ z&~99-a!kxq!IT!xVpTA2wnyRLb!El})!4RQJWF{XEG(?+@c71Qw=S*3Y%B`O>R4wh zQ&qrrkDDm~|&0X@sgOw1~_~SOwOxtHq8Ui~Km@HsTzL4rr z2fPFL>IxJW5;G&f1fb;Ia_OiaF|FaBKPdyvMb5XsqQI<RqVhNbDyUnkbgl1CC>+*D>qm754EHFlXnotwHi<; z6prLcWnp>ERvidcPD{!3O!?~Ljzyg=wRotyuP4-eH$A2&{Yi)NW*}20)DWjzO%ANC zw?lF@VJp{+DT+`9Qfo{q-b{B~%XW}qAgD_zD&%~#`HafJF zwjsk7$s5fE_+zYRH0hS4T;E8x(XPg{2NqEJ$T%{~ekNIQ_6W3F1!g@VsAYj&!Ey%m zTS- ziQ+}`nn$2AJR!BddmTTZf_ zML97MMh2apxYa7c6A-J&MFRrT-O4j4a?0YnCv7J?M%fL;)M`PPBj4$Iwv{F6Ix)GN z{k-C(aV^s>Q0Qhl>8JbR)nj&|lemMGJb|tu>#D?T2}ipQX0vJWnkx1OINGKWa*OdJ zoN9>D96K*JbbXY-iti>ZF$=YU>5w^a8dc0x503#L;8Fxcr&@I3b481G8*0i$cKpdJZ7vEZ~Ohyo=hJuSgQ!hwZw4EF*n(SoO zLLJ+pI!)P+B`1A@I6keyW~5~B-1W&lFvUoXz7d4gE^DrM&8`2!$=pl5@-3)X+^B)e zSRZQo!6gI5E1BNjX4@x0AH5k#w7xJ6G>Q!RT)qltY z7>Lb1xDZ`GW24s0rn%}+FZH0I zK69SOEl55SBdi{~p#Qak*9{A~)Ffg$VRUAJfj``_au z-al}}P*RV?;>m7Zrc7LK5E5Y z67MCCo{x)buc{gaoGFtdSM{o%>q!CM4NbFV3|&R-uV&v-zIm)Sy4Cb+n zr{}FSocWWG{Yw?XeIDvMnXfOVtJ4wxfH1%$~u!~zgcnCQt`CR3GRYC=G%XbF^r ze*u8cs8g#~j|V;PZ9d|cvdM~gPULWw3=PSpP zqRFq&U#%bq`T|n#Q6}YFw%W{*JLWw(LO2G72lA~w$JTjCCiW_7W$Puq^fV7^^&VS$ zWeY_hm<-Je4)!{!qQ?4bMNhx9fQxC>tKRJ&Iq;iwu?xI*jCWkTI_X?e+~anat+Yor zDA*mYRmloPTD^%9y}ef#ON%V^zh;qZF*Z266$X5BEicz3Ym z4PxhtLveT`blY$`xVM@~gVIk2Ib}&`Q;#ESRD}p6Ko_4_U#>*#b1V`m&qx^!tLr3> z94OLF`&deCBl<)H?^s5QkiRmNBL?7hH*^514zI0?m$~z)+Qv`gSS2{DA8-v_8-_G62Mn+ z>!xo0`g4FZ!mPc*1XCViOi>V8gE?cNcQgz}<(a-PRvg~?KucIrwrA*5K14o5R8A%F zBA%wba6HG`Y9|t?#0&7lw(NkQvdOr;E&NHl5uu)xKzrQ+uZ-rWD9!KbE5_@e9&u(_gC9>j`j0cm!iJPt zrS?Tbb0(cR%%l^98_HCFL_;#pN1Z@Aq!)B!0uJ?D6U2=EroLiz;=iqu8juV+!lLJ? zyqL5KLnTMX_ml=YqU+@nT=d@;;?lH$vn_@_eNLO|f2i#o7FzoM%!xh8jQf-lj~APg zPwruP=#5K^5dXMlA?fFX+P*Q^@nwFffiI&u-2fm?4-=9cNxG@6OGt}2IJcj^|AEU)A43|-#tfP|x}{hY9+@;EjN;sU zwCkXY9J5w`9RSmaIU7~XG~_+6vGVGWyc?r1Gd4A7GQOjeZWWn$W+@t721|ef`>VYLOhCu-{&5D27CHRL9PX(F3yHHWN=7cg# zz6#%wgC9*y*fF)lpm_$y#6K)}LVJ%2w8JgZA|lCQ_E?`w2=9tR_7jJ3Wsq+vDJG1m z(*ZJ_en?!-ob1th)!lzG@&tB7^M8&3T}7;OgZ@~N-O+9nC}*i?>x37BYGtIfU@ZZj z62JE{@;KKpTjodyBP}KrZh|MuM`iQZz`FpgD;_)a#5yP-BKMyLqSA7vh!ZVvwsO*(t-)5-_=1ld!Rykh#I z_d?Qd?-t!5?&R^NM~jjtxhh_8;K(z8FQ(sGW1<3oo>x9|8Ns4-V_JUHqJqkQ=#V4WB4d*c-tBh^7zR2I#QN*n-b zaYf)`EtE^SlUsAO^{Wus)BzijvAE5KKyH~|R)B?y&oVycx8PX`hFLVFnz=<%KFUPn z`0q8lMaPY<`ZN{B5G*T;#4a42G+a1r)a!n8;aORa1l0q3ha77QAL&3QL97jJ$x;q- zW%2Hfj1Jm?Fy1k$;1;Y3nfC6SGhOhpA?gv-mq6%AN3gjvZcy<>Zx@cQ_*HgQW<#Pi z)|6eEZUnQeZpkD$<#8lM)=d3)A1j(=UR(#VP1F*w%&CkX6P8RGt#q@f^pj}10~v<7 z1sdPv=q}HVZ*v#8Xm-pjv6Bb$G$MK5T<{nRJs}PAo)N9Cu=|8x{?ag8lEZ#$BMbX}SXSCMZPDh0#-Z;aDg@*lNv zeGCZ^T8;i@Qvx`RsxDLLo+c8}TUsb8WLT69j*ER_SPa_3Fi{9eG|-we>0ca2Af{ZtkuYCJz5Q{m&J_#?JHqZ;fE*X8nJy5$akjEtEWP{QvFj@m*-b zph&m8keJC2`}zfWv7u{x5tWwi&Y`6QQ-}x!{aow@=^V8_M-x9hTKyBsrt zo9#(`=qTldd|C2$RsD=V_yiw%2d@;42i6TX6h7HMs2lssFP-F}M=5y=;vNF58qT*@ zJ%4vfYymR|F1QxV-NwO$Y%1ax@KhwFIyzJhlhT&D8gjX`58<=$ zWfxBs3>jk!h7iB*t;G`Pe838E35&l-7cXUNk?BxTnB^w*<9Lu*m<48Bfh~B#VQf^s z)U+B%7j)Sz?rb*54QTwOYE3P2Kq%mGiJj;o7|!ZF_*R7TP!&doR7EheP9AC223uQ> z7cY3iDES&1DP8HyH~`JBV3?b&W~f+S%&xqQUU1_RbYPfuTY_aD7YLp@qXJ3v$t2W- zLxI?eILy9aBgj<*&7X`w(S%DHAMemdKtcJTv)HJ|fS?(rv+zSKf8f`a@SH(z;x?H!q8CBW+ARHgQq`H<-D~wP?MZtz>%baf+(YYu;r0~&T}kXvpSh$zm3*2_&%UJ znfEtvi$dtn7@HbVK{z%R^ZCOJ+xCGy#-?Q0A{*PYE=SM(vZNO_NHx|k>qf$b&zQa8 z<*por(9yj9qBd2&>x*QDX~+`;i`)j+zFdwo8ZC)F$g3rbEO?QXz+A~Kwzy0&6$8(N z=>;O<{yMILjh%*kv6z>wy^r>M{b-6vdiV37LRNiSA34_+J5rqjBkW{r8FC1*b?yjs*Y=l&Xg~NvQS+ZS2pg(pPWwjNw5_B~ZF-c%#A1 z<9`W6**Gd0P8^b-S$5I>BTi~V>B%;7+)EYkqI#tU6~`{%C#cg-)&f%dCG{n0eJ$Xm zaA0=*_C=}UN#tt&GxUJUnI>MMu-2tR2HN?g&Ki%0mM6q7G}Ubm5}4uzk|PAMMx=pQ zfjgm#rU#UgLmV*GnB-xPeddb=6;{$s_kfPj@)yJqEKha5bb%|~Hm5UI_3E0rySyS- zU@H+Lhi#Omjg)LVMcdQJ&$*{#=u|7n8?e#?SF{s6PTt?j$d3Gu=BTGd zg2JQbSh;9Qz+N5rdXwHHfNcXxNQ_uB>dYv^wugVK$0BJ&df_ z)Bb42>er-F+3KCsI1OgNGi=ydzORRLV-yT+HCTu zpPZF<$LiF|saWsfzFQ4D`Px8y*dXDCz-JQ;7?lHh{?$_w8_ncD2;w|1;$ahaSK%)k zc0?I4$H~96>HLnE5=la=oD6EoC)FmfQ}tdBy-?zfkmueJtQ&~8wgH;{g2}pYBzJl^ zB%wEQ243|8QAFu*%It;^F{Eq~eO4_hlKqjRQE7mzM`^w6f$F1ab%1p0HFLUA+liO= z^j3XDBz2+jO4J=kL7jsDnq+!IHTaSrT#~^iYhT}Ja&>AErljOBBBL~}JiMSc_8j}_ zq;u7VuYeT$$f};H-6^Mw_Qikngbw~aLjiq_Cf8Z>pA>f4mD^GN9VnZF6!O29sn2eR z@U{~uvn>oNN&~&U(j!j2N&G;@iw9hq7?s{>)2YX4he7@6CKbi578Se$epLMs%#s{+ zn2t)>xAhEgGeIJL%z8^dG@tk0d=6B<(lSbmG_<+L!lE#W>Ww2Ya1JCt?~m9q3sgoS&3O(3Io8(+GvJ2jsEc?7J6f zJMNU3>~E0OinsJ9O%&qtDXI^+Kht@^Z92URKFLZG#s zLQT>N4IUT3JkwqgML{w3Z+9N3oPIlgQIVK)*$m4(ZqfS@cBD5ge7D9QU$b{tzJ3JK zO_;NM&q?8tk;yCmVm+mvy9cY+dE|!B2u-F@`cm`xc{t_KHXM?xXUK?%kj4OuRKPTb zOs+0qI51SCRygexB@2}XttIRB=-IX9#y*49K|E;})>!Oa^=_^e2;;PGRU zAw0@NzlWv;oAS2kuK=0sh&6T4W$EIzc-zlFSWNY>WKkf#g_PsITaD{M5rFMoB@SEe zMy+~wu50~zo5q?;!Sa0MlU|1@`P9X|>NEKKICRl9!G)(>8ABa7IrLF=-KKfiN(QHZ(qMr#6eM?8K;0~`r-Z+XK1I$^iwQ;-JzpCI$eKfqZf&UniEfa^ohFb z00pz)4HJBZb>za4z9UuR!VG<*Bx%`<)JSi{5(PYb(}?!8+vp4|FWGo|)Oh`!Sh-2oA) z-+x)X+s~~vm5SR+5OPoehP+g>Qw~)X_QN_oQPuhB%DVCW*U6p?62&nw^KinYrd4T{ zRtCsSB22*OiDs{Z=8<2%nO@ZDxd-AaHN(&vweZc$e}#6O3cOy9>Rgw|A(u-gv1YQW zYg<}U=c?ql`lD2Lrx})3nKhuL=KJvE99G09c+z-Q?>NjLDvu-YT%S}BO{8@ASLyvZ z5@&$+4nHW|?NbbqzN3UUmKG{VYbzuL;(x>*KkPYw!L|1y(Y+ZkDyMjf@V%UGjO0g4 zV~f`@DbtLa)=E? zu5gsa)n^CjjF@d)P1jV|6awSqX~G~f_bW_C%0*Tvw{K`a@Eyl2O(A?Qd?!ve#ke9P z;4utlI3L_bB~EOHo!57?w3#qNMR5k*V0-^w)RYp_Qv#tg&oyIJNgU}hbkhL6?W|15 zLs8s?UEi<5X{)k18DU9g!>W=OSyg@A)Xr2Q8Ju?PEunrN&}RL7k57$-ZwE?bXGi_t z5Lgg$7m(8$o@trGK`muH1I0lM98lZ6fXbdM$BRtl>BTul$$`)N)jJ#4!m{oxIW8RK zsGO}=kyZjr#$HDxnA&}ary_Wmo=J}?vO`l2HOtSAJ4niCBCeekl@h8;*}H310|Ao5 z*~;@q(O4V8VGwV<>P&YpJls)Qelxyds&;#6{mIAgVvZ#SGpZ1>qY%nkrc~Q%N7irA zQeA1CfCw~9NQH4B9BE|Ard>E{^vu%44`6&Xkfs+U4a6=d#k-*KKVR^HX*bah; zq3@Gh$B}dk=+4bgmeJnm9tk?Wm7)C#Pf6M|b?O-K1-+0M@5tCzhp z>bGMBIOsI`vmm0>0WnCaiv<2JF`{_@ePmQuoCfO=54mmo+A|As&1W%8^enW&lFD&= z99^Zu*tKaMb{egOhG`^Alrc?WSkx76E<^ z6~k6QM$1aMHG#R#)!#(NIpzQp*BRXNEOt2B3O)K5(OzBW?DWlLtyln7A}FM^O+D~6 z7@kd5K<;h-X8IRCf2WVwzs3(FH-&sHy9cEK2X21owa>FA;^FknaZH({vaZ8srgOw( z=3uYk0lJ;cR-T4^w^ppl0u^pbUs{3&Q(tMriOI0O2G;uG>WJ%ZT!_lFBsCbz{7e05(Wf{!`bfZ9@^HZS?VqC z%*C|Lfm42fm{t-G;@7vLJriaXl-;FB4t+)_PyL}CO2|PLZCTCm%KWr~@+1k?PzqHv ziQntSncE``oQu3hio)aHhD(z+@i;Y^!kG8!pgK|5g17h&k(shSb*rNEfV2+3I!p^S zKsT=?V8vFa*mDkJ{Au9F%Tl3@qS0`5=#1wr&vrDAbPM*%2L)vrzu%kPlVNds)#d16 zMg+989&K|PW9A!+GK`dz&; z)d7+a(Qjte8?*Z{l-JYRip?2u_`K$L$zdf@y6>8Gz+W+g7j@Z#gBsNGy9m5^6(KK#DIt-^1Jd1_z}L^CugXLt!LPfIsJWp2PpL(% zUG=yU(Y=ezo51(`x22ok1O873i9-ILuP07FUk6jrqk&)dPVt|HKe>LpMie&HuimCV zgiZ7w!2UWSXEi`gLj)_qxia}zUbe#)H+eHs6eV3!dUEJr3>}uGzi}nPy2ytx%^N=U z1(Un-&N$dvwas+km5FFgWL6v(nmaF{?i~iO344TWQuC#?W zAc*Z@VP<{d7p~rn6XqrB1>)DT?!Ra#VU+VJetxDg5OFjrIR4n;SGM_7VxzMa2!Ct_ z2rw}O{CjXBvEcKG!sXi++~)CgEJdO}wP>uQb%M|_phy$Uk(U{*&>H@KwN5aHEa zoBHSzQ-&5lKXlA656dG==Iiv*YSe5A3zHBcQr5qgZO0M~Gx8zPT8&fUJ?$sSo{EfU zON_+(l_qo}sfjK60yZc7NOcsgwA_gyELQt*(&_Gm}AA7b)|JG1;jvXN`U)8wEzGBJpw(EXb zAn%RmSHD&j*npc40l!AreFk)uj|$C{gOd<*G`> zb1E3UT(w~IlS>gC>2=ek1|z%bel@t#fupcC8GKc@WLKQ^;`U@&`{Vsz*d>HU82_z;1fV=*0u+bj98fiDk(v(d%i^(PBw>iFG@jX3AT6 zDF!%C3QNPltyg`)rbG`k>)cF0ldmr=gVpJ%; z(~>!Ga|y*me^t7P&FCuEB=V&~6(~RB$oqfEwOnk47G}hcEMh6Rz{`}fUNXYJ=(+$? zVNq0ARpFB8aJRRheeNUBD0((WxY8ELbJKm*&m`CauC8JTNAE+b(vZ2?JEq~PlK`Pj zCI2Ek%yA~$%T*(*vbZmNR#&uR(Dm4>Px`OW7K$=+PJynj%er@0yt29Wi^U^#$*UWR z&xPkuFnpOnRAm1yP8+kITmu^)ek5jjRHIGhPLu_~SL;^Vw6ZL;L> z(10|3j%Anr%|En{f$kemL%!G7IP-cE~2H=Sn;>0#Y5 zky0HQx1e6Czu`fgn|LuJIb*1ChFS=P%KWL3J>RkM}`u*+HJEtw5--DT}1tjN^@ym6)Wm@*UHaY|mQ#s+N z1=St&aP@u8nLYTq_aF2w5cq(TT7~~oBvl2l)z{uI(M97nZ^%NW3CMiL&EgKSS~p%a ztseMy83j`>v&0OmOHB4@G?_oPuwCDF(w@-)ESn>%qU4Fs;nKuja$0eHDvX#NQc5OP z%8HENlRH5(Fv%?8vjH0!7df{{z>OiMklbzVG!lPq-2kz047v-xy?c=z?5~c zUxaW=NPXPBc1pnM5hgFYz62N4kUPG12~_dL_1n-O(?^`I8eE>!F@@t{<2yNidSHCb z8>>d`3HSb%6;H^f=VCAR-swtPtqV#H5ry7?!0|@aJXp-D8)7MWc;5kd0!Cp?_i&Pe za8G7k!MH4uh2HyG)lNGJJ3A}ap^bD=e!iiepoS3p7OPVwSZXg;QKho@?a`U!O7?jF zn=oG$?y&2BNRN~OqAS8L_)!fHeI{XuIEl0D>}ve|R;OhIkJ z_$vSKAgFzCovVUZ80?qfG-dJ z>RK5ZsgUup0}fe4&kN!f`5zsHT>`4ZVrbgiocAT2N-rq5_v^`em8BMI`yY zgoXYwwwOnfjz>>z!dK(9fLVF~krJ zj!nFCH3$_@#FxvMG9fE5j!-x)`U55`1kD#4CxK%E>mP~Zn_07lVY5Zi+|AaL7+%JX z=G3f{>jl3T&ub4feBduhE5JCF8ajuORIIiZ)d+3b_BKL~HEeM{w|QAw*4gvZs#|>a zgNo38qo_meTb?r81of(&B_JUomqe$UJ3y8aRj!FLEK!JZ0;v0IbhWLKtt#WCa`a=f*l)S+{& zgH49MCEXKU@s-zkC>TR;U~Wlt{l;FA0ic_Av8rH+g6Q62U{$Qc=xOPs@SuMpiI+k% z%`qm+_f_CG(W+{RjY`Mb)uJ5(SWIWFHICB(QWMMA&AshNLpW`-@;v~Bvnys2s>^>R z;G#RrV0Ba>9ilE>R`}AHeqWrG{@1@h;aY^6EG&b}gn9wvr*Q55j@M#5-M7;cna!fD zby{+-=6}whtrw5#vE{0z6b+2Mo{cRLQ*m#h?Io*wYRXSovk{uZsQDsxH^FVH!;ReE z88;7cmL_dCifU_*5DB03FL0@aHqAWcPy;z@E_?2xaTd_3(1-st?H^nq7)osrT`hcQ zmURVs5Qz*=|IHTtOz#=Kf&l>*tt93HchmXKBJOn*~R&>1;oUW>sQ z(3UmmIKHmPvZ(R%#l?wt<4v5TRr$|0r?NWn*M&S z(@P)Ni-QOqHj4hI6;CkF14|u~Cjp5>U?6dFzwvY_GJegy3>>=r&#U$i=;CEWNtAw> z8G3{wrE=mX=ar}=NB3cA3`u|xM$H;@NCUY!kZz*0V_iNv0A6qp&Zv%LDXcsTiyt8o zPSj|P{L-+XDt|mX{3HRvtZWI9#t*xYaD$#|t6FbZd7>;D`2*3rpOM%^rd#sL#~?v* zrRty_ZFffmV2_IKwH6RUs)*ng<3tb`8`HWdN7A{p_7VM55%qb(SW=YT;36q6=5GM- zwoHJLy7-40%VBjGScZ#W(myx_Mud0k>=j&_py!lgV9BZNbG2+f42NZut+Y59t$}0q zMV=1$C9}Q3Q&`q$A4g}aQKkJv zg{{?v<1Qj^Ym|4nPlpycKlj)jH6MwXwyd2wLzMv(G-F-6m+_Ya=-SA0nV!9+9{K}! zYe(9AxmpAZIk)N5SImYDusD%gS%ytV#0#jVXCrBwA$X&?bs81U+Y_#r)_b(J z|Ko?NJJB1j*vdnyr7XWckCc!wCN;pbJ>26PVa)SFU>{NSgfCc^j7$BC4|4;XR6unN zc?P4PMkrY>le_=EJtf(rCq;Z?mY?k!7N7=Ti|(cH2(guq5)Jxnp&V~gU(u(owm-^b zngETzZC8STun91~@w^$8pFZc8%eXZO)>r}R(KkgzX*h|FH$eFkz7<%*s>czJ}%B&MoqVg?f(18^g@E{mC^f4;ErPSoID_n z=EE4TTJgpMZ{4<{Ye9xhTGpD}iqaHpX@y0MaCLC$^cYa{lwg9SR>UEO1Ho2aChR{H z5IJ)yjNWz+zTfwvh>dpp1K!`B zu8bOkzQ6zd5x$*WO;sAz^%@Pl%}jj+omVmwoW%ZqqW+1k-%?1d8btZ2k()yBz}>9S{5uVEGMFveLe`UFwwzXQ_VQ)a zGDRVmf)QP;6$9@s^ap3vBTaYptFxYYNT9{&iZv}b3^ApSjph9%A67Jd^@aUZMXO(X-J~o~C7Hp%&~=5)AlYLGkj%py|~^ z7x(ik<9Osb6bU{j(ZUE2>U^R=i5_BK$VLyC$miuG3IPH<%ca;7#=U#11rFi@uvwr0 zb)dSgpy7pzG6d}sug4~HvT&QDZn2@5%H?k2c-<@ROq?T|k1f1R(nL@<$Uj)5@2iiE zfz*Ox6lG(- zDraxf9ft-{yM`5gEy2^`GpxnDWfr8A6ZRzK@OTEpZIvdHsdADR9BNqCKCIyg=3sP8 z$VE#Yv1n30Am{xhe~icPIo-WkveW2eq@cm_KH32bzc()-CTxikf_1emT%$V>#*!3T zJ5%MX-`EkIR?-ry3rlEWDAS@EKDP3`)Dh4KRd?gw$ zzZ`i5R@YQr+Tf9e1(1GaRx$)9GpC~KS)J&lyJ(?DpXl_Rox0ZYhw6Zb*(jV?u=>2` z6B0a+1LR}=FibV;#bCy$DX%<{rxfM-hxAYh+dDS9M9qiE`^@O8ZTNU4z>$V(j>e|w z-XMFcLejAHugbw_cuoJ8$x}0xY;$cuSwmeqZ~bU8d)Bc_?zioP5g^sChJY@`c*KNG z85Ng|vL3xpKi_rd-&An{<&hbJAt`fZiA^ zYwJ#%{BLB4^OWN1hQVCkl}NDD^G>_FaxeE@C~=ZqdaIp_r4cG;HmL5`lNn^SvhCgz zR;7dKJ5N)=2AX5WDO^DQ=V7hC*a|c3+*os_#TP6~0Mu+Pkep%l7t7{#ve&u41Tunb zUgm5)nh|+~$YN=@p^}hLUhR`wJ|v?+DwDmJn;ITfn@N{aHs(va*bzaO5XpH$j;3MfiOwa(|V zeMZX50w6AdOn=Jen`znHsNnoMXY403{Hct)rg-!xt&O{XG_+j@<~lfjF`8rix0nxQ znJt_6Uwt`be#Ro(MgU%Fo*RTDu1#dhTox|KcbJhGm!|w;io*(1E#Bo=ErTV9Y1r4> z6vFp_WZ#-I*}EQ@su(F{M-Uo=J1Ndjnt4IU7`U;o@WD(P*rdoDwgP1eP;t4O!6Y>bZQRhemtPf{Rxg zm-AiXRSu}$Lu>0t0*K0pkCks`rPY$Q;yd47@9PYG(emh8gHhkFjJ2KD4fof)?$|}V zgI0b8kV%5f;1*oF-PX60nK9W={UMYD09K_4t?UtfbR%KYkcIBq<*N~Us{d+<>pNQO z-sdc5HH>THnvo5A+o|nx3@iWhp|}MDYjgmq9)ebq7~OPqGA^Ndq_nS%(P3vKYCBYR zY94%3d907$83kFoZlk%wS_*Egxh#NG6K-Ig%S+RY_^j~B z|NZc{6Ba79dcoy}>j{=@#P`OiD%8`oGX$t`>^rK<+ECb7!A0(}&1d-;LMRd1coMZ9W#9IandH0f;<5Ik-g9qM%@a6M3)!033H|?D1F%D?o#jUIMC@~`pEJGvNegBFBg5zy?u%%U8Hk<3bS$%-!|JO7#DHp^OKaDGb8)ud>mCiwSl9;kx5ySkYRIEck67EdVN z0?SOt@ZpOd>j&`H1m8HAwH&QwgpN zzn`{|5&QkNFxQ&5wAj-m4{h8hg+g^N*w8INF;rDeWwyn1yphw(vY#KXRyJ@TG%BB~ zuQvr+WVvmLbqr*k#UQjf&a%yVc@gH>WfgweSTA{fC$U7UA_8W*&+_4_3<0mI-*Wl!GEN+5E^rtMJqeZe%PdD)O}kU&RIa_a1QfQ`Owkk9#; ztC&cBb;X(R>K1XSD`?7|q&bBd(?Y*Gg97!6=l1!6^a;m`+KxhLPbFSLZ!&s)?m0Fo zIefA`v}V5qYg;c)lW(>@Eb7$#D0lF$df23m6G5BVazDyw_s_M;yvBSO_qiKJ%tJ4q zjj$nkfPzh2WI?Uq2KQ#N^(ms@0JNgWm%Yk3H9&djV!2^O@CqTiyE=GKEe}b9Txutz z^;2OU?WN&Z@1FdK^A90t#-|mTixs)@8_;jd#*p)Qg6l~9ADzT4X5w(&o6{Yiyqc)& z-tCJ^S`aCQNDVfT^>43dz#P+$u&z5p!ovI5lW9-e=DmQ6Y+^I#9F2N zu8CKj1&~~6j$7WFoC|O@Rs=Tu4PBCUm_b^(CXW$FS)H5?x*kyf(z0JyKywFi_U{f5 z0y#i4eJVj`U(z{kie@IkN@NzKhqq}TxR_m^KPD-4!MCESODBmn^WtmcZZU|s2(8WE zblZso+MxDmr)y2OEJv}Ji9HVgT(b`(*VD-hKI3d^?+nE)yRMQYg5BqU{R;BZ!u$`f zHSw{813|lp`}nYO3u33eux<1y9g^{{!xb(ue2SO|zy(h*c$WL51N5Hyx_g6tI9jW4|M5KZb93_wEaLnr7`SO?ib^?#7kElVBL7= zZSAL6?|-Z}*jB#&V7XA0s$msSbQni}I&WT0Ew0tbL|wjrG4rvRjR3d{Ea|z&mAYe8S0)4m13Hg<}-~cE$z_OVbk}zf5F}g`gUvb@0H!PS!fnVZsjR z|8UMzh19q1_9LbSfiDs>{E+5(0mpBx-e|0V&Bsw5mu&>Mp@l@t(39@WHAe7qwTg^_ zLIfu}40Dz7o1<!B{9V4^%F<3@AnjA!`?vgOhk zv-?xn0ddD?LDMeZ(QoZ(k=y7I>DtYf2tbsnNb8B5TA4NlMwvx_bW3v*;ZH&l69gM4 z5emh%bzpL2nP2plL^l_31gy-{)i8Xs&F!ctP8%z$GX;wnBRzTmTDISsgTNR=tN`*a zo^k*THUgb56JM8YRInvS@B4GH6InQ5!IL!(^|OvN`C4X6yAv^VKdf$HGpa01drOK| zN+SF`VbD5WQRm6?JvZqL1T3^Jtj;4Fda@id^i-F~@;*!)D|KmS6A9a;SMNM)Z(g0T zp1an-=`LKu_hL=TLX9tx_D2j-+JyY#7mHrKhb&RqV(?|bh$C=mUD=B>$sW^;a5+PJ zMGAiS!+6v}s}kR#KJ!fVL36NJE;lnuqV%aLjJ*w|OvbS=d*)innrkBNmAt9}SMPiK zM`!}%%|j)YTG2}p3bs&DNLdrtVF?=6pl`nGTTvsGlZz#4$KG(Faqn2z$!cxQE;ys< zFATTCjM!~frxt>K>_VXLLeY{Bc>1fz>4{q(G(kt&!eY2esg=wd=5dXUsal7PmcN^x zisHiM6Dwic6#SpfdIIzAyqX(Ssu9dDkV~!+_J57jbIIp5{djJAuRFYwAdM$WiH?np z7^f?C{*Y@X5NCAZT~p!3ZAAWKLt_pF(B`cJz&s(O@zNacs#T&7HyccB$(cH_0)d4z z0LI!aPtXk%zmmxD1QdIc9fuOt-nSMSg$*tFza^q1-M{;aYEt<2!BmzuCtiQJV22)F zZPR4KL5i&Ildqi^`MQeTzCv6sXIL!xcG+C^W8ZHA)%{q4i~uEE(k`&k+%&>yoruQP zWfR^jU-EkWIMd{k7Q6_;B8{57_FT%x0vUaZh|Uv$Y1bV8F{SB$(MVOYy4@ufp+V8M z=k>jySo07_g&1-5XuHo)c-k!vW8uvG|1ow>-IXxmx?Qo=v29x&+cv(~HafPGj%{bf z=8A1QopfwF*?lh082e)Xhk9yM)%(<(m7+uy6FvZrdj>i4Hf{udW+Oveu30hMoK9vi z(`;gJ3MS||mAa6~49(H#zf7rT@Sb9;eeGX-10pke&F!(5AyF|=_tN#|^&A$ctp!el zTh=LoY+JwGiO*rP`+pQH+4*b`INS1{nt|KFA?XVctp0&GYkupwi$x}dj$ajE1?A8` zVCUkqh%i6MHw*fmov})(VFBHB4rr7Hz&s8Excxj4B?uu*xe)kwu%|_{z8-AbH5)_(UUX` z9e}0if8ET>&J=``OhXmR(MXx>z*MS2DbB&fHhf+1*z=dScz+-$Q;BXN{Is~Qbm6TO zFyO!oow~f}oZ2?S^fJt>AnSGRH42TrvSZ(cINPMn@zCK^6jyb}ei^Yv?Cx=l-iSRR zr{6b4a8HNS$uK1!V(TM!UK(pZN*&$m9VkeYnU_O6|M4U|5nXx_B9v#xa}B4@f;(#| zqJ}^h3JiEDY&%H#`uy+fHQC%y==48b-%KB&wGu2DfzNOy0s0EVb^BB`@#!II6l zLoJI_&zPit%#_A?^(j5rp*?Sj$6Y2qqdSn~pGt(!nvwQk;gDF(5&j>R>K$4L9q_2M zf6Ql*I~4>Nnej1HP+G{k2_d-9nGixu6aq{bRqbrLDmPkgc%I3LNli3b6l*&}1x}(pAQmhUC^jk+!`s1>e|efv%JZ;? zVx+?g5@`W{9gZQyv}q6xl+Exg|E7nr+=&*_oYja#_c0vh7lxQR^<#OTAk> z6nxW1{G-N{`Pm4&4!ZSVvTZ*o4|Rnh%XltGker)73}IDmneViKs`_dg#V&?3p3Nnb zeZ6XA5e!xL7>FOZ2$bRKYQ2YCp4L&|0zVNChoazC#)D1w`&r(6@{?Jk&PkOYtGKj2 z1L1ybaqJJlyyHX190-I7>%A?09&o){m_uOs3=>S zLr`@g8jugNJBwXzZ@)_Hb1-rc(640M{w&#gP-M1?wa$H;P0`#^ zl@vkwS@@$+1fB>M*vblDD@zM+ZZC$L<2h<0m!BYKLnE!3Zp;MamqOGuIT)fyL|Au;ZehBIViDV+bjqVu7&$KG~lXrj(?!gfuhH%MNJ*QA5XDt}T;pzvD02X8(+ zi4?^a432R5iNWR?#Vk~-f?PnLnxe5|DGP&ww)NYLOm*k>gzbbq(M>bm9cOl`$xsN7 zQrwSZ!cKfgO{mhUK#^h-8$2c?nj0cav#5**Ky+iTO9|;d0+~?F!V7PTQzqPl+}0bzBtvjW92p%dmU(MsG0y-63t2Rol53+tXfpZ zjh=)jsjk3AMNX(y%e8Cd5=^#ZKS{ia-lmJh09;sTd7G`zf0-Y*nYh@TR{2&x_!nWo z_kg!+gIdo4=-2`Xy4P^n%_;bC7#kB~PgLR%?1a|q^JFelY^KkAvujCQ9fhvBc<7al zf>K*|{M2WBZq&~u1C`|OEAOqMCWPDmvXwRO2loEAY--FESNmT2wl>D(#$OM4jMPOt zjwaUdwvy(X-cq=A#sxXr^)LVYiMCmmTo%7gLj=h*0cDA_+4e&|t0f4YDfhti%Nc_- z0*eJSwhv0@9h|~Nh}^H7QYc93GlIfS=aAsF8iZ5Ae8{`d+5YrTIpFW5XuM$&jXcID zfb$J#VeBra4mFgvydD8r>eWxR4iiZ^l&h zz{|LEQ#f(L)gKUxF?Pl!H(=jIcKM;YlZwj|CZ>6`Nqb2;9W7}kA ze74Mvu6}P7m!nr+p{+Q{AfSkJZtk#e@kGu5$`)kNHIy!)NX+1Ri|2M*^1447D_0I; zNYJZV_9F207~whHmlrC_9;$4bTB3YQC%xn&A?pP;k>xk9du5L_mwv% z_1@7moWA|%Y>k2D=WA;a7KpICM`t@go$y4yI~~x)gw)r^hluR#xeT|H5i(B5`Gbsu zRIM{(N#5EfxTVw3wlusk8(%IcSJ!ow4Fa5{>r27&{JC;S6oqHEW>e1J8Wj_AEAv=) zIKQK7betKNrkv4ZM1x(@r_;ONG30sJu*V$N`JV5h`zh{CNu$~mk=3&TVuiLpRTgqs z%vE67EYknzwtT8*VfYXLE>j;V7}B-$^%g%mkQ^G85*=yj@BSNCQZi~rQqN#PDk_qi z8@K#yi+u}$=OKTlx1vw>0rd}aiHXLLub70f}bI67>Vz&x8xMa|O2zpAQSF1`e z7S4nR-tRT}4MkubOS9T>`0hi5t&FB&I7EgT8mu~>S(}Q)0U6v3El(aR7qz*2{n`( zU#QMDvZ`Cc<)eAU-%VtCa=x9MGi5y-&bG>}J6KkE_@_#@rDapy!nY1Y?lllxWt5hJ zBre|$fpY{n$`>kP>w=^GBhHE3GRmA%EKVIG7^_HN^2>mwlR4l@42#?a*K3(oBfnhg zms8fz;q`49Cbxwn2anRcx(9&*3~Y;9grPSoU8}nko(g-oG%<3t<^mb~kqH|MHw%1* zLm{V>1z#ZCC;W}WPL03mQYjUbx;|@v_1s1cCKY0V-=%76TLpL3;6G>VYkWdQk0YOH zB7ZX@u{^ZVUE+ic<{5!Nw*2aG`H>)(LThWr5gJ%lxCz3~iWC4;5M+2>2;Le7)}j@^ z(jYpT6Tp1lA1w4NN})>-c1|%igIVUOWKdR(j5Zg%MX$7Wn5`}+%DEPNX2qILbFjnp zzt~1H#%?4x;-0e>Hhs8@gB_+9F-aPo`H<9` zPcTJ-gEv-;8Dn3OXgQ_$qWtnNhV!WNLAwkRwn#3cb+DW`n$x3jQs2XVNTyMpAfT^0 zKEA~dqwKPuCR(t{J2pkP&Qk7$TChJX;aHK}l4AC0o5CfQPoGLspT*@XRwXGhy_LI) zz;%+@g7Ic{`XNW*=tL;a+h@vy;`HIHoS*QxXv^bdIbjJ-2F4MkR*5i|;hv&)AH9tX z{9}})b}tgO7vozgvWcejmdUmHk9k?6zF0?f6cXj$(ak(;RT^%@8;9rfJ5TydA8rJ< zqqsR``m%YWt13ugJ!DwrL{cdsu{_xxbI>R{hnBFdk5)2qsgTe|N=zK{zdR@8y5@)n zD$YyFVftli^_L!qT_p0HWuCs?w6E34P+O=2QsWx@RP)GcWh-bL!-%++kaYz9Qg?wY z6P8Ab?YWRQ9`l1qe$NTp5tLk3r$@|rv8t6kj40HwM6zecaiKhGoqu}b`HrP)I!frs zQz7aJv20*0UN%61At2XUhMWFS>ELK-vVv?gldGnh3-@Wg!2=+u@#xv$faKrlZ`QH^ zqMhKi5^>l1r2>Ju@HBcxARSUUPSvx^CGLxzy$>_JUU_G?^Tp zp2K!q(6Whr+le+a?8gzg*|lN;b3mH@N~dF^(;v_~^5luXpsf_ZDg-1Ay!8OqLx_90 zU_qC2ecUm(3!=(1_`}4=9^oi*111SRjX|VBxF|~Ln64YAO#A=oIj%YDq0|@BSz8me zlQ7m)BlE`7y+U9J_gSOZNrc5K?aUPr6hK2_+T{qi+yfj{i{EjC_WJ2Bk?dh^?- zICn4cAG(Sp_{L6e#xDQVb3q4kcQc-?P%r*~uz(N`gKQ3y!Bnp1Kmh&q{l1Xl1cI2r zXQNe$YrIfaYXjF^v%r+pWO$yzWpUhdqhSVpo1aUZv2gDl#>g-X_D<$Xt~C80KG^0= z6JoU8S?tG>ZJENJPzlz4gDTH2gxp&DR6^kHZ z42!m`Ho(i-j>#f@zvr-v%^1{ax)24ENIylU5B^Dvh~S9MVSiDW8M$5v zh>(DAt6srj13Q(HnI-Gn&p2I{j_OatLe&f55X;r*_d+Cy^1Er!c`Xa#t}`{{`i(mo zw3reB_e@ipy_Gq(Z%(D?<@?K7%NGUXo{;aoknho%J4H)GniGfV0EW3 z-@j)>1G#V zvd^cwEG$?py68q^kKMhIDI3VS_gG=AfS^)SJ#uJWiF2`+SR`c6VU7sb)sZ2fNDP<{ zOQZo}RoLeMyhQ#3Qk=JY4L1h-LpqOOR(ZE0d7MGY<2ku)%FI8_p2Hsa3ipm`goL|E zK4p+s{x}s#^kil|7jn%JlIlN^_%>y!tsaqfwnT8=e}iIPg7e(_T@|^{+tJ({A zyT9xH-^Sh#55to&o15Fyk59wpm(SSgtDE1_c$>)&^`^Z|`O-yFO@ z7a{U;5yQRjY&>t5!Q9&W*1yj01|8npwhw2o9V3p>8!}G64zSQZ4=n;d6*i}@wl5vI zzU~h(uf03on?FadChKP=ld)IZsAK=zx%dj`c#lO9{G~cd;}ALba6=f-`L9m(#r@{r z@?F!r=vVeJI~?$*O=!;I`-sHN(~+Y4baHz-d;9UyCg34$cJ}M$L1Ig=&%c`Z-t*}C z66O6oou*N5Y5ian!oT$$*IMvpa23Vv$n7FQvxz@um{cbx`FK>T$ zHGkH>U&!G$=KQ<+E0{Q7^!o#4?wFEsm-+iEL2qZ_X?gu%O&GMtvij``Rp1itLaA=& z8d_*jIm{KYn>R4hwknVjkf-9HC69d}U3$dw6@hO(@(;O%@l!jWOq>)AMU{yV4j1w6 zO*AC(0g=rU$AMkj<_e6uCISMHf+=t=91P;=oZjtll+hHV>`~MTCtiaLdC=_}R}gY| zb$e`i{q`KZPXCEg5Fh);&zxmss6HLK=-hiK$I}etu)TbC)SNthgM8-JLirvdH|SgR z*WDikEFt0m3F9t`z*M%zLg2$V!9bY(ZRa%VmR#Xs!y-jsCQn4;3|CRc@tq1S<>0Rk zFUlhi8yffGR4DL0!I}1V)>wq(QI<@&;O>EKHl4ngQAUMuGZsgL5re1A8T|xc%WFeq z2f-lQu)*-S^W9Y7huA9X!TPe+<9NA+JvvC`)jeF|NmOn~b#40m8KZqSvXZLTfTDm1 zjZb46?xk$%(}`f0Se7)FSwU(zOG+f&qJ+lbwysy1BKX5amh(M1b&4u0x&RC^fn+CACnS5oKt*XaqeMl zUS~vK<7wG>-VavZ|_&U_uAIWFaybR>NzU z(oUF)BIOBzB|l>-U?a8g85xGjuRF=1~0m z(UiQzlsX)aq8MjAl&cTM>IC@6YplE`7Ao!i3ga3uH)_QH+*j4ORmP5sVX=HTk=l|l z*D=W4Oa)rC)0Dmq8U_B{ZXPoZ?FAs(Vf|EAnVPGrzGY?pJ8%6n>=d25)tyx?wFKc`Fc3-cD2*6ZXLAW^rn7+p`h>ARPS#``ww@j{Aj6%TWlo?R@~r$xO%E znYp)S{6djPMvsj3@Hx$!YFLhD`L`UODhxl>ff-$jX3{+XQEedoTCia-YhFIC&uYCc ztjI{@snHYH>+z@*D-aW0p#)BGNj`0qVkgBKD_cNCUhQGMc&}R%(b{hx<2PKK>Jhr7 zoI?r*acvTOXWL-b`ihK!4AsA2yHiXo$s4$>OJl6MDavG^1HHS#UFShnjS2Xc+UI@I za6;XAkI^X=i=A~f|8Esoj}EcSu63^5<;vortJJ7g+CyiYLCRG@6VaeuS8p>aE$@G( z?5j?=umwAYA03O%dFp5=Hdxpqj-zNnQl(8J0l$f|wviMM@qwAtIR;tdGAlRq9(Oh; z;E0z*qC`K9bJyL*L-ij+X4wvxwGA4)OB>_?Za=1ei}|^w7k{bgVP5>BG;eU2T>e~J zPljw{_RK6?GTD8`w3t#bTqQ6w;62cXKogcLP9u95cH47ZsG#GqbXFPkcXyrw@ z8a~2E4$>&a={EVOLzCu!@rR9z^*~f<1vtB2P?zS zIP6@U*k8^QYC=>ejo&aH^?r?I`eX3 zYJYZvVZqOqfBW~jEG3A=VSNsMdAa2Z_G}W+ICXc=LWv+V9K8MgOUJR%{Cp=qB zS6j~OE8G1g()?2@Hh`8%8;7~y5E833zoW1%D+2dEv-i6JIN~@Oa+a8L_!hj`u&4K*>6mv<-;w=~H}Kh_L>d zzpb`V4^&i*uclz*OC?#H2D`!X^f;WqutQ$ct5a>dM=tqrMAVk{)o`VCAGc`RxO$RK zJhm?I1ShmEWYDHROjtJ8*nXiBK%O%xZOQP$9(3xb1InGfJ7FKB?EBzZ?H`NND2G^j zLaD{c*u&56`1)#Y5Uz(8>HjA0nN%_*j$5g^W)PNHx*Fy`SYrKW7e5JwmGg4tBKm_Q z{OLtZ$zK0v7Iw=TYw${8kq47c^Vs4? zT)#rZnIW)j+&_)?t_7Tm`ujrn+hfm*mOGOsn*3>B`OUpx@H5_Pl!X`?XU$A2}t0Z(SPzknClxlncNGw zkWk!H|Cyhhdz0q^MH*mn6T8zojtZf7IOEfA zidLq*(O^tByCG|iy*K^bUhg@)9nDWm27a;No|uOH!49E;)TBJ5R4PpI>&Ml-&uWqm z3J>*O*+j3LGiny`18I_qGpNBq}%`!~aTS@%%)YPLwJ*-r+tn@!BM;OT%M zHR-T9CYe1LBL9wuiy??w6Ua|6T757R*PJC}`9}D7!P>upYL=CshGw88ld2J;8G1cV zP-~Siq`zGKPHLFUHl*CHdhIA-H@k30t4UcrFW5(CE>14??)P-6C5x|TRFJ$-l;$Rd zrKb=%hE$aBSZ~kU?fYcnMy*jD-6%Kd#4C`bg-YiSCpiqzVZ0!Tj#aq!at_%pTbMN6 zT^*()6U~JX&->Op&1gVvMn+e#^b>=C@EZh9sqV=CRDA>6OE269cCv=t?(T7D@tWEH z?w2byvPwsZHR~E@naP_5(CcZ&W(zDR#~#*epMDo-q`;kZfT~!{^^1CA454n(ZM=xo z_vos`?4{cC;4d#ogY;#x=^o8fg(}$e$Vb;rsJFa7(m4f3Ilf~Hq2>gRqgotVpWQmC zT+^YJl+EDbU)E`am~iJRgkczQ8?>)}UiWK1TXn(3I!^}v*VEH2@=FAuKSu6xy@2+6GE%rDHskqoC343X|8kw`OaNnSHq~Lc>lg`vTJtNmwsb=_ zah6@vl5=u}o+ri6_-(`dM@SyBOo0%MdB4@8`kz!?!o=`O;!K0>&N2-qs_a{$vOlL8 zRhYI7^9@%xC6tQuuBlEaHMZm%O#n3V!FaFrvK*dc1uxyk-zNRC_nYV5|JgxmLQBvz z|C;;2Ie>JA(LgIJjC%tb!2%>nwdJ$`tK+0_FzOD>9MUSfgL&5$v+=;DZLITufc?a`;`*e`xoDURIRoyq%s-)wg1?;wxH&);Hn)odV4`<5 zBRVI&DcT|JGD&d&f!qOPOi~n8)>&?wW&S4vN0XM;Dn;qb;0nuI%62#fSv`z0#lGGA z6rFY^lqbd#uf}cUOMwz~pwK$8Cwr~VMAZ`WD}LxDz6cf|-KEto%!Q5WY;#G1Gm7#) zL6<5LX|l1%y{X0KYj;rT$PvM+7H#Kt_~Y^f7xk4n4L95_y|6B07eIsJT`s~&FxkP% zpUT)RGXXdko8Vffzq&zAEp7pI{oEWORD4_WJA{y3aEJKtf2I7bsl6OH**!^%fMZmb z14i2o&1LTk_N1a~qhs#z?CYb{N+CwI@(L#3e%A5}L8IPFx$ZrWAV zC-M!pGh=JPfCfrYI#e2=2y-}Hbo<$hT@Zf`wJf!zVx$B7P;49?GMg@F|-YaIqM$hojQ7&sh8T^fU8-A z%?dtx+wk+HqHK3vq$OLXKCn5Wy!sWtz^ITE!4Rqly^8JD!Q8`Km(nQjn&!g+22cFK}iLUfv8YwPD zA}xcYb7A+MF~ga$oc|N?w6VRM{JZG+TM90bqJ9XGLpjQZ^b@=NYwL7}Kv-CBZK4XEeE`?;OTt>>EQL5#t zC!PwSeh-ezR=I^y)`eE4l9mu4slbjn7w5#Ayrb{;wC99S7a5A2Bxw=P}zMzUd%Kv9>F$#eBbM)aH*J zEuXFXR+B-NV@++v$yue$k}7EZYl}YoGo)UHbRCn&*~4((N`u(;udLQ(Xxq$20e}iLac+AWuRuy-Ke9cPjIu8dSiI z)gKbVNsEs(b#aRNlnb%3*5+EUHvYUFZ@rt-l!xs_w-D9gdw%)+-@}Bo(wii>q;!l7 z4^=eCib3%9=9V;oU^M@~o*>^(+C3F;@=>S}vbV?3d6=f{`s(R#R|EUiAAe~WiUs^l zUD|czzj$j{ek`+pRvwhGK+CXPp#KV!I7U3x)y=FZlF`mTo^E$V=4HTs&C|A$ID2=? zHPFo63vRt=b7yQtd#uPDHXjw%lagEy2f1FqIC_!_SGRs&Kr7lhIBmP5h)u2kb;OIo zxz;yrqo@fq&f?(SvIERGW97>)N5k=KX!m7H=tV8U;IbC|=G|+yR|t-ggWcGfrUzV* zY<|5~140bU`!>xwJn>F3LYd5=x8#{uD)y;85aaF@u3`!_f^pHSzOM@?D1z#mADqqfd!#yJ={?WN;JkR7W>4H^RGsRy$e@-F>Lg~+X+5=R#x^gAR$ z)!;wpDb^-b5}JQfH}A7kx6%t2EA7mKk}aQ!^gZ_gn8KR|7n*ASApUAvPAfGtT#PPC zI_N_i^*@?5kpxY`%mKxJcm$p}cB*w2FhGU~L-@Cda{*=EHTsk&(wQ@6&d7M8X)#rY zY{*2fS5i`Nd9J0cYwU1UaR*W7_j}`O9M(hOGd{o4;XCPUuwC7g4ZymuEgCJ#ni_#g zE8gbYBu#?)xICMvH-~vQbZe=M;%ORxOt8~AFUk2^m#TskdY?_hApabg&p1GX%2#$E z%RO8F^xo9R6>m9a0dg*xTJAGL0QCmsuyW!$8{tq0s4WR8SxHY+O1&z61rhuc zfCdi4v&-PumGw(IvD*JYS%fCl8c6-+7sx3E36o7HY*?*?)iv=l!67`D!a4E0fa{M_ zL$r%RUy4ui;BJE6mO9}nzI#zdDGjXTp}JQE>k)HLwLk^W#$u%GCmMh|g)C#kp zQz`4UZ4PdH^f#n|Xz3dIS4{K7tqWwjWezDt?A|R(SoFf0x%<)0A;xZBKi0~PWTscPo*pT_ z#B|fiPWSSNz|vV#XrH+eXj(kB$k-#!^3GBz?8-{=E6%4(p3&$edxJcuM!P+?o5g1< zEoqB*+&m^40*EJsr;bO=p$IP)nEY-w_W~She+CnWp$k!6qfR`#eXbMg-$H)52*7wy z8(4j3d}rlI-m#vj?{-1LvF~x$>t!?;`s4aXip);UK+#k$Es9S%<#&{88{2py zJ`0R-u`IQ?yTz&Vx9ow!&k1X4V~7rzAbJrdfs`?Cp%F{rP;Cr04hGf4(plfgtL4KA zzBa$k2<)RCBVCucc(b#-CEhly_`}-1YiqAu%LMrCAIcwGs4ON7CU01V(Di_HcAt0qvWc8qIzhF#Qj`A$A5FOB`_h4W zRKu|xZ>ZOn*%&t{M85e}&Km`@#S5%GTM|=RmhbN4a))<^*j)9ur|RHc^=02?qIsuY zo{?wdPE^MkCsxGIpO3F^?9Q&z!U+q~mT=|sfULI3QB=RfwQG_?>YT=%p+i*YECjT8 z19Mx=%VcH&fuCbSSA6`f-K+n|*NO||!wY1jTvyd_ZM97>WqDdw9qnL4Rr@Xp=aZl= zyw@3#C$5+6#_EcFn1kLAf+6}C2*0feEDR#?y`6>QOS#uPHr=tdCP&iYNd?CdTohdO zUdJ|dfL?hk2d)~(kgK)UZeAGCm;)DJZd}}{F-9_cR-gM|OF}nupca|F7DtOuc|&lA zkk`p}w;s*oWm(rSuF~Gu^x(tyO{7Yq*t&Bk$4V@9(0+a&KM|v#p3dJW{dXJ)@X`OZ z(pZnJ#jEwIboq~IfskoqTA=^M2$Fpm%aijX}Iq`~DZ*bK&puis<54!^71Ql7JM zOMWSQBcro;Yfh4Y`YFM|p41g*dFS}vKEWA~r0{vCxIaqx4l*#UqT#zl5CAxO#f{t6 zFkt&tb}!EQ1vxH1vw!Y$PNhVd>t@LZ{!TR#KZmrp-LuH#0?poAAcOA5B<%PaCnPRVRFuU~c z9hVx|jJIOdy?J}kJe6MT>w-e7F@s_`_GdNL(njs!Aja!ZRv|3PwQmu)~`%@SJ^RE@8Lt>#TaZTyNkr>6AF=^*{`TDk1s=Y?Zu9 z0EG)Td$(?MRTpm4?(6oIUcoMx{LlJENfe|1#YVA(q?0@$9P;_W#o8^|J3Kh#eps66G_LV*qbwdRIaRL3QV)M*j2JJM*FZ z028s+Ternh4-c^RYd%mwaPq%PuOVmokwtR{DwFs2`f1->A4Bdu(uwl{O_Lw5a(0N} zq*GOBnzl1dGpk&CQ1+)9FeV?r$oNC@nKKS`OlKZX?NgO%o9>HPG@!G#o49r??el-v zyQi#CE7?9L)#pDzW0dclzPC=$ zTg)GTg~gFV9=6Z|cdyZ~cN|+^Xry2+^rQ!wx=W)wBH{qphWyrE*S?!v2ewMgAD{HI zc$;vzZ63Pf_-A!Yi>ZIW+iPx-Hsi)M+}b?DTd$pe&Q&3aAHpD1f*l)4oClh@>7)Si7_SELZwPKolPQLu^<8Yy zttRIV;(+v=#chB6c@QZ_HPhht`GrHVjRTIze{F2{2Vmt`j#_eps!LR7*_bF;KS@;A zVsUX6$Me9d=hUdl!QF=1qxE_a#rN;%+9rhS%jFEXq^aH-*@`9R!gjLi4WGyj?d8JZ zvWC#AZglQel^ts4*s}JnK!0(?T!tdrcxzl zkv?FRc<`0gP5RF3X~yTypDpJ#N6*{b`?~&>F()p{N!kD(6%-jlFqKYeGlG!AS=~9l zB7nW|p}^gLj^Ce19<>>kqm*+HT#(8ov`>Is)(k4s8AE5>e&943UuaLGz@L%!_O0R; zj=fJqil`o;gGdvjXFjNpS3InVYw~SMj4mQ6$UKQ9@g%{Y&jNFfK;#CDjWb^j44aV-;A9r#2WD!- zG}SJ9so^VKb-ZmBcXb2Tz}@JOyXDvn0sOk%MEw6jY|tgeA5pp%%sv-vJ7BUp!SE

{f)y_``dW|)_fENPV5)dyv#5(`)Eb!ud{qUt=#W)Y z(gXA>{IfF5R1#~}7(chK?HJ%isfxq};rMAu@N#&OgLtbKZO$V0?)h+COD=**&pIdY z-Ym6}5P{cdJyj~S5)s9mtVQMeub zC*w$Um8lh8x|oO>0~3Re-&sp3 z@XGj*UNC=>&tAfvHJ|`sR9BNWm2YEbm zKX%H%S*APLNLlL6NPnKgnkZ|cZQnWWr|bO(>J|c3#bgZ?`oA+&Uss_`b&aiPKX|RS zOY(bV7i_^lOiDMP*WlM^R)@!b$ zwypa?m?23>%Xb%Jl>)B&Ul-m50V-;jo?_A>HFz~t6%Ndky!HY^YS_mH> z#r9jJ%L^x4gxc;!fH|6LsJiX_T`BU1h3kTroqOGUH9FNR7~!S7bU^Dzd-EX?nYG6L znX_(RFmBz&5t1to{vp|$_qk>g*Aa((`IZfBr zSX%x9i?5c~vLMvPk2B`^ew)5FSC``DuYw9nXOO`62sTZ<nCN*ZX39W!JW zHM*`6rL!dlFj1+pXpcjOPGe=wAed;fucdEQD{oCtvy|jT8oIL4VAYreSfYVzHrxrf z;Ml)@5|9O`|L|SD)%h5i^>?@q#!5+{Kvq_VW3uAifZA@7Q(4G6D}oAp&b~`ZxU{O@ zUo!Xu?WN&|P1P+Xyiz^$l|gb=lA;~Th7>61IbZHGTODi_1M*|h`=JXYBjK(k>Evhh zV35Miz+w+JMRaXl94bkRPfb*t8SyjVUBoZLOBUs^PNT#(GK7Vb)ooYtrV>n?<@ z%!vlOH2_B`(~mJykk|CVfyHU|Z8<+30Tj-k!Hr9f+VoW?5lVdR{&#nKZ3-Qf-@{W# z{^P&UcfC1-1%X&;V5P_-YQbcUhP$0lg!3=_X_qS~D?>ugPqQx+6Q^TqcbhmrGr zRvTTJuR%qWxq?yo+EV50RUr7nO+Z|$zp>1<-PJU~gY8_$vadpX?Bk+K%IQs9$e0Vw=I06|w z(9BpYjNR~&O-(7_x#o{w%3m-kM)OO?5p6gdRk7d8>)SR2g@C%Cd?GVeqTekZVdrDN zsP$b5AOBsI)LFpJKKhpYH1b8NmSyrOfKwhOT^y!X+q(fzXY9U~BU!rV1KmCBropKT zwP&zS>H8H~P?1@bYnGx4`4!>MODfovn= z=!1eSzcng_Q#`HBOrq;i>{AJBM3SIIV9Tlo35qp>OlQQq51#};(hLtno{E4A)?n98 z*kxjmDEtxnJ}5J?up_k7{MF~IgNC!L`+^qyFQ?E9cY9>|$}U#Y34ObF2(VN_o?7V7@pU|nRJGuYV%Lv3S1FXcfCvk&xBGgpaR%^yqz zWwf_HSTR~f7ed`<=-8?oMQH*f7z!@vfb3EjK0)({8RX{-ojJJkx5biF*j%hq6e6Pf z)?{cS*bi-4!nbJ(UnFVumj zpSgvbH=->coNwCC-HsW#jY2xnjQNDCSS@rsbW%C) zp;5@#9+DDmW?tTSECmpk;t4p_P`Q2Cf>x!ii82I4SYJTJZ6_^>;!WFFH3Qs#b&R z=i$H^AlX^8lBt3X3lPAR`i~)9%C4OuedI3#4xtN~!=iMukg&)=7Xf^UGk;u<@B5Ag z1^E5&4LGdhxQ)i)ded^Zxo~1T9oM zNTBukt2Zp*3yQcG-0kvZhW}XT+dY@G_VZv5b^_!MV(!c!`$Vbu5ouDPi%UZ`<^d~X z2z5~W`6T!mLh$tE1fX>j=w4=ek=7C}4nk43B@KtlLNOSOKtX%{Ha1Tuf3Jd|5_={Qb1-+5*hJ+V_UwB=MrXHu{JR^X5WraRN+{a1T)GnYP&3z+18$ zpsVemFDJVY@KYwbQNqsX(cq@HHMcbBPe%9D;EQrAwYVcFGa60CP2>=>JlMcFF# zapVR`uc>!kOVtjWA5gA~8k|pY`~Ph9+l%t4nZT2kQfR@}$}e;urp9(1_^7*ypu6b0 zfeIrbh8h_dTV&;{_dTF=rne49a+W1^;B@AoL zP)!$!W#1LI+xG8s*lP-4?Np6y_qh+c`68p7n4y!GnLJV9s#qk99#ubJ3xvTegY8-r zolK8=sFuE=pVX~ze``>y!u!61KfjG7;z)8`CkRnmmj#u8L9b!V%NqhtswO}HBj>t~w|GAT~AJKeL@ zX5QS&yKqb1b_ySN%n&%_-8%!+jq7=xwQ^*gH6M_CG1Xk_#>ir#3)7gsMfn^%=fG9g zvyy6cyNEq|+g7!2Ub4n%Tj8~G?>f9c@3Uk@A3&Q96q&3ovgGbnSJ{F~VFy5@Wa^iIkq|TV| z$m*tz|Cq*ueC+GETVBAl({_8iJ{c$s?;w3lZu%Nu4BhW{Nmce|E-&3?RV?|Hu7QD^ zixm7^pTM^_d$ z@ueLHboba;^oXgg^Wv`9=KS+uqy`_)V#}-d&i`Qn`bHw&{TtnXWp)$g{5}>c@Z4r5Z~^3#37BWv zSB80O0p|VRp`H!cBmN#t8(>)&BQW0GC=;mdfbq>qpYA>F`1I&qU0YAx^ZfI|?jUAD zRnBu0R*zIq2_slj0ICgt(^F8-l&MwmH@N#;j(hNeHB&5pmaseWOz8s4w3k(!4L)p( z3n}c?l0zG`M-#c>PF-l{sm8E5i)_VH>)BpJAKAdOLd8!IS9O^B%T%*%L6R}Uigw{oJHC|~vdPmuA$?y@A5Rbrzf3Vh;&V76vlBQ(5Cj!q~u?vNV` zMML4|m1nk^m7!f$?}lvn`I5F-IQ!|K^}iS|qz~9(Up?n%iME>N#dYqaKNv~G$F_aL z+jQ3hw0L*2ZQiZN_da22heip&yt<^x!hXh60jSFiOCMC8uGr? z;4QvqGf|qH5^{~>94+dmJpn8aWzX%zTJR=1T+}sW!_L)V8{)Ec*JysV8C+Us0n)9$ z&6g3c&mx~bx!2#%ml5t>vO~HtKieS~qb6E0wTV=?JR{%j^<+0*H&gTHMlhv!^{nzX z&fCd%#@2qwe#2-TxdT1UJBBQoWUBO8)ryf}Zn-y!_tJqG-tMX9%3tn7;`a~xt2Qte zYNX5m-VRln9Ch)svwxnBn?3F0K!V?{nK!(+aetb6;-s& zoJp!6w=|O4*FY0sYc{G`lQwV}IDNbv)KD~QWfE_!hW?g34xVhy&!@ib!L6dC=_Ls+ zQJcOY7+#=S+0GRr4a{3w`sg^#tU5P#BTgQ$7D-!?g@>I@@sXOoEyMe!o8EEFd@_vA zzdFR)m8}_D%i0*3wbz;z2QMU!*{7kkQ;;9*<3CT@mOBuK56H*6-2#(nV%sND)c}C2 z)4^z4QMIagv5X|){xd%rje2-Y2#NVsi#21LG$&C((J(2s!Ogj@?JV*2&r;{Ik``|T zo3mMF>u3(OsAI-mFucV6i;dZ1YwU7~-6*(0h4*_Yk{Yk2l#tqXCaxPqV;o3n{aX2h(E{Ny_xKGv_j844`O|?IgA` zWjQ*R!&AYW?8O4m=h7gJj%^TOnubJZm9cY6!QU&oM~Td3urwDg`pyY?3JGyLRQE3W zHdp2()`Ssv+0^U>g&w?=W%osR+RfBYE⪼X+c5KDlRS|aR(a*cY+?v9b}RpHk8`WB`0hLwGzmnrShwO0(~ww-KKN6uvdE+M|G7o=PVGm;bQs2~y6pu&00c zm?SO>#3Ug3Bg+Qw!eWUJ`sMyb^Mf3o9y>epay+|E=;Ocyr=vq@jk-B${uW856CQdVrxfKo^@b;*mT63jDmIywV>S zJ*+^>r6ZD9bDmDie&JB{10N$5q1I*$I@pcS%_gV=)gD2rr?QdXu6(UHas|#4KDObU ziR@Y$?tPw6V%V?8S%!8d{4aYB#$u^@*x$oW!}g`!;gS4Y&x$@1C#@yp(!R#UYsjtm zN`ty=E(7(T6*FpOH^DFn?g+?ve&jY*vVbD;-R%9_EG6t)9?TC7Ln?j7*;0OiWs2Ii z`0ncK*>ariiwQ;GE{;lJsS9w1<3cdcWEh4CDLVN=YUQt)y1KNt071MvXV!buHe)a08yw@=8{c(Z0Xm}lvNIp}uo_)ptG@v(#1KMea1 z+i&prrGBxsm3_gtK6j&E5)zJ|czR6Bv~S!``zm|L#ta)zmT~E9ODj z4_UJ3ya4A?WSiNe<6u#t`?bO}Y$8S5mH4W-dVI`!zV371z@lzmm+z_%w2NM!J1KWg zM_SePVrqG>PM7DZi?l^sZQU>a|KY|d8<|}-feU4KJHOXVe9*A=|Ag=E04GdEb@21m zb>y$JPgh=aMCx8^!aIo8C$kKC*)NOQA4oosN5TJfho2H_j)%qVCrrjAs=Wl=z=w@F zK3>vKZWXWWJP#~3JZoacj=(_$Y7jP~3>BIA=&vbHGM0=6Old32f_1INJd8kTZ8F^XJ6Sjob<$4R%j3 z?F}&wU2^|7_Qz|R0;`!extQS4p1t`x=(HsQ)X|B@$&R?|>i!5gn+TbB(@nHMS5hye zC1Hamujz_-J3fM)kbiCKYkXh5Ozb?|cX;#C|I7)Ks;j@!H1hs(OAARI0vi9oOKWv2 ziJ`G`cL?G6&rK50sf`v{Wm?){^u`Yd?%IH}SEU*-4wYIu0XG{r@99sE9{!@*>EbM< z6QD+!Ov_ZzH{%!Fjn+XIRk)0VhlLor+~t5OPKv=aWllm`j#wNn;%+NFnxKV*DUL0L z2A7s=j~xo)JnuXJyz2R|cx&wm&D!D{xlC;|#wh6ySu6-S;`mnrjF<*!9j|ZE7P|1T zIDFa4g9bcSlhNL34+JmO-s1p(0e&EvKK^fwKgR#(#vd~)2L}`%AJqQ{uuDW-s&D=0 zsK@vBsK*Y?+~3ruOt$rJ?Y_Ga%9y;v=0c+zpsW&_cI2W`G49J5Jn2S4cIh5NXDP`F zdT01SMkv17>zA|c7P*duko^76nTb>!cWoTkR)m_&6qokSG$Q-(N-dEmVUmie%*M>t z4^-&YihMIfG72v6hu%x=MJ4t}=X6-nb-2O5VgXAFe%J}T;wye8)=X0m^%ot=WcAOc zC;ZQ>6et{KITX~lm$IB|@d9pn-AU>$K_4sUACJQ$6Gp)9qQb|g$(e1xwdbsd_vq;&9##h3$`D=&a>Vd$kuq@ItbW z8cTu`IH&a=*q3%>-N8+-*zy$fQs-kr(u?z5cYhM40ngVB_TjyNTRa!gFv?x2*lPG4Ny9#-_6k@yvAJYom^@TM8D{ih74oN91RSh==q8XjsW}}RgB?tru> z8sET=G+7T>O-RU8_qsP`BM6>6{``kA7R)(L;kST3|5($Dq_sNrHqs4DR|e=Mr*eH)A4Rs^1%6i(ae&3? zPR2zE9=5-Lutz}p_HPxARdLs$m#Q9c97JT_r$IMzPfIT#Fg11{u~Fb`IOMTm;Q69b zuhANk3BzI6op$bgZuYOik`oBZ{X_7L}dg3pJw7Lo~wB zJ}Db?uM=0N6rwWiTHJlly#C*q&hib(h8I(dc`xNp{y=np`PoAK;C5H)I4?s`h7&!C zXt1s7yg{HA$Qx7y_-rft3xmKdRE)oFhC1-tMAvPhVr?6RTSw~Mw6B-#>7BHb!NW{t z5m(ok+D4cF7Ya&es|zEXL#iTs7^eHx>#5-QR`EE(WzVLJ8ZOSUgfOx(smUyz{Ih@n z7o}|6er;TZ7ldeNjU+8+pVqsi6r|*jp5$IEqa@waw3e#<=NF)lP?`~CR*~ds4gm*y z2dWh)Zt^5ed{p9A`Htl-q5yIXZ^d!j`~{1lv4((yi5x5@!+?&gQkJSzERHu*HLnQH z$CmV8Bc~=iwPR>}2!T71aV`N{HG(SoH z7DLvtdL3IBZru6=LSl`WWcxu?f zx=m`Cp0cMWR!?pP%oLyaBf6QndM-p(K9$W^6R|lPHoc!!)W8(g#q#PIkn**m%@N-k z19lGvcPLvF(5LyPjawXzvfv=Z`YQ)q6fBxB-iKKAhBcA#9h|<(4fqE$w_eBsW@jiU zm@WJS4r!f5dBGks1ejC8JO=5#(0l<66ZA%3+j(&X|1%QlJaiW2=}C8?CHf(=0`ng| z65sSzPSG|qLk*<{L@R)X(WLhH|5_SW8n#fpK}$C|a!o!q`$e!q z&N$_bn(QK(#KH#9L8MZ59S%$S*yP)t-#e#zYK zJQ-~Wf$;;aprJR>ls`(C1}4#)X@z|RHOwdM)dIQIC}J@Arj8KyGx7G{?L2!0Usy`5 z(FQ|omGN{=-|hC&(V|Z=U@ZRN;>=0@z(hk_H=fsN@=5G2x5Axxec#z45fh=imFX9f zkIFMkr|e1M9=pA#81g2IA$YYEIA6{h5jB-?0mEBWf)km_?oGJO{vW@$cA96upDN(B1z&*{8^)8I&~)3nb!rAnN7;>nZsI=KR3K$}aTT`;p*L zJ-efrMIIX!l?SUuZ#g8Cd9o%o(l|_{Q0I|)@Jxhnuks{{7zeT^+wV}je>wQdRIPRJBS%g8Zm0-vhH`a zZ-OlP!(;p7mzVZ@2r*`OF(!SA9BBGEQdxI7e%#fmUbnCr#(!r@M#)4?F&K~I{}xEr zbN>mXb%UqMwTg9M#Kcnj60pn`DG6$=0!EuJw?MP$ZA_FI6q84#x!#y=kXLA*MO2(U zFA5%mMD41%?18lZI4=D^j&nU#kD#Zn;Ag%Dw67%R82B9TUobc2*vz$_uxe}wgK;18 zhxHN)LpgPc6^3%Y87BnAQ`)6Z0O}`uj|bAu0U{2m+B;!SH1SFW-nn*z0U6{T>J$D2 zqx|XvzdqC-V(+*3#`m-xGU+W7nl#9I3nKvBPnSL)lYgC53HR7-0wiNU@US1 za|C{WyRlTdOU-aJQegfQxK}g09D^!l6zXOgg2nSU(B5A|BBsSQS|*i|Bvj5?c1lEF zm%v_<*u@+R2V&DCp36Ekx-k0OI}3$Wx4wpU@pu>r)~so%={aV>7VvN8m?>gw%QJ{H z-BK8(`0GY~<9mt>qN(Rw!AoZtqL$f|=pt+LgfS+E^8$&o>VcNL&slr$gyHb9;bA_d?GPEI3`W@0x#L+~d>nEOl#D4M z)C@78Z+G8Q=pOf|Rn80~GP6dFjT?CYyV}5e2W|U!GyP68m0*S({lkOzmdwB)VEVJj z^8d9H!TTuHQLdc$AkxVtUJo#56{XpJ%1;w$|BA;4_eM{Nz5ToglgT^fmX40?ulwDL z1yPZV@9k}vHH%f%A*yq7v~8@!ue?pMl2GgpuNm&07()+7qdC*0? z4>ci>bQ-w?7+zfPBJxLg6z!1~X^2;gONV;J-kK*s2csJ5afa09oEQ>tW^!|mu;%#q z53CVOE(h{hDDCO#>-ed*#})0u7R(<#uO65=DHF80MmQOx?od|P0}hkRm*G=30=TOl z;OrHldHstW0*uq42(TS(?jw=931j;worOwuJ1N070_F&e76w!0T~;)mVEv$jgxZMn*pC*8m)(h;i{#wB11+YD z9Do8|`KOW~U$by&AkaPvv98)(6Wf@qYNQllIZKq{UO#h$RCPCH89yXlzTbdw=yMCN zEOrjwF8AGBl!6%56^K3OEdjZ{6o|&Ppl%u*^`&G6>T2(1PY2W+`5!F~u$GLeJ_p!` z+k@(WVzZUlLTYo(ZR@QFDOZCmznp2(i(sp4;l`_T)=zKS7n(kRu)}b`|E-{8`hPAc z895l)8UK%pa#7vNZetbk3-lBI6R8hQ?a_z7BagUQSNE^3Lcx?K*b+W6isRirSOzAxV9y<0td!fVY>7zdg9Z zhWJ~SzGPJVW+DxK$=E$RPe-*867Onbd;N2vwcemfXOq6NL96#qOeOry#M0h#woWgf zA28;C)4d^^=1l66yJ)}XeLsF|<9l?Rc;op4TkAF5&E%4MH_z(mbihp8hfP<94qp}7 z(VC_Ak1reNV!vhy+;hy!_skYi59x~TwAxXDZ}kK`{KHd!4eLg4l-r6#VeQ?O^y8J_ zGj1iSdL(?~6FSZZBK6RPqlF0J&)-;&0>%VlQ4b9kE!x9Y?`U%q|SN^U~Z*?R7 z0XBA4Jb7E;pT8=l(_Y+u<>valUg@&R&pe%XA^%ba;!s}aLXK{8bdnF=E*KfUgL!#T z?;QEElGBpzZ~$_uO&5Ao;v`enn=jMkUnZA2njw?h#tnU)v-N(u2V;XT@&se{20gp0 zJg3~{4&4=v9zghuPmzNKR01ly519taF3)XG2!5woO$+mQ0~mCA-f&9W!z=I39o%25x~8$bzIWXz=_AWkD3FuifK% z&~zGFs|)j7(@}p@Fc0FaAl?Li3b!5sUX+T^xdQ8RtQn?8yJDHhf^!zQ0or|Wd`OvH z!hvCK?O20j@XOEu<>g_?@u=-O7g9XX;DB+Llxhz*$)O(Zq*DdQ7Sq1FE|m3F!u zA5oMKRuEJ(x=`KG*J6ECN?NaXtYPRngME}9*i7=4H;Zg)lS&E3V1XKf{5ORLuQXkN z*Q1)34iCBo`0C4L=8}qvM7#XSrnFqqy~T; z32~zG^3Kb>*4a7mihD>_L>IWa+O0pgZ;xPFtvjD)4g=mxmLLtf!xmvsZ+U{~3eR49Vh<2meGMr~KE{Cs=AKBQHTokvf zl7TFT`^&vCwaNMfIS66MsaDP@QocTMNq_{7TT z;i}B>`mk-+Di&uo>-&3l-_phDgKDQgd-U$0yWM2!oGuF3o@)!L;6v!YVG`lv#wuRU z%e=#-gFU8z5yglYFB*qHr*T-#f<5OSzto>ZfPt%#@4Soq7bhT0`j1Fh;3X6;Zd`3> zMHgWN%(8+NRq~RAjJAj*Fd8Jwk_9yFD(9ZCRDdvo1@Sx{Y4U}>@YgF9juwui3qV3iV(=q)I~ zufvf8{Ts1{2BTyRl3Nl#H2d88IU|zQFv5T%jq+zWS8J=u1DF#%VM9VH94QK+$YwhU z9mPZ~b##0rrEleg^t)PV{BgQ*)woo=pV!fKi31>m%#(KTTE>Hu$`WuwLGLYq57AbO zfbSRZPAHD*))chu!RSd{`#syk>>s6Slk{gd325&u@{MPcvvz~R8f|R(z!?Es_j8GM z+v8m3ISb0W_lzdo1)FwtlV+XT=|l+9(Mh1dQf)*)%7VrbBm_+YOQE7=u&$y5hj$6% zA=reFs*@mjyg5C-&l$lwCHn55L;)DcAPWs{;}Mz83T9|w&4Zs3;XO+Hfgq62DgguY zS>s6Of{=)(8TMF#L0jxw4>bZf5CX_UgUUpWz4y9q0!9OiN3o1Nz4WEIjCJ${^X*h1 z5HvK+Dq;vwk&qcpMk&idfMRH%wX~+0oL$i{%8WAU7#kA=G||tS7MPT#Q1z7eDT{$b z|9H)KkO$iT(RiPYX-Fg3ib7LfGMspi*$U^FDJn)$Wn$_r2bYjC3X*n=g@Oo-zSl4B zE)fbws5=WUJIO>UG5R4kVY?2HCjnfwTxGu%A5sCLC1)ea6e>pP$51w=th2<%TM7|( zU)Va>6Wrz1>RdF0MaSegtCI9ilnWF`;VxX|gjblrpaW+UJ71eE+r`yA`zw49Uk62a z2O7#Y?AZqbuc9#1=a&O!g_up4&=8;_ASZEXh`ncnBG%bAi}Lab6@PjMerOOaTXF|Kzo^+&9f zN_K0-kVIJg&#tfxXhsiWqJ)$RRi-UL{?r8N{KCpsn$!RQgVKTd*6GxZ`Q=146R>5fxV@*50NgYI>S|N0kv#6e>V3tI_mn<>_E1Ow6 zyr&AJyHWWkR|9xzWM4CvL<|@-pTbs&IE51%Lp3g|ij?GPxcPk;oQ`@A?4;c3EN#0+ zGrWH|`{$gniM$O-cmSdzn4JBdawu8l7>}i2UB4kI2P`Nus+YpDxxrkPIZ#<4wa2+& z2gtZE_;h7>0T_*dsOu-LDUK9VN%Ov^^{iz%gb~`TO2u4)dpx+%w7x{qfV?GZnR=A4 z6aNHBj3A*ciM_DoBVa|J+#cX5UWsWhiWE$(Hv(uxvdcVMtQ7ij9q818pFZLAx>b!1udXhxk44+EAT!L)JxLe8wD4r+glt zEE264fmm)?L7Y2c2o?7Ll`IbA?r0ldX!a;71CmBw8_p3z-=xTLm^=k(dl#eg`o4(p zITW0}ha8gYb?gTmw`JR{GdE$dvavZZldnEZdw4R!7(lJHR6+bHVMVdRQUFR~=oo%$ zB&h&kfuPb~cnf)@Q{c+SG}?-f@Ij*pnMm;9?7JEZhz1n!Fc%~kK)D)EgrUSj478BN zdW_r86UogvV~(g_4sb*~vPb^_;c?7ZnZ3W8QQpsdHn}sVT4q`Ld3{)n4dr;i0b;jQ zOId6hL1;^HQ_D{X5ExcLtI9I^sM^!z zR1x`23q7WXi^8U<*0L*#I<(VUm&pfoXi zh6Rc_T7`2Z{!rqZX*_aDz+s@#N4lIofi;2DxZ!sOg|($f!Wia^EhSL-|56Vm2xTow zIR?rx2@qp`0$hf)YUUYnIuJoB@j(Tu=FPvwWVp5ks;V{-ETvoB4z`|U;-i2#Ocok6ZS2I zCa3N9HM>9%0*on3=1V$S=_qGDNee4wGe!j>I0GwAru*%e|1#aVAm#(=#iIz0b?QSt zkRYWU0wA`70V#l%bIhwGT9?03r0*eTpU0D!pMI;sTk;j!S0(_D%ce>J-6sm3TY8Si zKNDoaSm1$@fC7V~CVP7!BFN@m|scF+Yq9rNR;pDBx5tI zAkSRddXT|b5UW!6=&RoP2-mUxd8Rm8vfs?4?Y_^XCZ~P7gjHIkYfAS>lPR;{MBrdEHkaD=z+8ZthP0d*8VB8kj#gvJRNmJ04@RLb5mFm{_#zk92 zAPy;O`To6!r$!aw9iKt7@$#P*X3dB#+&tyN>W(Ow4 zLd6V|)vn;HJGYTC_T>Vj=LLqpNDDNk@lIODZ|~N^8?Kv@0xO42ZFF(h5Iw;{h)QNv z#2Rl#>f-XT%Qo%{y{(PCdvZat^1)MOGqx=VWa8di&v|=abxb@*m}DiZ>3f}%s%A8J zUatYiuJ{c=l)HO zno9OBv8<9p`g&K7mVM$0Ga9Jqn%u}3HLjf&ja20?H;*-yoB@P`w+G~;(esD(#D)bQ zIX`vfc-w9RQ2=SwnFkj|yg=ADm9ER{neRo?97tr)z27Lj`ZJpDOoo8C$hDHVfyN{! zxoj1o=(-|;)M98{qSJ)Be@@z2i94azlg+C}$B3>EaR+=I@w2XJl0)w18=b5N;cL#m zD0Hgy#2MBM4r()yALuflp84T@Q;7gG9WY;-bbq z`=Bj+23>Y}@xhY@Ji8W#ozzlo9=m$q17WS4gW5BFF}Gd#E>~Pp$m)Gu*)Jn=%L|6} zyJ=((Gu$;00_=rY6^VHv91sWYa3FFWZ7l3h9p@rHmM!!4qAc94&z%L>rkEBj?R{*s zje4Pib+%B;4BRaq{H-=W^bHloo~L*5`N2Vay__fhyurjDRIe}-&CSSop!e$zy~Dqb zd)eK#ar`)g{5)MZH%>q@3$1%Gy(9a{JM)f#X#b#Z!yj12)m<@3n$uo-aB`g&K=`_| zk9@NrKXY{C&0AN_wni%G7z{7~O>B&a(M1;R!->U1a+yXHzx0bFusciZ>zA#xX^*(_ zeJc+?Aj7ZAHTQNzWcWKS9WBLWxD7p_7()cDgK!zI!q3(s&P+6;MQ^Au(OS73weDwj zR9LTo?lFPy?KK{i>jU+h-(p}~_-k{Fjq<<#@O>o5FmPAf`_W@*n10K96I}Ogx++di47jW$MDq)ma zYlDtJqDoV4NR9O4{}}aZdF`tuo_+&<2bHL*1vwLb`5s2X%d|x~vXc<6j>Z&1V3qxxfN~9X2A_R?I^VN)&D=!W2!*Sh(aDDei!^vzVa*8UmkCliY z8LtPTF(%9Xa#wK}kmd5Cm!V}JVOw6!gEno&1@Hvk3a`a{!^=lP<1Q-fdR_@esRE4^d$Jc0{Hv5g8>@+{jAoE~1GK;-?QM=>U-_(^J2-H*`9ot~mi5K@lmoOU$7p>Cvr+FkQbS=*v?lg7& z9;ye!lVV1!RIP({P5Fq6VTA}zlmYh{kQh-h#x?DFU2hfL;122qPg@@M@NLZ#+L38! z>g3XlNve)I4*fmi8qg^XcR<~BkoM7T8n~BY`VlXwlRCy#ONt>KNYPg%39KWGshUTK z{#g|aQ`|vT954P)(|S1AN#fA!IL* z)gv9C--2Oe=kPTMUjyCm6zzBmmr*c53{LCD{ex(D$ zJJ)H|3q1nIp!huJpbOkls(^8dSzL|Mrn!aDbU>^TrY`M##alnM-|%SNbm>0z9D&2C zsLh`)Us+L#QGh}iEP*&OQbn{fcx>sgDisBrHhR8W;fgARMI4+o_zyhn9ulkro%n`u z{m}Vxr0z`dJ&N{7zStZ#9FRcOF5bS)%D7A_W}oU|USw#3j&M(Y&)?%@wBWHh#z;fc z?&$D{ClSwN=xGgkCE78Fc*xwyaq$YMy?AoV>R5dZmG~jgP*F%o!AVD=l$A_tfSGK_-j}BFZ+=g^fbVLw@;z6kSC=@X6L-B@B<%AGjSTz(Bt~P4v;#0ob z0s)YIBr=7_4k8+hzNmh8X-RPS-$BI1f^wC5u@?gtwu-EzTq3)C+ztuh#q5AU?4~$f zach9>d1{KAQXrT7e9*Tg6RETOy2+EUHSERDn zCuc&@a=Vu#&_juN-M-iY(DTuDsK7$je-J)yGN6zpO>ott5JP>(ZB$l87+R-dWM~CP zDyd+WSpyUe)jVmaQTN!2lr@Pe>}U(GFmkyLncpSh2Y33*(+9-9vGn=DqX*R&Q7af> zvaGalYLnM${!bH6w%G>EgDqWJ&)>Gb z8j-wMDXlktLgI)FBk|FL31d$4kQ{cmtEvH0pTy{r(+Pe+np<(OBb5}^3_JV$vw(?E zuqSwqu3u@#yf}O;R2kE-{pJ?sm=+ua3dEttir)gWg$7I;P7g$ZS``L3$2Ros1nVrp z=CMS9=u=ui$g`#8&=ucyt4DXppo)(}{!(R}ux*D=w}F~Dp&{1G|Dr%>BrMK&K=L#Z zK`7YT%d4W8p#F%Diops;%5F`4g%LUGh)a8L-=9C!?xCfVweh+uP5 z|07_lL~SA!ZgI%or1@i>5!+q!Bi*GRIRc8}{W?{KU&exp5`=>^qkq~$mJ`-M%T9m4 z+joi({E2!2j3uLfw@Tq`efd8e}IqO2` ziys!H>GNJyPJUH&ZTd94+z85dcQ@|4k>jkc>dvL@s$G-@zUR_j(V@PfT@=)!i9()s z)Z_ualUv&{ix#H(P%}FWG?XZE`FLy09oTPGD`=t}YPY@i)+L!eEKaWe&{!&z-fJE6 zjk)diVMDPObD+Ay%BsU-tKZ+|(Tj`EUye@QbV`zZ^>*YM7?=hhz-OZnIV9-RlNr{* zP0{Ii(SJ7h+3hZ}V|ubxRX+I~*%POW7jkCJN*_DeP_FiRy5xFyTMT>{We5UxTL{hp zxn-&N*-b@A$tvP7A8K+MX?BFOK1}ZqR!oD37uGP4)58HZIl14aBQ#{@mm1FNF1ty% z){GmE3(-&Or9X;XcU&~WOM4Ne>VX(3*{DIg{~qRt!|SswGbj#xYsKivUu)^!1#H{g z$hok%)qwc|T`x+sgw1|hSQ-3z%OOO&MUOKRv_u4mTh2^D$|>kaHE zU^7hAyVbjQUYq>QEf(mtWBG;Z5g=e+GP7c=HMXYj5pW2ZLJ zhZ~PiEA>GXwXRk;!bWP;P8VH&(#?3{M>vH}ulFOi^Nu&IzacZ{=TwU({dZrn%Jc3! zu`5U#(lCg^`=;%R%0ki{iV^O-&!|<88ZQ_Lr-vSOm+JcWn>%<_LE69nlx^HEs*FD-R6zN>9(5 zEBwqwpDYIWKb#>Jr!}sx-0OEM7XR_KCvgcL%?LM*le10;gDCIo3swf{AYSV~!(P}U zzU0}BTZ7IXMeSuRu&?2Z0nY?o1`AV{uGJ4n^hK2bK6tTW(@W4uwXZ~-%WaG& ziI!#mRt)5X(oP?2ZiEG6a?R%7KLpq~VyLyv@qD5f`X_-kqqa{cddT|~Re~ux5B!gM zT&rc;DhljnoGjZ~L{Lecb>S>O+A0mrhMp z2=MQxHjP||95sg+{~p@Wg_G<{%tm@sJhB!-)mq3bmE(=;zdAvJy4TYC1Uy$Qr@LMv zHdH_?$bM)?Hp4#3#FE(7e4o>3C%$5~f+xXj# z9OU!CoR_6Rp?_LRSAQTFXTJi&4HCDqTexinA649QeYhvci;-whar%Yhz!UnOKJq_aMk+Zk52Y_qQ8p79w6`5i?d|kTFn-WJ)syoGoo}1ci`J{;GNU2Fmr8O-^KNB^S00bMl0I)Pue?#e&-tV02+jOs zWE=HhR^HtM_g=!bkw4A6vAhz2s`V)$0t6)Df*^>o0K&3O7%>iR-bE`TUHK%2Z`I!_&j_9bomgB?GxUM}#d=6YG}k^MjK0%e z;SDF%uoQ{Z&vs8@FY*Kwpc$+izF7eJ3o@of51u<(D=?GwtTW6I7HeOISG9whU3t5w z*GtJc@40A@5%;gk6p=2R2jMkpk-baJ=ajz$Ga0>PKAgOcXbjUS`ThtIVd3RS`#h6S z!}cE~Iuq-oR;kHf0xW*v<@G4_yhpLh&~_Tx?xt(`=vqayts#oRcbp_%S zg+UJqp=b&bDs73`R_XW9Nk>o>Sfea@IPCZ8sXw*H(b8$*>y(ku2t11fq*e4B%GT+d zyt!Zui@2t~Q4fb)7Y!x(Xcdf)>F6E_J5EkPvq~kj>an3~ly}v2DxDkO4*AIc<~hQK zld@qhp1;APt?bh0nY;)|K}?IDYYqR=ucgejV-04-eCi0e1I4djpXTDOyjnS;Eb0F| z^-6*D7+`IWRmuM~w~#N@fklomdoie{K@$0{w`*h=pJtyiEQ`AdnB~ht!063>WwiHK4V)E@(T;Q`*)z z=o!7FZzjo30m?)C1%rkt*$R_}!uZH|nOR12UT5y_Eo?Lo9A+Y>(v8`a82g|;YMB2q z7w7+bzFuoQka9wcr70tjj%C2dS`!vyjtJW}TZou<(amKKyskewTr0%EUO3hEr0nK; z;krxPgX1*SdE0ITGr%xKgMVY0tWwst^OxZ^x@>af)Co*VS5dWTUZ2APcU<633sZ_amq!g%lvCH!KjopAu8P^nb1Z*825)yD22W!& zrj%}-fi>Ka|Hvd=#G2#bE+=%{+2+GxF_{<=o;UITW9%G)L+PS58r!yQ=f=*Bo!r>A zZQHhO+qP}n=F2~PRd4WSU3Dhilf6%$^R2a46GR}#6)lwM1LJ6w2IdZ!eINS)-<97h zL=SW~8G5Sz%r4h@sWUeL%3L#;dhdtDgCRBnF3t3|5HUtAmzQ3UW&enQS-AXVu4c^> z)*1&-Ks#&}cx2zZrz{OOsxRx7$Ykj#!-q7O@*p)1-%r&)V{%81CC>{{hT(T-vIdYh zXOBcjntSv`6Vc>!hW&G$f?3-;c8#egmysBhO*O_KM;@M-G|z}Ji8+Ze^AJp@F0WM~ z;A(p~U$O%}0r)Pke40I=fSt$3OY74){qu^=3CES(09?xP_ny^EtoQT@>bvv$G?{!~ ztbf4l1`&)jwjyimt~*zDK@B0dO~umGeDBmR_$adVfSauq(qEZ{$5&s-;ay;#0}*>3 zKy#ni&2KA=j4=%=wpUfy=)i>H4>fXEHr`l5?%WLNfcVrbrs2p=k39AV^cArZ83Xw{ zc>C-0l7FD4aBNVs?pet+KAsORq-Q&Q+kFcPr&Ly_6noZI{)!T5nIJTc-bqoHx8Q)OQ4 z23OB`-AfIKOgvm}+n07kLWf}HtNp$COR%-+Gub%zl6788EVbzjyTtaxW2N&f2n4i$ zF0@?Y5qO`kLM&R?wo4#kSPbXiR6_QYb~VK0_YGai1fF>3p4mGE&p+L|wg7y*Ehrsmz7H zrB37K#l-;bKhQFlf`7c2HgOJe_sli%Eu%@f;3FD32*(^kTuZmC)M*}>yR4T^;Yc}u zfP_*;;r{vs=9SMdU^@c-GfarlVagAfkz0MRlrYmzcc5TPA=B8o>&Jw5@y8zpUQ8YY z#{hB4e;mp?`|P2Zz%=>OcD|p9+S*yz!|h*)MtMrs1(mO`!CL0lqMCOhB`C8sGxtz@ zM(D>LD!ED%>JC!XJ&U`2a`m3CEz52OHq7LJFXOsoBv7o@==+r>tnZvW4p8R&>qQ2Ae`PDPRNKM zjIIHY8-Cn3}CPc2%Iqs85n&= zo9L7E@N5ze8ytIi`E$Qn3l<|f{~}%xC)(lD9pXX@4^MA!IWb&Qihtr``SI;+*xsS6 zi?95%z$)QWX%BxhdO-PNNBOQN-Hayjr;azu<@V7h8;*e5Wg}-wSI1Dy8VE0K$Wc#* z#K$GZdsB0>-f7`3WI(605FVmqrtvfeuWrQdT>zgT624>ZRte+#A0N&SEMJPsu}7>+ z%0Awaj>xm(#%)4lr^7BU{SRDY)5eE@Xof5wMNLQ2w^s_<@SMP^{RZRd{PnmYQe;(q zxJ|ty=7l#)9q&Fk49CR*CBt^sR38L}Z?8Z`k2{qw`5q)y*Ar$k&04BtcKQ2Rr_VZk z%lkUSv6E|`HCS@T99+{QfX6Hh1IS0=m8dLf=aVBW>A+xFL>X6^#R(z`I+;Qq)sa0t zqgn_i2z$XckTJ9DWV5q$)5j*A86yl%&Y8PP9xh~e_Fnj$ zWB%0LH3&={qB+4&i5$(!(MLGZUX2>AIiMUK8*(5 zt))_pL<9&kXzuFunZRIr%w253sO*VL#h-^lv1<}<#{^(1CTq!4C?hhVs*%UFGzYJS@XDx0An_+n>3{%F- zqQ9R1h?(%8NC!guBnT~*XrrrDfJR2TEHlwkaeYG25Q6SJ{qd`pv;B0pEnN^BQ2!MB z%7U`j{W{`M$!a04KceeTV$FlvH(aVmSK>!Blw83G-L#*eIXb;1X|KY9M6dD^S zGjotH2mP1-5w!T@7{G+gs)$uA zhaP3GvP*nn`@HPhh$;r%&-cT|COrTat4)tW4lOfk;_#>O_r2YM z#}%dfeTd=%K~X~D$0mevwq-uKJ?Sa%!_9ci{f-#mcZILj!ypA&n(}!ik37M*IpHL- z40a`M{6PZZ>NBN>@(f;71uI4khr(;mTEt%HE)o-!Ksc!+HB~*LMV7fuujglNYZ#So zMdKd}l$eCE(;F_)__hOUD%xmhEEP$g6V^++!}@o^0Eh=~g8hAIX+eOQ)6v)!O z`*17{7Wl(;njxO1e-in3_;hN?@0VeJ+ubM=q*VJZDGU?IVW>l1p;mavjh2I}t&P4= z(M;>em{x>Yx&~l8oBY&b1sw^^ znaeVyXb?*ayCuY`WrO`Z+lFzp8Wg>r&00Ouv^;zMM`Ut4fzR|ncIaS%M@XTyJO=Tg zIIM$QnPUsExT@Fh=qJ$QIHqsI;J>RA8Z>;6kb=Jd$fyif-qBUxs2IN!(X2fB!q3yG zavadq-{NT|+4cJi2mCRi_()KXfav}1+dUD@Q-ux+S>?jfd{~Sz`-mWmeVoewN zBn4BH%vCjF@Hg`~j%gC|BY=rQT|0WW&<6l@M`GM)Ypy~iozcLrkAHq&_aT@^eX1M@ zc}Wc)oaNGjh?FsIrP#JAi+Yg?HiTINAAB!7ufTDAvUQa zezeQ2sayy?C2mj{5}tN%X;pY;u4V{{3_0L-*ZOIeJQF68+@U@*h`Kbj5rRqO)<}wABxjc1p)8be34OxH}7Ty!?d2=CsFTHtVyxXJHBQEQmrspB7|F$K8 zzm$neZflp45u~_MGVFsek1g8>yMfpYQbzRw({D9jadX2eD_a#*v17sYKP6-S&;NC$ zd^d^gHy$&~T%0|yTzTrYLXI~wP;^Zyy}|S3k_d zJKth#=YEEhsKdrT_e*knhql=|^t~3&uw)SyKRz2@8aPokkDVX@(qc}tC;RrtQEB1S zF-XPzX{LADR%_R8J=hArp3UMl0k!PqF_@wlC63E9idV3Fan?fzNjuF}_ezJSr7rzN z?Uf6;q^lp*nrT|)G}3pF6T(GC6D1H~P|Nj9yGb=hJ*=ZI8^6-X>CBtYRz73e5$lQ$ zi+@*Ll357O?y{Jt4c#%iIpH&spn2K{yR=(gM=ETA>rD?&5)a74FZZMAVS$Ht<{(s}YP20~;vE|*ldPy7bR55I*xbSwUEieE;fJOBFJ^MG+jLl>l>9R@0 z1meaua--{`0Y)_~AvCN~6H?6EicC1iSSCCLcr!_P@@0Pg@Tw^?9$b1{WCJ3x#(xsECI>Au&LWDnE9sXdWmeJy#1yTdD}$$11DEwv z7ElJp((S*ZWZQ)$Gy96>%XhkgqQdO3 zkN_%Bjkzsu7n<=HG(t6Uc|IzbJH8!r0Zlb#xsn#9{tXvNZT+&s7Cbq=lHoL^6tk+Y z9L4opJR}lCRj;volF}n;^t?Z3o}0P4eO^nCeP}m*R3vL+6LV&Il({OAse}sCEK$ItcpsdKce|X$}GL`@PCvfkRY_) zg>XXPgh(XCz75d5M(W2${&dq%TZDfM(QR?EcGlnc%9&YwB2{|cD}*hq$3FMyWINgE zc&i^-MD50|MN(iQ*mwY-Cv>%q$umKqD&G4FU^d?Vse|jrlPH|_0B|$fn?8HHZ_Cvy zx?j9(gbH-X;XUB;#rRBpw0kyKiF59u2{I|-zJs}&{dYBv+LL=J#I!h3{kJ&PJVi3| z^!9hsn->;cEwjv0OtudDnMUf6zO(nv{6hi4mc#yJ{N^1}dN62Ey*y#R%eJjlQ}wBD z8pd%|xFyWWIN3=SFAFTy18f*q&r0xB{2IvwdUW42Wf~dRniT0nns=+v{A|jfjSPHuCN6_YLe=Q@?G%0JN0GCNr>SH_8lucrHTQ*(hYZs7Z-9$7+XXr(Wn#x?s= zx2@l+Y4z;$C!}L~Zz?orpTsnlvhi_$)e@~qJbzqnCH)R9{|vzQ5!t`N-D2E}GuqV8 zdaRf6b{&X>#Vkaj;$}g3xE3P3J4KLzC|W7mf57ve>CMC=rpC{6MN4O`=O&F49=;L| zDy(wUfD*1ZHQSE~EWXLovs!MqP*nHwa~Y-7^u7|}O?myb|0@j(E#`c@+g29}D;kLR z1=ANuDGA!q(L}9t8H`>mlrS_7MEl%$gDET2a|M)KbFCu#-4%ChS0A0m`DDBrvWdroJyjnfP3q4{e|xn%Q%} z9lY@h=s3mS5b1%^uQ5lTf=~I<=CfdNGd4p{=wKdz>bMG1cj5+i@O@Do-68J+gMn|d zcIW_l0Agd_TL^iUBM!1rFP$kU%2o4v!xl4TpLln)AE0IUTV&&Kv|mIKc$GwS z+hel%pnxuqw4JUYPn2YD#W0AjJ3AVHrMl6LvguuTsQG^s~5>?ZYi!Pq|6??!wGL);YrSB$~vT3aiNhnC68ThK0l|P zsACCa=B=6y8GK`kcLigEWeysXGipO4reT-L1#m`l?(Ni?c(-%}h?y3o2XzxG2PvHk z=T66c8T~uu6$Dol`S}voj*`Y;NA6&^oOe%~uO*~MYo6e~_?pbmH9$GchHqpNI_buY z?G6v92!4Qro%7_|k3r6%Dg4kGi4E$rc8GZH4Xd#|{+R@L?Dk*|-Y02l+0C|gIb=9D z7=lAKv+A|yQS~UNmvv7j?xmcpBw;xe!`WabO(afURG8ii9TWx&0ad@V#(|u-d{4gr zM9>-z)=8TzB_AkW#HRt+2yZSU=KCsus0i}u$WCd~^7a?hl+X_ZKp}*zd-;+Fv5<`+0$C&ae|@r6 zeX~a;xYzsFs`7OV+y$gu^}K)!JU=8*NVGY=ykG+HY09`i?-o}rEHMAtaPV|OyeBzQ zkapx`@D!2FqwEb*KXm1Q&5l1Upr#*;8h9kILYc#C3X~`7-1KU|?Y1~B^5)sInFtV_ zXuend3RMCo+h?*Fbq-{t-tzILw%f8u#vD?ubKQ*Fg|ek>@l1&K6)wlz=H!44B#}A0 z!&t4-?-TiSMe2KUmdqq)RIAWa$l3@*sp!ooRl!I09*I47CvtP*HC9Pgd-UYAiK=~f ze+j%Oa7XRfc!O5tAUIS>bDk)2|N=Y{23DIkH&jZ!;*s=zX7n%r-Xi#zu zBrl;ppdQj^_^}>R=th@XzsRELY@l?fWZ2VYCAtmV95T+oyz3_^lYG5xYjCb4q4>>l zI!~Hdm9khA?XGB#)L(VjDdip2>O6IZ70nR8yp887o^zF0)AntizX)8Kj_rmgR6>qP z+6pP)hNRsw>9YazB8Ky$3OEUVh_(cz=Mi4MF4pL^6206HahFsJ%3&OXC+N0N!G1VW zuNOMV;xKO0l5>i6(-ziK<{Rq@ub!C*=}sE+!$^P|p=>!-nGz~C4t2!Jt(k%+{yXx^ z=>v4^-Tg#`L%eAsCdU}UQX>PYdl|Wg^~31r-PyW#rpd5Z4Jdu5XmnTz=?>YSp~3yT z7b&!iYoh{|Z5Z7to3LeCz{2te?JMh^qx;bz_1f<$NNq&)@ed6R5bVNkF3oZ#v;pn|spM-B zL**GasW@1_$#v+u!}r?sj)WaA)as^70~aVsJ8a9tpc7II)$e3qF2~uL7m8s}idE#x ztlG^RI^oa1ox3OxH<`dW#XFuuP$E6bF%d1pXZ0L-(>6tKM%O;Xj!BjH^j1c0O8>^k zG5kf9;uXJZsc=(Py6js`Yb*j#SdEfyrUX>Jo!%C33fZi2-6Xr>hT#5{k>r#9xsh;N zSP*kW3)wpJ2QjQg^AEf4H%)476Fe&Z0h!Z+a$*Kd`Dp9BfcJpObiqk803y)KCnJBJZ)5iOEg*PY_0~0 zRO(e$P11>tptK<%d=OvEx?a`x= zXaRWLg5>w}8}|y!QLST)>!{@owfwnEm@b#dIZ+LLY~DNfmXNh@+Wna^PheJ?y!TQu zLmz!`A!D^(jxW-q?2$Ps6Ha});lZ`mTua&&#hUVWppuKkXMt8Hd-MtQ`;0)mu)>6< z8(@H0SQ3L42Y*PK2^7M|NF6qkMO&~Z_c<=?m}jxyHpZW1g?SH>&03hCRt(}I4-Am{ zhzD)~4w=h^OXfGFR^*%6ffSR`oTBB=vG7?S6E4ni_Uh}|pN>4_`E&Llhg*^X%P-2= z?SVls)EmBNa%ez{*gSj3t|2OD@R&R(HygxB7~m!5HkdxkdEw$D%QXh)?kufO1EoIQ zv>&pKtWrBQmyDIqJDrLW(mOsOEm(OTh6cUBJe)YJOU@fnlb{jPt8Xe1@Ic$49s ztoiJTSA>;lWGD+RsKl&~PjKYCwZ)V;x6G`u+KA2@mJ|KC=y! z$MxqHh*tJxZl@QL-}LhlCW-2)4iY!eQ#P6N)|CYZZ@Uh@8BUGhO2f{>bjVFwEWoHA zZGDyUh)bzM2e0;KZwJ}WH`+g!_)GgL?`BdMDUjP3JjgDNIs-W*HpLJs`f(!wU5hd7TXhlwXImvt8YNR6u$I7F3qm7YXtdbv+XFq4?FMq>NL3fyTIs~OC=Q>osicD5)JKSgB- zuDtvyb|R1t<7Xick_?!;KnV8_tBdyFNM)iz4GcI7#T}59p;r&`cL6}2+7l#}6fSrm z-$UX?44kzQZ#gY zS?(gi8!A&{(&4QAZG6Q%q)D=KVpxf8L4#IiE{YVw#_+AY*!&blmJL>Ta@EJv^~1&q0|bm-||X!X*!wCsuHCRX#rj zw^>z{bqXga&dr&j$JGj6BL0$-emQfD(V%qrB2fYK57?chk`GYebJU28cZ*`G0B!UM ztn&xPh{*EX7u@lUvi1>Cq|=TBk;N6K*_b;V2`m3RYF^PY4Tf(Fuy5|?e4pVy*AJ20 zMUqs<1sDlhUo*?}&I(x%%W{RiUJsPJr_H~lCXTRqbebp^X%J#Dw493`6KW!!UEB&! z`0fF6|Gdp>yCWA&_^RukPkgQ z<*=ZD+gJ{n^+MR7K%!ykIig8-0+zq6f^Qn17{F!(of);eP!}6Amro+E(_$(~;k5aU z`Ks5)F!~N(liL3F922px1>t8Ck^9IrDolk0R&bixG-EPVBUa7S8M;xkv@gGB9v~}4 zL_|ly@H$q~E>c#Cktp3bAjqk%_w$-qSB+FQi-I-y_=e{dg0|ngYPytaf9>Q(!Yy@> zEcB^A<$MQ(cYuR)d8wEd9&`)o@reb+$#uQAEE-HERH;Axn88QEh>B4--ei0GbJ|t} z=sm>*nlJr8fhy0=3U@u-$;I%jm#?5enC4e5p(vs>KA|Xr%UEkt_G|in8(u#y{;D>1 zB!AFvFqLy2b*3=x*rQ$|Ed?a&Hqaj@`cSL6YVV`}Y)RgBCZ1TS)a*qb-k)rIgwe|h zrx0255pRhYD+6>@aXcCFNH^>XWaN5j2uW^?Nzce@WUEBEKrJs8?p4U+toStgK39p< zLYi)>D9*d{3HThv{F};XGNPk&&amwb$l!Z`mmI2`T4=}De7!FfzB_0zWqfHiROPvA zeG^)Y4z~Gruj_I2Yyr3yxbE{)nQ1swr`%hI-;8yWdpjXLtHF4I)|Us7#o#OED+}P5 z@lma5&IZ$?_=J8%G`(aCsg%-*91b}n0Yje?hP|tA4eX)`PLKMrF_YZerObUQf)C8h zzOko6byMaWA+aghr3z4aTj)wmxu3q2MPL?-Pwy$dC@WnKXG`J0XC3g z7WPK#h03zah5d3{0z7ICdAyd|HAr-YM|SCxDYDY1t#GHk_`Q?1^5Ucvy%0cSE`X+p zM_qMj5_LRa^Ni8T|8bpCRkHfV5m}2SSOTLy6AGcTze&1X&4bOVGnm&3t>tge?&D=I zZG~MU@m4EP9`6I2uOVsr_XE~c9i5+5+8{@>c8+5}_1N}c##%`@zr2>eqi4pfeT#d; ze5f3fu;L!W#T_GVxEju|J^j%(H@B!1otaVcA+h-E+Acq{Ad6;)yfxw1!b*gJ^9J}K z?^JP?;@P9Rf}8W4v4C9=AAPC@+5t68x#ZJ2>uT0{}Smi|Nlig%#7>||4XD( z`R`19Ujo6)pBqH7AE_DP5sK=r9#lY7SeHLbpmqNbl|RjmPX`y_8OxS9_-jI1OidN% z?|o@eSJhIc^M~fIMbcp>&GEXM*y2l^Ga*^S#s2QVlJZxXQcqy4UHC!W=Bn_O_MLvj5CPo_ftl_q(hy>R#;0H z$^r9kIu#MII^@p;?$q{2{(^3gSCS}_1MY9@K=R!N2bI8PJ1c|@Ws7 zvN>qP`@&1#m|z)D-7Ah=iXkI-W<9k_!V%8h;&tc@mgyiZIMtk0e|3N!lSD-@799xg z#iIYESS|=3E|JS~btY>ih~k|sK5F`WB2JedV^0Cs>`2!fzo|qZI}6#v3|9H_O|zz; z5dK!Lw3dMRpPwwk>t7NuQ(k(5GOQ>Yt5?!z8ZowS%&@6;o3OEoH5hI_LOk>l!^qsS zSBVqDYi2ML;fQRWDAq7HGQc7$E^BO@i;E3))Y(5b*e=|xYE~OrUwz44zc&V0L1N>f z-js9bk+*HZJzPu(xbsyjP+9?UfeT0{VA4&EB`d9vlWQvjAf0Q&nw=KtpMI#wU+Kt<2~pn@IgsId z;EO}1S5{6g!|Uce*y}y4#jsv8^c?IL)TigkpJrs?<~p4Wg#~KA+XFhTTuK3M*Vo-y z3eC*R^@>{ax>G`2n}2+0e2(_9sA>t~FnCh%~1s(lzBR&`!ig|2fD`4zY)hf2JbTxTt9o^4k|?P#_5 z0qwr=V={ViL(n-CBGT1umPKV$L#Dx3rM(g4GNW$0pr7N45RvQ^viPj#k4q&MRFHb+ zn;L1b?`%`=L~4>+f1=)0o-8%f=R55lS9w{OHA~fdHtg|@`z$i`mS{#l;{DaW0*boy zf}AEH^ZB?AYzwdPr;^`jxn!7T-s2AoDJ>xU(07JMt^UBBGqpjF^kH8X`%U(|uziXz zym-^|x*EK#ys#*iCivAEoPCtotkX3*liCze_9Ylt*4foM1=5057Dm?%`Qp-T9XAd6 zW=+cHD_9meuCfJ!N;0_+PNx1?sfLn;T0!_2OaKTxHo*eMj<8DZXd4w@XmftCD~aXC z;PU8Vn12RQd=NMl&f|&weSC$9O7?fnJQE#GZMZV@&OXDVZA+{!&{@Ug;+eLCq*{|j z%DOa;6qp1qJlx_EM3~Cn1sYmIT3xM-zLAO-t2*4O0{xj{^J@dEA(NN5M1`Eo0QP*0`}k2LUa)!LsGOjN zri3bPdvo{d*z-c^M_5KrD-r~}z_qgNqxQznEcbP4xu-7w=E`=o= zsE$8A|BC;XeE>>8L1R9)CpQdky4=caI&ss#i#9(y4&DWOIFTH z+g%d5{@j6=HWNFyv+Y+yt@Du#^kg4HWX1PKm@(8f`pfZQ zv`wq-u!$MQ-#{rjXNPzHz`7z(^Tx*{N3uf8Gs2x!7wt^Vg!CKRDTX?N!LlN{Pu9zu za)qy^`L1c+E=t1vA{|eF&#QIi#9+;`rD}fV<@_bG^&}P}D9C*^q^TKKIlpTC$=OYM zbw8MB#C65d5154A5+PusPzVWQPP`}Xf^cyPDtAS{bgsYf&|(N?OZp&6;&+X#G#7YKb(Ns2L@>`{4dxWo2gaMfYtYaE0`y-W57 zc+B+Vvh~<6Shsjx0P_?Sq1!@>6ggEAb5nh=UaXLR$~?@RLM%ZVW)N1L2r%L~S8BPOf0?BG z<*fDj9!UCrfrctw>@?ObpL1}0k7NaPi|mE2rD;cZRg3rzz`hM(J0nWf8i@ubAolx@ zMjzFn29k7qhn%`$lVw|~U$x8Fs+31ya)kR%N4(vQIzK-- zSDs<p+1`{_EFHC)ZD=M#*Qz<7w z-N{Ci2ix?#bm&m|)$7Bfo^n8TAsrf`iH9L`YQ)vgGjkjpERT`R5`}1U%e8@Oi&pFg zuU(5~yWjMHDc=oMvo1Y(>*oS;>wxncbE z04vK6StatYNF;5C4PO=Jb9O0BX@{G3fnv?ILuX?#juEse*q^i3SP`mfM%2J%Z zSu*>;B_a%VmuMhDrau8%7nR_(8PyqE*7V16MZ<1lIFlB=ExnZ*>3o(C2-T!f)`r-Z z%@F=IPjn5s@eCHQo`c29OQ~%Q5ISnrcSd5A5@N?!*$m?IGzdIBj12nc=xzdoWpLHO z&kRhN2J;_ipp9jhx@2%?_ZxUwtg1Tabo~_sK16u*F#L*9LjD}N8tR*&^bQS+?B~H z1OmxO54~Fdz&-c+zG>xo?GV>p`>!%Gegy>;;%)*MD>zDCT9Y3iW1Rqp4iQ4SsF59p zuTfcBaGJUt2F8z(@=%vs)OWUf$kL$im(P;LE|8~b#KM0h)fH2dSBlQEWoWEYC2+h> z@w%$j6H}{eN$rj9Y&?PTNYKlzI|E}+wnjgS!adir1kv@rO{k858U4Jy>R>a2hy^By zjuSOt=`oI8Az9xFJgGb3F@kd#&Zf*m7CZ(}3|hv`8-C%?60J}u`dLJKNZg-L3Njsr zbkpeuwuHPwfh*Tp*>go!-wPuUfi*TkT1oFKAY4OQMZ^hpXElRGXjUJmwjQ|0Z@Ppw z?>IO*u^O`e{1OtlL3MnL4cK#)?wj>I@tr+9^wNW;;ZNMQhI`!%)QUPH!}a?ay#C(n)$^ zFlI6JQAqR7GR_U0XPRsK*bLbLo)OehKg+NhQt^0ap zRkRE7M%f*{+V;Ogln$MJS3msf_SA(JVWMMB>71XHk3Kv1M>pFi&)UMw{%egkxZg%x zGIyclR=x1~WYI8T=Z>Rz()Nw=7?gIgXG>&jemJ37axqo2fpLVQw_}fuITY>D33QP! zWrL(7OQ^{_%JV*P{e2d*)$uBM(ebe=b=-0KB{KLWBj2V|?Q+l-UL}*-@Hce57qn+7 zVUg2GmI|95MBE9Ji-A(EHfzu(S4GF1uEL*TB6ZN0`M6EV0Ho;t*@?W4WKqOx8j1UK zuQWoBY%Jd$VQ~p+N8cj|#H2DoH6pTKKx z#tTE_L#2JIb{5fN>wcvj-k>~&2`=7RapP_C5zti54Q%?& zT`Y|rd>#FYK>SSvo;%7D`~;};t<;ku!2H*RiKgN*NeII+b&4;lND@mjbOK2=Z62e} z6iJTZ9v8LB=X7{dzw)Gd>2mIw=`Hfc4A1un)(b!--l=%dx72WC zv?IRTdK7pz#x~d4usi~rQO9+BXO4wztlPSovAZ3@QF=RcG04e@GJfT7C90Qjx4WR$@_*K?&xQ!JMrKj`#U<9rajpR-JBp5CxccIaxi&PS(|e6dQ^Fu9;SsR917ZjL>?p3 zmVBw*n~FNgJPX(4yFb}bh4Hp?TMYMHR)WRo zq2cBw{yL{PX&_hlQ$wiB6ELWN&z7;~Kfew9@U$H7+)&8%F7>hPhrwbHKJ@xr%pAQ3 z%wJkna9HW|LJ}(l^6joAOhKAyr;FM#@?wD^}aNWYlYp@sT zY#VxR66&uF)tIXgxA633Q~A_`01)h}eS2uuXaD~0TdU^$H})@$4P*pJW&4I=~< zcx)sO{L`)$5~P zVd8?NG07#TU87X2v7b*E39g~)nf}Uq1;R0qIdFs-`+41Xky?jL1b9=yyi?9GSNbPkNo!1YaNuHffT?IRHo~v_6%CYj`un5mwVhXc{ zRT)4*{jAU;!P3d;h??=Dn@0!mgVjO{29UH{*xs-D6TO48*TXVS+4Nx@+5=O5uocw3gZz#Z(JgxXg8zW zqR}bCuZp+**^xqu3rm~K{h3@KkIDY(yz#j80vsOZeXqS89zBzW(}G12)Ko04daP5T zNpWj^%jl@DkQnf888eLpD8*zfexM0^K{OLX4JIG~2*lkN_Pt&xA|!$VUvFjr+0hIl z93g^@T0Y*$p`K49kORQuBu3YVBm)2MQJoSzU7O%HF2_PPGdjHe?=9V8hz5!+s>nNR zIR4wRN=8vh3ac1_OHWrCj07y}a@bKZS082=;$zLOhYW%mI`a(Tf!B5r^k@UQE! zj@A-12j%aXJWh^k!^P&9bHU7-t86+KekdhHz9f$9)b~~tdeTR(mPJ}G;?RjA`&LoL~ zjlcPd(eR^7*FLYBidnK93yTFi$B&O}Kc)`vm=LdQGORnUt$sZun-Yb+=+HkgNfvL| zc377PS^oFg%8>TK@v z8gFoV0=8Vf?@cYIv&0kJVxKmWgdEd-o(6Mh&uOZZz;OVldH_ix&M!SfGG$BEQJs*{ z&%%A`MQ2xt#-|{$`?)Ps{idfxT&4g_RYebZu$ePm<8A%9S zrn+|n{PicmjFykDCqc9>#krZ-#8N4c}P~hJmu_` z^A`lE2DN{Tb?TWINqDfn_L=Dt!62*sH*BBsT62)1!@xDfQ{6zpbc(n1yL9>S={xJM zg_Bu8FQTWL!zpcO;l+os(5Xi>LM#SUPiB|+`-+njES`828)AEqpBO2;%v|xIQ?&+` zT0MUPCZHx$lh8eZL{(nfKzLj%=?w&9buPEk3n~R$1IC+t4XEPSP!H%LJB9SxsTOc8 zG7S5d@=wXPWrpPx9fY5h-S0gmLtv1gU-Wc^QoYB5KMTK>W~gsdzYj6J-@wFcJj8H% z&Vt)KU;KTq%y&G98?wAITA83D;PJUe3maDu=cCPWAk8j`gB;D8rcZOmMi1dQZ@n`bL4&`~B+eQ#C!4aZH@QYv z`F@Xx4=41&4N{qdOeIVV(GBb=_$YBRNiLyTM04DhNshX8NjzrPZjkKQh4a|!xeG$9T`S4Brs;~P`_RcR_7&{q(4t!?2^s>*bUqn=hiF|i3Ct%?XzI!$TL7bD!D&`v3UNu7LtgbeUc~0< z3dD?8>4=*5QH=|CZ;|Fm6bI{3fWvXr8psNI%SFqJdg}FjfsGMR=AqCLmeStYGfG|0 zmS(#X2Rg0{8i77xl;_y%%R7~qxLjGZ1rV&N2R)IT2oDW#jxj6{5H5_d0^bw&inM-J zJI$_&L-$gLAtZ8{G6;c{D)<_J!M<>|O(0u`aB|2j;EDpYQTMshmf8EW7EXI2$IpFj z9nYg75#yzP?xQKC*qbs0f>49`=Z8ZqbHdhbSm@ptA1Eq z$aXpSl$VlicH2LdXhI{n`5h#DN1nEnm?c@QAlE>#*BVQXI`^d3&O+ZF8`M*o0sEAT z`!uWUP_iQHv5omHD&$+3b9(~anjrwk1%FvPBqUYqPIbms`UCP%f0p}Z7i>t1L)=d| zx5R%x5}omK4KsJffQtFoKy`M~KGv&3H0bEz2uIUK9n(uJSfD7x-(g8}E`eyN+g|aI!E8nk6^;kjLi5%R)E@(Qj3P7s` z6);cI&A?lJoE0FREE=>*J@BpHvNGyug{WV+E7xp2Wn8@``MQlJ4j*FIxPE+r%> z$`vP+RO+KzWGEC}qQ!fQYIUJZwVoeJ^L5y{m`kk{)v;+_$m&T%#huw5 zkOHc<*EgElJ2|bDs!;uLk0~~&_707oA6nZi1Hj^j5}0grrTssQeN&JpUG!wzwr$(C zZT;G|ZF}0?({@kWwr$&XPa8YmKQ>}xBlcmRPE_5Bda1a1GHzw&>06zu?bMQ(NlE55 zI@ImuI=A04=C$qOC^?EwVk)g4 zBCIB6I_|=FQ97*Kap(zI_Uv@K!>Osxko6q<`)9NN-*Ygds@GSI;Rv+vvAg-b z7AV5!`97#3;ws%d{|KAt*Dg3U0_lDw@tVgY!fiIi7z&pz61iGN*z2~o-+t|c(Ii8tl{GVxkXr6WF+;V#la^SX&8fQ#eIPM*Gs*$LC zXwgF%6qGl2%8SJCz0C;TbS9X=AP8q-(PVrW5?6_vK0O*PggHi7UaY>;)P-GNp9_DC zH@s3;_8n@JSo%-bXLj*K0?jk){5?5fyvf#dzHO|K@bgfY%m`fLe>CZ)Mnvru%W|P^ z*RDgg&TN7RGLi|wn`-DlY+*AMPe>}zo`-_M0n#iFio+R;p>-VCH{=ND1su1bAFlAG z52IW;)Qz)PnH3e%-2nF4n2mMDtc5hzYNbkSuzl#a1EwS=t84B_M}3Uzupsl6ruR$O zG=JoC31;qk%v@BohS7tepE-DAu8qk_uUiDTdbj0gXDs9FAI*pJM-!2@JB+`1LkAnm z;GSL`x0M9n^munrL_!I7%Gf@}r^%I$&&IzH^2~5^?iPE`Ym2Fp+lu81u`ASksANiZ z1KcV;6XRw6UT)T?{b2h^d+ZL@KY1q0$tte?=%}dTCKRVNh3c-qa{;7h=hLXV#j=FY z{r0+(1q3!oD>kJVN(>t4rMhwNh1J!`Ypfl5wcW^PbuRw+&{z*h1HlB3sHmgL62IRz zI%~GeCot&VG6Hgy0v&cg6dQMi{@%YN99tXm9e3}ze*T+X^)m`6TL|jxFV^RS4Z7<3 z$M?K6etBKAl(mAP?XR7-)9~}(Ck4Dh_iX30QT&_};988KybE3Bep|E=QSKc#?zHGKtq2``A7%()nHn27d%Gd~s&^*;y zT}Wgk$=O%$at;_t2L6qPA7|P6WY@w z&MrH$30U(pC_8>(h#^U=agy=uA7Gy=?I*FFli%K~mANjqE;6@fiwu5S?GzN^cYtC^3*n1rQF`(x zC~G}0(1`QO7{;XeHbqo(79N>Yw6ou+PJE#0Xwb1hV=h!aHJNW#Q1HRQ z@r3yurK7M9Xe~X0wV4O&!9KGvuAOF8`BqPRJ<1r9=mC_oZJ9`sDh<|`LUMm=WJzqs zxT4Qd@^d!F?~>IiFNgxoyVLaGx4+Tro9HceUw4C-6?O4B7(Ssxq7O6vNoS6{QC5;O zR^pUdgqE}E&Fc3pukMKABQr21qn?PO;zXm@?S!wozgTWI%+S(-<8QQwSp7^FHxuEB zIWx$wnz4>Za7uCiB^3_N>4VhvopU;QsCy$#mh+$YK@q9nO~77RritW{DRBx!c8M%- z!9~`2M(Un`5C&ZtPwB%CW?fk|V!`OzNjL@-y+Sq?=cOW6RMV3xJ590Fe1LMv2$H$F zQ;EAYw!)64#2!u7EO~{^Spx=3OqT-kHO$slzH-OYg0((T*87&oq-&KacKMteeAWiX4J_aeJE{(e~zhJA+F zn;>$qx4H(~Ntyc-z1C2tr1xGds4+d*)lP0crIt(;!{<)$IKotJYoNnf=EOPOvewr( zqWzXF)IMQ^T=nkawJ-nPf0*cB$D|Inm~oxLASPu zwX|ID>ko$be5-Xar$MnC$6DC?{cz~J?$f<6F}7$UA}U#%2*PjVO()!g`rznH&}QRm zM9=CvJ!>`9XV26!O`I~#5)T9cs|Q|z(16NlOdi?z$2p0Dg@t^_CC7B|Y}>zBY6Lj; zUVGK*@#3|2ZC$iBA>vLK_1ViXW8r*6J%MjaugG77o>Mk5cGPqI@3cm+f1@y+1xhQUcT0QWh7W}5 zUzKNp1)=Agv|?kznG$cv#Teqt3bxw&gGQOe=0`1`IDtrDwmis3J&xXdV#21#Sz!bl zHp!I~N{6WWv9CV)G?8LFl7U-bY@kFZ#2|H_U;RHOR#^S^+ddw=n53+sKz>P5S_1B!&Jy2Xdbco1n@H=dxmd&bdS$7GBG=tWTNN8!EB)i zS1Fnw&vwPYh~{P=5ATqomj^U{;DQ>Z5{(kV`yPVIT+q?=)T~LMO#ANi6y|iJj)3BS7E-&Cd0UgIb3H1edPl!b6Zi|wF8-mSYrfJ~2_h{r{w+o*on$;{-578#LF zjrnQMCY1IktykO|7alG1GoL9(xA~~xa9-ry4VcV~67zt{S5|oh9*WTO4y^0bleBE9FqXD#mob0IlBBW^UH`f!?a76GoUVMw`W@J>n$-y z$iV|9W0jrn`~pE0Hjz(3IA#k!xSZTb=LefycBg$5IMLJ6X0hQ$Em*l#4gD3h6iRT+ z;2~wSMU7v2DU_7km(OiDN1%iycoZ~0qM0br0`3L~aC`T`duI)K=XU+k3=mkm`n1-< z9JAqd!MNvtHzt4%QvKq_TD?nYVi|IbS5~SC#wOL~F8l=lids8QnDW5rKSs1vY$6I? zrzoVr_T`-?LP9^0YN#RkP*KWflnWG+3~gIu5v(Emqh&N?@*`(fd4IL`- zknboPcJ@Mf{xtu$B<1Z-Ov#xJ__usY&6iqz+X`wLoy%okji@mE}P~*B=lfl zG}^H;aa;F1rsK5zL=EbWbE$PUE(-fcA8+t91o^&x6vAPyFiPyh;aD@PSESsTQF~RRqy3vdqM^S`s^tWB+w2$gy6fRjF zX`+GeQaJVzs6Sh4ZpGq15e9YaOMw#6GG4y{^PV&&Ab|yz!1I!^hEPWj8{E;Pig-v8 zjsVPc6}AN&nA|Z{*v3ejJYV02#z&edtOUymfvBSiy$x3#x1W@NzK zCs(%^2d9048El{MTHuxfhNIsvRy{Xnx`#A#*+ORz-5*u}*gu`0-jY(H7h5lomq9aa zK3=_IZs1WKwcdeT%|?(0+#70=k-5n6Z(2&E*ENs_In6$dt9d8d8sHL%7)se{#)W2=j_r*Pq=xLYQ0Gk;~6WfY*H2A1mpJ>#;l>hQ2|Gt ziu|p~^Xv)DC(XXbkrP}pvo-v9#Edvb7xha?JFgQ>?}OSCw?!Yun*iKhQ$_$Koc4N# zcwg%8FGBPCeVXA= zgc@=ENDr+{Li#%qQrB4$-bE#6bkE&vDRs+h8>tU9S!u@!AW9qkwGOJHX2QbjJnnA3O+8v>dRjdo|@1c}zR4?^0 z%OE7rRaPLMq~MRWQ>qrDR}nQ_EX!MmLaEzws4lN|r>%#}a*dGMepPTA zTP-9C%n33BJzA>d^zMDojB5oO%#r#0jt*%=nZI9)9o*lGo?wK!hZ+#+km=#v_@t?N zw38EL%xs(#Oj!Zn15;0)Uro;8s9{=R44#iekO6f2=f3-G$7Jybwvp6ob`Fh@Vr?4H zOhg)7SjIEr57Gx8uie z?`&Kv#tuWIoci%2BgZ{zf8nJh7-|MDmy>4d_tK&hCBUl96Dpq>-rJF=q#Yf}K@FcY z3qju8(gmc#6h5(m(oI>y17)hrvk|P233Bup5iP}%Cb8*JeRHMGZ1it7GItUj+%QfN zX4U8M5Ug9r_xnb~$wpfUJth$tzQ<3(<)D#wsCS^u2fq~ZG-6EYJ57(-4i8f2logfS zyOv-gRt~jj9xym9kFSinnH?y%s*k^)S4PEDwH} zn>MwTXPn*g{njKvnIsq muUGMurIvh6hxyw>QrRxx;lML|Q}cOw5gs#LAPSR%uk z|0{LM+qpun(5h5dnZQ1pCksQzt$7BW`TZkb6OZT=_SF-r;;(A4VC||HhKCHO!P4&5 z07-iwQ@+O(h-ur({n@EDYVdJF^TIM&*;a3h3m3PVoZA%nMR7ZX{j=F}hqh&+-=Emh z9F5#1wzAatNp-5zM`+hYI#9GG_$1k{cDhXJ`KRWv)%&oGP1L(3gZUe`qpm$G&UzVl z6!w)VZ1r;W`|*B=`KPKag}=d>Oh(9ouGEG^YrUb{^ab5UCtqHOnp-`DCY$EZ=>{({k*BZcjabQ<4C22*oLG{x_ ziuoBNdy)av5n9&8D#(>HEvm5)hz|thv2U|pGPz`gzzZRMrt3gdA;TEM+qdf97hA84 zH_ARB6-71p|CfJ7u!_CUY{eSs)jx<-@4<=B)KmOvSk@|i^OH>9}Q3HTU zdN|+ssmB#xjMHZI=mP*NqXPOX%`e#F%@ydDzv%x#ENBvA4t}Lk=?2?vuQ{F3(h(EzN}GRWp9?#y%AeoM)&} z5=gN$y35@Q6paT`T(!)9JH{mRO2>e--JEvF{%9$^-bpxYpGK0bHd)AB4XG{)*NV^6 zdt~Z#<=ZTwZ^yo_HC5kL?6vuH?~+rS18v`e*)lb2D(&bn#~ zlK5T={&L@H7%LUwnSTDmL1uwZ&hL;9#kmlljZtgtsbqh_MHX7PbSt0Qf8m_<9_No( zxTNm`7P)vC_>mCN6E^H^w9*}*{1)@7afDJ;XdS3`+mi?h1w@$T-6YzY9d z(S0ewT*&r1sWc9V#1ha%S2CO8;BX&(JAQBy3YA(ePY(1qa;(U$^R10I^>)wt313!! z3Rz8+bQCA;y|9=8H`8Z?BKq^Whh$hIOIIKOG#xh-A9=$&#Z{bzvuDj5;VD@OLkVQd zkaQuj@uT#bE@|j~DkOWf4Zo>DuzN4O{I#*N7EaYPax9yXhS~$)-gE@=5=besGMzhR zgb0Y=C2iw&zK+LOzWVI$GLG^L4Xr_avjPlDEz9Z(qxv0&XLH&E;P|_Q{;YV@!dVbP zucp^>Czak#n8mBn9ZQT5h>k1sZU<9w2xJ^0-oTT+A3&vpXj*RFM#mDUF*vTH%0F*uMW9yP2pvL5Xtgt zA?B5za_vLBKM0IGa64vXZ?WGCnD*?GUCV?GIoUI7=odp*W96S&bD9G_n~6 znd_whj%)C2$(=lMqCYF%^q)3*tjTlB3PR)S^T% zxckU|v6(frx(Q!yl6^|KI z)O`*Ei7FQ={I&uAt!Si?s=o3|zgNqDoAIL3g&wI-*l3k6$zo0{UaFu=hktA6{69b9%(I%Wz-SVsrd}_A-=@7Y#L={=XX2e z9)mHz`1hl>)GtJC>|AiI-fhq-K;>Mm*cGzWst&qTP)oC&=6Wn=-f1pto!}%S1h9nc zgthu?v7ri7YHRtDE+Wv!gUk7pRuZWFtceDQ66CEgzI-l=V&1Mj`JSEpxaoc-5(#(JN@q(>)!WZbyRyh_h2x&r>f`N*_`e&W(v0 zne@sn&^sCW=;%XxWt~<}tP!Pojm#-3HNOAqWY-`{q38yVi!MxxA6ZYx1{TXlUg47@0^F=p!n-a6Mf-Wmp%ioDV%p zi}42r)-#kJ@e=|Tk4nBln_s+Rkc59>>ZM=?|8+sDf2wyE|FgRQGzx$g$UR`iNB2h8 zXZvUDgbF_`AvS#avw7--%JQOG;a37eRqn=3`Es)XEE9CM#NHSw??Qx#h+trH!B?;P z-QM6OP{(cZP=+i9!HDJ6rGy}w$gzA8As>pZ|EmmT+&Asjk9Uzr5AF5xYXIkaG6y2x zGl1=1y?tZE;olr4;S{D??L-O@86$P<40>Z6@TJV}sXV=MUq}FZp#?I1ryc~yrQveW zb0y@UVpQFq#B;6RZs>!{FVl@Nz@=;b$mbXQbE9(^xDp>3tXzn`=ivoKWV~r1%a)F0 zqtpS7J5`BnIj6|YH&uMWD~ftbG*buo;v>UTK&-)FaLxc`3DFCbZ-a2I!vm>-H{L6B z41XF!6)qB@oRt---ZBuA7M=jM)G%2AHPldc>=gsCQsW_}=o85NZdx;mvWxt5sUvv~ zF>CInJW-rfB2D3`b){D#d6&?pT8JKCZ ze$wpWVWjmhvO)k)R4(d_l1X$vjd4n~u)z`KCZHRq6qDp9!9yy!`oT(hVgy+cC5I75 zKU4sRhv*0>4$YW7(V_Plt}dEBPOSZ*{-M(wt!v#w@k2Kscx(Y{&9o5 zuGC+8Ur4G3lRlQqF4s30H&hX5PWT5MK{72pnfjPfx!>Si2%KJ_PCM|SGwHd5lUAe} z{<<99IPs$ggll#aNu2v0@!G5-u?+=$pK^~l!)P~2LFpL`$_P3Ju81nXJo50L<;Q8~ zXXP9W1p{5rpJs0I+@nWbz2hl9aECDDl;6R_w z1;}y_O-}p`5@f!ZXiGvXTwH~#bzXt8u0?BK7?k=Pfm&q6hR-r`)ngU$efcQ!Q<<;L zHO@VB5bkE6OSlGqo0_f*6}@mgl9Xny)0c|w3JrZs*Z+TNmBJ1h2Gsk#8$naEI099n z)q!efif4L8Ko6`B3B=ALBx|NEzH5#eFyBt`6k%pq^kEXe@3|A;`kuG;uj_PP!5H#@ zL+ai`r`CX);jbEtywHkBZMn0mj$N)+1aFq88r(B`XA?TD8Q7)q&myJnK#FhVly1#N zl8q+ocXu)nditCMYGkghHhdex3ihx-beqnIX?fLneF6Sc`mjRj;I7BBSfluakUK%n z6E>p>QFQ0S?Fh0TNUB;~wjs0qTQnnLPr<2!SRIw;=4iGn0i5S7iPcC|Ww(sqOg$cM z&di!Vdj&J`&bCiarbq->{>m$kn1_36L$2wpk)RR1b28^>E8JtzBa?LD5a;oL_DCxAN2L>DeQIwp!7h zV-^MG=m3dpyXsN>9{Fodq!Zkwot5`6jh>okrrREk7CQa5;fLrAlla?Br4MJ}g^=`h z^ybzkfsCL_(MotXsdY#3Yx1QJ!eC*_$-Z)55LdCF8N$5yr@@h{lP-m_9$bqf2Fga51ijR;KpWoc)k%)D?~oIOFYn+G$; zi99*jSV0luJN2QyM*)k;v$BV>7Y6Ppxwwhi%rBWy$BTd9%4D7=7p|s)>W52xWlgkF zvOuI$rb5GHjfj4)Xc%aX2XGCHkkDpRkSNqc3n19jpah3ihSfB*w{8!{+75GfeFd>v z$;R|!?5KiO-*;yO)|;k4-skY&&}W-2Oi>q9$f(Xg?Edgvi>FvwjBW1%^6et~z8B29 zE9lpUh%hQ~{?5DN%{x}=a|el?dd=|XsEizt&6j+cJm?=WqhsD2{QAa&ZM~Mw5szQX z)qBcOS84%8e~qbd7EZX>dPHPfOsLq_@H0r($&J;)=zT-^H7HD^%ty;Xj(lWh$vDAGR(dIDVVPb+TSOwRvPX& zj8Rm5u{#Mi0f^|ArC*8@XlBUX9MG0`2DPUXYS#8m}O!Kz@)J_R=_3 znux;Ol#LtbP&M4XR#}NJYLLFv56=kcc6)H|T<<Ob9ht%1iXi1h(Rh)my? zmwdb6+cf9nh=0KJ+afnl*ag24oQ8X9ZV^;GUL%w>224&XR>U;QH+-`vFVi5o(!fEM z;GrB>gSF?C1sH7OQn3NAbp=~m6=MOyZ(+YD&eG;%Qo+fe;n`Fp!qp)v=$asaHa97s zM;2Lwvm504z}7+tw5S1q66ek{n~dkYl@ZZB+3IA|Gg%hc32y(U?+#RxW#4;c@2pP< z&akYI?1xz$J$RHwQRg;a+NG2v^CC%Y@4P=svhmAa|4_7V8>H2o(xIVUnx({Ti5Jgj z@rcHA=#q_r%*zyTC&a;gF@84kseuDESo0n-wN<_nbvUcd(kk9QC*w4mH`;WpZh$aw zM$MT+wZg3KRO<2sGW8e2GuJxf0ALit^8FOEb$+0~=Z5|;RMgsi^IKunbMrj-Q`dW2 zkxPFn<|9JmwVtU~w}0xB=zG(lV?&Af{M0h1bK`lbkWmlg2ZlW6;89?uottQ-uwp}1 z__>$@?jR#Cc!+({+L?esj`AACRWD9JUov4BKHY0Xg51YMp7Z28S5eLi{p~R;}7Zma`R=2CrD=$3NL7tJnW$l#5 zzRio=z|1cFr_>2w->kl828X#h|7yHgs5be%XlAetp2p>Fy(@=LF`YXLzMjI`1oUyZRsxU4P9pAsaPTH|^rfv-B@j=lzyE1Ev8wfl_CK zZ?5AKh|-6ks=PI#s}j@QYDh<;LA)M;s^A%8cn|ZS1_t(IwTb*kh>EB{V5WhUc|-u# z#6kBiO*fC=UbvB;-u8Z_)+oLP1-ZwP6#Mpk@K(zy{^Nrks>3XAz}Gf~!It~MwU>vN zApbp4K+(PXg{#-@?^kJ>r~aj=qSnDrOmlzj>72yeMvSJ0f;w77imQ?4L*E=nlrc+)>Od^OE;MC{TWZGPPN|quwfTIsgJY5wBAPnT+(znKhi=IepM!S{k>|%c<@e z);T?=17`W_L&3lkI#qAyq2QraTj49ash7gTPDVff81uA7z9QzIgs?qkh`CMtMkfME z^XQF%xaO2%J_qtE2S82aZqELFLZ^n8?zx_?<;=o=Q`rq(h1Z=xV8R{{{!e}I24P4j zMo|n5G)PnVCnr{G^`?z-scr0z)pmxP?PIt{uesI3i*;C`b^N~VLHWxFxM?9hK;GK}QCX!x_LIKcvxkZ1y^! z;e|n($;$#gDoDZRIFs3)y)@drlCn?o%Swu2zv`mC7PLrcNovC55!;mqH}C_E7a|Sq z&=rK|)t&_(m)ldhn!@t>A`%P2(!!-~|0S~niz7h@i{VSOKfmOzsV;bb5@zwzTob#DD9CxPkb1VXdDkG-XgYk(lQY=O}ClLp_XV$om|@3 z{{q5h(;XfkAC*RSa#AXv`0R#1$g{2~X!GV>mIVD^axFd8^v9&C{DjE>10JmGEvDes zISoyD#v0>JdiDCj&vHR0=C_gfN0+5=dO0dx7s4mlAx&j@<{!3H0G(f8GjCqUia>n) z2=m%rUsV)Un^UlJ4CC&m+Vdp)tkzQBYX7{d@Q^9H5G%r~u#rP=R#^Exwo#z{*}b3E ze*?j6X?z5BoCk7xWmU(=GwOA;56pEg9+~RKA90-w6O8uy8rczSp+VmgZX<#~E%5Hf zgfzg#p(MdaXDnv94vmqf{G|+IoCV|EdkKTU$y)W=GRT$7K4F8rq=x^Di~Fk~iyBiZ z+5)$riN@J0R7r$l{c;2*+hW`+aU?hW?$l>L(V*OG|J%a^ z_$w%vPGJ>@#HUe%>Gf1g$nT8>%a<3!k+vS_&CDWc0}Gansk-u5e^@{w8!=5ZHzB%L zr&9UFFJPoYH;k~6;BQWNkS;UaZUZb_YND7&L$Ti^6Ww)ioiS#yw98Nm1^v>8sxU)W z%l`WiuA;w;s{*uM$|AKFbTX$8*J(EK;9{77F2wmVl55I zs=ek4JCG>si z2}8dV99uMy)!vIvm|#|vVbE^`K}7Y5s(>+adAn-JWZ^g&*WjD<1gG%RBsS?hRLT%G z7A;#X^XdL-@m>LDEb?_h6}QC8#9gNE>9+Zi!$?Mz5O`h%fAvrD?Y*4>UR!tt@8Pgp3j5$;=bnVLl#-P zl4)PrH^$S0cM`jwjWw!$iYC{(9xH9(i6jMYC+bZwTU_ZrHFZKXsV=K? zjlKiUDpB%h6llhP&-QjzPze$Q#Eja-?q` zad@lEo~XJhV$H7AD0-?3Z5`#odmt!|0&{_nJtX1V&0uZrDkknm*ho(VTKILAp+x=v(x%2NblWZ}5$u?9bO6LH>3??#-Vz7vAq0 zSbec}F`zzhppY$Gfyfy&8hC3aSaV*sCU||Wuf9K65L`2NCW66SJqD^i<%ldc^J*W; z>I_s3GzOi1>N)f;<Mn-arR#T#?xG4NHVlWRgS?H%Wq%r&}MqHw5lvU`*4 z4Y4lk~EKq<`seBIBe<186{5ib17);=`FUb>Ya*=tIES;$DzWrPYC?c77oDv#tTKL(Rki%X$8= z2fDxr4()=G4&bj6)mz91-@`CNKZ1OMI=ItyJ<80pS97-Q4AnMVpVer_Bf&j!THVGb zR8IS}KznXGMx`jpdI*42Vz-yc5PP({=XVB7rwxIw?|eF=57R^ncG?|RV|Mp+nrz+5 zY1r0V{T-v;P2hV961p&fqvUR2;V%JLJWo1;*JyBad+}$23FV>0#U`%qEa<>HD+4&U z;R36dpLh+l+~s(_USD_>lj-qGRnMlA5b8QitEdoW1pCGdViY$jq% zdtLId6n^N!jO_bIjk5fJeY<$J&v`YVV~}JyzPZ4As+HDypkWL zzqh`dg>*Hy63V|*wDYc(z(!VG|rfR}ws58bg3HciS`+<&Pqkn-H)ex4grRK^}P`ldo zdDIo`bdzT4!IG3b!Rlc!HxYC~L7C9`8IrylgiAwDvqV8q@`;aOPuKzOEnZg#(M89e zzC2Ienm*Ia%cGo;d~6X`fC6?+CM&Y{S~Y+r;RhzyN&oc1-qb|IBB_4pG~JoQJUM== z<3(Ffn5!N8?EjJYcQcpf+2x;cIeC;p@ZmwY2(pvgYj1e}IONj6ABZvFbas9yF`ckn z#Vdo?%%rU{nbZBPAbodv92em^!oXjX644J@U`ZxFW#}G)5g@`He(TP-d$k<;-lP~` ziI?6sLtHaIfte{Z873r$T=pW2o!VU?i>hsdOFgdQWTlsLTo^ApP2c&TB=76*d<9OBZKf5K!BH_QQ&Krk7 z&of;l4-h_6^xZR9B7tD`PxRR2kc4{S&_Md=-QZV^K-{%m#GzIYJOuXuqzL(53{Jz} z?$pl~gzl~{5^l^#wZ+Bros_grjgI=+J#Dz99E60)#L=K_oS1E%B{Y9t=7}4z;^O1}XpkPM73?^4k0cJu(Sxup=<0J6gS z+)?zW3){C$GmCxaZP(7BM!A`rEH;4kAF(ew@{rb~{vIg@vI0xg=BKNsM@le@l z(5A+a?A27GOY&;xWEoCGEl*t5NIgVjDl>s^1UOai71`5%fMHPG{%E#HKz!g@xzu5T z!e@j??*PbB`n1UGugHOf_YV*XZd8yXg~ht6A~YwfQLG?<72&6AFP)_^lgRQ(V1bmu zKZr+Nfn8B>Plt9y>XfS+z8ZqVHqxi3%f)f<7Si#z^mj+wX*ow0oHbt{qa@jC^K&pi z!%S8eCFGI|Ue9tX5``33QHFCgia0Q&r3UgU4=KhXq03Ooe<;?YkQ z%S1)gFA27RcGTSy18~em-)_bX<&>O!<;a6g>~MgY9s(tD}my=QMRb@8WFu&FWLfO&Ut* zjliag&ZOXD)q=6_dLK+-t#T@h7-=kV!idZ<2J6>q`WjH3+-^(l^1j;N%emQMk%o$) zC%vEnJygE2jK5*|nA!!(k6t&@Qop!`HT@`GphahLyIHh)mTiQm@Z;o7hTBx9`q#|T z&JS}|bf$>NRc9#h)^7W5D9R+)c4Q&C1CmH0%W3;RSR_+T-dN_amHgR`){Spk)8O}R zA9Of=8utK#x6<#yFAz@;Msa@lpZa*$hd)@K^l**vpP({(9gIn`Qog&^HJ22W@5hpa zdZ%7RPOI#s<*U4^GX|0ye?Sr6PTCBzH#hau;VUX)N+(sL>90lI+89u*zK!*;G9%<2 zuY)FSjPQQDPKN)T+e{;I9HSSr7j7;p2K5MbIXr4ZDKcPgjw8I(FIJKO6 zAeI4aeXB#Y`8;Bk00)WNQkE+wXBK{`aJ|E7S&#tYHPbqC*Xt{D$=39b#nzZcU@9%I9@DB!87<6aLDDQEu zk~;xj(Dap?hINjTXJ-#z-)m89@6{cAWi~La?}I93rdxtrfV9p{0zOJS*oGte5z+AD z6~VVHJWg5A=ZvxzKq+{Vj0jVVgUL4PVWIQ2R;zP)7!3#4tH$|CAtVB{a1A89 z^~Vyf=EuNGzE%=W<#K)!IjO79cpSk*^CWKre-kFw>`fejKttbpS$Hn6g zc!Mhcg>JC#AWvDgBbCh+A1j0MqBjtu;eqm>oA0p$mkrj>3>t>f(Waj)#c#JBp?-xT z_3~mRP=JP{p_mVQxW?$7- z?H8L)FNu~0k7g`Q8Q?YJngIr^dZL1)-UW{s=2 z?0yW=(P#64Pos6*qfQgIdvI<%;_z-!-Z%HXsdvY!CWQWxsJ~u8(W2l26SG+uiG^a9^eAp)fop9xuLr>-f7vS4BWV;CQH~e4!)ZYLZx$?egpw4J@lCk z>mSB`tcOkA5@?Ws!um@!h+D>Y1?J!Rc)Q_8A)|phv^T>epK3KND*90hSom^d7=xq% z2q?jM`C2h|71OTZyXGS<{ zeypOtniDRkRr4ONEif^T{Ck85!Xg7k>K;?eM-cLU3@AwZ@vcOuwb(=C{;gKfr3>i* zW;Kw-+f?M;O(2n^JuN3loyn9kneo-K<0L1ySgw9-kvTvi1(E_SqRiE(>@v2W`3ZZ=?9`vU~@82h_In z&s`YrdQX5d|F{>J{HJb`#iM;L!LRc;knJ{Hi+cskJ=5l_BhG184LRz=N!MTn{?Y=@x#3#Npr{0KbdIGkD_2#T2JXbvT8WKFLU_cN z4~3K2-L&7%q;AuRCo1rL26D8*)Hv#}(!0RrjGo%%s?n8VmGa_i=VoVEz3EkVTWXKz zECFK5Bg^1$rzNEOCb@ipl*y|6)EJOqQ2)LfzkvImK!hKrWGY+bNJ(kMjWDB>p3;ZH z9537D!*^`Q?kb18?+?)#{)WK}KB17%< zCg{a&tYtU+6T)t*^uHlyxVjsuXDdABs@i&|yBz`0`_LWTvf6Q$iNxImK z<uBAXbR)pj z+XHO}=00tM_(VVL;>&POb!v6iC#i=C^(_yqoAg9~CjjLMq0+@`7ycc{{$H0=|JNlQ z{W;g?8GA3*J7*s44_9nT6>B|8v%BM))Nu(OrZa7=c6V+%Y_A5YV+tOmd#%CN7DUy` z{+dH_!X6Hc3ETd$LDVzHujiky*=6w{`fe$Kl3*eavC~*SVnHPRuTl1WSzF-VJZ>mO z`=P%qwtZD1E!>_?{DDc)>dE5?!!nA4>HFrR1OEakopf&Nu4p zU)!V#q_N3{ZW|-s|C}i>!sT&XSOvtn6|-s7Gj{5sA+m$`{Ta_S)X!8E{$RT@{T4Z> zsyUggC$UQFS3gGiZEYP}j=vGHMk^F?4t$dSCS|f{R4~H8_x*>)r+lxVuYYoX>Hv|Nfh67P{|9!@m zlKTW&9Q><3sJ7M8eBL=DhpFdxK5r2Y!M)&Lvwv#+M)7^xJCY{s!9=wIIF@84F(F$p zF(L5g`BMD4+aKLd6e+By!0EilGQ!;Wia%Eym)kZu)%ziWk?B4Gux;nrmJ@+LnSk~*oIXk}b7ND8e_cJ%gZ5agZr?v%^-6sp6Cgq+uDZKLsPj zIuC6Kj319zeSC?pRdgvCfR{I`@*+*2>MI>%pl^KgGa=}E2&0};iL|%Ps$Np6_LtHB^hi?z5_8*bd$&1WpABLeLV?oiPPfRdw z`g2=6H%wxu+Spl3vyzMLM8I~l)vPh18NsUMYec=!0b0}45@s&3N}11j8HsBON$9ph zqjRa7=*CM%e8XaUI5A2{SA&Y%_dY2MSX%1#FnWgfzaz{wJz=7gpBmb_rrvE#yb<&{ z2EbeJmp(89NOxNnN?U{#Moa&wm?GDi!PS641!I5J-x(;jYjY!<7YwGp1mYSH2~wl8}nw`#61sm)BM=Xw(_90 zP^kQv>cSiS)Dt15AO&9C_!Sf7!BS+9P)B#?->7LoMnyE~cSM%zQ~v!XH$rxR`%hbX z$xmzhk9U@@6kC2sGblvB?!64+yUDOh>p@5MFr8bns>(2c(Gh%ScQ8fGq!v8bBn^`K z3Z&ZnS6S|a+A$S#B^_qt&78`%De4j$%;In~G)Ag}OeV>r&xW?QXt1MC~e^(}25IqmBH5rT=pAxPapoXnG!9){WdX8g7ZZ}!+?#^1^RJma@b zc#!|VGk)8IU*wm)W_(&32;h$fv#ixz+@qQ24y&R$L^_=T2Ifb+FufHSWwCTcw9S`8 zQ()riLHia5_M-s4%57iPm?a9jtuT?O+bT31N~|2wM@y#!4jhI8P)Rl|k7jPV&a$5b z=R?IFE(M*_6#lo}M7O=uWUr7Sx{@*I@AO7Waor4(q@mubxoH`T*};q0^M^{g$81DgfiP-|X z8$L2Ba2=MM^yz+Edj6+7+~42~o?qZ^MDWd?1dP2PljqNqYp<~Jc{@q=3%3ui(9W^a zV6JWP{BA^qZjpEqFg^c|U{=17hw`C4{{eXLf9CnWd4 zcf+1l9%Rt*eM+zXw?Jf#2#4kY&B{$89GVA5&TT|EG!KrPb|Q$=s$3HCbu#ZEI}ZR{ zESrGsk4n+cdEhEVG?XQCw#EY^S#&^z+nPKYt5HsbL-XLsxvN94^B^l^_Tqt=#ddHA z|H1=P`#U&_XBu`MJ(<)|4;=6<{>{Z6SSR+{At!Z4C{g@Zo zwF0toK+Tv;CN^By_0&A+kt%(gs+9elEA+Nxl^;DeyOL_2MiM<1s8Ek7u&Kugp}nq5 zoopQR;*~x#xT=!#?b_c8g`$k@6F$4g<|>EBrnyfpdqr~orI%$?MbFa94ma2C8Bt=< zS-wA177stQh1+fUB^=Vop?Pt7Q}dGoU@4?a8**&7&U@TIRcBS2&>>op1xCA<+zGymghOsYOt;<$}| zh6f0cQ3q>SpT~y~`YMr>Z-iRHAk0r`;%W8Nk+)xy?&r_$m1Gqa?8zz}@+?E+4#wYj zU}(RwA_jf_{;qi0@kt?fLN$r*EE?lM=)%n< zd+7>DLvsE~DO)xtIhc*A*36-^3LMth#hua9+=cOquDuw2a+lLvH_don7*MEY)^~Pi z1Wj>W&SHj`9m!JFn8;mmn(h`9m)wqH80#?ViFw_SGhtTAbxJh@vpFGEmv59(l*D|! z2oSD@EF5Rfczj^mu$xp|opFQS0FIh!k##qgdfNk#YTdET&x<^fe~lL&|A0cn4e2#4kYC(H&Bz=LTErn_)TB8{!^pcqqf zr2u@^^F;rG2jW9TE@oy$WX(I=zMTjN5O5#!Dv)w@NFJEpatDX-84rRx@Bq8)=n(#e z2hjeG4&h&TfL$i8st6eL@E=;u#q*na+OR5`F0|7bV1ti1?>iK|B3kzJi)aFU@-y&n zVXvg_-=*>MTYQng^zgE*=N37Z7g}IKep0l$J2AP+^p>B|v4MhB+)2tWw+7Q(_GQs+ z_@HPGQ|y*ex7Fa#)e8E&rW+b^pLXZ#E6O)7+PW(9t;;jge$zEudlWDC{ua>bIZ2#` z3nk{)eSYa7;XzXEwX$m{KumFza1bTL3ytn>WSPIs`W9xmQ`$Wu>=F>hK}lQCsh!5J z9&)AP5+u#?1@euz8(yKn?2Lp zvvEr*6COw}=OWnF7A*j5pZog)z?J?Q05p;JhzQ>V0PV6zMEE8E%uXgt5EQ2;P1n~E z;hTm4yX+GYjA?iG=u7Nn2>3)^SOUE5TZss>E2imsiru{(a|auyUd^(xV=nJy2>32L zLlNZ(ACe@4Z(v)jkB>cpf3%9%(OR0#pvXnBf@@$V7V!M%kx-}i7`{Du!cmFr*ffy?t>ECT#3obrL_-Wfmu??nn&|7%D8Js&`?{9i1>&wNlx z!%1cWkn)KHl3dh@UpOgEMDn1YWBFc86-7vP^naQU0AnYNKqk#92T6X>LSbynph#ZR z&ma_gOLbx;be6sS==MA65CQ8CZo%APm(jRzS|rs*tgQ1U{jv^i$v% ziqvm}vk#3bd=$8WSvnfd2ie(oQlJWEI;Db1t&&m7AvaP%q6ERZMc9>GfqW`{iWdM9 zRMTb3@A61LUV;e}9^h(xfM#>?5+aoUec7KGKwY}4|5PvAZ6-JML>l_7opc+aCxsT0 zcF_&V9UYi?B`+3|-z=p1iV;9_9v}n&u(%5loqWmDIJCNrbU+b4KMW)Vft;^md?qC} zI^GDsk>6HXe@Vj->=b&zqJ<|&urU>ogd!*2faMA6JQFpR@bRR`vIv@#c|9uteii{QDOc#yY48G|KQieR;{hS&-TXH2QrJn17d)D}~} znA8KR58O{MrA)JxD{GBUW}OeQ>pKx`KRsXV_H+R6&J=Dr zx*TRTyLz!Izo4xtDHuyu*kICVXD>eGQIA{(%-RPe(@%^fk5TG~MNk(|zfpiqcP}W$ zAcPI25n{ViYe{x@zT}clzk4i79BL+_zd3uQ(^5w6{2n0uCO#J;4}& zYFYtMbDtF4XpO49yR!!n$z&){%>xE6_+uan1c)XKjU^OKrvIzLzC z6k}hmbDXMUrI)9bI^XBwB+>bgb!~_CV&KrXWB13C%R^QMIq5}dpEfnIXtuJU zKrJ}621J;}F*JzH9pc@b?-{`Gnm6ZbDt2OElb$8fBlbH53iz6RY-j=*aCzv^*sZ0_ zA+RnpuMmLTJq3xv0WtZ0fPuC`9)W8(cx>hD*h9iK@UBF%9RM1g7YOl6Z|O{7Lza3q(VBE*&O+$n z5i+Jr&ht3dARE)p;jAWOaD3+dEJ8xCqg}K~L=lpn1a4n+CHD8C zFPnD*8*LNY#K6ET>=+nu;h|ZTqx#0f_Okf6a%i~ufPc|`T$P%IW&ASk=!T>qi8LY` zvM;y>n=NE%--W8Qrkygd><6-9C^P@uFTD z)jbK)Q-LkL!(B|iF@jMzt>-I;SVo^<_E#*v$eoXBiac{2eiBr zqQsSnJ(RW4B0mG!*~yy3Rg>lDq>4hVsyIl`C~U3(2d_=kRxm+t9U@tTjX&j0!=(|z z;bE5XMdg#S7vU^O)_Y-ju_`HLv7}%KXY6vejSO=OVOu^Q5o-U=xMDFy`4&sSMQR_G z^KEnc_WHK^Cb+I$Qof=noz-kz+Ro?q^MCF2_4M#DU+upoze)K!tx}0c_4#x?o5Sar z*ip=)ACWDV;X3>)`A0NDL4QdYi}GbVJ=S03UgpI8alX&{4JZ6~FS|Tka2oP(!f@8- z1hsU>`O7;2AA4vKIfn%ONjeiY3S8>*ZQ)Q1)@$GOYK6Ny5!Q*(y^(f#ir)+Kc23&8 zrlfNIv8q3o9`16|US6A`$DuhtEdduh=Vh6)Rrg+wPcoeLfI;@0C5C-Au( zzP;gsw-*iEUjqlSoR|;KIHBGxbAip}7WH1-NfBN($V$y_ai!tVgkoz==+!ia!s}~> z=u5_vSaw82n?)y)M-;GrcK1FfqJU>Az_$r9D@h)ce$=aFkpW(QsYO_bmrinTR&YhO znCIEa-)&_Ne3MRjuxHKLn zQagl>@fXd3(SP8%1gDP;pvwslgCdaP_b$gb9{r3r56Ko%Y8kjRd(ZK2%M2&3Zl91# z6WABrR#-2!RrJ8pJxX;@GpSk7ajG(r;308R9f$N}dkJHaaRf2)G1Sj545`!?^%h zGy;5EZra_K01*~)mm}~x>iYz3mp(^ZCZKW`2T{bdFRXh?YAnu z;)@RIb&f|)x{}oLbURI6$J6G|vOs!F?b*elUC6{hXCtSh&!H)s!14^D$7%?^HLZF^mMVvbw!2F|Hv*MW?OI&yBk7q5{Cf1(GbAtdmvmpcL4~?Rt$vH!qi0o zf-oZx(3|TB0^JzB2mvrzn_Vhi_X7~JsZkILAqc)v1R*$*2_RS;;=Av$|7j`$VM;un z&Q8LErQ*)eC-!RQYY4&m8JYgs2p}MZL@EN|84qaZ@j4TrSY$6yi4YZ~r}5gY%)7(vM>x&$dALCeEkVwIc9D7y8`7-?|$L4;dKgKcI&%D5~ ziB;5d`9BgQu0RJd%CU1rK5`l?-(57vDFBX5s$#7^{pagCUV%P+RMALJocqT6a8AZU zi9RG!lbi+=n18(SulWF0*6xZQI}NOAUx!k^FRz8MUZ}n8Zv4v!yUws0|G?c?U)tk; z@Zq6kve=8fE{3GB5L0n^p8D7uaM{h}f*1K!FJAHCj=fB(XFm9M|G5|Kq$+%f5$(bv ziJ**S%RjtCaTRuX>=l2}hcH`0{ZCEF(z;0GbEWA@&`-#9r!dtPm8D$ssPfcWtC!Ed zKzW9B9qd>x_&wqgozeD!S}zSfgxF8B+_jp+s&Dc5Jm?ZP`(a<%%vBGL)^T)^EA8Cq zwimjf*ub}<88)+-_=G!b=?Q%f-MqI5NL=*0jr`_7_k+kwq|z?1e`ofVwU;&!wq0Lsd$*z0!q3dY z45FQbHuE8+ec+jb@T&1|F<^LRX?Y&4%v(#}hI^|wq?=vYY5%8Q`MNQ+4=TPad5=FH zZEkh&SVm>3(VsodKRXk=on&Y2?8NCNQY-sU$zJv3YKLM} zEaERedpch(_gW^S=JB}|(CeFs1zuTFAyp0w8bDszEn{9eGy~cnQbg?X3|r1aK)F;! z01r9(J;0F_j)bS8I)7`!=ZUYe+13YtVg`FpXgFf=)8`lbychU$V#OT2s9Yzj?dyA& zn%6&N5X*_}wSqL0bSS^sPgV172Cg+dNNRXT@BW?+2xHN4=^yl>T*&T;M=QAtd(KE? z)SAs~BdBNab9|V_5er8=zHYNCP$nX8;O+Bjngw~T%qy3gkEx$u#I%a zI64F%R_;Isa-x{!xRybQEiK_XIItbX6%3TE7{dW$mf~_`K&9hw;|O9Sj`1tOxl1_X zu2FDo;ws9G+k`8L?O1jssz)NJh?I^EqG;zhS+w;r!EH&XD|y@owZgl|?&46AHu*B?6#~nFu722}z0T3Kr>8FA1Z) zaU+~Lgi1Kk&`2nWj5rRl1$(Yjk-eQPPetAZWyuk!}r-??w z4I_F}O!U)ZvfR%%;e5Uc_30+~d!vXB{|(0E=R@|l$;|D~kLfR%_zNfVhBDy2WPb0h ze-D|hzmUb=oBZEPW^3YS?fqx;`8nazNDOC zX|G(Uzx9A}&S3y`vMquhq6M!3BT7ku6{{i+(ED~o<`Tw*G;TnMT0^09lwna9%4p6# z5%dX6iv*Kiz3M>eXtW^>IK+|Q4hR`>nJWwwNd+$}h%6!;a4{~DL~`5pw+2F+fD2Nu zQnIC7_Et{zhM>II%40 zdFwKU0Vr_Ibumr_8eF{!%3}_Y;#M1KYbN}{TxvW7QI4YvZl?Py5OHX|T;+*e8=Ajz zA}$2rBwz%PQ^1Dm7#!@|xX}8jQp^)sQc5kdZC%qVI0Y9<2y{gfE|uj8Ik(ZSgj2;H z3tbi#N0E(f7dosIn6ex{3R_aW4ls9x)azWZ?*YJ+a5Ml6&H+Uh9Ek00RRFcO6|kes z((8ny@B|gG&|*$p1gI+xkGHoq5GvwYuB+EsU>`-2K=VLdf%TC-t5c~rF!(J@G0cRdP zFXgllB1J+WN^;1}vWP>FmfgsZApSnpGxqKnoWpJ~2PCVR*?v`3_oQCqjhXNZ7P%go zDg>Xf@0n8(Cj6>|313DhI#}YDDVwZD;m(S&QEQueonJ=f)FO9*V(XytPzc?WVt`#A zF;S&_yt>Vc@ZL+5+nGcqWw7J?HA%Zp@Ixp zJ8Hk;XQa^MUMo9D34YBHC#Gl+1SCz-fzp-GfN-Cy(($USaC1m3)=ro`nR5FQJr7eY} zfnI=`BVJ3YKn)vvO-%8SPD-)~b%v`Gf6h=8I#)T0>WX+FI;w|VP~N5dDbZvrSSX#h z){RVPtJ5?VHZ%;=AYJW6Qfsu|`CLmiXJJk6wbxt?L5Ak%at%0J~u^E?rO z1`8T8QnW(r1(OX$z=vUtF%uu(mIc731UUPE4Uj4$qO@Yhfm(57;?sJPnQ@gF6{Cev zHlCwMQF8|~!It$$q<6GjZ`KPdUcA4K0vtXREc;6EuwzbO5+VMb4Xm@yaPSJD zD^hOS1||0R@fYu{B9>>K;^32K?%w8JK^iGkjD)8$kM`l*YU1v{`&!m-mfiiko2&bq z&ARCxvA~w~5m?{^R?1`ERy*EFk4{gQS69DpKX2|EK6;ETwXEOb?>RK4Dw|t(bu8gLv6rVNW0h<1xC*&}O@2ixqg13J*dK3T{x|I7B!Joa#L=(BJS7xVWUyZP)c#OyAx z>(B1u&|d7cZVzW}{(S6f=40m1XMV=Z`57_80!MxbE6J_-Yq-KQ|9-!Ij~7S)O0M zFa8QJ06FUOO$udhWOHbY*fNFGg%( zbY(EB@6d$`T_>8)o8qd$1x4@=X__*A6pI`d>s=BMDs=Mc(sct|3 zaD+tQAZYxAcLzERoHCDjj7&npVnX9G!_oo)&=0`5IBY?@l+*W`8Nj6(fF?%7&4{U9 zG${+9cL1|z&xl?WA*9?11`vw?v?C(JL#N-IdUrfPz%w?VZzOZL`1F(jhU=N_85t9w z@NuK1f!QAd4E`cIHY^lNvhx5IFc};Y6Pgg`QX(`06cUS|NgN?M(Vr>uYL z?S5YGc>kgQy93@E=rd@r?;nQ@9rh=`_x(Qz7(Qa;sL^BoJoYai{`GHxwTG;gPh#8SHqh>|N%#MwlGk0G6`~?dW7A^krt0ha9C4T+Q zw@J%a{A1;J$tkI;(!Nh${ll8I>oV4F$jpLGo40Ju&dJ@jeMeq?!OmT~xxzg~dyDs# z>_2euQ0d_#Wk-)4FF$ee6r8R&Q+f8>`Kk-m7cX6|f!ezID_0w?!Ht^+<1JGo@J{Tj zpf7t>CHTTpv??UUB*h-igB#Dqa`U;RTr!u+<#3m{m%JlCUg$2Ug|otA;RSKzN_|MA zVH8YOWsEvXJxhIBU8S~amT5L>wrGCVyb@hSwK!S~6h9RwiIc@C;u7(ISRvMn2Jxx* zLTr<|Njga{4Uh&&!z4e+Um7I^OR>^2X{~fndZrb$-L-C7omQ{yuN|kIs14R8Y1e5B zbP65my6IeWt~z&}sOzVDM>kd%stfl}csO}zWsnte7uiYfA@`E|%AT^fJV^GFqvb?7 zNnRpQVrWj`3dD-z{I8pK4K9 zd@X(!f6H*oD9b*}Ba5|VTI&a`&s$sCJla~UEw(?6{bSh*P-qpOD~dQzE{Kcg7IR6A zTN<~GtKoj(yYfMTyRcfQ5uOo{1LLM4Ed@}BGDr=KTeP}D-KGIeBIA~=c`kz3OO(X1 zVo(RSsbZpdNURha#9QKX@udWk3*+V`4U~p^H*gE;=^?%JxYD=_nv)*Mj`jkl>fbc$(ezu}(n`zU04I6m@*fC#AP0Ix# zhxK*;EzKvs08ja+?8GxKW7f_Gtj5i*=I&-^b2qc2xr^DstTNl1m1Z&vX3nfI!(-cb zf~MuKbyCx-+XYPvo1@scw0S5%^Jh)TO-le8qZ$`Am6}S*&`xtu|(eT7zHas-kH{7vh z87d7Y4CRJWHacV2Vc2UJZ5Uw~Ztyhd3|fQcUZyR^WIL-sC})MZNx4y(rOa%9Q+h=H zjyD}^yF3owhPl^;dh$KS2dC8xvHhV@g=<09UfKg8*@`_qDt$ql7DZl-(*fxP466s zydh?sD)RNtRTvk~f;rd*NwAy?X1CA-SOIB}0-IqcYzHSuW>CL{HSi36 zhE=d0RwA-{^(kzDUGOh>4lf`V3gH}7!XB6gVUP~fp$fv`ES!f+Z~>~}BK!mqPz#r# z28v(?Jb~441?r$4BH59UKWEP#dZ5E5W9EP^j# z348^mkORwLDZA~zhR4thM=%4|qXIePQ2-0H;0DaZEZhjK(1wIcv;!+{!p*n^w_-Nt zpgpS40lQ!>ZiAQb3vS09n1}gTfID#)?#4pggGIO(i*X;8;C}cwT*YKe!2@^@4`C@D zMn~+5N3aaLp%Xfz3pBxP?2bL~C>}#s?1`y(9LwQ+i$IwAKM5T0?j!+pLrDJrQ%IO51 zq*L@Gou&#pLzQ%v&e3_Qq6<__7wHmRrW(G5Z{^!~s{jHD3V{=NK@dn#3U-3Mpb{LY zmg=aUu2KVCqw92oZjynFbc;;XNKJH`?$BMjNB8Lg{X`F0wLc~^HPb)o2{zz0ypA{U zCK?=Eluk<6 z$dQx8B}?+|L_t7Az&g_@r+`QX$vNj77Fb~Kt+MX(RDbFE{d%6q7PE1-xGiBz+ETW( zjkjfOIa}T)*hHITE7)X-lj2fB3d?ahAt&XOoR%|kR?f+Jx!~@)doIu2cMse{m+v0A z$L@(M@PStzY(-nirr1=QX47qDn_)9CMM_F3JKT=2Bkd?V+K#bf?KnH$POua0M|P5( zY^T_%cAA}TbL|W})6NR^1;_2|;DDWD=h}JE{hA-$v4wV#U2H$G|FHkG|FWM32ZKYw z;ow-XKR9Za*w5_ecBx%vzp%^g3cJ#NX;;~=>}vb9U1QhUby8a5rHqu7a#CIrBvF#2 zf+R~tsU#_qDru4)%Z<&ThOr^^A~mAM)P$PG22e9P%gzD|Msp)Ps7`OVo>cQ=ix@sVo_iDOplQs!BDVbNwGF85M zq#mm$Dl1~F03zT74KYA4V1a-kR8>I0frmm+7>YnqC*-#2fLp+p$ zvQQ4nLjoj5tTrj4j$~C`)qsksCRBnHNQE>=hsuxvnNmw?%V9YpN9CGamm6}EHbE9t zfvQjqvY|TEfSOPXYQs}dhkm2YFa$n;q3|ILgTKRY7y%<;6pV&3^gE1&akPcD(l**o zJ7_2EqTRHI{-C|IkM`36I!K4;FddC8V&;&AT|`%9v0TKa37E*93vppCf=O5bld&QfGx8ycAMKpq5>VG2xzX)qmfVFt{ESuk7f!W@_j^WbBc4+~%+EP};6Snf%l z+?NM%MLv@y^0_RPW%7kAmlar39>O)au1DxmdW;^YC+Nv~s-B@|>3Mo#WCKg|GQC`{ z)T{Jry-t6tf7I*s2EAEtgByC6-m4Glqxz&it1s%S`ntXeH{llChC6T3Jb;Ig50Bt6Jb?loXr)1G9fKI6R`G(Kr^z<3yZUbV6<8{1^d6tTw z#-@pBYMPnmriE!~TA9|SjcIGznf9iG>1c9HC)3$;3WA**H0|M#OqE!zFL zAJfzHF?~%x^M?mbY)zEOLnO)-DS8em+fk~x~`sU;2ODRu9a)&a$Hx} z)AezET|d{~y(!0hX&Xd}sI$SEU~TZLYz#&Q>w|H+O=O@QBA03}`-2T?vYH~BbSK?echOyS zN1YQs2@50$?yB>m1XLZ-5`&*(!-5|q`gFxg5h?1nyB%()+XWxVp09{>pXsxF z6<^g?^Vz<-Z|^(!jy}hC@-=)--`ThJZG2nb&I~XE&0yFl-^zFLz5F0Q%75f1`B~P( zCio3D!|$*Kw!${p4m)5c?1J5}2adsUH~}Z&6r6@La2C$N`6%npMcM9%IoL@j>Lgu3 zCr1f?75n0AQR>@bJ8U0izBl&4m!lrE#8%ikO75??0XIhJ-HO|Ad(?#YaR3gCI`KBX zgYW7zovthEjHnwQ;86T9>c#&UulDdLsw;l(V|K%mgyj+PLYZYqG}$bWAQF-o7B;&; zLx8+=mj>AlNlAhgP*D(25Fs!;R6e9askTK0rKJ-ZXt2^otA6&=5Q?@H+mDx8kn%{s zinby<{mmvs(m(oj@6OD*_uR+1=l;&Q=WKv=G{ZVJ!de~|Zjl2Uc}94|C^1@$5xF8y zj1_kP^Is@el`nz+i^?VCGEnaX?gv?G0`<4rnt=QTw)@22#RWVUf$~Yfxes=8S~;Vf zg)L;kB5s34xRroyj4c-yk^$@Rz$OZ9MYg+?EG0{f6L*S#iZ77Kq~b|a_E4(Kq!c3a z9G>&mH`-{PxA@kVUqEEv*7FeUrJu7##OS}JH(3{1@#tY7>Rn2v6555RdK)#9jb@`| z1680XXy3+C%~l$Xcw6AQ8CN6y{Nfd0F|${404d;#pwu6x-VGAbGLM zD)jsja)6y;j%4P1^J_@pLMG5blFF!qwR1OSucvb?g{=@i%(B}w%(u{M7|lUmu@f=! zI5vg5lp3?l?4Y4oV<~3cK?h(@hoF-q^f8N9y37~NE=r{wnuh(f(oxnfqSsePCqiQi zw3I~?z*$JYK|XT~vG^N&p%Sm;!OK2sen>+om#QJ{9*q1O`wEc(VgvDx449KC5qf#X z(l)(~+#n4x%1m}QB9DdqdGP?nVZ~gOI%GZ@=sC=O5>e10L^z#dx7;VM*=~uRHWP6o zne;>CVs9YhNI{11AbSFl?tbwgy z&9LJg$Rm!i^L!Go;tOzZHHgLHh@6a4DIb(;fbfmB^U+}Rt>_=3UzvI4Iw}VqRzvz{ zk>#}lC!L5*PtYkk%M|2Ii6~aCQq7j5JO=Oc(^%%zidBxWv+Q%kcURdp#Bqf9E!~R2 zP&EDke*`z~F4(nY*%$f0MY0$Hn;IvIL`W=zRL$aPl!M}oOp~3+8uC!KD=**%+NZp! zblKwVPsCB&``_%oo_+mfl%ngS+oK1ft>zg@!WpJP3&W`h(nnC5aNgU2xL?o*$n;Wh z0@A>PN$epY-bzCkgiLk^cCWTte>DRQn{BA=J% zQ0|O+R)T(S~0fq%C}` zOoeYe3OvuHI#I@fRKAz3=POw&AE_+074kwhgSuoUbo~y00Wn3PC}X9plA3sK_iVNy z@>P6_wl`ikX+%;@M;TiY=ZFFya%i=G$V7bc^@sV{wYvCnW^AQBxO&RhuyxR(qCtdhH4zE%J zpLPh={TlqhBvFQz6d-3ha8V5pu@mJv_z4LFHNwX4ffqYUt+p!OM)Q?K2CqXT--}kz zZ1ZK>Va})f&8_5tKWH{rV8*@l89haN+1luGT12?S0P| z+Rk7pbOB{QD#gmLNtb`7N}6bHGXDs4-wqGEgKFtJ^eJ|E87oW`?KCzzgSVIgu?YJ; zMdjumb2xKQgLxm#q}S;syFwAW8)s~=<`LF))uv}hc(T8sg;QJtgfh~! z62FnEl~@uOBEui4GiH?s{UzxxSICoNFyB0_)*x-NF~A+`LcZ8ChRtW#W6P+G)^2E{ z+LF_*Z)$T=ZP*=Or`1Jjf`*8MtThI@v2KZx{OG4C-&QgCAYZWgW^TIB{V9#ARn_%o z)%bCF@Mf;ddWS-o17mqcAgl+l^d=~=v{J=td~GObu(eoHwRU3ds(XL+n%`;(H>pNH zZL-#&H-&LDX}Uob%UlQ2(!7Vw)0E~{^{SxeGA5>Lp-9QFmLa59Ec<1uS5589@#M5P z2X-sAC2>Fx5ub1~QQympQL*k8Ra()jS!PM3O#>hdb)E`If*SUeZ@udCNuQUGZuo^5 zMj3TDkw&ARFRVKYtafX>p=3BURliC=fOhF(-l`PW2NiWpEzd;*rw~?J~ zLB#IEnL@_mSbdx)=ixT4X^WgHK2RUcf^H+Bg3(aF%Viz##x^h2qGGHn4|dm8s!cyY z-qG%m!NV4({RStg+TyIb!RZ|y)_~+zVsIKsMqFm^e}Hr7V1Gk_!G``1c6~R$v{EZA zpB+^FdbmforB!`u-TeGsUJqpq_60>c@1c0Qh;aeRn%>SB6G9=B z*kF+;z(CB0+X3Px%@>6L!30S0l!1hVNg$~5ZR{1VLUL<@h~YJI+->l(=iNT zs)iPqApu)`donbC^rYK+`)+UF?f%|-zjxbv$Qg2G``VdH?mJE<*Sn+SSkulV?A1y< z1%iU0hq?oJ+Yh=8yzPlatvw1t`nKlQ;{=l#OCCygm%+W(9vvaW)Do(tO4`wB2hGN? z$m7IfjxXsk5ZY+oWle?IUzWkh)LHK9Fj|%&d7W}!M?lBsb%v><2hA}vnp?l?J!VKI zCm@2&@|r_XuL}tIRliye4F<}+r!)Qc3=Z8zI@=Glhz^hb4R40J--hO%u)*+;_za$B z1ThmQ1lw>N*$4w2#5W349*3G}4KVxxnEHVI;9Ks9GMpM7QnGO+juNz0vdTyntIpV@ zn&{+cp^FzP>gyX$4$fOx8>?pq2iNTg&hadL66{`q%HuBA4|b0lI%7y`T|2vh>>~Rt z>~C0XMLb6sD~CmbFW3-ZYS{dNx*CLacs7&!GOZ}21%w-h>TrPM6GdocNiwxJ4UfaY zw;)9nX)8(4dPUBV9CaL>OQv&iScmTn!g=hyIF4UK?#NtaD77vUQEo@_2Xx|dMqp`) z;uuz8O*n;85r07Cd0{fFD@yLBr(bG*^Y7I^W?!E6O6kXsTv$x^G!FHP0Bh6mxo)0< zWLQ;2au*cvEm9^ooK{s+_@`l26p%C*r)6^2jbb`L)978zC&L|0q;IZeNS`4RTXC^o zs;GqMrLe!%e;TCiAga#NH%-uX0E&u|Zt}pO=yVd(pkZ~WqjMjJ zslj~OZYM1u{KGJJ@&8$iMDq5iHPe_;Kb4!x_i?BBKH;3@yib@VCdFpCU0g1|}JPRqxf3n_ls>{gVPxqWF|?il*?thmS%5IL!iAE1>1oY>I{FFZjGJpU-RYc^OPB zULPZAN`@Tz?c*v|GuVBCt^k?a;lM<+brfHM-8KMA+(%wTI#O_>A*v@5@bR{WY=AiH zC1t1-@9N$Go_aeqoCRd#%5WAX;v?}yb|f{VIw`WybjlMW@_J<;@4KiG4on-A!l`GI z$?`&fumKRSub*5O42(D3I$8^b8h8TyS>av-DK7uT+h2dU@8wPVaZkaW&o145^jBxz ze@Z)YWO{sA|4#?5wzcoxzrEn%=QobD9zJzw+tNwkDGPGf*dp+h2u_XxXZN@by8mt; z!qinGB6M&lV3Qo8L$ldJg_@7mLOw1e1tih!!N{pA)cJKGNKvH2gVm8i`lmnSj3p8f zmRZ0rdsaE?j41<=T6$9aDmkf0nkj9S*qQ1=_4yKJe$fw=)vo15&q*)3wo2Pwub2E% zvT-_N`i)(bWLCgn7gJbhvg(7fI)o%VIW3BXth<*SLLRcxsDQWR;58*@$6|erPINc* zWPPL15u|w41ThLKK>}|){0Y4i?3&=t;Kt*gOSl&|A_NP!!#Ew$w!iDy><(s-juV4N&hc~{uA9*4 zOwuf66=}X5IUCMdxEZ?u(RO}Wmi5HN0%1Zk&<(7C$x+Pm#k(F4P zfzJevWdR)vF9;&Y7G4y91i*~pFf*erh%UHA7>4Q!sgBWE(FIRgHIB1rJi}+mTEmJg z;#UT69O=b>6UliaL5mVCK(bFS1uyri;aF24llMPwW@2h)kD=McP*!!bO2>5H<=# z*zLIdXOkP&dEkV<8~o4fQLPj8bxw4fR~mdVH5Ths1_tDT zfle-e1u$nHvp+HWm7v{7iwL30Cj|L!zIN z)-OI9dFSBg_+R^)#`~gN@3&3()ab)x5#HPLlQ(uyhTIF;`YS+6MdMHy7xW+&FnPpo z=UZ5|DX<{W7U-~UvGS|D&v9$59rn%KW;5mH zk;NV4MaocoCU?zq)-&`IPee?;@M#qWNFAC`>(OWf6 z(@omb$2jkH+N3-xjPc#KX%pnUz~>pzX0l!?GW99<14c_h-kWQ7=0N!5kFjhBCj?Pk z8HvZL)fkPVd>B#2i>m(b#EDD-*k7AZg~0&S6}1i1NM7Dcf*<~&qiw}&yB2Qzbm!=9 z{JmEjADi8@>D|%4;2%95oUv$1^PZifN4VZ(&ofVd5Un`1aYgr%Nz8n;sBO-yHKDr) z1hKKbY5t3opg2H}<*u_nb{eWg4P=5*WtFU9kK_%9q;NPU)fYCDObO2lr=(PPwX`a{ zq-MLcHS~7TJKkSQg_U_a<69~yt$L{Rf#-1LNl#zpfahZ69}B;zv^-pdHM+?v-7u%~ zf5A7Irn(j?l@^z}BURzL7#pja#XefKz> zcexjb)`UpNS1l*xUGjT!PUhZ|kIG-mj4V>bWGGk6xO@-kX#(6xi` zSHn)tm6?X1f6w%jvJ83BkSh$Di}hel@Mw^W0q3M;88{@9yL{3VCQ+RsX^^&K{V{SN zhGWI_-KNtSi_6{PtIJOF7kN_3CwTH-va2;Vit7sBJ9~F_XZAI-ubJ6hdzXDWUh`V7 zfe?eo0SXQEnt-4Qv3aD>fC=C=v^5H(ScCvd)jCNLP1P1d5NSvyTwV{q@_+b8hawr#sTZBN}(x2Lvk+qP}~YTL%CZQHiD|Jmo++1c5d-ApEUlNZUI zOp@!qKVNlq}}Q?Z9T>YuSj2O8JZNWuA^AQ@LpQ8rid+h zwuCH+wGUnOrZE-Ml8OIjkkQ1@!n}af2tbyrnJa;c=gE=j?o}{wL=Z;cZwBT6*n(UE=)hKWjz^qq zn%BaTk!6#*74t+-^l|`w!2H^V8f-I^tQqXy2S*_{KklRJulvi@l-u|K5Dl-&v_mV= zztzSKq%x(3e!~&bo$78s$8EbVz@f+~g(;gxUbM~Z$K}sXI67^qZ2S8>eec`x&3N|x zB79b?>%)+{`W<~8t&5uDGNtZp_T1r={PaW=tpMvhm+_vv^(_>h-CY|_;N#p^oEX;? zNW_7gFPB&HR@n9@Blz4R*#p2=ri+tMEmfEhEiPZCxJHXluiH*6BkrJ75VVH%f<1f3 z0&YsmqTUFo48k||uFQq6!q{+;YON3OzO4@(jMXfzh}XnM>IU$^`aRd=^C8f4QgA)VW6#$$gVy%-mzyEq+^c*%(*ZVKr$K zEXkhhoChWQGXTq_3*nBK?p-nb-HzjzJVC++FA^L>OvK$$p{3F@WvxI0@0TaS`_IB9 z$WMvLPp@DOY+Nl4#1jn`40IHHR{+W`i2u>AuUl{ds`UvpD9n7N3i_?%eh^$MVt#!( z8T52xP|PH9AX%;snS1 z=D`}hrjo0F-8lEY0_}1r1#?id09h$K#e|d;0HqrUfheOhyi0<#0P|6dE9ogI(hD!+ zx#ZAEAc*~7QC!R|8W(>fbE_Z)8$rWD2iTD^y*`Hd%ZK+lpAwv69aSRfK6T@U-^LMs z9}ula%dPH;s5Ip%t!fcOekZ+k8>2C{gyG#E@44AH;*FEnAGwGi|6?!{Fbyo{p!k?-^csIqD_acB~K^7DfYBML*%FH_hHsu`e9AC{CJw2 z5!Dz@zMc#9gV9mp>zHp&-Xz^sT3~yN^acYI*r+^fBE-qG@i|MdXX@?(+CyRy~jiYI+Y=DdCQJBW%+#>?iF zJdbIhAf2(Um7h=5LsBD63w;}Fo8DX3gWP@YS!dIhjzI$UbS(jz#*2|FuACI9mjouAQsv%z@A1h;l^@mMDe;(d0_FXJ`(Z}l93&rJ=!(Od6>(! zUHVJG)omF1Rr`279hDvQbh|i^9lbePH9&-1Tm|GOO%kmJEL<|K5={A+f{(pxF}9}J zR6#a9*x(e%QMv-ge~n}R4}Jh4dq$LsVU_(_t3en6sf871H7=dSM=w&;GchM{DQtD7 zH2+rh-$WP~{9=%N81%nl@GpU{2{{fG?vf=<%3W&YN}?bfDkyuM>D%RO7n;S0s1qdf zc(X|G^M!zq=)V!r6^Uacuh zdzv@l8jXTn@Q63iP+vY6gyrzJsxrXjEexDVs2L8PjzS3RdI=}wvd83@wE1+E2f#i+ z5XJt4$Wk6?TFIflIg}wS?s3otFS4B#7RLuzfSghkhHC-zTCQs`(CB0=8 ze>s3wt?U!{hrWRyA&-mKMQwm;bz`aaKa?DRjZuN%^i7IYC@a6(8_V6$a}AL9tJTuP z*_)Y~WP^p92tyP%!kNM;wPfE79nzMJ$kZq5nZjw5|Bw8eda(%w^?2ve3 z1WY1A`-{%CL*MQSyi&NqKFL2$2Bwmm(Z`*1$fr|YKW|k}n>~(GzmGc>o%>DqOPwg+HwPT6*c7K-l|^DMPsD z@J5XFd{pE!5B`FQm_83J50V{&XB3##e@P$D`*)B1wf-Ry)^Hn|x*<3SQO*6S2AWj? zirs#ak29=5AX}2nDl(~1R*tn=)6S=*o{PY#M^OQXnRwck=*4w^GFOMoN$|^~kxJR| z`JCU5!rPlrw=)@A>VCcXsGG;oYVNo;ZTzc1W&dJwgjnJk)2O7gl1jsL-eNv}uU!cl z*BnDMu#yU=*NET`t01=qdaV4Y^xGrXk?NjW5FFBd8M->rQOWg+9em6yJJ(OOvZjwY zS81peLenU=59>U-Ze^lq+P&<9!j|kc;$Z6_|3FVc2BKonZnsx6kP4M>2VV%i1tt`W z0k1z-T|7g1=EbKA$>$S&!?ctY^;^vI*6z`_dBy;oxP#LqgeKHCETJ5=-YW7uq%1Qd zd`Ja8CBQgD%3ty_jrp8dO02MR%XN~! z9?eI?`fN`9cupM-zTBm8VJ^obTJXo#NZPKdrHzwZOn=x(JB`UR0;dkIj_epe&x0UL zC~fLphY`8;uZrAi&#-s?8-mEgg=6s(c#y9n8(8MRkU73Sp;8w_zbls}7iOx*t~r^@ zo{L;zjCsD7nUoqedDJratY6|LO5o>xhkwG1FwT0D(+PEa=-f)e9}N5pqlI)IDVhB* zJ+2X}n}V4RnMR3z=>q=JXBX@SqBTBQaFUEo($4YUdho8umlmYPi0>3j4JJREimoJ~ zb)u=_sp7omx>;A_vSlLp`AU>}H7ID9V{z#S?15nMBD&(yU-R(PXnGpfap1Jl)Au(| zV?)d;9t#8KILm+UMX;aMM0X0e<=Gx7QQNE-GNYb#Cs7uOnrGAUomRudTBLAO&pf`2 zmRq^PImn30&@|J#vR4F~tFi!*aY3AD0PJ^jpHs$al}%JRZT=iz$*L)9FDv))d9VAK z&-vk#7s@}O17B)kF({efPRX#@=NLBqPv=G2nFVQPa3de3wWJf(;;r1GLzO{1+gtfp zKLbg0nmn6yx|Uy}>8%*gD3VF!4al=SIEZU=y6~7RN$(dp3h8HX-U!yIT_HSP>UL^C zdJwv5n2-i*i;Zj^|i;%o6+Zd%XLWQgai@LRzZ9J13aLnZ>(Ddo@TXPt+b zg7w-N*p&N3toErJ(yTRQfnvE^KqP14+b6A0vjP+Yc$A4EfP?z06fqjg17LIx(5P=r zMx86C`-uJ>K}E8up9i4N=@dme=ZN?|y1mhLDXKmgdevjnC@$Sbm^2zIx>d;$Hh>B< zh#+!%PYHbMHVk|fQo1u~+UY;JACt}8S$B-{uA)20BK(%eBBo4aWgRZi;Y?-=hwhqV65sd_hBXM&q!h6#gMph=dWFu}d= zVCZ4Ks;*NOV>r;&*JRMniu=Z`(SMaI-tzQ)oA+XJjghe(H?`Mg$08*(hzeQ}oQ}ZT zHBnpHgT} zWBfDM9#X}!97ca3dQW}}jk^PYZpet{Q0!;-HPg|9xGW!`F55RGWjNYK?2;@Z_6msG zNUD#p=QYVvCssU;Y)r~OcZdhaz}FMRUY86e;~&1TnP+4BH2tUm(nC5e;g5!~v<(yd z2m2f43~m$3ocN40;R~h;q%Ec{us1{h7hC{{{WnNTZMO2^!PdeAu=GPZwro!#>7m6K zHc`t_n2>Q6A6>1tet~pw;8~Dt@l5bwTRq>1peX_VWVuX1qwo^zXvzxrtgs51;u~Ro zvNc_#E+Hi9rd1*`%$|l^8SRAGsmOwDC%WTj0eK+<;~%oZZ&*L4-}AKN=i^do%zWB9 z3Ip30W|N$>mu;@8{O@G%?=C|NEj3g0TBJIKT5*4$e{?tKnfy`OB`1iD-7HtZj&i@0 zS;}%WQ+?!0#r1q`cYkBI{+H4HTP2WH6R$rExAwfLQo9X=16};7lSVA9_J#FS+DfAu zsyXl8*N4wdDW7yXJ%1X2&7K0(rLk>J^esfe#ztg}#8RmAVK(7mQ*7S2VTFjJ50WZE-H4 zBq8sVLGEO}T>4n~LLaU#VD@~&>`jNk88DEjyK#cnK{1D}yXpwd{)A*UH88uZ#M~&s#bjP zAHi3yw*nZVtmBBnXKp{u@JyxjdkT|W^*h&?-LRkMLJVcatonbM2_Dhd7j6MP_JWij-R$E_+G}pw42O5klaLUm9J3{oL~eLh zS1aa&gS%{!ItLB*vlnxDLp2~7ew4Oi)jGzj!qowA7=*;e^kucA*h2K={y<{=4ssd*#BF+$j2YTLEOBj_1$VrSr6a5 zT&UX<<@gyo1^Sd5_`>*nh@++KJap?ky?VR>8wMTMNQMTC3$DZze*}xlf0DYM@cnYVZXmR*>C$=ExB@^-$h)t6J1n+sc@`8Hf*8iKn1lp;)o9qc zG)ZI^-m9M%%ph=PnXLAvaX-ANuJ~ys69+UkAbEL4I^X#rLIlq4c-I0e1=998>w$T~ zzPB&w)L}QtSQ4&;wBX{CWHzlnVB=hP7kis{x29aNPWZ}~3&YK`FX}Fs#2b4yHoqmU zNe?b{S5$5KmL4l*o*8*fH;y*Z1U?E{(HcDR7^(P{x{et`cjE9=D`zUdlBjf*R;g$2 zpc2bXa9QR*BCnvodYGLzA&a%29CR3wT29^BQWjSxQXdJX@9~khWcrSgxfVq|!JO{% zMr|H7j>?o_V2^8W3A~#!>j1=?DXyM0xJ*&stdfssPQ8m4+h!Umcx$L%dJ_i;YDUv- zzg>5^Q0Px>$08#9O<2N%Ox-uWiPY1}Lxud2{$><_ZzXd!H&8C; zzLl)ks`rjZ-O*7bQS~6dgP-sJJU}_V1%Dgw>KQ$^$);nk>gyAUUf`;#r%I=7`Sm!+ z_T+#dUL~{~>YJo5mRr}>N-v7HYMI4;6w1L4_H^6hO&k;Q0+lrwQ$0X&&&Fxy)%@y@ z1&;x^WPd4|=X?GKdvo`X&(K8!zhU}*&js5wQ#0&3K9^)(7PS{*6u<%;#G_lJP$`t_SZure|$zFdy^U)opAm`*%pq50bBMXtzF-sZTpo z*)H-EsQc4@RH?=90J$Wwt~wUZC{tYP&R-1EYrGozhv$d3$>2IX&$4ihch#`oNZur_ zP3gf?s^c(I@y86qgr|_KN|a9wA`lijGg&9qBGVa>XGKfiu^xiQG08q0x@c15_1AUY z2TI15_cX?V+Z3Y3S!(Mf4Ug3icr>wF-e<(8nPcR#jbm8%j>89%w!>8o+*I+COAJmn z?BM9_;#31ss*_dNTZ~HuaApnY`D@QsjJ%eCnj< zW!~UDEB!c(Of_1@`a0c{%e03oAC}N{=FrSym7l8Mmo})!?rE(E8#qo2WT0I*PHNWE ze4|B%7Y2`nE%FR1xVNe(p-nkz)Z-HXmeraR?zc1EJ+gO(l56{q7Nl+Mu@7SX4U8up z$(||tC5=CpV2`Or;cz#WR`^6J5LJpR+n)kU9me%wJYOmnvDh6xA!Xu$8k8NOfp)G zquoVS%+}%JkgqtVdJ@+Z-k-;#*RDIIJd>5u!zXk}p3~Cr{5tU0-vb{wTpgAt?sIx& zVbXlFoQ26^#FI7sZRz*ENBSbUr>^Q)OO?{7S;nTu{gT;*q)m>wWtE4sNou~nqdNbs zQJa$OV;?jeFF2={7*61%hvgvnN6u|9PnIQ8)K0xNc&&d{^CqmIuoW)PVHF!SPqq#g z>NR3hG6s&k_+o$1*0OIFyWmn@`v+HkLUammgTox-VAn|Nf~tXUg?AeZJ^xblrRWqC zyfwiFYED^(#^#z-TY3UhwQ=+Y~BYAUu zW%R~-Lpw2JC~<^c`0m$p2X03d7)le`wwqN@6ci zzZqI9DBy{92^`N?=vnZMy-wJ{ZzZa9eEa3b<5RQQl#S2AiW-mav^FsB(A1B{N-(%y z_WNhcH__JC#X56xGf$GiUbRAcW#^{a`Wphf+72d;UH5p$F|VO37Yo>_GJ9LKTDkO^ zCM&yhS>X8Do<%)AfBCjt)z$gU(}{n!Yw#NKRdRwa9Yz;U&d)YvoMh@@wRQWabfxA{ z%*?z^#k-#IE!XS11<}!``F-An5>ORjwL@5dKwTVT1>kE_wh)y?mg4Kevm!x|3H=r) zTdH4kKkuCZp`@SyeVUO-*4m8qMQ$3n}9=Efh(Yii*_;}im@NxjLl9{%( z1#`Xs*7ft+`oesHcSGNgWxlq5Sw6ikF`3JO)G6Hj2Los*lxH> zB3-7VRZZh$F|^zZV)L_NqB^h`_PT&Wd_wlDuf0y}jOL&*%SEJ_gL+ErsQ>3&gX${R z?`e)0BKPN~^joEEV8!|Ca@^*bO)N)PmL7(gHKgHDtd(R?Nt74!8Ey0M%5mz@baXb| z{jJAZ%$-lDrUD=yPY0cWe%szCg+C+H(ZStPa_P1?yYEuT5WZ&b^h(guRhl!J`XM{` zQC%|A61?i%{uFBz_HJL&6Kw6o_6v2;A6Xw^Q=l{N3lRd;LFtCg`(80uQvQsbx}Xa- zj+5sLVS35-=02Po`M7Wg?J{?6io^4AMN??vYAR>nrQ)%z3UM|)I#90s!{Jve%md_l z-^NMxBmC$VBz}E$x1)@*-P{Fe9Zsz#0p+uQs+sBR6bZ)h%V*d+d42kK&RpzFs8Z6O{^ zf;2oDT=kz0YmCcyJA{;oDhY_5=2v>#Fy=suQC)p_sivEJEaA>D6Ud{`Z8Mgs>ukEO zh2)x!1m2{($SJY^uvmpD{0){eOWTI6`~Pg2GQ5tA#xHN2AF|&UY)pHsdvHn$*KE$k zWzYl4z!k1JCA&IQEKW5uy@ZzDQpXImNyjQOPz%4&6vGenGVhP)rVw8z%yZI`CFY^+HK51x-XEG_@R=Xu6y3xuYWHPUJnFb;J9qle_7eb z_KC4@t?KWOR@@UmG6k6(Hb*;$cTUXz_0L1aWH_js_;){iWo7LszxW*EKV=Z9tN0=k z&BLVIn8+iB9~6rHeimR2@M)Sp^?QemonfdoMO-~A4{}%UJb#EAZ`VwFtv(c$VpEggNW(UyZdc)0H_Rj)Nb;v<+NRHlT;k>FE~07b~c8 zjhyg9@r%CmU!=lYB`;!++2fDkRIg4)=>q1f6L`9dJ!0kmCbqK8d?o&F~uxGJ~M)?ZIoaY52qV!hx4RN zSnJQET>fLCGJS7iD(9ty8(aM|kjJ|=%G+MPyvW;5GmRK{_ff$VTm6QQ0&ytZp1$44 zM3wtwJ5gBSJOvwg*J*RaObRz<8gvZ&9pq|tL9|s2UrSi#=8NINO(&~+pXr96~{@JliKHZXO4yDs3NzCk2>P!J3DYmOkX7ia4q+3dH z0be)Z4pA_$GuEr8Rck{gscEtN4zhP&FaIOk_da#hY2AIb=jYQ|y$AkzMmN%!RXvu5 zFD16*J-H^(61;X&lS0+UWB$1}oJ!cEOP`PYkuPid=+M&!kDj2WL5s z>Yl{P>k2Oqt(s?}acUB$lKL&yo6wm&f91n2)XMeU&m^;wU7EU$oUtB3#<~vezs~Q^o=)#+Or;hpmSeK z_OL5s*z_+f-A7NryBpx$p{cv0qm43v#~lW2$(TEv^GVE3u>T9%nH7y;$(gVeG8CO1 z?n)Bj>XN_8olB0WPA1gx25zf3YV2OyNQ;VxQECgcGoCMgCTnVGB$IMFms6=aabEJ7 z=F%BvJAU{pTfUo-Q9(#Eh>@y9@Zu-_@ik{#?>nJ9fjw6@!ZC5u71VxC@Uwdgg@(=d zvge2{Sng$l|9~zK0|?6!P@rC?Zo&V3T)RKW9Si8H*73h?>h5)IRNy#=@FX#Y{j85G7i@M$=n-bz!BtUzo+FFFUXqznnIWvi9MmQn ztCj1OoU3IZUy2EO*A}3?WT`~elOcOLB{Be7=BHXart0B}8maGw<^K}HG0GAC{So3) z(TZrwNpGxev@5zhG1!(C+}`kkSP5S%8o}5roM!uro=tTQsv_b~x>&v|i~N`O&F`WH zJ~wzM$uS$+3)m%G79gx1*_)GdxRCGFnkSM?L5Zq6Yzz z`>F<&lC%+Df2RkfMgt0JS(Mj?uH_1~QPH5@Sf@t22W z6F>g!(?z$?mNGuE!AJG!5XxUeF3DemR;GNz+=WhZnll(?0}KSKw$0$d$GB_eg-k)B z?bh-TWA^c~if*Tl9}*mC;T@%rMsUKW=ji>mU6h{;zFDTU%U1UYnO*c4pj#WLSsna} z^$?+-13@g8K-CJR2Y*V=6oHGHT}no7u4-r1(AnoQ#U*yJu>KD}gw3Pax>C2N_%s@` z3od*Tcg*%*=E{`m=X|toVsvYhG9F&oV{_PCdI0$Bf-RHp$hF3|3G0Y0n-rC5Q_`dHT$_4QOyepGrWvjg`i<3Puid?$RHwav7EA;kL>WKn3H2|DDB5bdkR&F{1VNxz|fq z*~NR7?O*J7ji)ja6M@J(9{8`~1nB7nJIY?}J5CdJK$KdNQgBW>z(KWnkFUcg5 zBQr0l=)to~PT1Te2JaNnlWXfI)3Ba7UHC?aqHmU12|}YBfo#9X9aNm)j#}M*X3A#8 z!D6X7IT&3i{z-G6j?!mE+wQ;{%*3DJ$dZ~%p%>k~PeriGnI4P9hMzDrO|d&!R>NEN z(mt`>R};lLx2~A8W;(vdjczq)yRJ(_m)yCA1S1l4aw~-_W(AH$LEGRiu*r8@+^A)Q zBMg=Ef_8L$Q^{dmljm*_?R4lreaNvu`4B!$_p)@9?hl?NIHpcBUe+1i#=&jj3p6iO z%_`UlHBKOC6mETd``=w?2aYGqi>*IQ3?u8e3v}Y6a7jY&fW-PBcdmDycev!&32RFl z+_m?v^K+4(+m?UDJaUW2C!Ho;a!7U=(3glsS(NKBwM4^>xek>TTAjX{zo6e(h{3&B zQz1L3e3-f|6B~5BZx=4V8O>dZQ*@PPZzYDmG4#b_r%Hc^i|BsR%0IE&@jHuvB1ky! zC&Td-zxp1pmHsK5HDkkx{{L7V`QimqUCO>eMwiGO#7lUaktL(9!aoT(#8FC?aNcZ_ ze0d6d95;$Z|HCHx9>#K~v6gRV76Vup9al6)J|HTs6?R0I{GG2Q-6*kF0KntuVN^6q zoSGy{YEtPI%yG<3mp4W_1xgz79TBg+{*27!D6Tq(%XMTJqM)w3MIjn`(P83(=j>aM zfP|)Q?n5xIf&!5Z!G`79fuKYqwL)>8OTaac$7q6ArZm>1h%V(Xwoy(Ve;kApAwktF zskaGlW=Nc4T)P~3D=a*Xb$&hkeXK=k-q@J&W;l0s=$`xhlds5k^=srZTJKyAco(5SWf!aB6Puuvc(hC24O;6`(QAtH1tE+bn+v7c^a(J2od6HWbl zw6HL}aV}Aul0uH`56&|L;-A7x3p*BU!ga#W`UE2Kbd^0x6BfP%Hwr#?Es5Ws!JpKl z_T+&ZeYZvw%moi7d+A^_v9WH7iIOns62@HY>^bSu6m!wv1CN`qhk_4C zyC^04U+|*MkS*ew@~*71IGIXe)GL3H{t)lieUBu z_*kC7w^?}?bDaqK1AK=dVr?W#$A;Z}*gj_O$l z4qfWlZQLQ&3mBbo4+V#0xHN-AW*7ofSt}B>c#Ku{2xkKsIx-D&xB>CuhjKU$z_@#d zJH^y;P|)ZJ@u@CdpU{*u>D44at`2e3SPwdGCA5`ak1%fDDtY=>C1DzHil1dK&ff_Y z`<~eM-%kW}b*|xFfoN2sfNC6Hnu}CcY1)jLJWY$+#eV5razyC4zlHJPh^L9 z@0Kd^hf;kMPZ+bnou_)2ejrYu!o6UB;jSS%aYaCNz!-qJ{j?!0A<>#aI-xg+WCVat zASy4~{cRjBGIq^V0}n3{FItK~Sid|wE4g|`bud48o^bnY{j_(`pW1g5Bk~x6nRCzBw?BNpdAw`C|N4aOw&6A`+q*x^>HtT; zne!$1v)^8Dqvvoz*;Bbr!s&`%A~`cGYmo9^a{`G=!uEj+GU0k`bO^-6%8*}sli(6Y zsY|fMZza!k3+VFff;H^&%ltL{@-ihyg-OvSphb+I;2EJpf87n$4fN8YHJC-6LX8Xy zg7QVhsu&9xYlH)}=-UGXL4CnhqVHM%T(f~wLqqnoS)7YkoGfUm+GW2^DsUnN3z=IJ z%;Pnyz->Ctt0zFf`w9yUgCTax=(_+ih8gy{8Fn;XAuw(wAr@FQh@}7lRY*GqXfDPQ z#Lv0vC9=a&1C1E6TLSu{5KOFt0eX)Cu{k7Vh3!gzg`P>2RoB znVyuoFXED#ZUw89;u)n@O>#7KRDSYrRpO;`k66Vk(bdQ@~GDO>)8A z9_eQGyEV8-^woZ^(P1mRre3v=Z@?XD(JI6=vr~ZcM#J&W`gr>wHtQF}^YxVIE2Cs} z7|vZTvb(da&$zp+&p>7aiNjE0VIH`s_;EJqDyWr$e)x&?%MEn3!&NA@kK$%yKS%kEdX@ zD5aF#8`U>_YvYcm5CXjr7?mzp<*j4Yb4-#h@3-j+!}eI7*E2PdZ=V{L8BRHVK<-ca z(E~<_+IHu{AAb1fo7M%4h#`_+9^xlqLbigT_>NL1m2S+A`0|wuimtN@i-mkn&RKc1 z)WnZMs=5j!PNGTYCiBj_GgjK!GfGrs^lYavhxZxD9%g6f!Nppnv_cIE)%MX_6lAiL zWDF&7Gh$(i;#m*K#J`;6_UOf@Hj}eZe@i^%44Yd>s$QE(s^-gouhY&}m$R+o;1WPl zZtN1fask7gPG@6PEi{ovu<+pRLyM;J3X6q^{Te~_n8=1Y9k_~PS?9j-djOJaX%}uV zBEq}O#D^ji`eT{Lei0LDusU^>J^B3Td}X7{(?K|+#%XIsd0o-)3Vdpkb9La&e&3zp zuAA*IJBx|z+1X*cB)MjY4@zOW`sTb+Bdp9`_vG*{lDX1Z#hzSJj&aj;2cupy{1Cc% z=|SDAxE{D3$Q!(kCTA_Mq9U%GV^LM6kynGJ;1V>x@lrk|4JZ*e=E7$Ao@+%KlfH%K ztjhQ*fNiTK2n(IV79#NwwiS6MJh{$nQbWSui!HkDM%C=$%No~Z4~&MoIuevoCW~K9O9>BmT(m3T(rT+2|AGz@}FQ0qJ z=71ScQ8q|{_C4bHCyn0OuVn;dwIq`KkWJm@c{{3bJ*DHkI+a{Ygj zh0N^iOl73Vaa0M4s-1l2>o#80uD)7ouP}NQ5$_my| z8pt9T{}Bs0$)Gg?!;sL2l10@w?8K1eNelM+kH(_>EEn=y7vwA<)3yZpGJHNi9FBR8 za~!X}rn`=TLHy{+fFQs2DIak4`04d1BeBxJAjH6jjKE5wzy%0_-UIt!4Mh`eW%2!l zQT+@g&7{?m7U%c2fNTnZU)J^GBZZw;eUgC+BBIlg2~gM?s&}+m{Y=0!r+Ko#@%FUU zGLNwCfA<#}>_dbBc<--4yq=tmoa~Ue;HJRS7GhuhV>uIcugxL~tw-p1K!#jQu#>5JIzM>OI&d(A&8 zCssPr8ydGlb4UmL!|j{*!r1#$t6rJjJ6K05qQ~zDtGoV$j-d3ir_V3YusX4{csrD` zC@|FsNB04gg~e}@kBb@*LsVhRB9;41Um2fxUsPMKvgTBGxi&eq)i*o3I@IKe*pkzw zWFfd*X-_ zi`Qkt?YriSMSoAXC+A`EfLigJgI>==4`~7_2O9+kgOAq0#b_bxB(3fKXoNwnmCEKe z0Wh92QX~HI)NzffTK)EZMwqZfRwJXHn(?&%29G<>X+5<9vfg~XlAfNN-C*fz^Me)U zbZvBhLc$;taC;q`)a{E>%3|cw{L=O~y7yrPm2N*|Jt=8$#Q3qdSZ{oDsYKM0{ ze+cn>gePi|GKG9J5mWZ#94u6)7^4_}a=hAbW603#9deZT(F%vOkGICG5BJ^0bcS>f za_?=!NKMZqK;QvDEVKnm$mOf$_vJ9j>Rm!z%3Z>rlAk(u7)t$A`jt!)X>`))#n9uy zg+l3nX-|SN`*HJSE+{NSvsZNS$Pm!IMRe_pu!#Od(hkD!G2a40mbomn*fpYM=T%u{ zS>;jlBo?d|4lIo|=3M5v&9Z+SL&0^i_cE6#4sqN)2FDi1WpSd>B8G(Q12X4S4+(;V zR5tOucoF~@wY&yBxzss;&OFyijV491h~>0giFz|R=fum&r+v3wK)aSfiBl8v68*5L zw8k=rf^n6M)jiWoy1Q7vIKEi8*p$L?JZgziL${^5v8|;kO_Po@db3U%`yX39bvwh zt_w@#gejsQwX@x4-5y7ThdCCk+5daD=_W5nW z1ER&SEVF3qH?3XBY{on1XKYvgocUBl_XvW}80Y?9X} zBegwe;6R{K!KZ#?To?HRU? zrireJhD|6dIsI?Bd8)a6+>xMl=V^mI>=2L|B@c9NJ9@l*D8M=QNwP^PojVL<`VHX&pz2CSP0uNb`WB_D)^-(1S|!BKv_dwP3{8Eo zwEQ$UfIFO!<+&mC9;O~xcWpi!ki?(e=NRRn{HkGv{1pd9+Xf^aN?8k|pa*Xi3bF$3 z5;vIVgLuA6-WkwT3#~$0e|-kK0_?eydxNtjz;O{M^%vn?9|BC6W+Dg%%0JQ$yLte< z6=r$I6e`%FG>C=^NPh;-+z!+t52Jq<8*3Lb%uk&Ow}1%cNPt3QKr77Oorw@bfQ~Lm z^agED51K9nP>Yu$h-}mc6K1OWZoB)7txrOFM21Qj;qYG|w1yq4$qvQ_%zv;#m_`s* zn}N$#P*(#AlYDlXS%?ljj-y^px6lqd&LabYBSYY;zOGip=Y3$h!9X`C#C_x!%#A@Z ztw6C`EP@ddUjOD5bU6cNm!FPEVvuG*?0(&}(*`ox~86{)Q&21uv=v zHo1XD+@fAYd(WT}^ci+aNHm5dn9~DhxFrE>Z}C4$;hOkqV>rh>L6V>*QR;uQY{m*0 z#)=3(I9rmG`yJG))mRD0ny{xi;bjS^k~rik5`HnMlM(@SY{8FE7;yrYU1Y#5O74^) zc?y>eaC|_`E@5dGICP3uSqH&MxRNkWCyzeDt-2bIBbD zl-vogtO&n2C(|z4a*D7C;GRqLzmosW{+D#K1o9z{VAjw>h<{%3X)QM~KI4RNA*$tu zW2>)2Ez|=SGB~?mXE)DIiHkZ5{X4&{v#^7vp6lyq>UwJ9{R*xtI3Y*?M#3+Mq_i~b zK}SeTKonDbS@IVo@@ZEH!{jD9I50Bs^qPt~xCpoSb=NZrk-$@SgXy=A=~w#w=fu00 zDj-k1nsOz0OCB03QP3W;hanz~rRmfc z+>#?FT-kYvP7$*6*xXXbC%oEuQcmgBGs^9MmQNuzi!{4|H;Z|kQm^C*{?ne3hWp&; z0z|2E3G|uiWMfaE|6>)xNGSqCR$|q{4c8rEk>WN>PvF(pMqZTTrNnNq5umO(5;IJQ zG9l9%ps4H>XhlUjLNkm4TG>)}xfsR|TX|J?++=q|s{cu7jpE84p~)VyRrjA}^`)y} zC$`b3?w@51t!f2YI?z{7%Gu*rkIUV&rUjIJ&@JyDzqtGOpWjDr`04J2Y=q&C)3;5^ zw3fBx@V?JPx^6^eI>OqFR<*LX>^5)2tUE$Z?Z#|`^EhH&dlT!fVD46LM0YqM`lNe0 zFkVgmScM-r&%4X7@L#achn$B9&-*=hnjf71%PQpG`Qr71>^DjSQPjtg4%JEnX4S`- zNaK}UrGwKgRef{{Q)hj zM$T?M>T}9XPt-kfbg&kCQM#lVmuVkqx-@F$w@-5)Jh}vJm)3VewgAs(fp4XJWz%Po zZ{^+9w*4}#;4Qld8^NA&kk54te9_bYBwr;}B)WMMM(#vlw19pdrw0S1Zg6sW0+1T! zGa4g15r3oyq`ffCckk8sxi^7u4GgU!ChORnM`TxIDD~vL(6@ViUO2jAL7iz3hV!}T z>I>z$AVzkx(Yc3K$9Rv{i!CRqH zcj~R6R3Nu|!5WC`SAQyzeKluRwG?W&9~8KO$bD~ml{Wb3X78ndwb3uVz>Lb`e-xYY zu5;PWn45yfL2~^d&;cE1om9ZeVvU14sVg%(V&OjR27oX$=k-m5mifzoa0jY1OfC2? zR61yfMc6*2#{!(v;tDNxVR)D?KnT=34Br;zi-_(l<*Q_Oz1$Nu-(txtO?SHOmF7zd z-=^t{^nb9zMemg9r%Nx-?Y`renC_68Q=V6q?k3y)^^7kQKWs4EL!MV1pE$xp%GZ_; zx}JX?D_}hXCNH4Py(%jZ>-vxvLE5#rPrb}s2$VZySpoBQ5L5lXxCpI3+sxMSnIL)2 zz_Lqe&x*`;YxD`dertH+T18$KOg{H-y+{rU!dit_6&!wr;My5BZdJ9yw}_E>`F+|8 z3=ZNoY5)y*w@X`a|;sT;mrdv}si0U^40_DTPp0WgQtq{6d)6?=k& zP-`>YSW$*aE-%n}!TN-mB*f=LV;ew;xm;0~6jrTI-ql}sH|?kMrw8RgoLTtDlF(0q zSVolp77l!-%xfaMO^v5QyTw;umm<6UukMYKj4D^;NO%>^9D#Xmq4@)WH<){Ni;j%q zdZT%t{FCKV=tA^UzNuR-qGkG8%{6_K?@#!8{0=234mKk9;YmC~;r=V9H>t%14vrLg zo)?&MxBprfW3Hfey$D@AWf^}_Hn2@@@pb}u`Fnm8s^j->#>iDATSxyRy z6_k%@Y)fVtS!Pr{`)zyUUwjl%v5Zv8@TX2Wq?(Xgu+#$HT z>%!gL9Tx8H?kt>zv-5xFoI16u_QkGo(^uWqH*;23jpun&1MH#XS6(mBuCuAK076hR zCra)^YA;_lH!W2f0kcp*zds*;7!E0aoAQ4qEEn`}2iP6a6c)~8{tSWVD4oI(2+T8K_%Ux-l$EfO!Q0EFSAI_f2sJvCYYQL92w++#xd+@mVQ;} zh-odGIX=}d5YtETz1KVInhr#-gwyKdyWafcK4)ZM#L~X(mKzCqq8Teh2Iz<5Fbw9r zH}dHPD=_Sk5&~oIoU0E^JK;2MFt);`ZfqsK;3xnnU{kT_r9{$8Mfh6b*oO5wU*pH8 z!W!~nvw#w4ZDhijV@h1I{IEEfBjk=ytQ~ToB;cW>ho&!mra=?-qBLI>W`+79dy{(h zZ|G<0E&5iM^Cq-4-OFl*drm$znKS*2ylE%A|;8kHmGKNa!w`h3~;=l7jocXI5_`?Xi-+4OL-EHgj96rOx~*LqA*P=us92? zaWDH4;5I|BbRlNK5pJUrLe~KO(VdW0$pPu07U&)&3Y}g+RMJ(67K|_}UOwcU{UNO0 z_#kuntOrmW@0^bqySOrLIm18y`uK`ipg$Dmt)JX=TTi}offPA% zerxtg?(F`QHoe&v(&?n3xm3MP-@$(ga_yyPvocKMal1d*P$UyS_(8Lsz13uI=2 zMmz!J97$a+x5!I5+Ots4J_*+3z}`62@fo$dov#%+m7K&V5|FNoH^L*$vynq7X8`H0 z@zf%=m8g$a>Q1Lt=mtbqA<=xtdsX@dtmy`bw9I%rnXzd7ZUtzawAGH9s}3y4LLKMk zf5cj905^&ifkkLtfBg>GeL@z|1AxIhO(d<5JA)!Nzj*n|H$sMd2aGZ3D&gGU?C{ms z`AN4YYN90M3)aFOzpO*n8%=mL;j<(N{|&qOQGtQJ1tFv9P`qwDlwlVNDNW%uMpL;L zt{2P0&orBwW9IN7)38CxGJSReN1ykGj3YhW(l2BZWhIWQWxG(k2(z>xs@%4Xp=qd= zBn#H6pE#a5IrysEg3<6~6nhoQ+3D2nwivkLj&prq%ARFNTsu~KM(Ig3NWtC1Pc+r5 z7q7E}g#Py)m#VIG@C#er+;NjTxdd*^&lnZ@Th$Cg^I?JU+O>2KGgX5WqT+CP4OUCV zJy2`w2KWLx;ttz?RF7pA7sLK#Yy-AQm-?6GY|e@f*`uM1r= zmF8U`1&cOF3|XsrIv)J=;6LBT(=7j@)xf6LX9LD;;3g)9nR)q#87jVFmNl;(zCz9p zWOFD5#9uSRDNuxJcl6seL+JbfUKz=FLL}*c}(f4Jq(=;yei&+U;vQ6Ar^n| z7q6qk+`ak8th@HW%5O=xW|d}Qy*e}}7 z9)ya~KV7iv(3-f6g2&uv;lkZ<`unL%TIgM&wvB2;wXbe=MMFKALzTRoTwZ^C$8z6@&+V*!8PwpCnJ25U zu|7d3W9)vhvY;CKfzGDF!Hess`eEWiDbsX#{6+o)&2{xIRLSS4BvR7N#)^{!fe8MLyXL%-dR}Nf?x-uQ@1^MPDFi9OdD^2Y z@6gXSi;Ps0brZgp_-Mvdu#CGZQj?GR2#-*a@9F^!uK_AyjXhYOw|C45ED7TKfZp?b z4g(QSVG1812#mgt!OH;+jHmBTCrxTfpqrTm5;QXYydS2x&HZeKV)GExA=1>16b7pU z^y8Rg>~ui2{y4D&()r^sN9-4Oi!jslVnYf1)^6AIfNuKqTj_PzuRjNv57ocMM)7tQ z3^=aF7m7-++=d2PemIqVbeD392L}rZeCqL0CWK=App{_AJxB^TFrm!hNvDv#ZehWT6j7m=`W!o)PF?a)^lZE~bQ5?wr3+&% znd0|6j{JK+$Ym4|QNK<>KLC&awR)vK+}}SwkG8?PBz|f6^0@F}l(Acqlao{Ou7&pL zCJQ{#KiO%jTUZH}304e%-sbZN^NOQwaFR}{vYoIl|I~P#_=S(2j8{q&`bLTP7 zmum$E1l7=oUHfGsmI+BlICDN1$A`E7-NGX!Wu4%jJWA96&mEoDK4o4l$+iW~g6W)T z3Hm-h{2uWHtTEXLdrFa{?x;)O=ELQKamXcM&or*PZ1)q7Tc{oBB_7+4W&H;i^!{=w zE|__4e+I0spa-J~t%=*fp;|KSh{va%v+tA@;%Ak&{Y|RZv-Zo!?xTkV2i&t*VQ6pl z&ymbt`iK*`1=u}*KV(PVVE{@d$Ek-gA*55l`&u!c^6=vjWTv|wmLQBf*;KO#E{tMe z$xfH&yZaPJAa#9U@c`pHFXLV3D^p;r7yO+S3wErDaEp?RK1Qbru$OF#xLsuf2S zYqbGF%-sAE`wPnb&$~WVTzY|AXKPm3fKQs4Pw#8&7jISIfKqec`xnO~Zu!%b3S2ti zN(rApoqZf2+@d&1?wQ`?18Cd9^7AgB|gFc7ged>=t2@N0G8 zjZf*-{7ppKKjHsrXXTgtnMO9SS^PK`-2bwY^9;Sl_{Gwo(&aDaFm`171z-rjp;N!J zo2!}AjJM3#GdSi|nO8ohjPtn@C$G&WkPxfxP;$%d#0^2(Tc%!?Ct8jVOcBE&U$4)( z_=~ag9f(lDTR$VOfh6K&qc*8ij4O#sF`x1iA1!)Z$9PmreobP6^CkBhS4pj1 zUbxf4!bHY3m~Tu!D?aXsw^_9}D40GhniY*L-5vf4 z@#izHVSmp;VS;=(fwIe8HVL1_8zhtwXSw2Ln@f-texp7U?4AWnc+lZLZSEtm69pYT z>+ZscG=lS(pXe+jm`K zuQMyrJ}`dyJ?4wj_b!W~c!sYE`&f!y8RA3U6y=K&!m%vbHdIu6z4Fij5?d#1qryk5&h9EfblBD zdyVXiT*nu*G~>AJ*DGKC2p@as^oz2??PCgfPCf&Ra2UObdd^wpA*g+GSPt*VMLS=L zZmY~?B<+%HY6awiAWs6_ZBCBQz_8oOBw&OsM%N&vOXOj3f@Z;<&tKIJgpYQ4o>}Dc zS#~dVLstf?VTr11J#ANy5g zg9okIgY6*XdZcq_m(BU#Y$iN=6F?3nIMTI!O5Xza?VcT*Ao<CuIRi{;K35uGoKNau?baD!W>>Zy}!5oZy2DI#({3U-}cJBs!620;xX>6PK z?yr3^&hT-EFzm?Mb<{){H%fG#Kko3hq*>(5H3@)~>RaSymaTpIUr5wI<^amGctmDB zeg|Cv+E`ye7%&nN$?Iz{_5QDzjgbkjjDtg^1AytLbZm*u!_8l`l zpgG7?_#oVz{Ba;n9l6{7!#i`dciA@TBLBxQm7r#LwLo(Coi)_!V%Q(;O}&~}tmE+W zz~(}^9o`o#@FAg&ssr$5yX$zv$&QpwN>Eto>vv`=!7TJTp(3N8nApAm$zO~87PS9t zzCe1Vvjs#|4{U|FJmL^7{Mp-?Uuss?CH&gI;bJh)3XB#tDg)`+{MAN{U!N~m6LsVr z(Qa;H-Hup#HoLrB{miF9SK!T-*@W}upB&Uj8hkQ~_MTjhv)OX6!}JJ`trX{l+}00||HeTnt0{AjdzKS*sqj?z4s97qkNmXd&k|a53g;?#@l}JH42XD8W@{P8CR+Ea$J;-jRXKUx$C& zul!hU_Ok}XO>|9?-JS6*d#&ReRSG{h8t{+v*{5uQOR*FgNikEQGmGf%3M-3wiL}G$ ze|As*9S>hsO|L3ub02(ci~6K_S2rbf@bw%{Jb#03h)?qsEl#T#rqe8LLler;9cqB5 zPBn_`hpZ29V83}oorExC@~D+84{%TtTffW*-F>}(C$xUezRy$=%OdLa8=68yGGj)1 zrr}&YN-MDBnZnwt5EK)R7LbzjXL-J|{!`|bR=2!nZZ8iYf6!}Kc+D)#xFMv~VH}5V z9=oNxQdXdM*;Ox`0+735#H1u|Y^y2hmp{`?RaE+D>xgw!A-#^1zidVE4X%zoWhZ9z zzHmgedKPPD^4P!WGzT=LPrTYECoiNv7TRJT|G-9sG1PbDpPbb5YhbCrRZiWnv6_Bf zbmZU967xvYU1xJF_p8sg51w2+xR7BSJ~j1evCg_D&xv%goGb}8vi-V$*=-r;(GDz) z4dSn^nmY?{a3tA2C#9O2NHy|{myxUCm~I9OvYhhYx~=kcNW7~!`}MJHX>f786Pw>- zoECV^Y}32lMBBN%1^KkgEiY{|HZ1`Wu32AKMogBh^kK59TqpSbAf2cyQ(yKqF6HZA z8vyH>MISJZ{-3#PpfR+Li$3 z7^)nJwpeD$M~O3nwuyC;C+)>Tt8;4`I1XK z(O4Jpp2c3s=|z8nFYIRi>EUXG@(TOW>T6D0|E{3l24Gj-u!>(w6g5YchZOeGN?vAf zO*&zw`Z4QgBVaz5==tUFj!ge`=4T_)`;WH~4$#iO6==8zK4HeU59KM|K0EYho{t2F zuZ)b)>tG?#U`gmMET}Zr>f@*Sbf4XDPH-0@Vg5wdvW(k;`>lGo%5wUc4FWdq+0f$KLMZe&pv(SKdb$JO1#kS$^$*u>GnRJ1n={?v_R657WZ*H9{xr zHuj8`WUu^Fn1Rhtc<#LboBbSjjGI~oCl_}5{D0kn(QPb+@^aPfv%>?>&uzmUU+mxP zB|g6(0I`G1@mNFFUw=AmZ&B(C0dg_ugh$9a%6dkz!SzV76n0yrl&AO~uO}G8OPv)N z1MBpO=oM@^jcuM;M}hqfg%sG)@-Rg~H_`*TN_aBlIbv?B1^pFe`oW;5comquiK*)N zwQJK4u*uiwa#Fk4tLDC{VUv(i#k$E4b*p}Y#%$- z(+X=Q@_FuebX2bb9V@XGpxD_ zCubLR*Suevgn{i&nClYi)6>S*Mn0Q~w#(ZdHXV9bqiT2s4m8cXMzE@Z!%IVTdIU?S zxBuQ{a}2^IT_ESmGw_`Tcqpqad^7J=4mLx^cqYj@Jbvdr9e)!_5a)eNq(4-~_(>sj zvBSvio7?pU!9glSF%u8*vJ?>%;412u_Kv1I!B(L7jwGWgZWsC;9b2@;1HLp!!|IAM zv4gbKc#Hd}%!ohVy_LW({Odu->ZZS0Y8-1;SAVy0;!(fd>JV>f@P+M!6W%nwS%rthx%8U59&~;b`gMQ@jOWu))l}kr=Iv@3d zg)#Ivv&$2)6F4C#+N7d>j;3d+XMhAkP&aV9nUL`kSGs(_HE&Yb@7Oci&JD;uU^Id_ z^v^hNc(|}7`QRm=7bt(87-E2~F~uj*yGJC9m#UF1{)X4O{zyvkzIdUWc8&>j1L2c9)0n~?&Q1X7il0{`((9G>M-}p!+Lw+Widsg+3VM(`g($04x@_Yflx`tG^9OFfOUAW z8Cn%_&37TIl#>xG=9BHnmo)49^-(NM*n`TIK?e>`_cgYNcRsX^IVoB2ejQa)`sMR~ z!u#kz4B+e~w{4Z9@Nk~Oy3nBSZRcm|apOe+PsHiBa zibds4CEMK`EcRyR$NQ6bNDlqNTJA8nL$tMCab{ugBOR~@{?Gh2^Rd{m<7Y|P^jkwb z-4Y)43(Lp(7j)SE--Fi2A+X-+Niy60*1vs7+}$=47vn;5*ZV+FuA6sCA969l8Oz;4 zm^sE>2~WQ`pu1YTqO646d)(lYW49st7(mziIMQC5?r`c7t;o36hIM1KMqutR?0kcF zK-?Bm-tj9(mR|O9%NOikubQ%){6M>V%;gRC%~IywAMf6gET0nfj&T%Pwv>n<{9?IK z(U4f%JhF3A1&kc|YH$8I=4DGYg|I1y6zWQxvLQI`tv^_Y2_P?c(h2qDtI6(FDHoRJ z^r?>vlo!7B)qvaXedXA_+7*$5;TyFckA+(G1<>Wcl2{L6MhzU7Zq#_8r6Dc78b3ib zcF-FbNBwPuHYfheAL+jZ)KU5fFLY`)^xH((M)fCbri+Oij|Eupt!u9L!XO&D>pn!CxA)M(F6AiF!{p|j4|g( zD{B<8w0@oOQF`Ua;+14<@mP=tTWK!u50E_hvE+zpYF?K@(GP-fAoP0V;3WDGEIuCC zMcN*0Ux)uFUfOQydPD}O_a2kvgvhc0Q1Bre>_soy6ZVx>Q~8E{V~j;HkVrrF+u;VE zuj?Wgx@_2eG@rGeRPGP4f%)F@%KTLFC?)~}{3D$59)DM+!vx5(#XR$mQ#G*8Yw_3x z^`mZ|a{xv}KT`{)91q?%?=;8E>+Sb_zWb3E>{v^D_QCK=bV9)%IOz!tUX2dxtz7h( zPZ@9kWXIg#YIJWXJ7KuDbr-t3(#JfI`ls5IIuC%U!c0eXNX0eiSp7$b($5BM-tbPy z1*lmZD1)q6vo)kKhoM)xRjlFD7dy@_`ij0VPMX~K$9L(#lRo>>t;hj#kkx%d3P|&@Se_q~oyhnS0 z^myG!52$hneZat?5dq;ol<~MvZm7i!sshh_f)|>=558gI&$t)q>0{;jPpn~r|Eomj z{}=ichF1JgKlwVDFHR*9(61u=Ad;uK2L(qgtMdExCTXyzrh@XEorFOA(8O4_d`K#j7{GGchu6U`4`b&RDO}8TCk03=&FXDhN8Fv>7!D^Vg9dKUZl*-^WI-N;$ z;|o z$mxJHBf>}=(-4q(E2b$_G-gw!z0+l0#dBzdr_Za7Nt-B?F3&`t$7^ zjIC1fQE?c4WiLy0Go>+KJ5U*;Mu+%nya8P$OaCHgk)75gH=#mlR*sf^Hh4z1>YsqP zvM}ORrnx1mn~TTISmD3`-Kb8TShCV}OQRX(4@)$xfIC7zdVu+7I%0FyI7!pN%*3DX zILu~<+g>zNF?}kEu~|9vaPdsJdK5j?G1v@i{2>hgN)~|z^Ck&D-W2;gVH#}x27x)D zvrM4}Nv27d`k*A?&l_5Yh!X9r-x-I~KF{The!HU=e>qQW;clc;j1lFb{Tep$g z)7X=eK8~&l55^vpL(e~kJ#^G+&CYQ+UlyxhtBzS2I}wZngn@TX@?GO%ff!9CGz!9pzBY~cy(^bl)Z1p|2F1d_Vi zG^oTI&zkZ8so9Tv(mRivkt2I*YlS`f_xEmm9S+bWm1ni2z1jYaiW&|fDI*gVzK|Lm zW>(VT;L1Ia5G*cCbe!n3Bm0B@nY-tB8Sxir$Q^j)EkFJ2J9TxRHPF>1N*Y1@A0p_~ zUQl^qU;iIappgHAbio^*7*6Ei_kVZVC?Ee9U;yYRpZ2!;xZ-xQC1k*&)h-Hu|P#}>1gY+x$e~5gu@T2)I z+W7lF!Yus%17-H>Kjs*g+A~JIerNm-L9G7&0c-j7AFkb=>6pR;b?M?dLONnpt{4|I zE2^~>gVl34<;3W;f)dE6K|h58;)s8KmkjzwA}B#xPW&GtDuVwJUOLxTMT~y4jdbX@ zg?mW`!gXJ=N`3xzO8ywM%!p9r&&M~7wgGD+Sxq`HN z6$dlJ;KQ`TLy9aR^AQXYY^IQ3s&MSAK}2DY?;#D954XWDU3yDZw?S@!ucPolVgyES z^xHrze#(SR@9^No8qyCwR}iA}EE>|xyRLTk!=QZJdQMtM=Wa0gx186mzDRv4z@)!q z28|$l2(0G0fmSo%I)R3Uybd3l#1kNb=}Fl-PWZbD@xh2kc?Rv3WIt!6WCI$$BKp`D zv*^@TnCi0JSSU87?RBaH9qH&80-VQluwI-HRSvn6E^%P6)L&FvKckp32nOb16yGAE1J__dR1V&T$Me<|o%}In71pDID z2kH`s5!(We0FM2&FJ=B`+4h3`Ikis@;R5gh>t4}k2K(37VL9W_S!3*w?Q5KjzNo%o zvGF>bn9E#&+`%j5qS!MC*<>mO=4d=zujo--T}^tP%stJv7tHY-mP7r9KIkhhS1CLA z;#T~T`it-+@1ZI7`{;dUJM*F(p35c9o_O(!1%A6fuKl*x2#d}xB8d1xlpUTvCg~0z z7mMf5ym*A3luTLJoGU$7e>@}eXQ(eJm#^m+6`ws^my)-mjt-N`ZK94EZVNQ;qB<%c zEW6V0>zkD&w{#!>-E_iX5ky;jSIb9?CwC{eqM-q6BNmZ97V;`7wOT7~tN)$T+gNJn z{M3}>HrUg1^muKtEOJ0L|v9|l!`q*He#dJ?frvg)}@f9@XlhrVRdOy z)V2u(k})>M$Y!VL8>h)GU)>mn>B6beTC`vTiJ#AX#T^Rp zO!D-?YS&n0ux0pGe#nc7H?Q>E{g^{kG^natciE}C*QocYXVcww5{uQmfYT&0kjlYP zxT$ycBOu$tyvD{T8Brt~BVaACQGkyjN9XCjJ>ioY2o2?9T zu{pnd!~Q}V^ri3rv@h%b?Y>MLOq~CJgqnrp7uT=m@C<=?0M-$kpe+~g-+Kr1I6q} zqfX{Feu9}m90+_j*RRCMY$|qIY6D+5J+8j4PZNFXh3N?u0mpM~CalS&Jz)aycMj>& zl#92eH{B6)zxQScv^kIcSU+rM_-l)p>%(RG(m6`BKu!el7Q!O$?GRsaz0thx2lIA( z^Qt%GjoeC1m2e791F7&9*w`ibN*K4JND%V)sQJVDe(*s6_hop@TaQv)C6wtp-b9a< z&D+h;Ck5C&SmxKiuoc~}=FbrUED*oaeEr)D5FVS~`@*`?$k9j`Mf|qgW7BJbVlf{S zs|q`7E zk+YG5N`57w-whh#R52Z=ssH*?V-VPuN;7%s{mC4&i%9k)hT>`b?M@(=R40CNgk}3L zf-3&N2ez!>pWPqR+EIq&YP-mj99OkVkEJFa)Yw6SM<{pvMs+gu%Tu23P_(rGIx~OG zfS53`rZAT2v~5yokCm|ODC(HAMPv~}+>{+QxMZL^m}bjA(|hP!dLDt9tS}QM%MEXN z9RZL!uD+>Z&E?MRh+Ja^Q5Rbo_TLOS1gy-Ynslq20Z#9~u`7DhmFoKon6_D7xzEMV zB-{p!9`g{~`Q(;$OpAY1?ZC8L$$!^ zFon9`baBxqV@q-djnljI*!c0>7eK+s$?cgSGb{Ps`){)O7|y~^5kd}9)$vWYjigP{ z@3!LRkBT_#yFOXHl3AqDhi)Y{8Bz@=)Atl?u);cMEy=RqpMkE_ySPKl@u{g+i)B7T~6jBtJGCoJ? zFe0?c`%?6%L(qu1sD@h=j;T|KQ%K@f9$IKO5v+x-xkyJ8%_v#5*;F+$G-tabzwY31 zYz)~AbcH%C52ve4VRU}pK z;kv}EEg-wbF>4X}$5!?SiQ~z1@+IgnRrkmh#~b9l>HbGS4~~bC?ubeZcPyPq-9M0N z&XZw?i(GA>J#h7qVjq*ft+&}Ng{p`-<5I2GQ`c6hvYN?RFuUH!C0IIZg1+o_-6o|o zO!+R&F|IPMHV#!Wv^Jh$>oe=Q<~gq>g@Qgl;=;=;LbYrlUZ>lrjb{i;yDUG%`z2Sg(p3sU{y`2M`@U!~N=AZzX@z1ihA?}fuQ#{vn*1vAUOWlZ) zj(c|XL4M!(fLQnLs2U6E<=q|qmb*^`H9ThaE%e0Dj{enOp&p7Dxbe$K{wIB%2nZ2Ncsv#%S`Y zqiWUZw5ffs$L7@t+MHJ*ifB{KmK#<$O<_h8Wd!jZpZmk93~Kq>9v;OnbJQ7IyKZvT z3IZbeHID?agB{{&J|f|~Biq=C)7wWi>YUIsEK&V{OZUHstf-@)*{HnuLgte@HT0TD z(grF1tDG45+GykcZ8vMPwOl4kNM)G9`>TJ_`PD%VUjk}}+j#~u5!S1FD$t1AtzKOG zwC5BX2Zaz57ZraY&!?le8REm&*4yWw-lG;-Tu3~~bD=4>8RmdXGt6%y5fIwk@znb; z;y*w0Om&{h8v?R1o%b6}AI?hr3}v|_F<al*ZedQL?)+30_v;M(_wzYMOvX$x^a^l)yBHttFn z`|~^$_nAP)`-`mQY4C=iKwRj!Dj7S;(UXmx==N*tB^B_Th^1%2Q+M zG(fkNgO2eUls>ie>B03)pA>1UCLbYquQRZDp>$&MbOO{1~4 zDo-A!tvbgyYd;(k&1K}=I?+(h>LJVe@@~XbVDE!jc zby5F@7ns?vrk%Kac?M1=#_+(d2H}1*L1(MAvfB-M?d!XH=~IwejCI@55w5Bvu_wSLqWHp>NHNnwHCSkY zBa|GKo259>!bv0MOh+iRXZ7dZmi1F8rN7`f!^m8#UC<%(w#wXsLoj{_H-lnvne~3X zqvTitdS?&|RYC7Vt#f7LnoE!Kq6T$x-i2onfNLm6Mc#_R_h%;qVO#PD89)pWuN{32 zx42}hx?H^*ema==UeS#|kVI1?Wg5In%tqCuRn;cEmd9#6dBlMagRd;3D}^ww59Z2} zvn)||e%#P{$o9uN`uupW^*LBAA# z;r;q6hp?vD5i9y%C)Yv5RN^&9ky?xDtr6ZPx|*+W#{#A&e(A5ALeEQPHVMBx1dDaV zBwG1BG%)Y;tRK=DeVq8=&=U5`GK9ImM=uRAk_J*`Lmj3@1e3bI-NX(4G}(ddn%R%J z)LKjkpucRdwH5(^@cQ|Sk(CkO5_cF^Cl%oDN7R;Vs3J(niw}&E09>9`pV14uRjit- zkCJ1~B})S4$^&1-SIkCuE4TBTHOQ!rjX}v40$)x;E1NDSkq~Ix5)IVh4or5KlBr;Pq;6D@1gC~y4x6`szJ(Au01SF+Pw#fk zUr`}4S88~AiLdPfY)4PB{$lc;9fiLe14_O~9|&rNv_}1_M4&%6hIR+@zu|si^+udv z8a)fiHeG`{6Y^nDpqUX$@XT@>K8{k(FDR}{mz+IGv8U@NH8Lgd3VUo zxxb7-v2PChN?Ld~K7itg?pWH!?g-O~f&!|f1%6B4P#|3y_Lhxah|MNY18XBfa*Ai7 zBbJ;WeziDpEbh81@)sqWLSW_6_H`sgbvf;nTI=^>->IT z=k%9q#c~-g5$WO@{|MQ24H5TK!Cs&ob*}lu_sM=e{=hoQ1QV<0qUeUyn|&*ndQ?Lva#T;ni}L|5Xpp} zCT_9Z#d1qD>n)AjA9f@9XTA-jFVjeEH2&gfoT(EWDdbJiK0!wNRk<6~8Bgy(E*fkgKVz@R)?dg^Gx6(;}o&}IN{ zFhMrc=dRj_TlR^*|!|L(KU({w0nYjJ= zawSB;1g^qX9rQigl6=(V62^Og3$E{U#P)yI`7?TlG?$z=<1k2(KDK%7cvW&1>paq{ zQ7#Lz@Jjf@wt!;dRl8fA3n}^Eu-iejyRQ6hNuC8f=kLut$pF!ZGp+I?7RAj-=6lZh zHlGAXiN+d5f&8vBx}@zOUeU64L9Yk>TWo8E6FaeWjS{w*^Bvvz7n*m8^P(?T7_TJL zEnB-?;#217w$8)Ef1aSTRm69lzVYi}-X`s!#rmw{ntn!+-v<@<3VLjGX=Fx(E=9e33Vx;1P9zWne>HAdWP%Bw-SLhCN^Uh2qV6boYhL9`@J z)GXNfSzGN0|43Nmnnf->Y3M2Jrp#0=?#s##H4!efpbxF(AE@{}o0f(g>1buz(*s`D zAA>ob+<~Fgo&+p6t8|FZwNT|Quu-IbK+2t~66i+O%7VT&?a~xyMnk4jLqwPrU*1Iz)}iN`~nv&XTG=ngMm zMxw`VaN80+{}PQX-yp^+R5)+6hqbEx%ww*rZkD?2wfe29ed-n0Kyvj}xYu$A^;+G9 z|2^^b7OA?tb??dJYSZmXx-cJ;HRyIA0MiDULbNg$J!+mREmx{)S*??8~LiU`}<) zY~;CG^4V~yK6bLBwRcU`pg1~_XhhDd^{-qJCud98hwUBp@Zwh+Pnzty)adizGAs%o2~; zHII!Y)ooGDjaBlPJ^?!yo!_)~ruENwFYc0R)pxN4=if29>Ikb|ctD!#CgBq2r13|` zB3fq1p(B0t=cSp$ccUw@xk2q(bgQM$1Ubjo+j1+2V3_wqtrFT-#T<07t?uP84>hRf z9Wl=}1337eiPaC6)Qx}Q;2X9f zb945tz01?iKR=01pV|{9hC-#~ z+g_cHZ@+SJ3&{J;)=%H%d|EF(xQ=U>3NZnf&6lDv899$mj@#w@ zEiZ9w4c*&QEu6$;hWPj}csu2f_LBq&Z7pUaou1Q^o#u$lOMOCGwQ+|z9O_qINnXkz zSvnArU7Y`_Y<<9S@QRTQ(@htqugpYF%BGRl0MI5=`l*J-UAY+f*xZbTnPi?mtlB(xRCC{9h^&4YI zZsgXr@JaVl0f*lQzSIt`A?%?{3iUvSZeTkxyNrPKdtD{h%Ogd_EA2vmy`ySpaSX1) zt@gAQ%_Kagn`+=yC0Y)9HMmDpQ>_zDICjY?G%t$jCBEs`Y-(_;ra1X&$$FF@Q{}2@ zyt95sxoRQ7#6>=IV|bM{s(k$$o`F&^}^{p%4eQ6nU92N6eU=4HNi2eaI z7oRR|=V1C{9b5e|e)OVo#nG!dZIY$Hox1i@30(?0aOLf`rY$o){bZP>yX@9EETQ+I zT_t5jKy%m(A>Ht9T06PIBkIBY;NYU7iYA?O|EjB$PuwXl`Flt)UDt@Uwe?@_9MW}_ zr&IkOcb=U7*HQM3VEPnmUhG-FPU-p(i^l#V!KXuWg>{w8WqBlY&*P~+UUIo2A9z}o ztAxNktsQw;>eHbLoVM;Ccm5d|d(^c{&}kNP@EKWED7R;jA1XDv3+4D+;d4qHr86KOhOKjNxDg0 z2*3G2zFsT;HdcF$%^j*|gI!H_&Srg)IpvPNSbV&xT`C>_3!cAepO5|l*sO)2HLm8B z5kY*bz)27CY$hXdcr2DEQ}c2~JfFGlj}^Rvd{rp>IwW4q_5Sri&U_t5ya;zT+u+y_00}PvoNi!?SEP2U!r7ZjFU!3_RF?#))gwFfV1{Ypvy_B6fjxmQA(1ZFN1Q7*&hi)#LIR_N?>P3G`J{T$(Mi&Y;_ zcRjbV%Gs^D%-F_31yUVt^b!2H^W}HstAscE)GgqJ>Mu;Xg~E%`>I-AXHVw)Kl+y>N zVnQ{_z(SRIxknA=#O`v>XlxwV6ofUDehfAg?^3k-l|TR2ox?15tSVrvY&1&fTy)ob zLAK#q9(+IYISGAicJSf;xO1P)p8s;^8#m^`a+~R&>bdvJue6nCTw0|UCg}^+TN^=N z)W(m{_t{c+5B61LTpJXt4n32v-YlZcS!+L?73b$$w*TeMdChiQT{Ev)mOLdgODj8@ zf*-6xV_Z%qH`LYWsP(P7dalP>E^dHYbbe;~R7TISAK5es6E5X#cd##44shyhJNQYi zbIn?GX2+;}e(@~(K$zJ|x}EkY^^-23vmR*~5*vRB#$5ll$G-xN5ROe7{%O=x={9r? zZdbTtbC@bn!oWtp^DlR97t0{`$8;42uivPSB9SpV{r|di?ti=UWF3TMCOe*cX`>%^ z{y_MJ2r}w+-vK;Di(tX-R_-%GIu*Rt5a=Nf)t;GlLi&bnm?QM#&V9E&Ip19NwzgY$ zCf+Yk+zx!_Zbs8wwiI4E(@2lRyWQM+%v#gbc5Qr)sk@J^Nz@mLh`oE3-nRa52|61@ z<(RFra%QNn^bYJWi*n?ImhJ*?X< z&@3&z38$v3tp3X(Ei#{5d?a zy1)0jz6l9242>CJcReP(Uvs+dKH>F!cDQc01I-QchH<%8vLlY^-u|OOWB5I7zN4n$ zj{S`04d|SC^Y+_kb>r8!QyQuc&VBoR6P&FW*DpT?{J7G#%luAY9QTcSgQ&>jy)=XA=9tOta+PQo4o+O7zp#LcWK6+l9ZZBlQ@uIZ(P^p$F%W-Mqs6?iYwX z)d&|jihn0iqimp(365WRN1)DQz~`WM95rLp8iEesV$c>f%!|Xrpe|UF(^A{)koJe~ zndKZ1Tyd`7p+|%*v!@p}|A1#)aDnaWCF=#{CfNl{l)ak`X2CRpngFvu?Xj}s9=3_+ zjBxjtj=FX^AaG3R#KGY5LcG#ARzVvsHqJf=KpyTuzXGTO`XC<)>GQ5u-s6#u@PXUB z<})SNy|>M1;aU7aJqNwvru#JTP(k)^e#xQ(-%(=J zTf5!io-a17gDdA>P!}zlIsNR@6gevmRQ3rKkO;YjS@h25$pygtnlR_r#FsP;?4B35 zgpA*v*E_FOkHhVKcC$u(*mV~Z_D#cU9Ha4qfcHYK|L_99Q7FYw;&a>E;qlJ{t$V>_6E7OzT-?Hz#rIy z0i7mdoa#vD-eDy?*^Inu0`4dRcOS1aFFUmyS2V+LDo?yj_s4`U2(Lx6bH{Mn>G9!! zE3pu1#%+J#&66;bs`DEuZ*|t>qS`5u5M3~gJg$_?eIp-_yXle9w9ea?xb^C+E#N(W zo@@vIq9&xuZ-3HG(@^&}p_zJs>FDvA*vxr~v3UCl% zPwjWKwIn(4It?o=e}i)5R+nO;w(s3@|B`d)vj3VZo~u4ggVT>2a z<|DH63^wN)dyEk>a>XaA^*S|-=y9U2Ryg7U=^U82`&jw9Yw{VB>377lDA5-0l>?bX z@XZVYc}(<84YHU+UJ7~vFS}nRuT_Q!py_#stgsT>R*tyZqr)I2p06v?R8F2UJ zaT~_+F+b#fqn45+`Dck(NCr^zh|^G-VJc#rer$w&6g89yNnZaj05}YQ6M?$fBBwO4tlttiht$QnPNv#ln(!`H~RCLzOLQhG#9Yx-g%f;#|Uz zDP3A|sqWOMldIiDykWUQriqk(6kbwsRv+TtWou2HXl;$FmuhR9f%0vvA=#Q(?OK>U z#mq`_Z8u5Xyb#IT;>DHT&`542PSO}o>ZRMlkja0ftmMLJRH~3rk5-ae+>mZu(0uOK zwz*)i=8wCtEN1jh{pDV?5GQlWQgco-9K=>R^lj{7TeMW_s>F+@heDO&b;bdJ7o>;9 z4MV&%-u_y?cFDZXB|bOYw-34+q^11?(y%mj=k4`TFsl*Qgvtmg?O$s2vC#@m4J+BdaAh14xy6};D=4w4&87J#q#ZzpgYzo3oIqMCggp&BYm`hgS4o9OyM0Y zN78uGT7!1@%1p!NsTQ{PUuKO8X~BjxQbE*F{ps*^Fyrcs50=;dncJ7;!~Vc*p}S5- z@j(4%NL8VNe4z$#Dy^a(;v70^SJuI|F?L?27>jVjC{$C9Vob@SS^28oj{@pa@bQ#! z17>u`jw<=P5l1puBW2r(Sjt#eyf{AjW>$y7Q{RZz=90rmsjO@D{H)*eK8`%7`rYT= zLcWW{p@xNr<`sZIPF;xWlFerudCdk(>vf7Y>gBA^6)>H#hnh)M!7|O>VVZ})O@NpF z(;Jrdut@9WNeG46vL1=lLxVwZ`jj+>uv2I$x1*9yz@U_k^WMFPX6FQJ5kA`ytX3wh zd_{{AcyX;|au}&}GzXA09M&sBj$y6LW$1e(9K;h02;2+<#v-=%&U(}l%yx(58v7~^ z31ku_8{DC}xAc zxWVi+oEDUa7vgLJu7a}um*Xluh+A||Cj|6QrH(@gU+NCTY%Q8pbMcxOiY3W_2xP2^ zUF5Jz92qY>hv1`riMqZFHac$Dd?%}aS&04f!|Lf>Y1>)?dB6hmY=x2aI$bN5;MfVO zFG-iOl*O-wv`;#|5;b_m^RuoC(Ag&RD=|zvL>a;-%L?_U-39PedbM6W1ib61w=L?wPA% zXb^@K4kD@^x|+XomgNIq3+YA(j~`DEPeBTTQb?*T6Pf>?gpvFI6L^KZOA~P<5BPsV zc!&Q_gil|O1rEbU{r?GkJm5beAO!x2P!LEzkU>CQSRKDQJ~ccl0xCFEkcjZFe-ac1 z{_h|l!2g8s2bur4bBP~${x5eP{v*%vr3tz5|B0|W|33-4oqePb%J?7J9B7WP0OThm zDV8y&A6WP@|BB#0_WZx}IajG}!4Ui^>%=T%6QqSJ*d^>LP94|a_3RU+P=*RVGB}7J zLOwq^JY*1|V1PV6G6D+xKOv;V|0lxA<_9SRGTz@ZuibRfZNrVW+*U)Bx%hepv16%g zxUXVWqF)4+34VWS5_@L~4y7jLV*ZXwNq4l<6#D!n*aSMx&lR{4bjx!w$6_pdf`8*` zqWkGbYnIDkx5=;^ZF8{NF~=yJYqjk%(tN${ilgP$tlb|K8;08vyT9Deo9_s6gai(U zki_uwlR@82@A7g*_F^y?J^ESkLfnN4^xzy`2z*JzjdTuDZA!RtCW?TNPB$(?d~>ve ziF^h)wJ~jNyMF*%yz9lm^enYNQ2p|QUdp3%#)%MIkVn50NLc?JHlulvP0*SLzzmws z34(>$FSXC#yRnYU)1~=c66$is9iX&}yBYvqWdL?;ptl-O$+$hlrq2IOx&Q2NbltaN z^9sI|+k6$<;tkMgHG#33>AK5&nSk?B8TEX-lICprU^s$izr9Ykdgl_9-Fozk+8FGE zlQT@1_d)iS+UwV|OWDardRI$UVD!daRE%q*f6wjaP(O3GQJkw74w7fXSfi{hPU_CM z-uTF$?||T;r1Ihctq6$D)ZOm)yZPapWDdx?9qg-Wh6SJ^#QW(%=IZ(-zTsqWc#321gmQY5_1Q` zYM6w`U=l;uX!E6>!4kRyY!lb5_C2U`^X*CZIdxIla|2eZC@aPZUzY<_s?mVZ%}|ID@X6au zR~C1{sN4ALg3-&`dD)waCqd;GeTLFPM+0AmRHYTv@zG_;DH2clVae%I%7iT^Q~{lf zKr0v27bfTem)Rn?yPAm^nAPz9A#{E0RxYb=%%)Umg1X5;RK#{Pxx+3_<4JW3!qhtwb zZpaHKL1QREW70%l?(nGVrVK($Ue@VgXz7a|vpG*V{{XYv|Is z%0d-Qs!M1&_SeT!>-Ms*i9&LBq(t+jOh$A07Ey_FAJDw5uvy%2K=GU!snK4z3cXA(xuAX_Q98B&x@l?dNpssVT(v zRNB^V+88$@xD&Bq$8Z9D8Vh*KywZxdCHC=h zrHDUxu*M?9aEl9L9NV=QML3j=sjGiOSv>Z8Ob*h=QRYtOUp)w94hYyZ*VHH*`GI8< zNdHcC=G1}u3$HqRKCG2WKv@$(@K7mO?(69Mw#9b<(F3%{BTK!OsPuqZuZ;J6_MEEd zzYecy)OM zT(ucc)+jCS757v+uzwaH_l=+r0K6S`^q+t@%l{UL|Idk9miqocAf*03q8(%kpzuFk znDu{oVMa#g{|?Vt*%<$aJKt3Eu~u3^;d}0W-*!Sg*%)@<#l{+uz}|4c9+AkpVIK~F z7Zl%Q=3ivRn+7AqgHQR5j%kyuiesc)F{m759$Wz_g7S#IE+0&p>?*P_OqxW%tg;aD z^PQyp3LzEIgwLF-x~8bl`reY)^OO6|=S`<;j*}iYADO5y#Z&Td<@)Xwo!9e8uOaky zXlIxi9QtqO+b3GW6zDEqP9|0iW4?EW_*>LBCnGPo=ye%AY?6J(_%tS53~Y*fZF(dM z(p9xsBYYoGaY4Q)-?^8=fIz;FHXq#2z_i*mE*|c-_qXc{;W06l@5Debvq6zQk)mKe zMmZQ+(f-=nEPgzOdOFi5G1C&<93J5$PrRRMo@bmVREgbQAtF;xLNSoHZ87bgbdDy! z6wNSJOcPCyTuc_u{9NOCc}$iC)(kC&YUt{1f4_Z@`8emaEi>B^Ar#yNoDLbk0<52o z$owm(tq&MJlDV@aZzMWJE@uA z`8&&U-^itT7G-o6C2*S31(AyY49$u8UPq;H9TR1oq=d#>$4yCyb>d8mc@oqb?zKKR zdw-^JhrYr;JJ3DbbG6Y9rc(Dg5nf!_PsE4Zq(HQzzU+%m9Ju9O^M< zTO;|YkzdWEjy0(><_48|pz)D`I|JM*>>RzPdmv%#4%bGDzhZfV(J9s=+L60;_Qsxg z24duu!yG?$xO&9 zQZNpW1R^?_NjHZ|6FUCe7hh%`IkxRvxzUkz(&F2^u*=3QJk&sLH4%o8%EUCW>&7wX z#KGsnQJ8sLFu9Ig97X0|alMD_#WCN| z=@i*JeB!_b2^9ru0G@)^dPyTZoEI={1YRJ&z9hhdq)n!R`?!a>%W z-{SXfTRWg*-f(z=vCy#402v`2y#6rXaL%Y#-Itbi=+J~_UNX@b&6+90Kw?&MbP-rw ztbxI*HBv&`S^8sAQc6IR*v+9bVwp7{z5ekFjTS())iM}D=iifx3E-n%Nxzg%?w=6 zdy$AJ>T%IfO2#QaN7V;Yj~>d4Tw&8K&9E#{m#kPu(}-`(weDYM9o$$qt=g$muQ$1h z(6w4@zf6f1VRiELh^H_c$~W;_I8Ji`DW+8uNuP+b8|~z)cd^nj>7gJ|In*wcVLM`3 z33dx=vAwdfoS>SuL`jdtz`(kzv}|>0fMT;<BD4dxX1jsE3Hl(z+K+7zik42xdVxxNO+St3YOcT(pn# zT9o#HP=B;jP-=g?RcLpAi#!Y`K7i@I<-;t%Ls>I8Tz((hvdi1{i z0#}$WF|EC|yH`iUluT7eL;vW=;CUo*sXN7k;)^L$c-G@Ci$)b!bf3dLv8a!b<-}h2 z3+C~IJXt__3)>$_;MdGDVV?_nx2APqwQy+E;u_Na%S7v1DJw!Z&Ec-|dt&zrqJ|$y z^=5|~f~dXi=jhyj2B(iIhbV+^Tpss%%Xn+Si{%zd2Ra@S`0ixzr9-kSw$@XGAdEPB;qiJ zxtJLpD4jkUIs*|Y#UVHv8cRi0P6l>1t!pbwpqQ&D!)`IdTb!AnSzjH}R4YpP0M}Ml z9p^Bk$;l*+x*R1uRO)FTqHTYM<$9>Sl^)BaP0jNKH1{@!77w&$4~?Xvq%rGPJHoQc z<<)m{rG2-KM=&H=NJy+&4FE(@kO0E#0|2^g8~>*b632hrAW56pnmL=}Gq7?n;s5i1 zq!YEUb~bUurxUd{a5fP(F|so@`EMH|_w_AxExQd?bf24AdU)i<0QF>H9pKA+sRi1B z4A^J}eXY>nDP=*G#F#}%Qjwp}KFD+_#zQXaE^uD;BxJ8DavEf_-KEFFjV)mM^#>zZLpi(x)D1!Tx~yKAv$QA;I%1N(u1oc zAZvW@X?wl+cr(IkJ3_PG*h6;+THlLa7&S&D~*h~1GC{RuXz|L1AySJU)!@g8V*>AaLz;&=~Mq;jgeEl~D!4{kW`b!G17#TsYKh(0MQ*m()!bKQw~=7lBrQXg?))>cc+30hbJr22#ZZ|XIFLCfE;YZD z#Mr<=oR(?3JdBc*^Mp&Z;}hLzAuS8^{_N8SG+!)aMXJgxANHYkS-WSlR4X)U^(oc` zbOdQ=$}1kjjX{v(r*;3@YmruLw|Kl%nUWvfzBiQMi%ZaDO36K~NtO26{%V@xU$Jv% z6OCIOYI$`Pz45{j-3w2Vvzt=h>@lAci<~?B@O3O4+yy-Mts~s3E&LGD=-l`PIf3hl zSm{z=P@}a@pPaLgqq$*1w~aUl-0Vn(tJ?zNkryd^1WZxYM9?xyst z1VU!S=Xr{3H&0LyFJxjriqX7=z1wp4H@{bn(;Kf`qE^*1h8HMHY7p!6V{@ty1K6MT%?%8Aptl(g!wmsksDa83;o{Qn3}I zW@!i$DCWddfeM;t>@_yd?pMG6rgwWRnlIzc6JuBIT^O0j8<(i+*R!&h3_eN)4`>w@Dr#9JnsrB@tAX+DsZ(GAYL~q&v*)R z#d*Lc*Q9hpgvtQonIBA)LpZxejW*|O=!d@ZDA=-uArI~JHGP>YV*tU7gV&IxfSzbh z#gYe)fU>C#;-54b&?~qbX zx}j}@TCq{wrHC+-_If!ob|RKf_ZhB-uEvg!2l)M;X@hU+ z;=Eq-8~bNO6$rJTUpL+Q7hX>nZKh}RPNm-U*T=D_*x4a-r4z~!s(b!`?~Iix^w2o; z{Z;;#MdM!+zlanml_Xv%$xslo*L2(`Y^KcfO1)e{L&RdEdqYuvlQ$Y#&8n>Fq{hhP zddd~YH}J)V}Bj3$0$7w~BHu+_k2uYjcE6f%^MyyMcs~Bhan%5~ac+Nvq@$ z2D}&brZ>wYY2;w5lJ}oU*?8O4Jzub|D&Nd@GuEspY?%i4cqIc*&{IJcDN}`@1*{SW zQrO+R4)YSY8**Hzz9tW&WY-0Wi<#FuHnBR3L7vfs1T-I99vcYSs>izCTXr4+;i!{I zeJE5&N8_jN^$n^d{Lv}f%07Ba&-h$n+iV}zt3QSADeqRdthO#aH*Jr_=Xh-@Eix4~I+$ej{(x>=B@j z{`8aYt?r@@(GpBtKnf;FZ>Xy2{k-*M;Sj5D*iv58uT-rhZnXyF^PzElujX^0qLP=+ z3N$ID1cRA7@2s4pjTf;BABs{Bn(ncw$pbS*B3$152tr-c_3nGR-Z-w~vv5tF0ws3z z+(T?rAnIrvfHz4rZ|7Jf!I)O+h0t7FF2mm6kNU&>x{0WV=0Q)YS}%LT>>E=>lnclU z`E@x+|B>=e{Kk&M3@~Lnuv6|ckX>VlMYm&P;syRkKcO0XQ3&@))dOS$H{xwO6vJY( z0b%N=d#p6cF8tt2&FRMZ1wtC7`z9`Bg_n&JhnB@gxRNZ{1@v$Wz z9cwk8M$TfP%rfPPqZOGYf^2QN)-Qz50XqR$wBlWE`*XG&t#=uR)u&C0mjw@HWw}lw z4n@F~zJ8~`b~Mu1<6pC$ zb^P>j^OFz*fae&{Q3`>9g-#GdfG6`LB@mafl)Jo6a#P{14q_NB(62$uLU+a{h3luk z*yrw2X56oK+GG@XhRR?C!MP~7z^>Ni+RH2xGSF>q;JEaNiog0z@>UUu4O4R<+RV2k z%MAm{UGaLqb zET3P@&wuljCHL8J05}e$n#amIZVHA8iw@qRcKMKUT8SC76tzG@_6c^YAhCAxDeQ4{D<5nX2HMptuQ|Sr zE2>dhTm@d25sO_92EZ*u2?vD}{Ehuf5GVj{%Y8)=xJ@>GlTjvHJf>6&lFJo@)3}q#0`sN9 zfKTy#8`P+zNPOn7PNr-SXKE2ajK!a|#w+Fhtd`3?bsXRbrh6anTGs4inA2$Wq-uCd z7e!TtC7jx_Ox>4iiX5#NIyAyIS4yU{j~BDLp(HP;BN5nl)Ati^*#u>`Dd1eV{t|xY zhn_qO*?Y1qh#e?x-*tas1Jzkb=AfM9%~S^KcHBS!V`o-+XP}twBu$b>EjEHajDR=} z9B8QAtSepT79_p^3GUW)?5jU$NRzmCri}OaPz3a7C~A)GC+~eSX#lf!t^#2kN6BzS zWDWGL0FYR5=fMS0(@aNjl33a1$2YYw`81hMZTNqra4>?U;RtH&h7@53Zrp2jaf8T^z*+R37787~U%~fEk^q4KUntJ+HdIiR3c{!E zKsRK(#@UI)Efo42yl8>`_C#yVqhQgBOEW*iobt(cg@(9OH*>RbhP`W97W>>Mm{RL%a$qv6-$P#@S}5sAoRu6&4LgkkDv17u{%a4vzY#o(ASOzpz?$0aeEK?#03K_}(yl^^n)vp|a*V_Yv#SV)sDg?jTc(blsZ-z_js>Wx&qNA=9qxQO zwuUs<=pu_J3Osn^7ZwdmZ1sy0gwcBoKp-tx3Z>Ow(|*khS)L5$jHARlw&SCnGHCTAT1cY3WFx<=hVFwP1TH!>9zys?L&@QxI%ib? z2y(!2NF$$O;JB?eX!ExE>WBJWr&EuG&_f&LQwEyO>CDyv{=qRBi;9;D{+#gLguEYw zH;!sF`Hb|lNz@|Imwx$!ZsDyTw0cM7l{FDkY05Gu-?x=7&-=uJ zR=FzqWGrS`0mvIbb<0v92WUDE5ulGjrhx=LS&qC@GcgYSMn4Qyl z_vA)agf;J0OwY2X_z2j)&4_kT zFu3f=h+w08XUApR)gX8@Cv|YiG57HFqaEP*J{J)cX)Z(kwn7NkpX#rV5ZC8fPe1M* ziD0B0?8CJ{8fYjAI0oZS93}S=D_8RUfNkAYIq;B<7{1V&wp>~W3kgUW-e{)bHi+zR zEBa1|N+X(x*Fy_t$s?O`c>PWI!rV&E-6ns_g@8G8fO0+D3WlZQ2@12eXc5rxiE4eF zF^gCH1LVjVc?O0A0wU@~cXNe_z|%VDJ{(?Rgoy;e-sgu&pVOe6yds1Um>D#LUJ9^Mkh4-0JJ1s7YTGx(8 zc9E!qv#EoSXYK=Hfka-@7m#wER83LV$&!iu@(M*Zk&40Iz@m%jQb*>&&Q9lG!k(|k zr5@?vb(*{{JzMLfy3`_OOH>b;JRV;xEKP`hx zesf?#K+({s5uI%HAUuGLOCKfxD53{fL zQn1PkJ-5+%Y3M4lYwZdiB9?jI+ec_JM+wd=J05pxv~N^fB_DRspw zA6Gna~@gDoV}*>46^%XM4N@Vi%9F zBJOt^sl~gu8%l^yi6+uzVVt5BCh+ZzD3WNJPof2B1p%*JPOFQdX-Xy^3nWWgKwr3Y zFoG^Ph*mW2R3q(_KcCWFTijfKmD2UH;?>CUAH&;V$Clp_3Zv?9=VH16jf#!7ragoU z>W4tS^A+i7X&%J0w`dRSCk^HZO{ihLmT^9e{hQ) zKt+4}#t_x@2g@scywhA*ZoBR_m=>8)uWj7t{LQ&gaurD*3uc>(gAA$~14Utbi*y$La_Rv;7L5`3uOn+Zbekf`3lA-2_Y(k|go+D~1 zp@HI}yhJ0=*gm&tz9l1qtKvvPHL%e}>;EcRxJK1-Z;)O+h^Vd%I}+5zvF?d;8amfv zb;)YuVvgcaPe|MGg$?+yH6b^#Bh%LUC?93cALEK_LcTeozkUsh{W6l65O)mBpbP+PmMhj&U`1ibgDPc8ThF+fOhOlxf?;Mb z&Kt}-tfk;Odco3**Sx2su9h{^fGSO+pc@oug@1}iNINeGQek#M3v^8>WguLakqywe zuDBg0%CI*bu3A`Q@pqhJOZ-oWAjw9}PWw1_^vH~GY4}clS{Q;XOXLrF%G?7)*A#I8 zpE*5daD^~ybUc=F5LX%yst!C}+g210*Ol!*cW315Pn#4Y=u#1Y+&}-FLO+*!%nTbw z7?k4ya|`(+mg83k9Lf1fpF5!Nd|_q${*9ltJ@P~v@B!pAUD?{H1W@j~1}n411*dOA`-H~Bq!#{u84a_|CyT@00IpHi(A!-7imp$@a3YG zW32Ms)FYcr`?(RQNcfE$u5GNr?Oqq~paAKj#$0m1wO)01?Y5mOoof=Mn5T4{`q-Mp zn`q7!STjN(5`{f^$vGpE-!g&JRCi!HA|L^G^{TFiQ9X6N>G*VgKo*1_8Zu5sPruh+ z)p|JaaLJb+3vBX2o% z*aH4jvsOo-w%-(}0k)-O3QOcw5`f*Bo_U!jlBMSCyT)#pq<$!Fz z9Y4p+c1Cyc3HhQ7J=%JBi0|UU{=oGg+Uwxzdd}Q4^s)zs-{Dpmj9*xej#OCD>FRtx zHrf@u#Jy@z8)ac&%QF5=q%IEUJ1?-3O3Mh@j;xux5+UzK$R(;B8|k5Z;8z@!jDQ0I zdLfffRwwa=ymA3X?6qT&Mypq2If+b^?ykYRe-bnmrGDsb_n*e*!YwztEE8Fx3j$mJ z9wxLE|KmObd?V9)C%I1Rd?e~|y6;xM;%ur|Zsp1Q+))K-1jAH^xv7%Ow&_+jn>mFT z$O8RgODo$CeBkd$6LS=e{@x{WVSR-_!G{E~Ml|vWw2I0C0)BR0V|RCt;Kg{;a&eaI zo5^;9xdI1dhgtCy^Cm%-wZQ^oyP74I!f`_2?vO6*OPJUUs*<>Kmhb+}5F+UBR!#PX zR!R=pW!1@>shC={Z%ydFguY|2@rSD=+N0H)p6+(_<_ejY+^Ub-RT@2{jKmH=20i2w zHUk<-R2Qyg@nEr4l<2fg00!5BUIT{H53(N|H0FS@Hgi{?aWNMN1zK}KXqq2MR*k9Z6A_Vg{b3qTCr=14uJlf>J z1nLEn{Zt+#l||`WTTvcEqG*@pH&0{Y6nI~?Y)-TpxdNw4B(!e;=X@@*E2xx{-U!tq zFO5S%MhwCtB<6!VoeCR1$JW8;DeGcQ(rj}=wS5>S{bai99Ne!ZqH;3$&U-VpWVd1T ziy#vNTY=fvsw0zksmTnK0k5$rQHo9OikhuIylYGulw)VNQ;}tDl=a@EGJ#HAvG+vIPqGc+wu&)eRh#| zQrrz62^#@gSes8ieX^DB(G@jtA=}|*@9TUuAk43|F?Z}+`%?R>B+-5Ot8$n!fH)po zG|gRQKxOn}2I>U-zkdGPD8bogu%IXZ6Hvw)fX)$s?$LYJ!z3C7Xi9}@uJ!3zfsact zu@nO^#1-9T(1G#ZrS1=7Z=+yx0TG8Oj9Kf3?Rnz;OR1GK&2-pcLq-_b4L&?Kn7|>l zGMAvDXH%51|ExD=7w>@2*+H0!KN9~9BpY}X-WSwe-`LyBK~d2|Pq7dW!4^1pKn@50 z;o~9w4Jd)0+rzIQKeYp-dusac+|jLA%XR;NQ|UBI|xq#_Rc?W>>I8Ci+1jWQ$S&2kOG^+nkR;? zM|s?nWuq3HW<3C#{>;2}e1KBS{nB6lYbGrG@MThXeB6Epj0ejT zKo)Ls%oTbl@?EUgVx_?Yv12U}V;TwUlGP z8{-=;{=JXAy^^|RO`ePim(^|N_r0sX&_h?sbM>kr7Sxwt^K&A3=dHb9+C8r$qd@e< z49258dr|b>mYpJTAFkxFsDDUQ_bF>4(U(&k>XBY>QSSR&OX%j#a})x}VxHPCepA=& z?fQ7>xFTN1M&TFBcmvTM%m&F96K5~%3$4BUvfB(|QpoT{PQALJT|r%66za4U4fU)b zyeo9n-`VFHz!7GSsso+C@&`*@4i%(hdA`4au`92&W;zwIQIyvntlh=mPBUfZTYg_jmV}(wAK8in#1=48*8G0(6YhJ!jIb zD4ui{lk>WR#eGx5AsPveqlHm(EwW8C+}kb|ccWI*kiybl_b(#P(|FyJ>Z1}zj%;{D z`y|mPSy$47g_9hxY4a9WZNZ(=fMd^=Fg33%JvrQL@>Bdyy5O zN(HSUs9#{{i)0Pu%C2YLOuJ;r)Y;Q=n!NpOe2$x)5kuI2(aFK}B0?kVl`SM$2!-g( zX5L-84QY2O&Ol_*u|>UT}2_ApMLckU(kEG;AEY#RMJEwUak8 zzSShj{dH$~NSvxKW)6N@lER>P1+M5zshVXEcCPC9@k+V>5)1voZZiC^g;W=q6)&38 zmpllZL@>&+(0!OsIadMfvi=J=ewlH94uK5n7proFmoY;V`ma%#tqnxE9CuT>nLP^} zirGi`Gq!;m?=S@Ro~5YlPBrwR9+)&Ac_t0l%TmKZE9Y7nN*Mw|Cs+HfUTejYhE7(J z?(*ZyXoPCKD6_}qLmiPVL_F>Og0EDXuq2Y`1XuaOH{;kZA<>%` zkDgI0je6`EidUhbH*Jm5M0`gbTgIwg<^EE2OZZm-q^FqPMLT(JiM2z+9%&a0R(VC2^w!BTT@_IUS>e(fK!Tmy{tsjC6eLQtZ3~vU%eHOXw(Z(w+qP}nwr$(CZT5cA zeIs7PIT3yHV@2j){;fI295^&4$J+)!9~q-S`B>4zhA35oOa!FN5?U_Ld)Ro|OA%3c zJiOAIu&+bsd{fnF7U4;j9y%bw`*B!yEC;*%Qu-}tacMp(S_7T;_i)gvV=%91aAMD4 z32g!j=p4b-J4B8E=W4nw;nFo^E%-e5~_BVgS@C>X6n z)72|l5b_1cTBV8e+E2$%Nr4=Mt8<#w;dU6Rz{m#SK3@9MJUwDEIJYQYkL9y1gVK)< z%NIzK>UA6DJoaW^IC#B;Iw@A+niTVw4|(3h*9|RK1IJ|Ob(gL$jqovW%_pY*7@WIi zY3E{LEzWErw4)521L|^-;!!p&Zn3ai_xYV(uxVKEL56Nvm;qo|8wj~$Zgp<)w>nb9 zsCh-eKwy@hk6r~CL>OwZdAH=AaqBED4t8mf0zznng+K01aLv&4r^TWVN*YDA-M>eP ze1E{Q7+zB6X}(3@{JP*G&8%K{t_wr>pGMv3F6e z+nZABrW<1VLvVyC+S;#h5G5?03e86tBf=c-`)>tO`8E^+h(_APt{w=L1%CHodCO)kdaPDBiiXXRS??78z^e`r425F2glNR;fy=DffyL6`2WUjhT$&IV5_yj`eny z;??z|aIz2hERcR^eL6EdXht0!I>nWo&ATe?;tvn!n!pUPnkG;nCzwVtbO)^@42pDkxzlRaTl={~}iedoLO`Tas-zbiVAK(KhJtS~D@Si!wT|br(&{;t6A~(4yIl=kc^UIks4; zZE0G(7hT4OMNQT}E^3-OvADLPweV>@T1~a1rG}^L2Z6TzM!t7iVWz)3Hr@$>Kihd= zX%6@1YGSHdo-AfvS>}?-gx<+BYTc8_+6c!h;KWt;QHu$cU zC!W=!6RGf9&$iKR<(qIYR}H;|;dldbDjazdzcmUq1&aS&mAEba;C5P1-tE1&-`SfP zX>`l3JavQGq|~n_E{&RO*89m%c|l4EyBzJGCVU8#`%B(h-Ok=3ryDj{mfRn;t6Zxm zA44BItgJd}I;#R2zCHGTzhH-r1l!Z-&BO&mdkii+_hXS%a8L;Y7XrYVvdr)gAx(Ei zXzeh2rB7!^CgaOl{y2ZDbK1AeZ=$QMwlq4OFxy>y!Xvw=pJ(iUE?-uZrth@ZoQ!;@ zp#AA4aG9qU?(%G)v3$#BibLCI%egF|y1dxa>XlQ8aQFOTTxdvu=&68Cd@fc3$s`vj zhMaY?d%977-7!jj-54nU*Q<^biP=!MP)E#J zw~B@e&`e7cqxxlro9ebpU40GLYjm7nK#>4^oRaab6q!G zds%Xe6J_aO4J5i}czq)k(KFcMjVq{$s1M7_1xx_)@BRHj!zSiO@+<(rKbgupGH+?D~p@Ys&6M=v@*zWW=5r{H93%O zYdKj;#u?=wr+g9c+t*(s`Zia%Nj{y(Jh{~(mVZ~&CJ&rnvw1?BgP{B@#(3$k9gJzS zVRAdNR;{qO6A0P@Aq-Y;KU1BpT?qQfM(o-iW+;r@x_WYUw-Tg{%{g&Q=&WA! zswNcK^;8JkNm4~#j8xL)i+zjpm1^A=biPI8#O{|7Fq2>JcX;TdrFsO;>+Pmbv_*&G zgjbi9{3xoL?Ck4b<$p?{m}o={wKaYlZ(Fc|q1$VItP=*=!xpM%UZ*u%T%-ksPVg;ij?6YQ4OBEpTi#SaTIwaU;4< z%^+!CYiN_OMNfv}(FISfj;?m|OB-ldhehP|^4^LM@liPk3t@LO4AP zJpw>QE|qC_dw`0zvOcwEWipU3XQ@Pkba-by4}(Yzwnh~Zw9<;UKae2#l|aof=OqB*{+!_7ub&Q*HoRK9xL?phFn zOj^`>Q8<2C-~_9W_G(iQ5Nb6y0}NgDcwTOr&5t7~@JuXMvt1wGQuV_%i5nQSJ<;g|D^P#?sFU znQk{P@+YE(Y~{1@6wQ|pNdVQVN6)?*!lhg?$VF(_(POCYoXz`3=P0QXcYI{~&hT_> zJKLT0p$11JdqRUO7siu3`$_+14lA1PhBj8p@#X1k?x=|ft*K=1Zquu2QjMaztTrIB?0SE`nr0!yXuh~uQn%6%Yti+ z3MozMoG7I^$f8#6BEAJOzSMXFdsG%_%7%X$!_yIwcmw3S00x8+m_Pgl+h!MS8pr&| zF*HU5m+Fl7S8{5zK0c^~;g;EB$l{|0(9>$0-;K9E;%Zz@iX8}JqPACaJaNNoz$+fl z(~Z3yk0y0-_M9~^QxpV}1Iiw-3KltP1`_y^xU6?^kJRVm1K*@GkAH>bX1)(R3}es3 zvo9n7$eC(#3dsCB#g>>QBg)MEkL1UcWsWyL!zP7vGfb4T;pIQ0AJPsS$#Lr$@Gz7c zjN}s%_-XN0!UBZwmq66Q0lwXZiCi8Xlc!9ugc&}JnUbfx2&L3>4tr4@WE+M95~c?R z6@{@L$_Y?Q9;{IBBPrMy@Z?F699J_vQXIS6Op6JeZS&H z2KHzBz{y2v?%ChG^iXmP^XO>?5ESQKX8*o(0kcZ-%h#e@TnvocvVk47>D{W+VBUhj5^?9-X|8xL!JtA|(rBEbBd3+h!(s zp**XsXHQtUPzD)wF-f$+KyCqfc|P`BA}~)L#=W9+>tqIe3E2@GaK>y04Q8gH>)oN0 z`yPSjQi+BRt_)Q(CLR|OJXLPtL1W=iB)h^LP{OGJ%!>)1^c}f%Z)oZw zCv;5xWmj~h0UaX~!*x(8p1%JYYm<8kr5BgsSfdYwUc!xFGM|P0p%zHG;LlM$#>>Fb zEdu@Vpj$eUl6ykI%z-hK(kTPWx9#3B5laC;=~zzDQKKD(aJJd|(UOk>(MyZCI@-Qg z7>3orFvo!g*|~&3S07k1!PTgJy%Nc&_i6LDc-*qXFhMN)C&g#7~wZX);ipG;pT_HV>I+sJFX^PbPo@!r^6A8_&7 z)5{H1AKQ*JCRi^7ZT7#9?%&u>P(J|vC(1T3_OB0#a)0fGP8rC~m^bNHw+tqnUeFo? z60jWfo+DA&g^$Q`d%Vp2-_4D3vD+X0r~H)cIP|3Ce}>=QhwcHK$Odv5uP}dEG~X^NUi2hnVwQwf4`^(}OpoDwgIqsWTF)Za zD#>W!Ux;vfJy0mB)nUxz#sGTVe~yR(cXPt$!n=jZOP)GD)DYwU7$JQay+HgO7h3atgn#i5 z3-f_OU@#4XI1{SLEhuf|2AP;cAo

CjV5}bce|$BamGPkKqFWH+T|>$B41{YtBz1 zx-Lf(;$LgXZ4@AJ0x4{S{+u5^W|bNfX7n;Fxb`>c@7(6!zJ8M$xVk^6Uq)}NFwUqd z4Z?QFPPnj*+pQ>r{;2_ z*{P-`>e4&15#z0BB5%LX$HR-JRcZ2)k`(Jl4;BUM!ixdO+H$n1iK~lf&aKv&!!5cq zC)$(eGLMr{i{{>o+O~Jl*&n@=>vE~Sz8_H)5)zWbNyZ`){dIrVv}z{A3;LWuOMJBs zNlHpKFE{kITAbBt(e`Z|kAHvF?e2GIqB1dEyL7EOf6}RMIyx^-PJ~|EXa8Cs|Ml3Y zGM$ocWkKCI(D@kR>&e~MP=D!YV7o2QBYbDIwYgCFwQR=W0bevxvCf?KP{;X5LoT9L zDFT`fFIl(*xOI84rY-PxNWTJ}O?keyf*rqnX8c;vM^eAY-ekYo&TyND4#Y!swbuH) z220WHxLccic}hpP*8rtxClBA_MtKgM+8@z6j6f7{{!nbz{dle!>=%Tmt2h&hCN5m0 zjnj@6@9?PC;CjRiYN{AY(0or;%~Wa9;RPLRalc&$p>Ugx9mLO|)uv_r=_}4qwN?_4 zPEd-b4NLK2G|hnEwzs+0Bb&=Y6s5?4R|o>v^Mn-~#m=L)!0#x0n^3w#2oCaqp$ORg zR!0^QMHMJgOni^IDJBbWi%81Ak}?WY{8N+!mQKr*g={dl%Uu9fO1&JG9Hnu6lprDu zZX^ASRix3MAMe(jib1osY*qo1fj~*_k4PdXRU9i(3^CkJiC)WDBl~f@TrO9plsxWG z>j0?UUsb0+Pe%$pVRiR7LS-b7#z3zJ`}xHDt3h|^a>Ssrx?OD}WH;!2TcEIZ&{_9v z^z_nD4|z1b{qxC{V4?M1Su)9?Uyfi!d_*1Y-z7T-=PyrcK~wM!QGkaPO2DTP|eM#MuV8kuu)oEf#IOsH^jYyw#rFlzWqVT)!3!OUkQ z{DRt+n07KX(pOU?I~4+F5?Cecj2E^a7$93T1TFby=EcEeg_&?;*x1o6WaU~8{wmbd zL_ScW5ld*-Y%gKco}0Al3RF!3{Kq$pJflg65 z#0e*&WKu{$IPA_*Oy-r&u%M&3KU$C%QaMdjai|b?3rUKXpuESHL^7FO8G2}5ycA2A zN{F3u&$VinX+Y%n5EZM&7_Jr$v&n8riZE}^QycraAptj zemofST`pc(1F| z0}DFf;*F4?Nv+{M>f#AaNkIf3_$mN*A@mR4V9EovG70y3QzvuJd?t>XXFt(H*=d9& z(g1yG7pXdEF`ety{<)6elh?!pF7h>yJ)`;)xpfA|Lh@sQ2oUDq(g=$v3>{>K-psjL?ud2RN%>Gjh8LQt_w@8!zF6AcGN=2;u&|q~F7`0tu}C+$ zoi$W20PZ^QG}C&Ujgp%*>;r+H-g=j{YE#7wRW;xJeFUW{KYatxo4Il`6Jksq3M359 zyVL$sYQm@7ny~`GNHYM`@*0))OD_0-l3r?Vp zTB++Or$?8YlOn6M#0DZqMXdy}YGGJ7V@4;X+|}DwIj?(<-B&J!o(-!;UDD&aEZS^8 zmo#J0rlHRC3@w#Q;7Z2LaayB}r&lsz<0`xAz@y?%6VGk5Q3l$>Z(>*Od4`zU~Hwpxxy*T5#CVWZL%`5QMF$I#j`S7PwgjcYm zCXGY!qivg|cba=A-+OOdU!P-UCtB@U(_Xw`XbE+V5Su7(xdt~6szMjInpz#t)0M;c z6(u;y%P(&~wl>X`?E-6;Gm#e|Om0UZg-)jM36o2_oh6ml>+~U~!r+*!n7Tj%PtN-u zD?SRY#|AKQWxj~X>^xy??j+1lJxdn$du1R#45 z)xDL}!e`e<7Pb&|^?@3^wQ)nF5>F{lr%Dr@cU{9%!~LC0)NR^}o7i@y6><*AV*?hr z?G-*#rc7!uyPn;8@kEh@dUj7gmYZP+GK>dEfi*tGW`eF%hb2;RR>)d1u$)<9GN;z@ zcID83C@EKC+KD1}B=SEbv=f{r3pTi1Xp^YuFGD`N=9z@|`SrpxA1 zOALm>4B6=85Z37NhSyKh?QubcO?=)ZYpK*z@l4HC$hvN8=?z=)q+|e60?y;;l+Ok) zeQqxQ2ppyqTz?^A&VkYTF^F~j$z)(+5j+C8^Y~maE!LR{aNNta@jCLLAyELFm={s> zgPKTy(C$BE0ox31e7C@#g>D#w#ba*khyE9dJ$;KQ%*Mstr-oOBg|OWqICeC2Q$nzw zN6byc$nYOgOq|y&dn6d%NlctatQJ?S<2EpU=@7Did1p1Ew~{(*^foB`QZt%bi-PdZ z8g;2s=Zomx5l!d}Vjnzz0rm9wgafPIpdmkD@DUx&#JnFXGlg{auoXlOV;Ntp){j!h zcjR_;q;)%s%@B6(cl|y1iG%8t1V@{zJN>B8yj`u3c%RA-($`=?Uv_WZ$dOpld*1G0 z>aiopVH8<#0wF9_+RHJTHG;@UQRJpX8>yl{Kr&nO1OPR0q2<;68;M5bSjeY>4w_g# zi=yH~$dps5p@EM2@0?D=>DUScyGsmUOP}p61VK%UQxvLVw2?P0t#hOGr`91(m_!1A zAw<2o0}MhC10N2XKIBFWP0$VI&WY9z*Ynxy0g8ZL^L3m6eD9hU+$sbeHOAYTTr?3% zL)?H%l|sxy-Et@4@i<7z#TbSP%K-jaLPqO^Cd-Fp@k~P9rRhJ2r!ftY(R$xTn;dy~ z=wq6jKC2HACjRy;|BE)#CeYW9Z^@3=#Do{+KyDEV$zckq=%0`%CoZ7FDw7zqoBIVX z@$mRBPHtuf_W#_fFmkXn{%^4>9kG@+G>B%BDXJw~nzfb>74K2)s5TmQH`+je|tgOvZ z!bS*)f@kjVL88E<2tY8Q?9dhI9rBfXc-od;a8no{E3{XfI*|@{dmQnZXzP;Misq)6 z;MPeQpYWb#WqYLd*5XMlZpCVo`umwWRJmTey6g3vH8zG%RNjPiXeP^H*pTz;o`H6( zgg&jFMRJ@A?W#eW!c=k4s-fuHTTRy>qOj7M@HL}rKWgY2H(KBgu~yh&09UiM`?1Q_ z`P?AQcG=5rBf$5%g-8=m2A) zmT1r&M9G2e%9HEl0&i8VR|mljS(UyZg9r#SIf2mJsi~{;<5&&5dT-R0FbaLkLl34q z5?K+Gw&Cn}xi=fejarGuj|4%YAKucW$VC)gxSyVQp$fqr2NjZOC+vxjP4MvsS$tge zB-aA*4+Pe56B7DSSe5Ye*D4?-q5?^wyXlgzg<^x4q?3fRQxw;sAEvcCq5nC1RnvXR zCk1|2cFdE}>xzRcy8vd&;6`WuQ1sWO6>U-DzjSXy{XdK1j6j;nLYI>0)KO1rE14a| zB9Q8I*E3(3N|@^4mf6VaqFYOhrGP|gVHWUN{ksNSsc3bMGx|8B=YOYWIK(hlCKkb9 z?26;$XD%#TCb|Z~hZ*e))8$YVXbA@pPAcM8DA33OX+<0XK#M;j&ek*H^fxdKScWCm zh{+6;vVwG`B+^FPONma2Ul;nVi2IV40~%JyhTCo@2wI4NTuu<}>H7t|6a08RNBRgv zfkqUU-)4WDfXrtwePAy$2_V@$v-Eq|=pi{7O(NL%iwe?U@_?1lztV8RVOb$=1_MiB z&_$!JfQAe*&)Q+2^QN=V;fMP?0)Uxjyr%98nvjgp<-$Oimg0xjV7Y*0!&qQYAcbzG zui&%B4)=t8sM!f}X|m?b?FdT;!ZH1kEJ*jqiS``vAb1XuQ1T1+D?>R217IQ{d4Wx+ z>TrQ@@QoqvyG$5wHhP(`2I8hGLN=EsynF7(l5eO0e?y_>h9rlc=5fk$2 zqs|H8SCt%L+_vL$`x*j77&Z4}nUM_IFx*gKD<$gs@c=`)JkS9RUqFHDF@X(r0qePe z!&u(X(~s5;#j8*V_f&Ltb2PC&*ss=uh7C{@BGMAPryeo+gV2kVXFK)&`cs7TCPNuG z2TdzjU;lwNxY&3%ZrG|)Tfb$RJ}j+yUTpDFRr!SqD*I4tS$E81Q{E|guhO^Q%r^6nbDM-Pj6MYjj7)#%tQ8_l6SByLtz7mdv7$+>RFhs|@Rb(2 zFm*s|B%8%9OnHqHTH|dv#h=Wa0q(Tu*G6$`YDS6j&_V>92vHSKYEq4TGiD&o4?mGa zCg(B@ErpX209#sCt?RevA0ysWSh_9l-GPl-E6NW#s=qDjwObz9qM&SF)Bv%=Zb);SEU}mYpA#X(DsvOAP+{|`JB9@UwoJ8 zsIqElWoCkao!)GIHg)l^Bx~3{bc(F3A1Jy+LM!8L9CwtPqr|M$K-joK!uVrIr*8-< zy1~y&xpP8RHkSb~K=4;=<9wL*trb@bbmn{kv-@OyS+bI;v&cPZzQ;9Gls$_79qr~H zupAwqBNBbzIPq8ql6b6?V!mbMpOQbKSIURjEn#d# zKY#gN7{rJhFy6xlMi`8~Nf9^(bB@;tdZ58$1c(`mFU=4}fJ-KOH#q|7zR({JtaEga z8lKUU`iha2>weeWHHi)57W63oKzKfC2fpsn4^o;l#|IWR-=mhB2AiAarS3Q2XNbF& zoy-+WKnOwyByPf_7c#q{HVELNZ=gKLW6XP=&GG|TLM22hTWrnqKvBtTag>rW^zRR2 z(+z~``;zfGbC|uA38(CQrs;(g&=nU$l z17sK+AOm@5dQWn1MP;6|>-SYDNyQ;B%!(C#R~7rSc504eThA9)&e>!+3jmV_uN{YUoT(5 z?7FtLtX+*Kk;~HurXdVDEVzc<VV#vm;^r!&@6t0FG( zQu3xnruiQXGOZUD=H)7XtiTr}8Fy(Wb#j8Nl>H3^MmR&AB4bla z7Gc9)bV_@#NBSN(lX8M1;XY9X%iiwxjBI^dAPfh;_kYyrbV0r18Z2D%2bY}fPBXD$ zAIbd3uT-E*=mG)5{7E;pW9#!!`_($Hg8b}Z=b%w}T~9?S4SbQ^w|Zg%2!{W~GDl!BD#4^CF-G_H5m!2<(!GrIXJr_AO88=JAxYuX_uau-L(IyC)|H>o>sPsvCu2lfLG7 z9*5jFg}PeY27+rF?!Quq&fqS~c1=vA<4cOt*v8A-cG#(8qCTzQeBB1Xg%mZF@apq) z>5IBX7nP$6^oT~VkVywva9lKxth<41ltuE#A}_p#C90h~!@ES1XWTg%-+BRPx&|yO zp;Gv6az~8{@4>b)T?4|=>gk+SE?s=`?)6)b8Q*-#j6%!T)%QFJBLwq1 zQuv~Ur<7Ld*tV4n+Wd{UG?{W8ERZ*M9sP3O6osSr<}bc+X~#&7k_fYb&+f+Pfsquw zk@JEPH_2ewg_RnK5(dd65*BLY;J5f{*6J$oFzAD6{)Hca_31QCY_hm9*I{eU0FF*J z*=ua}0|YMOk7df8i9`T4`ol2zZK`^HVA5DK^VC1}+x(~sPT-tHRtd6|UVH67IG80r z5>LPrt_yk~x9Y<#7Gd_AZYq=r;m?lJEwK}=PVv@L!sDLHDX_as`X1+l(b5Uf4Jmf= zcc_PIb#aJL&Vx(>$@Qp-p}@F(Jn|*%%piun-kZmLDZ;S=!PEezDO8oLrV#-1sO=n- zJsy9^w}io=GFG=%X;tPvM~4v%H=d1l>_Vx$t5V$4iDi>SWVzAi7gFZ&+}a-=CO?|c zaB7e0df6AlUJGyMx9Q%q#duD6z;wvKb;rB8osch>T*A5$a5?@U?`UtHE_6rCp$a3`fw$DO{rDC!@ z&??tq{Pb(}T90?WbGEp?MILVVr|CX#leQv}@)M=6x3{j3E$Cv4<2ZLa%U^z?YOb=c zt+^Tpk8U&JK5q}KYLSgg7`3sX%lGiv0bY%R5hYVS*I0c*?6J6JI>(XIP#71^YAz)fHZ3?DuX%1=Oz^oOGbEN;EIc?4m1WZbgxK23p0bgnUviiQ}0Yq<^?We)f1j3 zc;WqPFGA7>$>_^YCXMQUq$-%lhhuJ#D4f#o$$rGOBwB3Wg1f!p%|>9cm4|?2eLDV5 z#wR06l$^i)bv63v2;>5U=AQpFOdy$82o>`^E&Xdx?FK`RP{Td#|5YtQhb`l&ml$~d zXB)~5E|EF9kM2)3zJlu|&QoMILt$&gPVpwy!xjeNSY)3Pofd25w)H}cat*V^rH2!IZfa}+*e?iA(#ODrNtuS zXWEgy6AR$E1A4k|KQA=#P=}zJq_NY=euZrxIFYiOA>h1h><(6ZTd>*_*dcmuNR1DF zqC0_lAB+@Uao#XXVT+)3_i9bmrjEbqGkqEA`b>)tNLomI!P zDRM;k*+po0)&7zB;LP~=V50M;i=cE@G!0#vSfyn0LWH8?~lRN+6@ z=%R9jcH>RnL7a>|$*!xx$o$JSvToa*>$zsnS!SFXmFBxPXU>g@p|n1hIlFs8$fDYU zUDnY>F>!(g$-lU1MtN8;ARKorV+{dT!Gj5vS6$1H8nrizG-G!s%9?=!SKha6dKZIV zv3kz^#zwa%_01d(HUSW@5N!Hr0yO>sGt@lLDN%C`#VRAk8)V9(e8KMI9G~=r0`ay7 z7=4sb-h>lM%n@9hx~%9pyYR*Bc{-0)I*+F|R{0sQfyzL=WJ;l4$;UUblb3PCS#>UA zAI&UBua1$e$H_(HUc4!6({#AuuC?)?I8YIVB)&w*&E@+6D&#_D3Ec<(qM)xd6S_A) zS*aK${2%&m78zGQHWg#cS?YpD{O&6*N^JDuBpiQFoFVKX^Qr=@++Rh|eqdDlR;h}$ zF#*rL+doh@04xvzB`(Pr)*@dcQ!qtGH!Cok8Ili(it>FZu!HFG1Y$D+zj{$vTMtdd z#2977hmww6RvjeD18im-kgmTfZj3R!asX!jo$DPY`}yn;f@Qp*J>dEIzaPU5u;j$U zX1VLbXSj9v_<#IkKcp^(R#3*T=>wKUt6<;G+%~iF#IafSc*DlI*_1(x5T@2{zfNFI zHzqzgj=qU02pH&%=15GdsK@888Q&#EA%BAV8(kQv+w&Z{FAW*Dyqt9;BBxt z;;B-^c<_c%yxVeH6Xnknuoi$Fx*TjL$Q-HS!*G(HiFoLw5RxI)HeyQSU-cnoV zttr0trOo=x6mMc~qW#39mGyZmw-J7W7C?oAAT6dk?LH)4k$D&!}Mn`jP;<`$I%CUI?18 zs%pauJCvsikivffnGEo5=3rE-w4*O(}jhu3I0I z6AkoC;GPiM+Ay{ah7l#F=A=A8btKM;;tqxwo;Qqk3|47Qa5f-bs=1T&^1P5CbE1Gc zYeD)xN94^+?GB&PhC#WwB<(dIc0a6{T~E7xj4~8SFTuh5J9gxP3PrwH-CYANc;B=+ zkhieq|7csKdHDSa_&R<|9KY%%)~nAn*_@^6Fm zRZf)hAHE50KYJMSw_zWJ(e^Ro)OV)G@01fbzhyg71%2vo+BEKK8(W>rw{z_-IH1^T zd`;HZ>_|C*FQ2r`x=VceT1XkE$@x&4Zj0vQ1p@)V%vxR7@H)n@{605%@_YmySpI%q z@Hb|oE^29HFDSnPBv57`*_Bn3`aLi9AuRmp>WfP2-O|Af@4feeBhau8ev zHt2J6yjaBcPqJCkV-s&q78e_)i7JIjV|&EnAvi$O zl)lD0&@gCZAH>g&u?H+m!R9-7@PYmh*$}ah(Y2C_3PIx|VvQJk>@aWSW$9oKK#V9a z3c!53ApOR+o1To!+&cH%AmYsPA>MxfOzjaUFUuNFJqKwHuCcspcICeSH&u7*WHtV0 zojsOe9s!LHXDe_bEik3ch%;D`j_n=#?WpIZ}I8S+_n1C!qJeK#ZeW84dY-#umKK%kWZg`1M8kjQB; z{Da5$>jYp_Zx2eYG8v<~KH~yTXC0h-*fGFZQsq*Dwsb@OGl$=F+YO-(bmZkTHradK zbOJMNV|mOD3OaD<6UiUNMsFG^24Mbw_oTE3x4SI?)7kPfsU}b^`Unyqh+>%^e4+%e zjs!PV=@8gc;wTuTf)pCz{%CW$JaIj8LJ8%CluEXosH|bPymA%e&mbX$VvHhn`KOaY zhm*$4KdO8ses5o(kIhyh2%`1|(Ht-%QJR3a^Q*jb>jA+RfoY^hbRK-vAD_ablXQHn zX_d%voc2KpQd|lkMPL-;Lu!n|A^CAP{qRv_=T;x@ZP!$nbhDJ1*CF^-oMG4HWPWhU zFxfBF%uLb`tSi_gK%k5eVv!>;OGf9DdR=&9*W+>hz?2Z?cpnmGcoR9x==&ajN`TOK zmObz>c)nV@IodOiuE+o)O^_mDjJQQaVB zP@zqLU3dde@vwhdv*F+Q1{uUO;=oHx0NUfE7RN$#yvPNE474nd6~d#VFz!ll8F$>o zAdxE>lje~wIP=OuS@8lyyRClCUML920*&H}||{-uNM3fyScYh~l(V%uGN+FIj* z{`+dhqe@purN!m=j{=9wWqNr=HZ|88T&3AY3m1n9*^OoaPLgM3kXr#%4KAN?jBm@y z=3{!6?PgIE-OJH9%{QloVl4Z5|23@2C{=#*HQ~-qtbL(S38>o&xgQF8ZI~x-e-T$bI z*qB-Vw>V{5^HOee4D~ms*RY4?tm35$kE%)0uQ*b9qhfBfo4Ugx5PByh%~`tj>-E)@ z6gK?P0rO*@G62JKCX2&y$819Ff7auWI$ zh%-f^#$C=J06EK#ClQmGe0m;GwOAl+1qesp0$ATq8LV)Q;Y@uN8DZwWD2il)!3d&r zmB$zow1g5GIYzv7E!z>~tWE{ragFkopPFY;kP^(W8K1s9J!J@nx*%Nqm>rmPU5QzO z3lj*H2%^+@!y!OHnu`$UYi?)0BL{=FPLbcTPVq{gPM3kG4-M`G3fzImR1_+}uZY;+ z0}%iL7%G~z?-rDk7|S-DVMq+_3$+q7ihYWdfy<6u9|H|}?jSf6AKAzR2vtFV5guB= z4m2F-gRX~i%!QY7tbr;f>RU}}&*bQ_ z5X;!;{J}wG<5$NR?BwlL!eMZ+44C^ea0HYi#&y=7&nHa*pGhiZ#v@mX&&R8;xO=vJ zICyzs=>DAr4favBo1p3vD7dpEcG?CgxR6wnPM>Q4O=BQ%N)EqTQA#2PS&{0D7_Rms07cP9X*mooy|uJCHSfPG;ROeAySI&(XQo-@Pb9S zcn>u~Z=>))3L>O+ID0O{nlxG#19v@V)!`FZ$@E)O-&qO-YZ#OjqHJ{%U@XF+24kHR zW1I&X2DXa3D%$ZGd!=KG>sRFw&`&TpAR6TtbdB%+SL!!dP1Tz2Z^u_wx;Jg(Wg=~h0Z@I~2oDHivf*i= z0$CN-C%vRH`^aMtj_4 zTAuUX-Zu6xwO-1G{m4NFH*Xif>FLoxFQ@Ei3n0uS8pzXF*WAhdh+&ppdwXK6O$(Xuoqr3m|%SFo(Vl%7GhVY2vyZjMh4sXcgua3fF6#v`Wg+5Ou_ z=;mLBzsNU544#>2&+x_*2G8&hQiE!63am7$a0ITb4$trniiN6h3OPG> zA%y&@Q4beFy3zYB@r1nZC#7oifva$?p@R;0$?ij84+c&;LRO9d`rF1+KmN~@F4sj^ z7?MAEAxI~EPD$Ip@n~$VECY?%oRJyb`~<++=q7B)9;6%g=!LMJ2G!w*GA2kR{!+Qf9H-!^Nvb44oMe0g{L!?u}mT7j2htoiBI?P zPe+Q@-Yd}=oG$;kxe>`eHzGQHEKXzIOm?ARSEgDZ>30sms71PJftKb>2ccO-@vA1R zRyk>=>{Oiwhet3Wc`9Yg{ha_u@+x%|$2fYNu*6D{J_!1k*Vc4!i=uwlQJ5lrR5+AkU|Ag67Thu1@+N0aChQ{uGuVXA^a z{YiwROXyQUquxT^zK6`2n_gyRZC~7XyiCGk>1FOv>O8Y>SS}Xu5M+x#Ej1#S-DM=7EM(gClQ1$^km zJ81VDKys!q6gcqVyH{jnr!Qq)@D=9KUKEu zP2_oC`Wh?Nq9k**mF992j1Nn&t;N6N_K4P6rbq)t6JMCrBp;MOL@~ukL1!VA zst!m@FNXa=Y$$?Mb67w51rGKA%G{T~pM*zlx0kE9w|ldr2k$qdWYsu6X;~%$KDbM$ zXsbN$=qKZ$F_YiT$mZ-XITnn>KsC64UW=Q0r4On1M#;Ka(8iM%;{;v>qAm*omhxL7gwCH4$U8&8OgoU*Y;%+~TF6cI)HyU>dM$F`93Bgg zTVJsH_-gX^_PD%f_oD#|qz(hNjeZ>h^FBu0nPK#x!QA|E!OrrMA2`R)X_Wt*l$rmF z{h0xuk(rI*f97IF{C~20cE||=| z{P%$45Rbv5Z?W*>w~?vW>GyAMBW`U6fTRNS=ZxF_c8=e;_x6MW4_4P`IahXcV4amQ zJFgX4@vHK?$3dq>M`kOb=T(%zIJ7wJ9~dQqajXNht#fd=E1aDfZTY3>gU3Zyk)V_R zfd|+GX0GaoFTnE4OjLphhRp+T0_+e#wFXe-1z^EnQ(PTI83WaC`T{o#*y^`ZO}U9P z&Wp?rgpPw0j0bH0XyaI05A+?~Gx+<7bIzuffs_|fS4vb`4J<#mGPk&7U>FLra&PAh+Wwu3ih-lU1FGs* zmDEv#4Nx`t*fhh<$`;o?-G}Z(^R-!OUoMP5^(MR3w7ry1yBLI!jI;=Jq>>+P|0F{*&h4(xpL=%1oX70xZ4$cgHMUJluW%>dk+bZ4Gj9cW?*0 z|0^O8VC&!n{H@;o_ntYp{9{v-Qdg3f)6r#9g$$kxn;Hnx9T#@6H~1g#-|?hmRfPe9 zocsVTAzlC{WJu*)Y-B*r&Jfk^D8Jh$>j3E!806-|@jp}T=mPR`@%vw^t%Hk=?eDJJ zc(`)txj4M>04mA;pD)CO^2cTe1Oqq$z&8M(x3xXT?^ORx%5O8*Z!@F?0e-F^SAeah zlRGfL!4?SlK=E_8^aKLHZXUn@zrPp$8=-Is0Bjtr!H^+`92As)qAR)Bf&fDQGDDR7 zd+GnSpYfkV$^t*Te z;NOAD}gN`LoelG=LCf8$Ui2%-{;5) zGO&0UL+(FFfD^zW{|9jaI28UMZUBek zAH)OTQ2K))8PxtDNCx#k2$DhLKS&UgLGurS#MJ(SATf3RAV@`ee-NZ1{XYnj&)^S& zH_KwD}7{dI9_kLWJA?f!q+Tt;2sX zAJ1>-`NyB{w>!wg?XLh37rVb8FMz}TKadwvy1kF9J<#PZ4~Wg-F9@l`@h=D|#py2y z(c}CFazSeOD-;)`7SNw$5MPkXU$t>T#Jc`jhBV$4=;i?W(+qxycF6VR{?C#4LxYs? zSAkp*z3zV+@EZX=|0;+N;_mL?{TBg}2>fRmq7iKG2K=jskRrfdpuY%^7I^#xAuaIy z3qs2B`fG&d< z$PsAZU<3KX<}VjDOR$@Rw+ScYe&vGLAz%Og&FsGt(EWKD{$fi@gS`FNcp+zija!Hh zz{L;QeJ(B@o`C=2TL0^v{pW6nTtffGzaKdO5aE%S&M|fPH&9-94Pl`vJ9S1 zi2b;NK-^F{5pF4KvYnJjHgB66C{Y;F9Gp#G2vSuPHVaG*aVa*W3&(eQUT;aMoVd2p zlH9QjR0|}4l&TdU?r2y!S9mxo_ciqQve|y2c zOrtg}YhBHU_bQs@YQl4K!tq|jBIzJqoa}%Gzue=+$6EGEEiunn6hsn?DI>V{bYU5@ zq!;L#*H_IS*dWAy=^-O^)?su()AJ7b@)JLM5w=o^f;Y*nUmBgA8axm^DfyKymRB7JH0nR&MkZ;Lx@)9atkB1RRZYYW-bC+j*i40 zBHBj#c3a}v5WFjr8L*X>?kXe|^NbRs#5(jZ*ShZH{W_wGQ6cbpJJ=14XW7kCB9<*w zxXJ+jMsY>#ZZ0^j*klG;lRn}`ctd~>gLJmd=pAaFeb5#AZ3~?b!nkM;GR-c)J(m z<)8xi4)%5qY407=>ytyzs92_rF~}A!xa;S$d?q7i>*{aILoye12YTJ}i65Rm-{Wp$ zuT6YQMXw~A3Po5bf}i?%-qF@K=)ju2pQl#*wmppi^sI=v)>C=6!5urcRfEN_X=HFD z)qmdoQ%UN39)gUB_f&w6D;%8ZSL*u~=McceE?QIZQ~VNj@{C}vbV06$W$A25XucGz z5#Qwe3QLutvF_I>Xhzq^^qr?lQY|Pr(@wW0_R!*OXO3Qa{oQp<8qx0dp(2%BJC6u! zde`J3-^j`b9t(-OQqLjRVN`izoy*I)5S*v2td>H=9JGW8Q!UzDR%*${W71cgXhDME z2)l!FDG9qjM_U`Xj=8kStxfRo1uv3jC}c=DK9jsZPUo zXupi?LaD##k;>cbM|FsGR%?WZn`b(c+?dKczx_b%gKb$V{WHHnxE>kv%@jvBGbu4UGKuKI_HWn>3{YXxxX_T~;e+5;pk=9kl z8WS5mt6r5~XwrC`fVrnv(5K9>?{-xXnfRG&xtwQLp<0wE+~eSC*m5jkll!ENNrt&j zM{LwtM^1-ipflg-`D*UhnTPt<5t{ea{-5cUNi%8JbJiN&_9krh?miSSF@M9ASoeksoNU8|1I?|BY#>P+-Ef3u9#p(;c;Pm|HF;5KhGRC{?xjv_#zwen% zLAqx7y3DrA#7_6r{}AJ#uko-SG~8auTSTvJ1KYMA#*dn+O&`A6(G>P7{fBK*yxdWU zJb|nfeV{G{d~J2<*Svad$q%ufuQXJF_lJEd`0k(RyW|{c4A~}6OayfLVFXeBcI#4*Cj)<)`r+^bLs;o@Q*g&K`yBy3e zk07g1;Y@-*K~5r&K5<~)V4`0E2h$mkeS3-B>=GJCt|fF5gTvYk^kay)fQuZm)WD!EUuW=k>69%j7A^VLk)zvf zf}clNht5zC!^H(A z`e^pbhfzirlJUhe`|I!JeKXpaNnv89X=e|fK<{Sgv|tx$njPP;&czSCi0-p}=|#L_ z{Tixy-3m8{p6%>g8#;eiRsNmrJw=onIGJ!@bk{wEWL&Xk%SqGe95(cQkWQ^SvVDnO zfr7EUtYvhk)1G1bQ7s+6+miW;@qU8Vys@~)IRZ}w0gob+P0AvU%c%~%X*?{({FQgV zSm%DR99mcjzrx2$mv_TB6xeTAKi00nlSCl6sK$g5Mkt~P+pSW&)VA0#_-NEjqkq(R z_5IuR*jG;-Z(%LsV8$0#`3y|yP!iOUX(6M<7PqJ#FWius<(nGC^NerX`38Z+= zfF6$BKrUVH9GGW*QLaRB+E;tJW()O$F%mxVy@qyIMdMMr%xeD3Lc3b;_hCdvWQX;H zrXPU9MXf)KouD^XhK`qgBy_GvgG=X(Ki*P6^SwQu?`3<@5jPDK9q305Yp8+S5At&8 zWr*TYP8^|x`DSOg8=u=d}sI0(yv+!dtC<5_p^(;gb20g^~=m5 zYIv)-mgA|qE9~+$mb*Jk2Mwn%lxGBuJPXkcm6zZD7yRjt>~RgjcRFO zdoHS@p?~aK_@YD((Db={4`w|iHDP#8-uPLt4 z{^8rV$iK;_<9Pj-m)XkY$V|588Us@+v{v@ZZpre|e5 zb>DoS<^n7kQGU;hl_IILT&`b(XpAPvO^v8M1@{YE_Bc-AlX$_0PUeeKc(HHRlCKu=tK~)-HITm}{ixUrHBw86?8?tsWcVq$8((Fp zYedPI!f9ygWwl%Mn1oviI`TObd#owTH`z#;|N85(f2S*W?jGsx?FM{`}U-w zOEuR_JJn*&pBtCq%^PWZ$#Lb8BYlatin9xP1?Ua-6Wv7XHh0Qj^d$?^K@Y{4y65%+ z>eW~rvE03{8`m<$5U1@W zF+MRTy?v@9K(1iE&1&~5e&b7Wd|OJ45G>%UK`ZLi)z`2%JegC3OcYMl4P~TU5ysG0 zC6nB9b-Hg2EcO?%37H6j<^%=fk$#r>TwoI&23MFUhdCw3vhFv9(~w;Xy`al@#q~p< z1VrcmZZOC-<%3ja?q`=saMeAy7Y<%UEMU2x-6chE_Xg33%k~|d!#mN=czS?LeS|+I z{<2fVMx+?gYiP0^Thj*3;{-9s9t4UK1a<;~ftWeeOfD4kFKFoWXO;WJhSmBom}Q`c z{k7SZ?xQ=2ms=l`!h3MgS1&q;J%fFM_D*92M`jeg+&H!8JCbb55-Y5ahLK$#4qtu1 zmDf-pYFLv1(?{3YbC$U+4uxG~sl9QK_+Zwl`SwR5^*Rl4))0#l<(+~J_0QRa$c!G{ zQL=Vpn(?1FCIQ=@iM?jkXz;QF>B&klHR)*DVVKw{1gX=Cv{1P&Z!y_LSch-Fjs;1V zD=LJ@dz+$#79d^UT`7wdXB20b!nIVk^ziq!%fDNlpZ_R|mA6v+{*hqC1(&~!nEJ7$ zxHaXNAegQBBo;pnRnF%Ep^VFi7zRZAZmo$(p(*IPHM-~3UDNagNq4i64V}5W{A%pU z5X{V+AM#oJ%?ZH)KkgT8F>cIj?W$ z1JIkM#=;Axmlw79Xg-Z>M*3fOb39qd4=3%3T~($f&QkLkaM)Ftq5}3lzHfc4?SkUv z!ualV0s5C{V1GhAUXDZ9MKSY8lcJ8pXxMfhLS9(04p2-Ntx=W~cBA*iNW!8uZg;Bo zyA;Fc>{Mq``J~$K)qyk<-hMfswPPj_BI|L8x1pcz8+=ApY}GHQ$BE>#g+7K_lM#lf z`B_r~iwRm>Uh{E(Yo?fs3}rV88vMCW7%1z}7iS|yBK06UnPScglMpgm5|OzMWp}&E zh3VzAJBE~?AV6O)a)&`vD-1Kipi0|VR~)|9%}GXamg_p-MLss^OruNovrJOPG@z>5 z^^0jWBa&{SIynt{pDFTbyNUA&VGGF&7dGq5n6KUq)KY zulHT>JFC>2;oQ#RcQdL#=6-0izb}ImbfoP#3pKcB-il1&99%azr*0E5HgZ(3d-KvZ zJN^23fkI8VRj{Xi*DC^h|Ko+BwKu(pP2YqP5)U<@b@I|csA({fey-gxa9h?->UF!n zS}v81OF12jzyJWrVUC$8t|Rd$ys`e>VRj$`Ith0{VB#;{*N6QEVuuBYSfo=5(_hEq zkMJi;g{h&R7mZlnNu%;uqYfp3P0!ifz2%)&Xvln{Q@ECW&U8H3EyzWs;py-5+T=-9 zo!~=%ZotJt3A`diE2T2ovP0tXEbCaqEiMJywwWU3*zg603l~yOm#o6bmRD!uKkhCA z^9wHaaB#~EV%{b9L6>q>MRU0|O}|i0WiXvCjMd#=@=J;<`AmNTf-u894UPq{MKa*6 zMiGoFr%DhXw z_X?LmaI!YFlg={z9kE)KcKYPqZC)Y0r?$5M7wtipce$=q(s9b!$@ocRE9l-!0SlxZ zgI;|E6@Do{`?(z{oL zCWT&)oK%ewvf+6~3~91i2luspR8SkW_p;-NKX*h@8P~pyf1YUz4)XRHONT@I92MMK z^R70I*=uX=sK*yEz7{W5Md87d$zw|ubkx+gOF5tP&?}ZG^QFvZt@Sevnh5K>ZbfMk z?v-|}qQXq@ncq~LeGGXEGYj@6OY14eXS{K5dn}rS4d;(^^05@Mzc4T=S2>iV{9~gz z%hhb8u7vf{7g%B7nmVA5TaS#kNlvG_bAnM>yS5pbPW^QSyn?HrL>iu7Y%IRZAtdRG z?cchGm@pUVHD86d;#+x}TR1Jb7;*AFbpVMOmTciUICzZP&(@RY79M+JwM89pQt0R} z=n@tSgalXdX|J>{$CRpVr5(ECJ1;xXMx1|MK4gK?mGGOzrX0Q0NyaXVl9UQh2=OT1 zdfwH<>^k8%r~;=IrHRI5Vp(#V2@QhT9aO-J(+v*TwsX0emR7X;2%Eu4wo!zl5hSLn z=k8DeBr{Uz^QRIN!{byu>JR`MAbRD&ZOS^?19?QIR}q8xtGJ3UF~HaY3Vr4 z*V#5QcC_)GS4nw4`eLcQ=7BAl$)%W`mGT`p>U*n4Ls6|kNC z7K;ikS_{S~*0T|hBX3L6Zpg+koq{4FL_>974~_IkJOcAgp0!wYVM}qA&A~O)ugrT8AOBY`9WzbijxAH~AW+YlyQ_ zr5Q0~G(*iPm}@m@uNJ<)pFWK(O6DID)$n&Bi!EG(xw30-Vi|P~K5WLPcF6u>LqG0@ z0PWEfFdkbZ9<;oBhIjuRL-A(!iwUmR&M)yegG}zS`5VVp*hbb{a_tA@YeX4@@v?SA z@LjR^F$VwCNhhBRS)T5I>c@lRZd|lr!-tCtp@4zP)bFoytUkcVD1Qqjr{_ob1a4G@ z-ZuT<_hvzf$FM6kPAIaAD2*RBF!e#&xFYTG$9KmhrRQE{%e}(e@!~l0^G`V)N2`5kF0X?kkr!R z_tF+bxIG7L2ns$!@ize2Y>ZzTVr?aJX!7b3Oum?`B)x)hpDC%w1+SbG5z$gVqUNv{-clNyJa#3cl^qbD=SF7)`K;xoAA@K{nqtYahO5Q*=GX zJBK}#O^ACb%B(urazXp}Sa7VnU-M6LKCoasEfu*zl`?^k&S#uporo@Mi>zJum~PT@2Y@geMVi$Pu%!>@N)-7{bTnZLR538;0jJdt;SS-N}jT1N}L6 zEUJ8#$5JC4p?~C5=g=$3Fzw&-ny~nW=99(FV@G8*${kg(INKB_W1L_7%AR3dX4yxU z8V73?$bZ2+0(sgbiQXUdE;moqmtw<@W2n6PDo1|xb6|?K#Z0W1Fr2#3sYprvM(Z}Q zMlI}OBh?_S1AmcsfX~X)$S*7K*6ZZvy5_uigRh-gVcb(lLcveZzhH$uEMln6+@Wa_ zWZ>-KI$bN=o0}v-S4vYF8|Y4H`I#>YqeY6yVCFX{)e+dd?} zOfR}j05}B5G`f>t?XPwM&3RiLy)B`hY}J~Gcb`{E?gHz0l+L({p41EnIXhz~WzPe4 zq7fV72upY3x$!Uslh5vyp4AD9b7A)D2R~Gawc5lKUJ1lsadO9&iC`$cNedTsZ&Mz| zkZY_6k~&?Ma)fm-_Jx}(BCE~sj1oxk_VT%PNRinCX|anQ4C}YgAnsS$uq&Nt=(ryC zNTAq8QI3#k{Jf}CZMW^7(@2J@DXO*1Po7s7K92qtKL7kN<(bRSQBHMYovivIh^y8W zm+Edqk_g#*E04X;YS2zsGNVdi?|w7bosK7J@8v5tS<&P8Y8nMs3|Hv3?4GuxZM$Igc$&lFO#9JslHnYMShow3C={<9i8}qe z)@8Y{d?!(Z6?2btjkM!O}>xF#ek1 z()6(R^w7h?6@hA7hXrPhsXLcZqmJO z?>;5cdlQn4Qf*Ic1{}$Mvso;S5OpxMHJ5WaG~YIOQZu8X{zCi!yx2{W8bue$#f3AI z%M!P0FZK5&Mj=F}Y0kgTSZczaTzNW_ zh97mcfUj#LV-4o(>*5L|?b9`&S1}cmGfAH9*nc5RZFXms19tr4L_Da@T;%h&HzM)? z(Blr|EY{tgnP6j&33^yMW5?<=he;}o_Ay(w9jaD{M`qZoJ})>;$w%r6C0jilcrFgW zMeK5nOPy0zUzi67L_U+;`fql>-inWn-0f2qSkqpUKJqiw)_ZFy#-pX^Lk4P00@c|O z`4OX{VTH}7i84&>sKf48il$gOJ3i+wr&xV>o4!;21h=hf$i(pd8buOp9&yc1x!)M9 zobr*ehD-awiFl)sInqwkU9me9A6k4t{})?IEF7&TU3#l@)|#<2n}_RYFUPP@*@WHN zCY2BT3HAnWt}Z@zhyqJFRP1v$w;M+C^8x0lVPT2(=eou|kx-QL74Nw69oS1Utj4>; zsihG^RB?7!m!l5KJRK~;1r>!YcRdL&hS7#2f@|lD(RFPiXJgTK1f`2akGewz?RP4i zVCzFpg^x@GX*EmzfOqRTfm>LGlrKJk2V?X%cLCJxgto;B9^s)~H}+MuXvi-4v`balW6kVeLa~gIp)LUiDu+?Yr`e8N!`Y<{cyFRedCNVgm-Bk3~L=tsm=$d znn6CFDgv^%9|%8Ppfl6##9X@TOh;fc_V(~a;^Yd^yn>2kcU?H-tRyrW;2je5M$J!VJ*P?# zri^OEEkD_p=1m+YfW^`T4}z;F*UcdA$L}ts7P{L^L3)dYxod09j`0rO*XorNP7>oa zk!|1mc)HSc_U&W$_?#W5Z-wQlXza%maHKpV?b|w;IIb{SFX43+GtG|^Gf8-niv&jX zm}{vhoLd(blF7dJ+ue@=&v`LyoNyRhYA@3maW#8IPst-cs6=b(60-u|(FK+FPI%6k zSN7?COLmxR4qCYPb2Dl+yuiWWM%X_)ggrcSdClhYh&&N-ivn}url?F%{ zyL+#LfzF`p-%uflN(w-zeK%)E*ZWo$0dtMhnJ1kr`rgU#>z5AlQieN8x`NUYyq6*d z_0}Jid=)-KO!nZQ;YTI&FR^HKNgq|0L+rYLekS7DEWHSrgZB|j&?p3=#ILezCkOsY z%zc102tW38=O_OW-~=OB#k6IO;-$Hct45)OfSY{oQV^3di~eGJ0a~snt`?V0u6@r< z^HM7EHqfD`8<)krzv_;r7D`L-VLRTmO8FqbB3TFfM<3hsoS}*!k*_ zo@-?`yE4OO;H_M=rxmF_w&>xf2W*arc!5+0*2&T)D$tuIdA~EFnIJY>5|CEU%P0Z~ z6_5%Mt@XNQ^EYp zfy@i?n|Zq#bRqf=oUL;G>7h%tQ8Ge{5kuU&_HISJpUPcv9YzKj`ae-3hw`ZVCa;tY zu!DzaIs2402g%*ILw)kj*?6-G?|*cay)=!>l>q<`(w^^|R$t2#zUON!F_8@>usHIT z!xwSZ@DtoRF`HX4{d5v?gTUj5->ulGYsZ+8TmN|7;BenCjs`D|cY?gLpZ8?c_25l; z{ZSuP@K>J2PoFTYZ6R6jp^Ic6WrG{_l&h5yJ_0U|AaD}hQrw!h!@hf!+;dQ40msE_ z^Qr6J0M=X|7H<2VQV!V@qfa)kFPr%i1j2aGC!)7*XVT+iG}=c#8e53Cvlpk`eBGg$ z=r3Yi`PUa~M)!HpaQs`ER@>QrEOOf}BD=)sG zD>z8`&99v6Y#pJ%@}8=7*xKh5s}RbTitdUgC3yXT+>0dyXTjEx1XnM*9+42y%N%$= zk~h3!75!xGs~DV@`_5xtG{dD5ahEF8@~P_~PoE@9flmujXGcNl3&g~5k&F}d1jGJZ zZc85^8^PHR&XfYx228Omog+VDxvp?oO>Ke^)dNgA|~ zm&Qw<3^tulm7Bm%KQ1w|v5c!^pL?S3)N+>f*PffqPdHO2^m!9hg{G;u-=(?E&f83% z-3AwgY?VGp^qMM@XgVLr1&|NVJ-Lrm$O=@Y9O+AZXzZ6b1O^}JyuC@&zmA&x z?6QzJ{TqYU84`nZYTqFwqZTbcsg2revK!Q|6k>TKpR}D_)kro?Xmw~+XTlj{+14eP zMiwE5aia6MJ>|T^shciY+kf?|$o3GvspUPmK4$vXcs0pSSgdga?I|Pf67Xu$emZ~{q$=ymk!;r4b^h2`x1WIe{Kj| z9V3#=QHzKvFulFpEXrGvKIlYs{Y??)7bcWHPAIYx+a>@NtoZd9BfyQmI2BEfV|lfJ zMjY?VpSC}iNS&ph58bUX)ftULH;n|!GLOn)Iei9@khqvk+DisXONy!)USjv%^tP=z zm#k-0Y9pYG)ihiN+>|CX>8#2|_#)$%ooM0xqWs=4QknKNpp>35;{~>1ZG+DLDlJ~4 zaBpHfafYXqz9E3m-Vj=ma$A~z6&qWj@)-v-MMnd)eg~D0LD7w$Ic4n{5 z%uw9x9l~dkjk!e*ix9Iw2@F;cF0~+dzGjDiA920u=%SD#+B4_IkPzV zdCy2vMXuvr#SGP>klI z*oaad+@x|nnzLPOLH9ZtFHrJoz?w+k>U10TIPwh@N#M6>HJS~dx9S^D_I#O28o1n? zLAZ&730IqZQN1cgSeHQmGsnCt z`@68EJCl%4`4;@yppkmo;XCVR`{#{64a&g zKE!Y|NA02&)(O*(W^jsOWQKfs|Gg+xX0T?A9NVN|1f8MQ+IKS^Z^u$~Fk}q!-z`>= zGIz*DY^uzg+ypAW_{!sEJg>-pv5OUa<@D}xK|@W2JnlM%ukm%U+0|^PAXA zx&RGiyI$Knd`=Ks>Wx9d5;ACeqR(bM?D4ZEAGj_|^;x@)+KWJooBiP#gB3JI?gVq2 zyUX>tZbyO4BKu{&z&DMLe2{{xj9U8>LpSCXt|)d9iCwU$$dWW?H~6Q$lhqmFx2xdS zLU?F%h{7&#&c&&_7o}9+#gw)_ykKA=j<|W%xL4*Tkki+ixDt#uPTQEjF9@RRmu8{m zN@{_lI9d(Ek5mltDjmM}oLD{n(TvZMATwhZn;(#lmQD+;Em|q9@bl{-kO@|5l1sQk z$5mSDZmM>|mdBpZFYElCH}U7<8VS(cxI4gqMrWz`qt!^TP9-2;8(nWEBeZWpuTZ@^5EtDKqBtWi&jbQwIQ6aY9UIUQ(9zxxJ&^EWz># zU*Y16bgHi|QaZ~N&sJ%)Ao}v&s?kh|`J9;-Wdp_I`l z>Q-~x_DFFG4S;l~N2+rsItSM1k`lEN54wFOEMl1lEO#8!_jqPaolcbN_dwUq&o*Uh zt}%u~Zxve=H($0|T#QE9{0f3Gzs2k)o(z#FT$T%cx<&{+4&~+Tn%E{PYR`U0){YyMPT-Lh=(W>!clj8-$S;Rrl~nGqWoTDwW{y-`NP5oaNq0Y zLNP z6*Y^fXGD;bK0wvSvR)tFg*F5pMV_Qyg^*0^Z#>%?B4e?X;NNZe08?F)QpU>^V+BUf zkT%ZDe&N0dGAQX`Tl;nxJJ@}PQj5}JjzBncgUyIIY~QhD9%vMooFpcwSeD%ONm!}} zEQI$Ae?WD;1*)~2+;M6%w#E(vl4|hZd>%%vb!&yr_l?Qg(WnZB#byA1qtt3WectC% z+V6-3H2K&mJ=s!m&8iOSa2wj+5^PK-i)E8cFewhh5Gy*J0euQXtsC#<50YP6$-O$o;Ox8Jfe}>I`B5FSlReyo zUnHevQXI!^vtccI^Bv@^!+OdV?RgvVhI15|ySAcP9OQb6&-$|nQ$_B}@ys3HFdT7X zxr0>{Hxb{`2TVL^OCeJAb<}U!bY?_#MjN`eO|J)tr0Q~EY?*HXv}|B#I;2ZS857S zma_KKw0DWPy!Jwwj8BceHzYOxx_{hCgtOXnHj*O38MNnQq&|P?iSQBoB>Ts@%s>u@ zV35qn=;$jpz8w)CjYU-kWwj6VGCz*-7{+ay3Dli#0~0$>M9mKNtSC>Xf)EAIr+f;! zvWv$Ii56Jb686}BjoGAX9djGtjeTU};jDaele&zU!!E@7^tFF+mFtG7VSInnU0`t_ zy7Em&Jgq}6UGVWSk_{4O#V`G>r$fmwy8P0IkmZ|rs^3R82;_}JGsqTp zmi&_MQLAD7sOv`X(eX2*DE&wFwvPIDu7T^5Z=Mr2R$pRu2`PAdwn`nLd`{__U!$4I zW%N0g()WC<)tFdK|IC)g?xbH>pZYl+8bsgGs&bi|>K7S0O?EN<*gD)wOmUvO(YUF>YARTXWc{ig8 z7hR0Yipf7^CLR4mdBZhsZS;t6UOQ1d0fa^3wphyHzktrdpK8ry zjUvb`EsevopEmYctr|hQH`ZFmC-2ScBig0Ul2?h{GZcCZPvj5Ed6Jin(Hl%p;gpOiX}PLz)OKfY0}tQ>5j7g` z;Uk7j=O|XF>&y6MH=CNjzHdnoeU{4OY(0@!5YQe>ZgW`U%+R4}xh*{EfciEhLpO6P zeA5I+^_ks$p_4HlFNW|;S#=t(hNc#q8pe~d>-`dDO`MpN%PUxQ{-uFORGy|Xbor}K zk1F5edD1)=+OqC7I&r?}M$OjUG%$UlFeB@8ao~`rT~u>TNs%6X*CJwl+T?w&>PEEC zyAq-Zi=Y2p#P-k{O~Z%ftl}ZLy;92f%Ock`%jrS z&CtA&-v!}&$t~4jrO3X3+R}M(Okc^B5?zx(1zPrOY`#@bInto!2oNKE>q$GwnhN!( zyYK67UXb@=Jn*ft4M9rTOY2jr!bY`(f9qp3w2A0$VP}sLo$3 z-VSjFgWXMZlxtT+L=A4i@5c^gC+M6rPE<`%0BKKlijRgi?t%ncnsKIa7InUOv3t`f z>7Daeq(b_DW)^N4{erp0{AFGAxXTyC9|N9SF8l$=`#(wbCkc;4V_zBQgbPcj zFcVfToB;MdSzc)Ri{8wjd*|rW^H}j>w#F7_XH8>m*DrYaUZ*tZNglW=`O;Wn?q5=p z6=!@-X?|58eef!~go<~3Sj6QP98946C@m+ntHLduSIUKdP_^i-s8PwQc-{6mZ)*1- zFj9r;>YmU$*4_K2r4H^wA6~qG{i_K{UA|>pgkD=zYU$!x&94Y=$^Az`p)&LuuRag? z7tH6-s3Z)&Pt9t<)45ZXrnL5TS|;kIuVp#n@Q&vfMYzC6aE@b6Rd;B;M;`>f824hN zRbx=5#JUi*Zl}Tr?&XMa2(Y~UJhHxR+7_#PuJX%5)i`<7qI96YsO)RwnVwabAylUV zXQNfkRh=OJ*YVJFMg18pShszax&^|~b@23sbjat^;%_ki?Lo@$`L9*WB&{p4z!bA` zKh|jYF7i@AL;m@Xbl*?!)ZfX1N!0{{R+h7y%rqDV6S)r< zg}74o4H}1h@qO`t%maDga<$%&0JvVRVe#|(B1dzhW_&+-30Z|tZ|H5)V-#Vk zkr#G=PIuHrIOx2x;*u6kC_FH*IAlDboha3*C9EZ)2BZ?Ac9wM=C#uJLbcu;n!I6;J z@D4>mbZ4tpm3E6OFilKx>8(QG!9;)Cmz`$Ww* z9Rq516PS&m?t?aIAoxx0MO1BRP~8Ad?pgPz#q@ZkbH&!d9+)@JYSo=q@+M9@jw-S8 zjO67#IBxl*UZbxcS3}F6dbA_IS=rl7^I30l8deC9#`6Y#SZ}^ufP%T|mEF)vO7W(# zHPv6;79M+zf=6MK`h-5YlIaw7NwtKmf;0h*6QvNz+Xo?rFP50 zVwo;kd@ey6CK#nO#Kf-M=Lh7S=ZTw9X#pEk-_Jddq<+fPzBPkEv|A=yqiN=TAGgNU zIPn3QX}?8CrHR6zxuN)Y*U{8SRuzveT8aQ>HOIe@c7<&6A@{Tdj++aLlGq6En`&Nc z7ku?ubZ^H_*ei>Nw$ha^-wZ+!Lc@Hmad#BW%S7EiJ0Jmx>(&^&lfIZRd*oIHaM({& zU#-jg>L^TyYuTshHSY{$^oxITJI#6hX+OM?ev-|#z!gU<8F#@ek?K-^X$=gPXbx^t zFb`3d8&+N!Ko;TThTcgC8n>GqbQ@P&O_oa zk6b6N&$N4H&T3;=c=x!Q&|z&E=ifUZkIxj9c_LuUI=77rLa(|4uom5;HQS#r+yO1_Hjn)?cn0TnDZO#3Ip3Pocq#yHR^i93DOK%ERT@O)jyPvRJVJ{m@g)KoN#mjY$W9IwLXF$@qS?DfQ zl9Z=bgv5$~*>--OUAtuU)WElj$CPmD6kmzx^O#=Y69OEo1%^Q=BDN$fZCJkI zb);D?GXR*3D4zr>Zo}R-Clc1;VdZa2n`}AqV;tMXefRon3FUNW>ud&-6}VF8-0iId zRJ@O3m5uk6HQ4JD^!oAM8KjDs8Nb%i?9~cA$tokxXGZ`}(%VLKO1&MtWdM3phj+%s zNx8ewkCNwwhTnoSeq7fr3XC`-^1P|PPlAb4Q!i7f)0$wehiF^KOpVQ`Cop zF|s8M(Uq2~JO~(GsAO6^vu`+F7^yD)*-bC0c;%H(j&vt~9#z9eb{4B!+ux!@*n;fJ zAIV#fDlEbhQI|~DS(|I} zska92O)`-XYxHJ;hvj>dtqw?5dPuFRCVDp=7^hCi``e0CO>OPIA@Q#TudQD~4oK@J zTo0X#C!0Z9IYxOy*hwcH?c>9lKT5GZw4K?OoZqlpb$#o3OF-1jgh~V70M9$@@$Jou zyp915s>bwSvNXLVfn0R4Zx~3=OjA9uD)2a~0JgFfi};3Q2})Mp0$NI`!3TZ&`_3%2 zY?4o2BGJRrmRrkgba_(N3+I?;FSS96G}S0vFVzqDLSDjG#~%xic*;&>w$St_8Yv41F=LY9I{B7OZhiunppL*y0I& zB&KNzFP2fEX~H#APB0T5V8*n|=NpuT4Y_+uM0siV<3|f8R~cp1CZm)G9>K^DeGXvX zim!6xNBV}YxP%%}4{Ev#uM4tCCc2wn4JPO`3+&z)Oz9csSoKdx?`Ap$1_2nd>8i*9 zn-dZOYA;#hfzMVdBqzoN(8fbivx~QwR0?+;>eUwj^yA&TDh%boB&0f{+_?N%6|8 zk~qIaCXFrzJz_Mwh3kWV^+naTnFD;)k}>gy*Im~ala6LH+-$gnZA8(j6%2+zm%QO_sE;8&zT!6yd{_2pT_4eNjCm4vh{M^_x}QO zHjK$ILL>8By`67Q1A~YjUeNdP50cmlNO#FjC0SrorUKGLSaDJh=&nz@AsFuCgFw=` z_FyO}iz?F5nuJ3-eJzr1fCkaQ^_u=q$+vN^SeX9H#Y#Afogl3`t2qLceMM9@~m#N zD<9v}Ue+@p;^hdxO2YGJB~`Iyje_fQbR6-c4~BOm_x#}zpg=^UyJ&p-^XKjWB7qU8rsp)$Dev%`)#Ud)PiNut>`S!pkGZ~Cnb@Nx>igZc77z==oIl?;3r!$11GE@J5UWjwn_~gp zx)n~Bz4-OCr+oG={=g3DJ}itLqSeCN*Bi0CT>^q0)r_>X0&scTsEL*1FytMWrIw!f z6vFKsMwDBxR1#kVmy-#fCcOTZb+PKv}>eoguJRW1D3y zb!hxDW};oC73Ilpe4C5r4NGQbQy<6Cd%t1HDz|b2TY3=957*ILle+N3%!+=#k!O1h z!IIN%C~?oGs~XZU^e;Up;e7ScBZg?oFDiejz;P(Vle4lwE+Iq8nC3Y=Hl?a*8*L>a zl5#fjTa`HEIv&EqgJ^p+vTG8(8I;xt;X4gyg1XS8bOM~z3lwgYrB;MbiElO@h_bG1Uw z!??d`ub`@Q{hu+=W@8g=0dj24u=g5 zR%$b|BHzQgFv_mslAO4s5pSLJ~DUkDytT0DnhxtU))rM9(a1C>9^C?y|djP9=io%A7%40ARNC6l)~9POcaI-${JO^}Y4W>lgiZ$n8*rMsD&V7WfylYRF4o?!ec*TCQxzZ#f+m}`qu}r>YqXM zL#NtTdFu*aHw@B5Z$)bZ;~b5Pc2#VSJlIfiiY{+3ctiq*O)}>aKsWUYM(;fKH2x`4 zJi9k#V&c*Z@t|y49ZU+_))#Y%x)zWB%Ai`cL8#yex3KK5#b6(wOwn4#*jzET&QalK z7d_y<^Hn#>SgTW?)?w>Yv1dt#568sdSOrZi5Yl(cb$s5J8ub|a#_{wjgo4f!8MX6> zfQoU>mW$kgv`yi4V6NBc=Nu&jz~ z1SbzMDGepDVZ}tHnpSW)KbR^T8+Iw40+liL+lSmr!K+g%4e|I$yyXquv9^^Ut^(fi z4ap#|6P8RpRKxc`Nk;?uH92M8-Ek-{gni)J zHdr(xq>+mkgHvtl*z^(8aHMOz&u9B_E0*vW>o+QgF;iIGm~KNUC#n1&%Wj=dK@USYYw;T$8=+eGS(n#3tJ9Svv3Egp z*`f&(@*>Zzc43K=Xs|`zLlpW++_)0*i>tbc|j{sh(RoKQbs414#QI32IbJZE&Pd>A%;F76YrPaYXo&$iUs!7B?4 zXb)7ut=(8$jvXnD24}8s~s=1w3N`3bg}tK7SA1NTYb3| z(3x5@hAn&bxPUD`I-NpLK__LSy8EzmZ~kw1yjhzU0us7bmTwDf@3?17vTqVfkEXTE=>}*DaEaM(&`W5`0Ocx zNbP=JhXoD-s>zFcHkeKB*azlOtTHf{FtxL}*<_V2OPXRsOVGK6s@G4dA3ujv{bMNS zAA^kF4rzK^a88SEg47U``x2JyKOrKxV;25vMVtf4i@u{a^!UMO8XRV%XE89n$bTG0 zS3c2jX!FW8tS+gFc+w{5SJ&`^q6;^IT9b5H>4h0Q2B6LVBG6dJt};USle76RpmDPm z7cmW(Y~0^2!MvtD(v6#{CH89#=>+Am(r;nCZ2QdKLcTMb>3i%uoHbitz(yuOHeD_Y zwV|eIl947GWAoiW$+S8`zNWSrZ29hSX`e#8UPk83M#|{QIbMThU?$0C=VBtixU^#x zHjSzOtlOeRiDcdH#69#aBOFZ>0; zS_&pI3x=5Iw~s5ek73uQq}j zKD`r}m>`{<5`o|Y&|G`FCjG=~J&BZ{q2I}_dUYX^#*3yTR->vVw5N&BV?kwerD-m+ zLXbh`e&J>Uy7clPpxe!{4eeAj%9pwhRy+Dd){FI3F|Wuw0z--SpvH=ZJKx1q@eJuh zv^PmhwTTWb#B%3V40pV(!~;XvjotGsc>GH7I?Bqi(@1KyUeQ5Mga*IrL}a9DzDi*K z67pF$(+o^~EemVy(uGfw z!|B%T$|0J_fHkH{p+9jhJLY%s(OzA)8c^5nV5xP*se(d)Ndy&5*<^=MRQqggq?tV1 z^(O^Bv{|hvPS5~vM*Qv2w=JGZi{T$|_8Bh6MTDy&HlHWTKWXdP4s+ZQgP%|=DX6X| z)<1i0_h??8iL0enNr${HY>Day8>w|kUCO*ZOK!;xZpbXkmtd^wH(M;%DS;kBS3D}b z)dnY!3ehazUlTjPNN-fOdHI4h-yi(Hj?j$e!167%WL-gIw`!bliFeOCr5W28iOWcPNUEtco28UEM^!?Gw2g5zNL|^XP_7jmc+c(jG~&`+$*R* z24I<8<4r+e)O6Bhqh23dMh^MOcJ6S1POH(`+B4|yo<`ZyTtvi+Ni;DS-ojsHn?d%Lzq;e~AA={iOA*|tiYU64xJiV)gd z8l;dq8U_68)p%LzK?$knI#U5IHR!DzbG!6qM>Pj^Mck>lH~aS*L~g@okFXzJ;S1qe zcX6WJcG_kGimg$|V^sD}>fI)bGu^L}Mq-A>8?TXH50G1{n~jat6nM=O>E%Sm-|@AO zI~YiSq*>~i?Lb{$f5EK{68z6ttM0U}t#U0asKI~{PhM4*TBsT=`LT5WrLs-UC5XZ2 zgN(ht*Za9KzM1e~^>LsxT0wShG-sqdwR**V{Rr(@NIPl!kaAfgboVacR6LeV%@pv( z!mHGv46uua#1r4N1S%ZX=KPD|=vY)8-5%_#)et1s86{9_8#@GA9Vp^zsVR;U2}IQs z!z76BSk+_e4mf$xBDt&rhb=Dit6wlaHI(6#>W2KKUsEG!c3u)(rPHY8zf>w)66N%3 zQLCJE_eC}QbyEP)qqA_{vZk9SiBv5Sa*P&E7TKDWb8`-b^97-qgrZ=*GxET%lopnV zzF&_<7?iv_rA>tH=Mmj?a&Z|*ORo0haj)Uv5THG)X!#vGs&u7=GS0sjpkZdh303wk zF@ZCZ=?mLTv%4MfDaT!;6zrI?2xd_`3gMD(N7ZM6Az zg!^@VYrd6ee+RC&P_ju}6moS`74fL9^;?~dzCLA!ON`%8)|#DdLppbDOfjD0;W8}s zLKHk%67_wO@w4bcQMdJy9>dd=IsuZOzV^xVYfnK*o+^`gQOgXLsaTAI3<>xSY6p1N zYSm%`(pF5LMf>wLFCqB+7%M@s$F@vWhV*#U2fUNj<+hEg=FLUE3UBur#et4;X_&g^ zdzvH6cN(}cTlo*q>?t2CqEJs8r!DA6<$Rojht#_Ok4sOUqstb#!-i7UJFS&W%$Z;S zH(2NlYmk}L?cQ+C23WrMry}tmt-29%(z>d5;>FERJ6ds}7EPEKydm*v3PoCJ#~O1! zTgvE#LTHC7+n+d;0`cDC(17rwuHp>fsyWE$`@eJzXpQhrlUwIyZ(ef$G;mK)OiA9+ zn+q7T5cIftdWa%%=<3{ ze+TXPe#}kDxx&gOQH?T<#5SZc`S#U6f^Yaob8;H|fV%EgoS%3I#9bzh%ghC4?AQyy zuRRbi*nVl`@IT{6?w)Kb6qwB=Y4K<%vu2Yy3Rz|63Jwh3kF-9yuJ)a5=QFd``B8P~ zZQqSstX3Sx&qAls#9gb@t_R?I#KZcqIEVqVsIyCJ_Md*UptA$1a$qSra8|iMMPkb| zXy+HQJRO{%nH^wGiTywU+wcx!;JWO9ZTzEC%2AN$Ro}>~6^3(0{o;;&UB5?~*^esy zzzq=^sZ8wVkI%7)L~ooY{0J|A{Ob7N;s{RU_lX2^5*7*kbDW;k5hZrPq1 zhvuFU1l0pY*y$DoL!GIjkax2@&&B6ls*dBW(9}9B01E4%E&gqbb@TkN7_108qi z8J{ex%e>PrAF>CngUis@+jr)1)d>sGP)axy`UE`UmS`~GSzc$($9sUlgplsrTCy4DFCTRSpo?6FYTaIO_ zGp>XvoZEUI#8SVRWBzV3r^scRy|dv1I1*H~Bh1~yM&cA7Ms9={VQ)u5hufQ{w)p*T zk0%YgSK6NDDtO)+kF)a&Q`>$Gd5272BnN7$!FXXoJ%dZhIo?B>za?<|!Wk74KX>`- zwGU_33CP!YBZ)~2GV&!LAV`g|+Qz;uCf19k0A`Lmsa(b|6RIgA&*;ng$OoE zDASV}y70Q6YgboEvIXFr-WrP|H-dJwk}u2@s7vl97D z0aUkf8mb-=8NNZaxH=A3sRu>A_DQ&}+;b_;EmYtR9QI~WfHVE~^0AquB$2k4w`B(C zJ8%EmouPUMR;ap80J^7*6ZR`>Z8%z>G++v^$izu9+{4(2oEFCq7=P>tXt$n}@eb+#&Pr>IcmPz#}a}6OEG*Pe-=cOm* z(NF6@ce^t!>_f7v@Y8OMgBMI@@?OvTk`Iy6A8vgAu#gGn+j;+gz93;wSBJ{^a)AJ! zP%>Q25j#m^QL=fihD`zli?oy1xEEu6%t=rEc1VNd=2kLC!D19fq~wEa{Wf=a z78Fa0^5aaeM1TjJAhm%lbDwioCkoWk)BeGf$^KdFPA zF0*u2%;aiP*1CgKeoeW5KKwr|wdX{c%fUDyT5+k+qy3yqS^+uOqW6GF+opGL}@VihpV2(PVp zD1V6PJa82p87F2w-54?6#%f`;kT`+eBv`QnZkQd?$C|lat2&AiT>{%yMqo+g-Dhm9 zsrw60cgES4MbAgju^!kUGadgD_dYM;Wo3z3PmP8qQo5i8c_zByx{*q<-neL{L~qlG z3yS%V<5j7BpIXODQ!t8C3-&RK$IjSX=CmLodW!mABWP5a-k?Hy2t$0UfWbO6fKc?X z8K@Ymc(N{$D5ycI$Wqkb(iYs1L2xY^m&v^=;x_mRG%ibI)mo?^-J^5~wI!#ctiFsN z~6Z(@{-Jz@!Pm>DXt>IX~dwT=ry;kp2bl~u|BthRbKMyrS;Ul_*QOV z!FLJt=*QX=K>P9Uk}&KFNjDmH-0s+`Jy1bE|W!Cn%zOlgMl+486MN zNpANYv8#IN&{!jTx;;YCJpMb46h((tSau9&uAr zZ)@lznYBF?f1wAKjptomwa{>YoB7u#rT7bLz_H6y4B49qQp zR?S7e7pGu&$J0|p9kvPsk!?ZBIf_z^hX?xP-Bby+aG#DD=r-q>9Q2ju+{Xh0b~yo+ z4TU)EP3F-8vnMq&hx;{+E2|w;px&LCS_Lu=x1R2J|E3|5UI49J?;NxlJwbM`;G3|K zZFV=9*DKoZMy|cL$(SxWl+ayN(TMEcn8I`KGA6;g1O@(sIs|=J&zh&dyz&&=l>!O4 zSe&Y0G5!(gs~s94@g6#C%-i!q$)JXrvjdq(nFkyOBM!@#+6bp#Wc2|+Jtsnx83>xb zL|?|8XBPU5c(+PWXoiZ@5+Fj#dycqgqH(8Xq`>(h6x{Gi>BFX|W0C|%JMf%RTc=C|KxFpoL<};~ z#^&FR)yxQlU$5$C(fp@B+&Qzu55iC86j;OWigu1l~5M5h`wxMersU#)ID2H8XTu6Jx56%AKR*rn4mJkr>(IN== zj4Sm0Vq8ZbF|xN4LKoh0S7_CR`QM7!vFU*P}?g|*_d3r$AD zvzN{g1`d@JLOh*%RGr96BzEk@11fnzD>D?bG_O`IM%IGweuV0ICFKsT>^3TUM3=W! z8zUzkYSZ5Wl42KhHB>(>K|C{ra{(Hc<{>P|Okr&}hK)-p%-CHVp#`gGinCrD>o#5! z+L<$NiJD`i+C6D5IAsoRP`48$mM$=GvVV&>TSplE2SRkqY#Qsv4>``Y%@_h0296FP ztPhRkIqd)Cp(vY5`V#k4M`5zSbEL=1fAV7GPSSyDptNF zfmQZcB4(!vPuOew3@9DUs+drInI$H8Lr_+ie5wk%bI`wW&TWed3?*7CE6-uFT-%wO3XfM*QHVImdo6os>Q8 z`Ii>ZnrzWe*L0Skw(|!*h}A7mO+4P;?AEG;np(y03F(EIC)BUA9S!bnB{spR)kipP z!ntwx+96DX+?V~vN$uB+&xZA2_*}m+QO{8@f}Pb_YIQIzn+p^`xm>1yv>1gc>hY}B zsq}KaSVKk@W+7t!c%EXwCiS9JGdq*+7TY-Cqkfn`=#j-M4@buw6xjkzMAbQ%HHPR& zP6nmk_=@XO6{~aB=`isY%v-4tww75EI*@!0_#HcoPCLv6JHwj7JC9%0E;C_v55>hQ zaIdw@P}YYCbrpR3pl5vI1`y#HMNu7}!$|X2kfZ>FTR;UQh(Pcj1HUqqxt<|E5K`g!AfHpF5whQgzlm zt7fr(Axdjg2zSZlsV#!BVj@|ZSxT8hjPpfjPe3qqxw|OO%MBI?ikVHxN{10h$0tc^ z*XE7gf|(|dISE2~Qr@A^0*gLy`(os^Lc&U)FX@C?TQ;K(Icw=K2xWnUeWN`xgdSw- zN@-BoUh*!1>Iu6e1RZqUAn#0eQza}^_wtJ^DW-AYul4i0f<%9lFZCInI-&B$;cEd? z(jSWE)LZeLHOJN5R|7k#D$Af@N3Ze*?>dsPL#Zlw3cOR; z?J=I7Qyj&8sTRT@^%uiPpvMRawZFS>(Mm%zc}fL!mKvEVuMYS~u1v?>KPf}xdeJ(k zj*qb5o#7ikxw6QVtIK8ENJ5u66q2ijDUD-+5 zT5lZI*{1aOh5qJjV!<|l7G=Mh9Kpg^_AVKr%Rr-ofn?{JvCmnQdH%)=prZ4gA_kri zg&o^909q|}w6y(Zvn3Qb3{pI9C(|s{_m;Zj9G$1JF2_j3T19yCB>B=mFqW;we{Tno zAM%iDipdCzMZEdD zS0t>m|Yy?+|3p(+3yB?SMDscYxSAkXE0h#ie^L7aH(oAr$hrivIESm!4j#?Wch* z)=~Wgy{4sS4E|hq9jctIK@f#c>NVG zT7v8W2F3}~?0vn&E%yyp0QT4BSCtWx3JWYdWprMkYS-@i1QkZJGz@_>A2kZ1D>7AW zJQty3<9=ea6Gr@zEt;Y=Rj@%*B0d{bzpaUt7e#^(Z|~EMrvhr-=q2To12#`SFC=Ta zkJJG=pBsT#&t_L2flO+am<(S1hnaJ8W3x;3vDG{M*Fu`6072cQHxHPZh%ohIC|{c; z6vJiR0p;;xxI$HH&=IjOJQKFzLbM4w4vi-d;{I?eO-G?o2HJbcvk#ex{OhWJvUqsL_VXe-%S;SQ+PxMhB1mQKuZZ<@T(F0IT8 z59HSEo`%O%>5QXSo40LJaytL~?R-v4@y|0$8u#;(SL{gM(n$hvw4JK~G6pQvqpOpZ zh`M5t7}zj;PtRf^mw}#r9}cXFvzAMTvB(wUw-{(&Uk?#dD-&=|R~{u#BS+eS+fRu4 zY}nuZyWB?RYl0;~Uko#1C?6U@Tyh`3qsYE$BOr%(*|ts~*4A=sgbbJ+qVMumECkps zmYhZldm*<+BYk0U%{z5%@_wgSbt^S%YBO^|j9p0yjZCNK_%fgN z;6D&VQFV5=8||W*J$RyW%KZ%v18D(~rC|&vFv4%GLT)DbN979Wt*``Z74V3*kHS`VS^3H}LsN)i@mg*G417+&i|mv!BTE~1gtEKXG# zK59fxp*UGdlYQwu+dn2yi8Yx;;aoYst&O7}=X#BZubX0Mv(BBgq@r0X%pqe|WQaKF z(Qt8sC2D=n9mqOxN4Cnv!`$+3W%f~iaQdq_5LqXEa59kikP+avzY)*M$XCJt(M`c# zzP?L3SvfA2$FOwU;g>H0e(;O^r<&<^yn9PE&f`mcJEQ-m$0huRGIOheuBNA*R*f9% z{ctm)7&F)Ihi8MX?K6zTPyU^_QoAbqm*7Afgf2(>9PswNiKYs)`X{Zdmy;X<7%^F@ zLxsH|xCuDnussKKA2Uxd{r1@w+Q?@ttK569>umr@(Q(l9FVHKe>2tBvrK3pgj2>@* zoCoGeJHI9F@$@y5uIxJJb{zx*;7cS?8JVCk;#~qijp&$Z#6Si-Yg_B6;^$pT)Dvh> z(>j-KkU|^57?`j5m1j$s0}g^V%d=j5Od;HX$HIwY48`ad)p(xaHz6#+Vdxk`Yo9gX za1`lE^At<1xio<-8vJ=sJsnu+&j~Oug#?0(2*8}Fxm}BgnyK%ojrggmsr>$gFBbbn z3-6@{z9Q<+*$~qNsVvtSL<+4`*I`Q4gB7f8Gq!P{ z7gq@MXu%T4DJd%qttL*>WB=S9bB9SjNwsYqFF0Uir`@5>;ku8L>iSbOF~8GmP{F~} z(G(H|dB%2foOklW;NHqSa#Fqx5z{NwI4YXZfpZWh**?LH28;dxR3Ci?{fIS6|HreI zRLFM5=AM?l3YVHjWm_C0u}U*`-bUQYQdO7xu+cM$k?K03M#!wcn}CI`=ZaG+`UaKn zlG$bh3f<_)dGg+UD$e~hy>#eNylNTPnGzKz*Gpfmy^sS`_&dzG?$Rxz2Z4%0t2*)< z?$%jHmfTU6msh5uOLPoU@45lBTyl*vp*o6*7WkLMht6_2->;Y77ngrKdKviO2vP5H ztx{I^^6kVXJ;tHgHO!PkC7GyLhTxjsxq(x-(Wk2kpgwTXb$PF%l{DHWP#1nYk*OL+cK?41BJk2L+Xp^0FI*yP%+HQ7&#*Wt$mw>H6g! z@$Ydp?LCuOVOSKf&|#8+DhKnd@dS(A013FOzF>HbXd|{!9!8vvkZlrF-Ws6I_5vFD zmc&3;OyHY>g~7 zUSY}cGfdqbHc;r7Kj&{@o z$smFES~WLyH?K5z9ZV#@!=DU6?`Ps18h5n*sa7urW;L$z+NM_jX!4tZ52`YQ#u^Ls z0exrE3h`IuaUerdW%wxYJZ}6&A=?I!cH?(kZ6GTa>3!3@9o4fvQzsxe{Obbi+o#@$avAc^3BdW(lbi>+!`Ci-2yn(|9p7(=Y*ES!y*4nlF< zYd~z1RI)IuRMI?ogLr+%_{3GFZSLhk9o&MDu`i-f`FE4DdGMm?#A#+L%BIY{Aqly4 zGKquO=j55(>~3JaY@NbH6&p;A?k)nyCQIJSo6A|}SK#OdQ4>;IOPXxfm=ozG;g5C* z9!_0%L57aGM5=dk$OOEE5OW)LSGcXryx&0!+qS9&!aPtxuzEeuZKYTL4hEWmyyLqy zn|8stwSS=~%(^;V#pg$=ymrY0PmZ<3PGj(7|Ix$(us^90;YCiCPb7`ZA^zo!g=ueo9KITCg-jJ$ z@bz##F4RRx=$-Akd7l3>%XM1Rwv-N7}o z8NX3*$%`63eB&>J0m;Acyc}tsLc?gX_VNklrV3|PgU}So3b{m47q%K{CA-0aWQxj!HCYnuj1Bl^dsWb$bBtwPg*UcT3oGSsksX1*+~G2&dw_g z&!g;o-wc;^F1cBi4(2P1>hM0X#9k#=rqx(85N?M|7cl1W2@irtJX!Rd0LPQMMLAlZ zmQ)9gl9devx?V{LxW+^qxF|_#ZmbZ|viBn>&%#2{({?#``^oFuBuePM(oUH+)h1d)NhdQ z(t3x+kCxb0qH^GW-!x<2OG*+LD1Ea}3B3gzl#QYI7D|)FsI7;zrWK5N+&8903F!m# zRXTt4xAWdAhbVm7oUrPVQrb$aDCMA6Lz4@wik8MP{&t!nG~{IkYs9i4&??68)97|! z&fP78#@6vkT1-e@KfMC|{E3rff{;apZUbcg<$`>}5WfzOIXI?(A;A*h#Stcxjvq%Ttp z84F6WsKQs-az*>u~Qt6_tj;V^4P;J0(5IBGN0y^P7 zi6SU?&9pGb9$hJInCMrVfk;^KrF~aM=PmFLkIA@XM#3IBLqDR8j!m9@(Awm|qXSH< zEX7R(Q$4ewo18rvTJhhKLD_HeeTVeArBtm~8BsDSDCAS)$pz@T^qI$l{c|TLMfle! z*gC2}rX1}(DVynnGZIyQ3`gh;Pz`^Z3V$=dh0KG$lV!`K*u90skvwG!a6x76GsWHR z4BVQ$tB^o@bdz+e-R8!<)$ul}L?W|)Ik_fG4!uCh8&OseRaV{tsKv6>xejTZuda{# zrR>}vNaF7>^n7dQx8QpS`qb_CmPYCfnrK-X!D2%##IR)@pns5)`>CD8Y&YBLe>NHL7pm*} z4zCk@dv^(>EG=Wjb|d3B9rLL}r&7!Qs_!*0jUAHH#y^~{<#*gdfwr8eRhhoazB~Pj z91jNYFUX}y7yhklT>=@nFKMh={A8j|_&Yu(605_= zm4-a=CO@d}>upOU6imD$@$bMjs&>lc3w7FAs|<-`hdRk^=(Lz!M#1G2d@ily#lsg^ znHnx45EI}r%z$d8v4XRuTEv;pvd@*2%#XpwQD4UaUa19IJ$PCvYuxG)cwx+(9rUvs zRLhN~dqlrizBG8}7*k!ToHjv!o=!beq8NFY$RyVShQy5LHAS+{6SOztm^ERUUz*_u zp3?feDGF7YGQ}(~+7&${>`CU)Y4K3lVQAao7)C;)OR$|LUE4tPYS12RZCwHWz4hG5 z1_1)+s_uZSHl_5~q9U68F3{i2HTu#X4Gi(Udw1jv(YA%b#~}e|x1Hqxc!46I=nLBW z5t5oggSRK{G0AN4Gi?tYm|5cxUC;<6Z0Os{JboSqm*annLB5Ycc$W-*$8ZlV`y z6hwKXaE_>?;}r3g%tyQZG2Fv*2tLfi2xqqs7ebDds0>`I?MXz&RSS<2<^#g)3xx^> zf{KdxOM`q!+V6oOXQ>xD{upF?e&eKO!UYZ2D$%L<$|5}G#cdhm4Ow{~;rVed?&4-#Q0p%j%S*Ejzw19G-{8Xa!07<1luTD! z68QFdSy%pUq?m?fs2$^Myy_9I=~ozkNu3c~f#bD1Aysxe`p#Z95}jTkC3{wIT41L%)I-9i{A>62;rC|@4w>^c z*<%&&E0?OMU_sdcp^1$(6iREeqY)4jlQXEvak6bSyp2CC+(3)k2oQ#tnVFgg3=A^l zzZatR>X@=;2B$xWE4ixmZ{~CLgGDQ&9123=K`Lu1zeE zSZi3IMcBt!zz;1ow_?sf&DHRING4_mrXY2!z-56fz*f{o6VyP^rr@li=r|*CaQBe_5RoTE_gw&+9)DS@Bi=d=SDk^}kia?v4_sj**Bh}qiz>=r?7wT_{66&Ig zVoC^;4`+BF!ane$J&T{xD}Y0xw>iXH=7v{UL{Rm!J~+^lnVg*4mW)hIO-*#kOsrgV z3qnb>o0{LfGApw?Slb4d2FT7XzJOX@FV3Nj@z;(V1@l}l%GWxIe^op3*a-3yg~Zm2 ze$>iswKw9QR_^bxH7}B^pQEOaH10lRu#Z|MGl*Ef;R$N$36LuIDcdXoHV8Jc+gLdW zxtUmhdcXCZTtedtKV&dqkt}??pQZTE*Tg};iLcC#y6exBb1hE~?6#lVSnM?pZr^Wl z`=8H-7#mx>Y5Z(FKngM#17j=5x8d!Z`RtVKPs2F$xO7BRc^T7K5A1BH;LJ-mH(Ruv zot&R1V4Q-KdJ=xm#0(OsT?2UPmKeQ}5u?7j#n=2A3Q+1(aB}P8)Zpr1{z0Isy|LD@ z;qg_wJhU~kb|k+VlYO1OWHWW0EvQrgIQ_H>1ZzkFZh<}hK-}(I?16xAaB>87@%*&k?Lz$;17=`jclv|*{wWv$ zpy^DGiJwGn(oB-p6-(n zTZvlUEB^ar(aR~GW;g7M&sjPkLlX#s5ONbx)ondLwg7Q-24!Flu!erx2?FeY?!58a z0LxT7R17pIxd2Ggdb5UXqHSWPZDoLIZLWYoAt6ECJx<)=>+0%(dHipc*dW@!$xwh$ z3uCGmy`cJL*8kPc8C?Pa%t_YQfn>wcNq(5S` zK;+}S^AtcyOS|FteWai4e`*O|{|f;20}uwPFG$CpRpl?-Zgqtp#DhPxMtAK0!rOo0 zi2%&RSKjyw@ofh83Gppw<;Z^Q;g_}1Pu%e<4dXYY2{=Q>H)KOk>&(>l44la$Vx0RX z|KYBu)(>b8YV!xAcdgksJ6I3%w>b44xALZ6pL>ZL!2ebS?+1AIlI!23*R6AcyX??M z{ylE^w12}mHGs2zZur*!x;K9P0F2Uu-14v0Il~|AYJhv^2W%w==bBa^%T&y+{W8EI zf!V={!F|!tHy5kV{qys1HwDWt7ey*cgD0%D|;Q zchxk>d=xBzpt#H(Jk`fGvIQ`99s3p?u_48m+#taX^SdOwIe1 zVxXfdGbywHGkLMvrP5F!X&3@&$-i?RYeIoLUH1$0-U5jC{W1HB{j-i4^w3Ga#qnT` zpeDKSsxZ3>cd*8pr6O#XO0JME+qebpORFpm@rvuDV~>q!$JVG0UR@3oU&$J2XN`_M zgp9r+q~v7-I`$sABU)05&~I_=9&=_W`e6S_&eH8sXPkRKpeJFEt%7W*KF|XX;)H$W z)zj`L_{FtNLCi?m_$N>VzMKp*;n^$(7{Mll>^Yv!ecl1^rpwA~R%bndi?4KI_AYWZ z2CHQ^SLLdYUs85 zs$^R))k%eh9jys3;CW2Vd3w4QmoPS8m z9Ks$DWb7e=PQIZUS!DCM{`Q`?<2kiCvCcKx)IQvX(IQ^EkAb|DqE3OG`HdhF!45@{ z`A{3i)A_FyFD55shwGqf`sX7UWl|WS#A~05>Y4CYVr~{<3r>cAQ`hckA&z1vd?seV zCu!t1{@{v-z8!XCzmSocqu-4(N-yKN#fbA9&Ar~3pXfwg;;4f#<8$7onHcX&LN|v` z@+P4dIlIh87d00W<>*#^{`2t3isT(Z1y2_b&m#)^^Q=We_K&_qU69|BKM+~ox}~g9 zV>Py+S>vLI61JYRnHA^?#Rp3&?KZNx=B=j(g0Lb}tkzAA5!>H|B z68H|^zkJ~4L0NtOP{vFJa%Z;9o7e<(Xg>+DrR&q;t-$x(x&wFFdr`gSsOOBJmzSK7 zRE-1%Hbe9FCni7P;u|43L^T5esBbdL&rrktO_tRLr?Qsy_VUDy!%O$s609GY?S*S z1jl{2?~U2Wwcc|wnnlq2F(b$?+;%w;vD82MV5(Lpo__iDj0@;K;JhQn#BGPaxIM1T zLhL=)8ZSja6a%zgb2DI_9Xs=BZ#hSSt1qNmip;-Eef}vc0zXoqlaYHo9S-xg*;CEP z3_qB)!(J+xL-R}PFj5B78V0KZH$_!Vx2=z3?129VLO{L0j$b~dP;^D`ARd^JqacSJ zy~Sq8;2VKVq)W|R2)?Fy#JAH_rN$y4`Cs>Drgk;UtM`SEk}h42SQ+u`M`*d8@P(lA z3o{R7{iyqmxKTJK&W_3;Q5x0Elt(HO$6tHkZPgoo*2>V-;p!G^Y4^0vSp74a$HgkA zrT0lqw`Jve^u93%`#DwuN|pW_mT=q0Rm#7erybXeW}rA7c1v-pSdl;86Y32)d@`CwLYVyJ^Oq_>UKlG zs3EXqlCT^CCMv)(X|B@^ky};}{JZv+_SaA}*&rU6rl@9+Y3~YkWjU4hj zu|@X8K5g9CLGkMmEze{EvS&iuRepy$lw8BS@r?QT36%_fVfYY^mEdkqPxFR4(jjR9 z5EH`$1MaBY=9z##IckSn%O(AAZs)?KXWBcNYTp5!vOmy={%9d(6PJ8jkGB(KNSV*YA*a={_I68MM%8u+42PA9)g(2~0N$bLxvAzbiO1tBU5imZ;344FVytPFFjgAjOP21$ znS|LA9#xe8R!6h_&Dk6B%RrZ-;2fseUyWC=t$BZO&TEp~H#7M%obmeU+P;6A? zzM$Rf-TH>}eb9vST(zNw&jTk-v2@!nGf>tv`SHSPK5oJm(}|9`cR`3|C0FO+tH<=k z70qnYeG+wzq3F6JE+{46Zj&}YkOZTj@Hw!17Ylnrh`tWB9o!K3lQwPY-gwcPQ@0xj z(xuvCJWtmcQBweW1z<;wsHp*;U=&c2>A4r{tgK=_Vxg9Lfedv;SUgBe6$Yt8MB#7> zyMakQBaEc>!PQ-%cB7*sLkOy5R^bY-lssT8i?vw$vPQ-i2eme7`KVZlGcd(33Qd^1 zK8EPSd1H!Ic5%RykWkySUAfAFS!z8 z(O2mj{8dVKO36qNz?zNDTmnT@0V5U~WMz7+fmmg9c~qrBEUwgcd}|KKw$|;p#|-t! zH2!<2?*VXwy)#I^Ur;yob5R6STq=A?AU}7d#Sd4=$Um^<3&|zv+q$D7+le(ZQ~Dqu zryc^fS)ws$kI-;;J-)HD<1ZGEM>EmA1?2SEX;VJ8`b3D0GA)-d7DsU6e`t}F2Rhl4 zUBkmW;F$bcE^x_wL=Z$EUVSbzn!uvwcQ_UGD4%cFtWwD)ShVBH0RHCT3$$&!C(|ka zh{XBRiVgSG80|X$MG~$nu#Dl$6Od>)O=0S#ip`^*On?u?5d9JZhM|4D<{D`r&v!ie zi6Ya_PXHluoN-*Zb4*LY`bkEtVV4nj`t>zL7yE7b?w_G$_ z9_|qbjEGoStdXVt@_N%AH%bx)MFbesrXyRht;P)PPj~NExTwa~U^%kt?yfuM+hX@O z$gA3JH{;(!&2+BIoG7zbQ5tP)!Do*|t$tsIozi&8oumdR| zmmcoRpa{3mLKtf0@rLrRFLMMYQM(wI+VL+_`VO<&L6d#4BBNMJID~oIXG5R)6i$B$ zQeb`E>6o>t>8Hz%xC3s$)zjIbY029w!x$~R08+@VW$Xo_z-9ZC=X7v*a7R7E z^FB}A+j$Lo?1to8s4mZ3%P||bY>bn_M(d;Mr1HF)h4Ye(a|0DV-k&S?Utt5G24FuX zg7&y7Yuc0_6Vtxx=Fc-_*M&u02{yByXe!&%Le7{ab7lVesL&j7|C73Wh5?Q_^EJ_- z!N=VvqrMI!dL?+jJc^+Y&OY3`;4!ixOA-+~+Q{`$Ug)dRiW76w7<{ z9O7bDFtc&3n9%L9p8$7pZsY`NITn_7XncAH)w<$4v9Wygh^aPe-Nx>;%?g)a<+i*a z_ETX!l{Eq?k%HBI;S~D>GPf%CY^qqKYdu{~xbBJUg0m~Vp`+%M^v$NdwMK=587&F} zN59AI3q%<SdS1kyEdL~h6$^x~ zpX6nv)GEG5#j0Lt7Eyn}1PdpnfM~GO-L>tEMFBt+ZT=78}Z*$gVTuVD_>xfUR)8|W4Jnx6{ zLxduGJrB0HugDt5P+yZB6Q#49IwOz!E(?vr*YsXZbJmbvhEh=YH3XUwHBQSqw=Ah8_R+V0(rG2X~4+gVT6g6@`z3|ISbj$k!-Nm^#jgJLe>6V2HzQH{M?Xx{~k6q(zgwhzZfTqFN ziVbyl-OF(@W-D=Bx!R_ghpZ2}6yVk%XzD7CjRdM5ign0&!d^{oTYXpfN8X4*T5`9Q zJ~Cec{x;7(F7+7DIhUXtZ1eaz6!PNUcD=?P0S>=NZ>-Z10EN87hipG?zfs{=FT!?R z29tb4i%{8>ms_oaDsf6$%&zrAPw_c?E&PNmltMM{EEkbc2tRvVTNNe!dST-?MIEiX zDV)CV4VZSoXb_%w(zcQL@h`ZjXUN;d{NE$4mfMNcZ2mN@GkJh9hHI9dhyF#~iy-sY z@3YY(nmj2K50Sm3zh&m(V(k2@dfmhG3&N4}Dubz`G%SgZ0*iVDF#7M@br4^9o0MC^ ze9E}=WKBdEmWmIR+F#m#!-C;{3euzoI$GF`arYMu0?`){zkG@D?lV={W%fX`$@fdO zW-BadJgrrsMf#17$dbdl2QFeSC;SUh5JtW;O5O_18bbH+r3F4+eebMYINYphfNspp zG8Rdx&_2@hIITk;+A zR|Xf{0n)-cjqXAsrp!ULKKBUqi7%ohc$%lC5b60GbW3V(+Y15_ldOiLC2YO-E21?V zrAo+aeXyczKhn0@Hnu(?Mh0IjmX%SHp49r4wrW2ULGH`4a}U}ENtyiuZ-zm{kC8y; zUc4HQlaDTMCw^1Yzf)i#4{f?`VadT zF#&}(JvAy{CDbe)J_iAI$C<4w^ogv^Uonbk2fpAzQS-aVhMF4d4u*M)4HNWBUvO_N_o zWhe!OK2YIv$iB^~_<27Wu%|1U(Z&#D=>}TbrwifsjZ38hROD)t{5yFW-RMirp_B`% zOOWnREe`!AxSa-kNzSnJG@nrMCtGlP^w9}Q^wVP~`hrt)YNu^MmAp|!;1J%bNs600 zXV#}cbn&z(Jii34qj89ciAUiJeN1bODQYjn>0F7}ZO18=yLKomLDu@5f!BO5#p2Uj z<hNMa}&9-LOde41~Rv1$!MOIbp4EZ%i(Ay0mhv4G+a)Um39{uQ6r#PO_mWg_%VxH4>ORZwcs)m&tn!u(&S6c}4e-|6{C4X( zRbLEx+m@dLYzp_qE@@y%q1iK7OtoKp8IID&*9(pBOU>MdvtIT2-=rLHfOTU#9GXkX zND+qw6%gfil}?&CBh=fDqvPEq42ZrROk&brK^Rk$#$`HV9#t^~SUOeax=k93(-Cgr z48NS&qi_9Lzx3+UZZ6L;QgR$dhnQZ<2}%__%Zqz&J4b6}E|A!8g9d|V`PBuq33Bb+Y)7ycMU;mYfs zk2pni#Vvd!g=q#8#N14}{lPy3)&p%J=)2)Ss(B^z?rVlnQRO0j>Klo!>$V)(R&4AE z>IZFACp$EGW0eh06XN+jr-)Xzf1+qnn&j5ufa z>3&9uTYcERldOJ-nF4I~MmRi#58I5UhAa^xQIlzT!)V`GwrL6k$GJGY4DWyb{CQ&E z81U^1=2#^eH}thkR6;{kj;cj8_@UGgXLwYw9G{syUFE~m^-YnM1FhhrvBys($K@`7 z{C=xoIG6&(NW}DEBZ|f0lcz=a>vdcmWgyN~pgVa29BQ&g52xjPa^gA%!T~=g;>?B6#e`Z0JgUEcS(UBI{86dnNc}{FVLpnb zYL>V{C6d)^HVvi6DN$WNQ^tlH;#a%+{g^@ z_^XF=RK|lk)#C7AI*BNIyAlnLSpLgZpKFSh#&^;uDp6mY{o2>4?66k8xaohfTDH+* zt`Dy>F|aD08Q765IbMYg(qwNABVFy1j-DX%h*(~}@x>WxHs(w9?yc4P$UQKukNJFn zVJt8ib%g)jvOtt;wxDmN&E$JAPJGTvrx<+RTXyM(gh>RF%Rp4W9CPynol8;>llDtT zvk{I9$i&D$^tQ76GCgt(l2Z~dP`D~K3I*z#VL>HiOO8N?DOd4{!t14}#1%jLnK}eJ z;y5XAXBTjJzm_EVbIi9Gr%51Q7pw!4p=ZgP9(ndt7qm~--ZBjt$bDtLpbb?g!Vs z79$_Mm~WL3y1MCgk0(i@PaR46F?8U{MC46MTa4uBsGd)dq1vOPG}{EZTBQTc^r9<}$Z!B;RuHZB`r1oCFQzR&db|P4s=UEM*Skmb2Zqs&v1YXyD&*{Zmc!MWZg}SwRybMA4Lv8-y^aI+wQ;Sf{ zFHR>eiws2PyW2`KZI|k(#v#CZr2fion*M%x`Y|t3+e0r)w-6BS$hq?k+Yuan1BK!A z4veyA0y$eGmwAfrmc*|tlW9+DP@|XuRUetTbs_1zS;GJe2P1Ttn8Q(dTqY6GmrC%` z$9TvWP7B>nU{%-SYDV)ZOSZ8EZK3v5X?vFKjaSi@_x&tSjoyhgX20J4oO zzqih@|3a@grI_?7pD!JvUjn-RjG#JpLLKTYwpd%dZ=cO>5hth=ve}DZ0vvhq0tSm> zyqVKCN4}!`%D%qKb<2aEHKsY<)zOe)SZRlcHe!ZYE({(zDhVJPY9$^YY51RY__ z`XgbgP5t7E-!F6(bSMlkg91$ghlbs_nh!!>CIi9wQE+h8snSKR)+WaSkHF3?Awt-{ zbHEsbioDy1`P6H(Tlrv#ukk5Sp>#gG#zn~@HtW$Av7wC#>Z_#kHwb@*j!&^eTdA0R z^6kWcahZYcTf83yB_nv*M_OS2`n10Goj9Gg=GSLv3D(DLW+jGuR50xJCuv7JCaIws zz=@YYs3%SN?{hGbITK-(s&sV+IKr%ct@7|;H%LlTQ}Q8WTxovaB;A4>J^&vu>O3ab zi+4@+elGX@#!TX=Nma}j=E8v(9LM6^YlhkPrPVDI1-d#5qj|BqaSM|8KD53vHO}@I z`xp07{00aOBjU)>yEdCrd-?V++q2a%KFh+Pkrka2t4i>`+3u&RI1?g0zSO7A6*|0p zuheBCFSwSLrG;;WE&(L;5zp^mdX+GL(BIm2H(pmuophg6(SH&>8Hk8a!x3r#fG>C^ zavoK1mbSA0xJyi*mE@?;ics4Jrf!P_sM2MEz{Z)Zqsz$eYS{s4q^jRw93yrS6Aud0 zIEMZGN7!>)Sv^+}8M#aArYZ~r)%gOfbh79sHw$YjPLyYaMSnOO8)G95!UAHIF(%C+ zg5F%Yh5I6I%c-R=9Xe7wG1%5V@)altNU2FM;oka65jXSXf*KbK<6SjTG?IrX+GP@h zB>3q8_m9K74Wa?YzIR=;Ji1*kky=3UqOqu{hftn>IqY0*c;0ZYbC>k2}?NYWWv8GcJ*Tmheha#8m; ztf5X_g4%Q$uVMU{B;ypwBzM)O+Lr5!5>Nt4M|%kPz#O^UP}n1U3tN# zals;-fd9aIs^jJg<6X@uHI2c9e=)kz|GI?c(vq}Mga=O=bn4E|Jr=4@Hv0LM)C3wV z8u<)n#||aW7WZHUWdA{XcN2B^A+TCO+ESlKk}Pi<#NuJ{$>`%!`*bd{ON_Goh*7i! zZJ)*DcEtCql_{Db*CPj#YGHYn0Bft9?{KPLGu(%={c3OJ7u#V_Ho5kzlr>k*8znXJ zjv8`BeNib5I^DCbdVExur{K@(HyyQ9>57#LG3Qi;teU04oZ)IWek#OHActy0G0CYc zpvw!en4Yy)u+?(vt#cq53*h?Bc%pbYf@k8OQon5eP(x-(*w~QcaeKVM*N!Pay+63I zvyg#Buvn^s-r$#6lqD?sjvoQrmGT7(dfr}L{ZhWevEt^y>Ve$oslVhaRq|D@R7(C1 z{COkKFZV_h2qol3ukzkvl;~Tei98!)BokW?sNQcfOiEipHGopF#Xxf*)RuZ8#vJ1YO0OXIt*3X4!|^FHv1J=zMDC*wy@Z ztAndz(=U+_^QxAIzmyVRHqlB62`bcGi%PAx<|d=4RBXE=B6}=@j7}t`jq3 z6b4#ONHa$S{F)kK|#@ZjXrWxl8x8L|DMfnW)oXh(R9m`gR{RgbQSMGH1}`My~NA3npcyB-YD>q8CdIZJu=9r@p_<_G7dOGEJd@ z&|(%o7M5BmSQT~i>t)&(Q^cTN@LWH8k_+`R`0TIc8^&wHK;MLy;CilLmwj||+#M2y zzSa*OA`yn|ano_pGNR1(M+Va`-<%N4$}=zIR==W|-xXU4%re$Msf0fyx^za`3=>{< zu6y2_m#C6D5cA5rpS`d*aA!a*-L_)@!?3vwRmMltTGZrRAwHAi&wZ?rX^727CjUio zQ?${RhUN(^oGZ%ilsBEC1L5;Kx$zh)X<6rtm{~BR$nnbRO5?aS);Zims?ps2=joi# zQZMTc59?z!UAqwu%C@mXIzi0AxL$xq!^?LUOe+ty`b(Baog075<1i{Cx40h8xRjzf zPG?wTrD8{vRvDRZ!i*1M>D`zn_N!Q)Z1kJisGj1kpehp$<625l3m5`hCUyo=THOAp+($E|tm733O=91* zcpEScX@j4+fAK^$5|*UmRWz>|4C`HO;VD*KTjvc`ej&LD1yR?zwzt_2nhen_H-O`~ zRM%>2ATE z0addt=eqJsy?CmAt$FScmQ!395lZgVh!DKi*!ImOhG0N@8EzC)MWpQ&piMVV&-tb|KJbH{W!8!FJFr{rXFNfgs9(%2% zSS>9JQU@4O9d9#WxYzjGt_?2SU)(+n0Q(_BGJ&j z&ByKDBZ&Ff)M>gp686?F^R3ynXuOGTy<#dMy5M>CH}2jLnc0rP9E7|$6Da+yK~_+b zqL-#$)i*e)LGpr8+lTWKJ;}&60$a{X)9@4cNjxd`J4JBf-DpX%9Hdzo%V#Ufrmt33p$ z*B+O8fi;p17`5~LJNVYufMsnsQ7pEw;+EgvD?6@XGLF2<-4(pmHP0e+L_<>5xNE`j zx4P^t3W@S|c@Vb{>SgJRt$0)c(#@XZUQ!yiuwAb+Kl=qsa9YqXET8+JW42})gO z?2pTS+s0;+G3e2lSU9es0)PXKbnrhA(`?e4ht{T&M2vYfqelvEUTJD1YnMgwK){&i)^URUsd19q&lhjyvuY1#G&0r7P4Z&+Ff&Aa#lk-9m-P+mlzUmAcvwOd zJ)KT;9i5ZN*)q<;hRbb}qoX0gUv0o1!nOKWThaaa0?BobZb_hA9HA3>sb~W%v9~ zd>Y&y?Re4z6~7L*XRCulLu>4Jx>GCjaRm$~*olA+hAnS17U2mQ$dOJi4--Ia(SsU}23Gn`fGxO@;NI#Nu4 zlYHUh?90HtKvZ?b11oN4O-)hQ)h!57HI5D@5TxD(jt6VRX5Cg;KrMK9}DD2 z7U4-7*S%=a;Qk%%+b`sLu%yDyLvE^diVesJx`1i@oLq;In_rlXl-h7g{^B9GMPhv{ zrHkW)`VmT>PbRBEZF{$%2TFa>_X0tIZ%$w06WS%$07;}Awf|GRs88^wh1$1{s;NiG z$n8L4Ia1tTtfs?|MpyNdmd_uwRr{|kcm!oqV_gnXd|An@B*g@I5f4_iVu|c@JvWVn zU6f*-`wyO6b2+Ugh*Xh4%j|!o7hT;9vR-SOO12E^Z*|sp6U=SupXA{?S zJf6h+_<5=)57O{UtmGXp%=th^$9Rn)-7iO~j}j(m_CJ!tR?xrnIs3OzP;VtJFt(YB z=FE@io{$M%Qi>l=n?nDv@$|g@DMAZsAz3|v4|p~~I6V>Jx0j7-G{j3LBH58;1bokN zHEhYT^Uf2zN%HCJGE3d<67){Odo_Eemu)5feJU7(;$0&@1o8F9m=)&*Pb7Ue2e&W0 zM4RkDt=|55wQxA)dAXd$HA)6bFL{$71(l+t_ELTaIf9V{uO97gW;9EDQqzc=fT?Ra~|R_=kHi<@^`8Tf!XEfMt7W_ z`t8$HvVLq|*jK=?JZ7E|Q+9lA%I^@}Lzw|ybwWzKMRk5n3sOC>Bfk<# z>!p=nZRrdqQA*Aa|E7tNBza`+!jk29tXaHwYM$n(HoLJf^j$t$KJs+_%(l4tjHW_? z`?zGTeIWO{p*<%Ya0A=N9ZwT4cI{mZe*10l!ew>z%+?JmYhtm-hP*08U%ZRjwPLi5 zFY0R45)lsnE0d*7*;gGou9f_*BZYJMG7Ld_K4U2VVF!@jD7KlI`TmMA2Ck~nU|iKo zVd~*F&B0xNIe}ArcUwk#_by|lyToxxy^dI8evgEgdu1}R66aY(0!2_G!PO<-PX#wBU@8 z(<@j5YW}{B;`i~Xyp$K$c8e0@G^z+D!ro%C-*7OhlY9hUviU2wduMVnW$mEBm!%a) zlKmOdVGX)9xuGh)=6VHR|MeLE)`<=BFDsVutsCk55_*K=%Yi03-zH?BtZ}^3LK`+D zzcvk$&NqtNx)ia8N5+eg!9oqW@Z@chHk6vx%*tqHNdThenKyscH5MRI($J&3P{&2) zg?v+zGd+8CN83H$>M9qZaF*c!=e;U^$j;~n_Lo{t7S3v7?*#<4(+;SuZT7&K-L<1v zx!DnaxZ@g>-FY^Q!4JoI`h;iV#M1=RW_UUQMEc>GR^!n?APwVFKFisYh2^^>|AFm% z9#{5P7#4G`RwUa`TgHg_rL3yFi+G3^NcocKrub^DpTkgM>6D2zewjQ3KM|tvPp+9f zhiHm*qIPF095$e1*(?=frB+e)PZjG#4>}?vjti95Cc0P#Um{Ms_30C!!u1;%V0l=p zK88f~?+#_&G1X3uweBZ;pbh4P6-DK5cdix(->f!xDTcG<@t@XYltQ` zy}shwA#@;ijcn}3_QC%RS!f&~A3^SQ9r~C} z^Ur~+G7*i2?KxvBOnTZYhIZC61@Q%R9WQNL;O-JaaAl^AQ(3HR^cGi!?BP(cXPz0f zbyc`BLn%<>3^ajwtrKA{5muZLoVmsvja`A&o>6xF8QbIc@f(h;JH$UKZrwBQBUW4d zB#(U#u18MJ@PZelMWrR#i7|0bQujb?5xU(J?);r+k%TJ@Qj4aHcsg(nE;QYRGB>nr zo?uCodh6knB|a3VNSl_S_k$3wxX{HIUUfK&rQhzn0=3N@RLl(GI}&P!@{p~n34zN! zX6JtrY}Q#PVL0Eg(1#m7B;74vFZs6Y&00s-a0S6%jU zl|d3{81Qp+@gKjsbsLXTk;gM;#%gQHX2frLaalzjHzWJw)?YVb%0N=F&-(b(@yC14 zFD#7wL&qE*V9_nabus%dnpF_3J^a+0V?~v0zG`Q5+Pb18CFUhQu1ANR+?cO#g95ubj ziy3absQkHMb&`DpsvqNuXsC{b?ZQ{0td}{OJtm7NJd0T7?e>ws4zZz9$Wn@oa=AE| zQGKu%;?&PLp7}HZOV3(*K6*dU0~vY>fw6cgMqk%Ij59=(xv_BsV^Cg^! z!hI}-@6r!bHkddpQtPmZ?DqpaVCWlv3iF31q{y% zSiZ4=@Hg3q`3P>;!AEu}RGQ8)IR$EV(mdG0TiG)hBore%A=d{Wg{Yn7#l15{D-TC} zBC%*j0;y|=rQ{BA5&Wm#y`bYgJ$0rhFn`zVz6XLtB&If)rI&i-bGiJ>D|AmPKWLjy zr7w?;2&{!QKMOFixJd3704%h~+(IvdTL)TPZz@K(sw;4=L&@F6$c)bI)RhHp$fz`? zXe-|&xz<<1tl|@<-J=LJBr?Gg!G`Z(H;iGq3*{VOW}>T9ar8Rdj3Uecoak_e+m-T0 z^4TAU^TWK~=;qWv@{LR2*||DIwNQuW*&K#oRUk6<+$dY;G(CMUB4X6H$t|**iji#T z^sV#E<%!RbPWsx^POVK07$e@XHqY z<$m;Cu=bX@CywN7diC<<$9|H5==byCEv9%!T(8V_bM%KYwLr`BiYK-}i%>7T=n!$x zux&pf^V`|P_!D)p(z-HQ*}}JrOgD*&aA6uYu^X1{hb^jVB!oiA%;$M6WLWW_Sjq^w zUt41pTF9n4FTH1E04S4CVs^7o5etO`whFGE|AVO9qZ?_jK%o0u_y7dvc(b za9b`6E@n!i15T-|61|R)xPzP&VycIyabY${Cc7A6@}p|_t$HrW+<>A6zZ|5EgMqVL zqm<^c;LByuq#n|?n^c20A`Af#4p?d(cC$eC4 z>8cp9haY4gU4_hdwK#2&jJIFjW~o~m+-4_{yGiDePAs7*`zr<6B;LpkfycF(j3}Pj zbwKqVva@LZ>`$5 z5x(s}X5>xU+*3fN_do0y;TEEHO{QYi3*w&>WZE`wCBr5{R79S?_S~R4?jQDd_ z$D^2jv)S? zP~sS{q9G8Y_H6g>O@kTXYINNouA4;s4zXqX);&rdLE>1<++ydY|QSs=%ZB<$wqbD?0*&)p3~S?w#Bxk7E36 zbjKDpUVXt+6uB(;ulP*Vg_n(1frM#YBRI#I3m=LK;2LEp12#i$Wir#cow`rgxsCQh zcpm%w7iSD#b;zS_Uyr!W^1HBc=uNTqr~Ar8@U{blx^kz%D9E;Ce#*l`Ff`$DSdM)l z3w5+_z^eeKN3i=kwrtUAQ4ku%fXR8(Eopeyy!aD0*g0y@yc^>OiGKfB2uYRQF55gh zVzfapf65E%%BAz@lpw#e{$WCib2TR0U_odh6Z5v1NwA76MX~xxj_~09G-c4&6Y_bI z0Cdxc2ic}hK7C8B=SRBa7OT{{sM?Qv!4c48WXhz1xgj{|yEEih(f%!8IhA3{I<6cW zn(!-wu0E@_LcsQpSbfAc$TBJ>S>mhnW|J|9t#PJ0TbX=-WQZK(o!(%U+f$)}1CT2%yJi-y#vh$X4l!7PwCuKhi& zx|(i<<*eLS6|@>cUMxd{bF?bY2EQNGcIAYd$sVJ{^gnyX!%{L7)Em3+*`)404o2nR zxT{W^@j=^p+~^S1MSK$rspoA1(yRnND+9=BuRcy3LkB+1N(%fi#aNRKA=4y|kC(8S zEi}0G+4NXRCM4;T?jBu~C}qI_5B%vWw?MDcLP)HnvpSWVG5xkN-CH}4g{p6?%jvS_ z(DkfOdY0Y^&uQwbA^xso0W z>)oq;#C_}G_&NP^UlvJ{C6=c6IXd6;{YyV+AyjP+;iKOu zmHc@L^?vQyBFwLY*Ej-HYrNIvVNFEd>C-9ydjvmTp zGnp0jVY5|Mfh{oC@NV7$K|>N(GK{6{ib1SekCBMq$F|9aF#BF zi z0IV(MEuKFLkcrJw??TCvn@QXMTM1J!t|!Yfk%VCwW(LPy?GKa3;P`wwac-F7+%Jj; zTdKye>ob^awoGEH70v3BknW_Hqv zhgF*(y3^civ!=v(qe2>79^C8}>I6xn>`B4kY7yGw#~>?DrmR(*>K=*rVDXsxox zb|CkAbtlcpS0&$B+(KR5(#lcu?-4vLfX>-UQwHUTPX0C2Bcw@=&7HxFRT~((`5iZ; zj+Z{<_q4?~NN+lm3FAM(ev{p-;p1qdK1TV;ocM{bW{^|L|6;bD zCQnaF4`pOYrfpEfxZrZPcpTl)gZ%fDc6>y1P-~Ln@n|!Z1p)YgzV>vFX(-V-C;sTH z^YF@VnwA}U3g!px;-Keh(HR+pZfQTpoHg`X$%7RDpZ#e#1gL5ydr*8 zL~-3;iwi2u41>AmUN5qi_;sZKP>EnVZfO z5wAL(6rgl)m~QLYQaO1rT-()7vh!=yp*da0;ZBTSFT!9IH_A}%i#4PvX0*#Wmdx4$ zWNvQ0OSHtBBz5AZ}f3f3M+JGUAmQ!L);3C)}z2rhpL~7_0q? zmu%F`;OD?tWo4+rm{3fJv)1NyKAo4{n&(Yk{at~4<|h#ZWwkJYCJRICc}CXF6-a{?Co*>r?= zhnxfpvI$yI;9DkVF9Du&|6c&jBr@AenkbLJvL>1fG~W_U?5e;52uE=5$Eheyj*0~U z4gqk?A&~nUc;WleSj7IX3<`%*IczeqqLVa%?7Cl0qMXmLy0USDIJFaXm-%UXH2*jG z6YY1Kb%byW*yhqz1JGd8dW5D1t2=Bh?JDSpHQV-AL`-9h1bn>RY`Y}LHnu&Y-fP&Q z_LU@_=xS=YgcFP)OCBZ_81;sWaAQk0WItJyY(0ZDTt9iO2OyH?YiVp>@}BQ^8Z$Aa zBSH+_=j`2yr+NPyJopI<-VRJ=ZGl$$qw)I&&P-M0#ce!S;YpP!(dk&L1Y_a#Zve}+ zXGW8JCRPcdnUtWH5A7nYwRkdjp?4I!ctO~h1pt8y_e<1y-&~y)!{`dOx{PAkY=%TZ zl6#|+3wJ*t;x5@1xI|0ptX^iR=@pdV8^C&A9m1cjA>qg|(%)XLTAVwDrEgfcQHbJn7g#w@C*Z?D(EIJo zLy0nxz0RWBv0}JhcOmU^ia0pe_|X)Cpx>#VSHW@n#Cezld;j$tH_~-1nqLed@ovPR z9tM4}6M-n%T;Fm_1sP$k|I38dc4{UJ;qwmiJE3KUtPqBcFU67`a}1L?c>OU35>cv` zpv*1MsJ9_+akoZ^>lkN3r)<|+dvy)tTf7o(;O< zm^E(GRI;+T{`VqPvO=)#JA5b+ zsg>6@Bu#bBW%3K1uk8&XQt=>1vLW0!oPKOmg+xQy@D9~OD*OQJC*8*|dLYaNc}0K3 zlm_S2eFv(Td3hQ-7}qkcFIZviv-T3YO|>D{yC~~Vh^KEQ0_wKkTDc%#qBrcz#uygW ze57TXf@J>;=%8GsZ|Fh=k%$Bti}^S{i;}A_nA&7gP)hC;alG;Vn-D$i9`^@}fo%`U z@qVZ#)n*i{&;I}ws`qw-07k`r9hi_l2d+(t96}bK1|{KvX`C|&)M2WVXk^f2b-Ffx z=mhTJgU)K&*KB7`3fq}_CE;ZRgWWl$cD`ede zDIei)HNkx%+l0P;+;5pHMhbBh;XfjWbWFILhAifaMnltbdWdrkYUtLD9a~cjh)8I+ zhKF{WuR`n=*MUa45`0UO}rO$aF5)ztg(G7N-YKR1v)vc;J%CCCdkG~L&J(RVL=!?Fq$ zi@1c?ATU$Iiqzz;qJ2$aMm;UbyIE=K@xJit#Y%LX$MzrMZxM`mv)4T5I#u%D^{i(( zTbFjO;Zi@I(&$oNA5i!%0NiIa%uMH%c)IZ=3@5U-8`l~p#BxUa4o)W}JDJHtQ zp7pSS)9=&R&t%y48LnZUT=&4d^bzDuhq5==3rVZ;bi_MGzBLDYcQ{K%5ur;EPpoQeE`%n zefzk-Cnb4^cS7!9sn&j**9wc}6(sXzF%faBVIMBsjxUz$W=)mRm5o9wSmtQ$ScEiW zhk>*T(5q)J?lfpH8F6ABa@KaJ{E(K7fKIUjovR_}K4VdK7-@oKj~txsVtSZ+86m%$8D$wAnfEU8a{e z++!5jL$c5o99Fqi%2|vAU{Rg`$bMX>E9Lyio{s!E7G<(U5jqO9;oVEiMj z^O(8@lhx-@y|4cEmiTz)A+Dr0{@N8X^U1=M^Q9>nxj$;f(Nv3 z04i?o$|qMkuspL%x&x5_tY!UZ;pmZi~aXfu%N7C7TOTK_%isra&m=d?#)mQtHL7Qk&F`#8R3a{ItH`B8U;?yXzc{6wf z78otso*;!Gt80(QTE4;6cT5`A(}4e6E}6OtojU02MiFtxrCU{tY+tM!0*=oE1s+07 zY~w34*wq7{Tj?V3X4K2YxG+)dM(axgI~T#F8)}hUrwG<-4Yl0METpyVqG5(tf+NKa zw0NvRG3({r0GZkCdmL6qCfQ3P*0wiQC!Ir&7WHW|Awz;$p|7e!d9GZC(_}qiaGaPh z?#7ZQHi(uWj45ZQHhO+qP}n?)hi&7E|>WvrKlWR4O;g%{>ji6hiqr z`btpn1$)n&g!|r`1h2N6)bu?!cdQ&%H|uei5_i2^^;((C(jSp>&N;^~&=EZey%%p(`* zsqG=?`lOUx{)&qfYIJjuk2x2y{}pLBqYA;|Xg9C3`mdF^IHv$P@#Gf^}0X z?)HBA(kVMzke5@ykaDz8Q~ijn46EVO*p)1)?y6RRi5y0kr%7lT{nU2P1^Q*c2|NH6Mq(?5AQvW#n<4KLIU7h#qXuN zCk&+YRy3@xREzpFyMGvw<5&;eIo~~u1h3dHCKTTP0I?{0i!ryx#Ox{%0|K$k;6>oq z3Ryzh&CwroQv-9$<#7HeoEdr#_bP&wlH_4?+wg(?9!72f zapTPb*uZ9n3(6<#I6BedV!X#TKK!YQg>fMEaFT27U5QqvPb@nNg3CH=LuE=p`T#-E zA3zxLJx|QanI*vRe*om z?gbN~#R1m|RykT3swo_DFh#)zz;84yQCiXo1~8Swr-PxFh{}g`(?ndnQ!k??a5U}F zJ6MBGPe*h74U=(-`coYSs!P^bzqw@K>p0ReXF7o9bLXo$pCb+_b5VPyssR7b=LEZj zL_9M#d3TcoDw(?=>yb!E*D;@4t8tTs`47DvIb*%I7;1nOMm7dHvp~q?xdU;6)t!4S zVaGV`?N5(Vj10Q}Dy7?RVVo#cb`S7fj3Wl;Y+8x z<%rq#j~JLf;>BsbD-8MydDq5onLYPQT(q0gem<^|`o5_(iCt7Wuy$T|W^}Xu|ZJ#-608 ziv4_VmOM*JOKj^aZ>LBfH9lg|GuEa&FF?+~bPmck*_R1dJF3>~ z0R;ZdDOy;Cnsd(C^AyqG=_LLkp_4%k9LahREGF?QUsEp%p;b*?3>l}OrLY6LWcGZ?_?hFi7SvzcJv_mr6>W!9!f6_U}4dEM0BD(>0?~vNCmJC+_j7(0p z&upiJIjJHu%8qZK8|%8X04dz%BTM)MzPQa^{*bkbis1t1howKN9L3_djGX6y3q(=e zBJy*=thUU z(#l1oGaq9ja>m&x+6UZ(g;n64LRV;psjS8gWzBFp@6XY~JlZ7(sDfPAw`o=239Fo! z=l~GBTW+-=&|+Po`A-0SqaiJX19FFMGgI+atHU7(4p}w7exeLOfh1Xu*H*$16dz#c zTe$)kDLr)1VGeDb8JzQ6s~jFyRVl39SGM%WP0$;ttR(7lD**w93#+hKZ%!jbVYz)B zt9Tn~0WVjcvARVn)~~s7q3UKpF1p)S$NydXm*O_#%`0cs7|LX#8@Ae4lz{b92J9^I zbuh(6e{7ri(6zFc5dySH9a8x>HI1~TfM_~7UWH}kCU+^mqs4e(%BWq8$~dUllgj@K z3gBIPOa^jm^Ci1vr3Pz!9QPtd#^$Xy&LI=$skB6}dlsKhTQiRw{)GN5y}w9zu+9Ue zwKiS)yahC^IeD-;d6+TR<(M%g_vlM>YI~Mw%W=Jfn|a;fDofx&ji#YNoHHO>aIo@^ zNjnRB>B5$pgcf1rA>XxmuAIWi{?32}k_^M_=`XU9+r}*sbvn|xu_+qJHhxUVOYL$EcMoD zrUI1Sx~V}Pc@G`+6IAjzX&BMbdd&@x57$2`5pljS^RJr!5QQHSTp-=#Li|&bV%Of~ zDcx}pqPB~PFUpu&OZ??fc|zM}#&9)k!Tja0vJ<{E{y3<4X5+JYq%O=2^<&nQVX2I( zYh^Y{gd?heTLE=!&QM;*6B6(zPG`T-+ai&yperw2AE-3`toBfxz4OD;yF~%{XL#RC zmgoQDrK_^7(wQvs-VB+3f?*C-L$mBu0N2U;egL!uF8~irhNB-Y;G`lo?}k@vi3-pv z!CH6$;h||=A9)`e8!Cy$C52**4w7h3?=YgNG9+U5aX69Bp}aK$=j?+a#fG*5bISj~vk5?3W!3Z|@qHQXQ}qX22)i>Rb})SAs^V3t z2`R@9O$N0Fu8-!%VA=DTlBOZNyo&+>#rTrYb8KP3`eMWA%PV^Mf{fX|3uy473h zX;e?1dJq}VE2O^U4M{uI^PB=4N_Z@HhwgqD=YFs?=V;+Ior7W+6i_}%KL()58>3@u zd_Oe7?i(T~kttmfuWIMYpuL2<*>EEFCxh-*^6k_nvKPRfm@Pd)zb7L=cEOd!kxq z$D|PvrCMyl{wfL%kJVmJ$B^KAEC#r55)6k=-TT2Y8ML7m6jaN>l2w&ygMvBzu~A7K z{w)A_8Xr9Jc)!k<)R&n6p&@}L0ptBHsiZ)Dyj+m=RpGQ+h%pZJ03g&T)pZvBqY&H? z67wspTBS$Nu?AnJly;8fx3ugtQx@63_0F1k3r0*^b|o@!WT=vAvvoWK8tPJHl!J%z zWUdF_AZQ*-qMOoY$Cgsx(2wW4$C$MF(2fKTPbEwRVe=Qohaxb@vt93|;7+D5A@k^7 z*ci}X*B@TM4Yak+ZJNu3mzfho>J%XXojz3KU;2 zhh?b8@N67C(ILF%m9i&DEsI7~=05t50vYxS#wY#CY*t@jPtOB}B65Ss9ZH3`w`M#N zD!@!$xb~jBhvjDH6!Q8({(=x`x+g$We-bgb*O$FI;A24t1_V^gZkB253FRYec7 zP`fp@Gd>?vTZW(mwn9riVE+$F$kv!F(@LhP z$8J8tBK8JRh4$nkJQ78Kjo@Ja;LaFYii?>Pm3Y5-iTu6LW<|(8x2Q;*3N-t#-5r`} z9TQlGh-=5OB9dH9crZ%(OBcWOP0hXB35Ykov%7pMF`^V`)~@KjO=ne5YO~9_|LIN? zIJdh#;88!_V1`AVkuS&wdyQ+7iwi@Y=aQl-gHb_goAImlDK65>KYpv(Xe}Z8*NO=h zr^8lZr$^Y7=APLv+7=#<1uKaELf5|uCIOUQDqLN8Q+wA*Stp+6)|(3@ob2X)`y zY{bsXcHeLb6dmV%sr(y18-Y+nuXQ9QL7`J5T`#v70EcK6287R#G}j&Td?CDzi+SHm z0VF|pTHmA^Wg7fZrXFATEYhcTCUrGeQ2J-myxBJJvQi6IY|m`3lpf0ZtR!gIz{jDy ztdSC9{Xt!SlQ@`lp?rD%*cTBRO8Ba>;}+ra1C=0f5f%utHtd`uS*KrwRelGGWVEte`r_KzoA{~ZCNCl#Lo zVYZega}E^HCtH)5D0tJn$dfN3q(3JS6a+OaC}-K`;>b@&XXeVOwhg>q-?8=|%;xwB z>EqA9Fm&%0m*)M#H$eaQKfhgbVy}z?M-MVrIv_EzQukv};L3xpsgsY)pIgT@>XEyp zS3S>bIF1TX3Oh~=aoCn*4)@!V=~xa9*w!5$$NdrC#i zSCXvw>u`WdnH)99&*$`1D-uJbCEQY#d7{XyQV!fk>WRo2&G45K3iDmm!N^4TduFThZZK z8)L_GJv+yV*knMbEEd(?0qt7Sj?YIZvEZmtA7eA(rSVcccY<3A~MawW2Z($xA8tW{LiJTbX3ET z@1e&6Kpat{EH2DO= zpG`T3i^apSu+g%j03`9bs(_90{6qsZ!;CC%1#5d43~i)=5w0O7*0A|0J=3=wFW2a> z++QBFw41(aJ@kz(@2KGm_omW#)o^|KR;CQ)!J2&Qpq#G3dOaT=zACgy4nt%9*R((M zB5!n@uq(jh=3J;P2{ls~vgR2Py4(`ua272J42EoCvbpk!fip-YtBj^KTiVU%Rb5`l#3jABV3w-2s%R+pcO#ZlV znNtVfTfW{v3k{VF-Gi)=T+HUqmOxmI*c^HzGd4Cp%kG1^cI z00bDk3M5OjJLI?jF=$9~KZVq~E?s-L>xBoZa&QpLCYS#`IH4Z{Q<#~X_Ea%lyYMk> zsvwK2l#8s0f4{s~OXZTR_LIbJR*Fmu~;O=!tM#2MpGeCF;iE(&i9p_j?QR ztzen&))Lc;NtsS~rXkd@i2NZ<{UO~LG&;rX;SEsQwDpDyG*z0~=H#_{R}R4DD|#{iou|bc z(OCYghQ|V+(8p2_n|HU?&LupQIU@QzV0=IvIQ^dYA&kOdXVp9~D}fVVK-gH>Li?TB z&E#+6sbv#3uz6$Hz4I6_mfwfyD6H_7!tdg8K%P&S@cVoF+ECzv87h)g>en9x+WQLT zbkRlsU8{%#ND(3al>rUUHf~F!QfzbIK9fDmxfoz3%(HBPPePurN!4(8-x*UiIM+3% zK-JMvsuF6&V46kmxVwh`AJnO-6~tI<=T>@WYLwPujyIknwXthPovtKJ(9O^kqf$32 zec_FO(2B?6Z8`^9BPmKFkgS*DgvRsb;M#3o@bmX)1%{9)1ppX7bx@x{Z&rGfA^1bLDM3^=80iJsQRMsN8*Ws{b`V zucutyFWQDrOjQL=)2(omP~8X3mejZ}nY)A;|Gd7(I&}K!H4g;G2jKR%=Pe=1satQ> z9npj7xe$6+Wi$I@Pbeb8b7o#VR9?nF@s#Mj!ztm=8bOI>lJ-e- z2V~H9b8dhC)G+Z>Rib+z*bLfjnrllv7d{oP*08z$bgS|xyMPKd#uc~LM zm;{lQ+?(5r+CghYX^%q<3X`Gdom)yS-}WlGcI5NofDQ~J|LtKcB;EN}^rq>y#NYjm z_HiuUe|igMf?mB!EZ*bv_nB!hya*i<_FpqEQ8kz@ah50#^^Wm687ll`BYU&|O;!o|D@YHyS zO4DrIlC#>k7OPEdi8Qw=6lDLMQ?!4GE^f~b{7B*@4b>Un>Pg~_hiFdjKsU-bc(SdC zNiFy>{1?69eVp32j&Mr1|BT!o{eJ$NS5XTR1S}0i`Z1OqBy%1cgXRuy7ypaCcEA4+ zM*qdD2$4ju`Z56fMCbGVH!O%Y*HQ4tSZx$3{5ZN=6>cOWQIU@BF0iJ-5Vs+xVX*+Q z|1{IlY(qdAqap4Dlj?g13^Nytj23%)HFUgGPiQqtGBb7dC^mOjsuc~Ttw11u+Ka>+ ze6P>uk1i^-w?RKiV6+^O4R{1rU^i?tvu`1P39hC$R;3`DXqmC>2j!t<-_NQiFc2z! zUvjEZ2paLrrQ4~?_qAblJM1koqI3HNV28iY$8XzXP4omi&zB9AgYx+SfsHVjyWA%N zXe$qX{%C0N&Z>(HM)o00ECpruz?b3LE{2j&f0OSei_`hH zj3HX(idXhf6s7>)b~Ba8sm793E9E2!e*_#r-j;P^orp+^(!GB;Ck1+CDIWRU6W_2r z3N35jl_a%noo4rQcVSts6u{B_XVf_+-bzP6=oXcz$&#x zO5j~&&8rrtZs^&=`IiK|>x&ZBu}6Gg6?7Qp5?H_Y{FMr+K;$F+#O%n8RNpwy;dlC0 zKIf(0DHAqy%EC~W+Kr39GIIF5sqXfGHfgU-yn+sEKmd*VXmOm3$i!fWx@3s3w*OFY zl(D4CL(QkdbH+xyhQ^rPq5SGfnHpqc?Xn_ZhC3CGf+Mj*5XfSnfKI;+kI0p{2a0ZA zz|D@_8K1?*-KAb@?Ii!;NVfMW?#PB3#;y+d6+&XU0uyA?Oj$;X#a^evVkCOZ$u-MwW3knC~j_ThbV4P-p{*nH@tUy zc1#l~Cs#bH4YL{3!I|0`F&fJ_)=9-u1qJ&@sP8Zg#oaQpfOMn^&g zrD$$InF7@V1dzxO@&NtN4L}qbg1d*=065mx-xSOKa{>tS7c=H?3@-o_0EA?hcyI!) z067!Xe=AY#nVq9%Wd6bBg`Fe-zN`koo1mrhi&zGY@v{fyJHW zow1E1+*f%VzG09@1%!-D=PD>E}OBa0)L zgFvp0#t!vgW&AGGR%ZU#>l0}Aug*Z5fPa9apvJ#oVbrx1(* z?Hs_-e+xZ50jJG>mIx3CZVry0TEYi?GO~Y4r+r%JzKAil-B?CSq)(E6z= zD9K7bG9LCi9^>Lj#$l{&VH-j0?VkXov$Lgn zwf^e`Jp`@?;4b*iA;JguS9z(s)I&n|SNZWHab>dwsCxMe*Zu}jWq^3^GktAS5Bo#x z*Z`o?86uSxV!xomTmpxUGvki{2RAKAg`yDpW6Js5&Gk&gCav9w{qicWjAf; zyV%qH`oHKvTHE?>(u)-c-aE@ z)%xw)1|XQnH4klMfoDU8Y5ivb@pDU^!LI=&H#6s`C`(XCiw)nF%(o#XNs`bc1Ng0u zFn^pUs05IjhQ@F&0|kI;p#*-k)lGrL52nmKD8VMhpT9*q<6)aJrBY#-fcs7I!Bp4M7@I@pCe+sJ;%xpB}=Z~!fE$-i$Pw>#qiI# zZOg3)-p&>w&lws#hxzX2^49<|CncT6t)S;QdKpvEq(Rz$?P4w{btaB6$e98d)PuEqu@4Pd_7G^NUYNPycOM@zVWy zK61GQiMJT^;^m6G#;c|0A+b}FZikv?K@Cejav8XBvbLcsa2SAG-=U6%7)7N~I$?q{ zl4A>6FN)}1%1pp;u@&;lS<1CMN2rc%=MB_zPDJ&Kc4+EGr)?L~dNzT#vANr{9p*o1 z`16R}IGt^DLlBJ@!#4!*B|&|zary;`@#XI(PM59FEfvDZCmXLj$(J?-57aJmNkj+3 zHy~Pui_%K%cGphd$fH^dUO1G5y(v%km;h_59fjkuPXCvvZ?Rrnp<=byag8!n`cZ3> zO1ascXq)$$r%NR9jWzs0XmdWz%YS$dxVZManMBGi>qMGoy-nW`=TU1P*>Z>jByY3Z z1@hA;P?y%xBuRH29Z5C{e{17ko>~tarJGV^J~Q?^D%A|@rR17<<8PWXb4GOOm+T_3 z(Pf#J9$_Ac#@dj$4+px)X0(y~<`mvYN$c<8a|(#^At)SNKPZ2N9MzbwKGNRbMfeHHRkvMFzM6S)lfEuZ`7xQN?xE}vik+X*7yC^7N0u9& z^DaUoMi1?|uT^0g_)G~aeV)pG$5RyYQsfzXF2EPF4l^1cWs;G3RvK!559`OfX&e|- zGWnRU_W2j%ez5N%P&e%?htr}PrI@1Flh4{8(V4PCpV=5h_c)sg73XW=6nq=Z=(XN7 zh(m3LNbR{fDMrmKoeM~~lX&_M$Sge)oA&S;&gA)@+6ka%3TQEOo!DX=b9Xw>+XZ9>0wA%u^h-mv&05}#`z>4lIVN8=O128= zmGLA3QR8%hy-<&((UTDn}YQR2UT$toFG{q3TXWlX?tNN}_40K*CO|ZPg}>h9ZfH)dsGX7-)&u z>=S^Y@v>=0sO?NV^7_j$GA`9b*lj*47!f2 zuxjv*MPOd8gTK158etUPKhAQJLq@IK18AaP>A?yWRHPV;TEcfWn)-YP-sQUfBEVL) zH^B&Ga-KL9kNejYsmz2GAt_S0s)Fqh+pix?5sLo_zWVh9!aB%@ND~D~D0}@gfd3ltUr}@Bb`4lCg1JJVY9D<>Q-D>#UX)I z!vEcGrl<;7tR+Daz`JXuYBSH5!J#FTfDrKD{6p z*NHR}V@lytn1G$5$`ro&nK5bBM$D3_)v}B$6_Zof=g-a46E3jC9t=v>=TOW%YIx+$ z(uoG^zw6A?Q-}!FXrAz|{15(CgMfMV9X}lZJQ%H%#Ltm5%zt(u8 z^XWU-GoPcxlpA+Rf^VYT$!=Y4lV?+V)>F`r@Mx#-!;wnMKZ*DNtJ`@-${bm5GAJ6Z z%lmrZ_Vsao*JFioWyni88Qz`XfG1a7Rc99xrkVW7;M8uHX@0KR=596S{2d(?9Lm(u z(T#j_s-oah%F-Y|=V(nQvBsL^`$O*6j+v#tKpcK*KIAEk#dNduuHYlJ-@FK89%IpM z#S-vENtCH{2=L+?6-a$+iWyAz9K1@zg>i_VQOgf_a=;zsQ{HkAo`aL>9W`eEB}cB$ z0ioj!NPaHgnxT_w@lN@>=X7N#Do8TkTW^d(){?jBr~5E1bd$NT;a0AKzBqmd;H!1} z2EvCPz{po#)q>JNqttHwkoE*5mp(Gc1JwV1t^KTDcaA!PP(SmR9%s9 zkwY)s=C+|HCvF_zWI1KEj~jnxq(v1B&Xws6uW^IT`I0UrLZdNUyzAdWv4HmJtt-IC z=l1Ky?4-+)RoFJO@D*R0ni7&B>x)Vt(j72`0TiZ8{!&jfVcD?x<; zb|DY&Q{Wdif-7W=Kc^6oR3D|o!pHZKaTEzp#QNqWkDb)kz#yauKsj);hx zWr~%@hFo%%b7^NM<7)KQdX&|cGNLn>X(`z2tY?dpx!^UqYexDr71E1$#7>bPHNHiw z@^SU;)Qy;E<+Jq%O}!ZPTM?3e%o)}g%{MYZhWgY@f|#a+-bu)K{f^S^2nlvF3|aO_ z8qZ6zHFNvAdaec^ze!4MBW^_dY^dYplWx=@7+mVS(OX{Y)Gd&#(U4)Z@7a@mu8&#q zquo$_$%X3RpMN7S;BpCi&pYbHy5jgjkx@cjL5nwGm9oWSgdA}{!78zYP3K}UbH?)C zdUXOf9gS%eDb<#?%jPWbXEARD@7mvCSn3`+kGRYv=)W##mmUa@tO?DU@pA$Ztx0=U zP8cUZcc+AL0(HMn;8>@?Lo-m^EEf7nNW~R_)rah6UHB+amSZ>^{MFH8W7Nt@gq^8~ zFC{*Q_%;;7J5YWR;n+R-j9FTh zrT=(ZY~css5U>dggoRyACxJS`T4vG{rvNK@9c%1l<&E9X+V$0(xh0xN21>T2HQ^j> zRjpt$sNeTZd=?W^nlqR7c1ooaYMJlYS$b`fE~!~$(=axWMMg1_(EB3|w}~2f21Fsj z?+o*e-7Sb>Ki?2?_h#^jar_+k!aP(JvQLY%qQB_!Qe>Fo3}X`BpaLTWhD}FnmXeb2 z2Us$uhTxs4sh!?BgrEsu1HJc*oC6B(v;OBG5J?<=VFh*l^@$X7iC(0|wwTVD7K?Y< z`57x6mfmDd2TsCm;9g8ig@@u)-P7i|HnY=GLfibbaCz#C_Y0E0dndL`7Q9O{*fR#f z)j)=uQQ!>uYHGFz4vbhiU1*KPygOHS>8J?X#KYB>G&}=Zp>@2nC|+2+wG*gS`!ou1|!Ke-%ClXZ>OD95^*#88~inkEEe0^ zFLITMdV`hN|&4 zx7t+Fa|b!vJFJzCYkf78-X&HLS?`e`PSVExMZ(Jta~gE@A^s~4--Fv_s?&oE9dQM(GFabb`1PT#2kg{bzlP%z4HSFh z`!|z^Pb{e9TlOMK>*CB4abUpG9w>kQj*$!n^ob)%4sad3HWC}KZ>4>zRNMZ!!^{q> zB*g1&KJYql?Jg>x@n@MlzBo(C&sq!UW9&(#F80P77H?YbJIgba>;dKM0)$Zx+Snj)$Y z-lfvd!#`2IfZihTl%N$a$Sh~<>oYs7hO(tL?&xZ!OjkNN6VuM0VY-C~8b5{0!FYgI zmHu4^ppVipi79P4HsGrv?4tNBGt#b^`ro{dpG7Kf8=v@Uha_A18TWbfBZ)u4lakv= z%B&$UiqS26qPoZ{NbQ5ExZR62$fKNO>Y!mEM_&_I`(9Y6`thADz}+F%nFZ}qyxr(c zN>waQ6~{pV30t2UlEW?@{K?}a5S^|FAjU6+N>jJTYO3{Po@oYa8K7En0qR|C*@O`YS4FR%O#OFrSkXncvBH377uT1^wcTU= zt@L8_y>HHJMXKKIFMJ7LVn+a04(%}Z#I_N}j%BIG$e0azo03=3XnY)k3f{ps+7)1D z?841s!SO)2>f|G#i7oL~9T<}XOt+_7oJs=9j^MBxB*;(GCFv=m9^9P=+-0ZlZo9VM zn|nxC`HdsHAC|SL^Oia)Myrr^eWrUg_P{HKDrNYxSqtjR z@6V!4wS6>Gc1JiL9Cp#d)_(E*w0H80N)e}m7n*K$uBtVtMejGPfjS=a>RFFu5Uju^ zN=60t#iW?4B73bb9amI%OSpZ&N@_%JP*L7o5X~?B+uLs$obH8o&<$yFnvb~7L264t zeXcq;&Q}fScS4o(`hxLnI8s%RB>`Boe_&u;p$u5 zq&Q#$Sl^g+D9 z4%}~}_H!01YhKgZX|QlsL3;*m1mR}5%}lJyxOyPJV#IGqW{lclw-qQM*O-aFT3d^= zckT8Z58in7dyM{YtpNq(68FPL?fa+}OP|D#4W<5+2O$E590t62sUTH!$usoCUO|Y@BN2~fMz!W~RoX~_9yFSYPIi1a06@k658c7*Wq3G|&E}_swvSLXBv8r+6Kq8!uGL+zZj0o*8^@aor3l6WSJS z8(kS=;;FPVC#u;L5=CcLOlu7uVc$56Jpg#B-Ddg-c42$L?V^!X4E^*A*aF^jFlpEg z+PgA3jM>AQ-Qjc1=Th*xo7tXHOa$2qA9lX|Rue#P`ySP`F+O%gdU4#th~bDKW&)wz z?mw}l&S&r(o79G2xpC0k;aCnV$CQFsN2D17uajS+q3#40@U+f&%iR=z6uVKEkj0d7 z5SINDg)N)YaZ?6Cgj7Qt*$SE^I-+Ly8MZQqVIgV;TFX-tf3cLR_R*L})GBV|0mwS4D!RH9@HQnMcoMjk1xbxn}tMg~MFAD_+?7OGH!)}fZkjC)i$<&1D#M+Yc?=oqx-1D+*M z9ntZU3&_{Yynq~-P@p>0D1dst6cF_EiQ3&Y5}$7e&6Gv;*X(5pOMgF`_-7|cn#)O{ zP;Xe2U2b$nc=DEQ>GjLe9i5y;45!AZ(-codwgi`|n-<87z@|uxL zM)@4(DsBpo_=DeVc%2u2(sD2!w#VC&tDVZ0!3J}v=rZB3XB$}Jont193`ovJW%F8< zwivil+%)~J@=a#?4erKt*I2iYsao%}Jq~!k1h(EosA97u`)H>necZ_|J3nWJ!|>{O zFUxb$I2C&?#xKIq503VKD@rB-x|{Ts8>-Og_BcT>>s~mJBs0>WpMq)yRF%7b^BwEn(AJS?L?crP~i-CP&0*f(A#bei*ENb{6cSvG6}t zMm=nJHT0T+;8#q5fU~G?*7~d|=#k>9dZ@OX936ZM->Vo2>c561;Z`j1Cl;Hy!u>ud z%vaZ_)JhDAA+0$E9iXOQXe7lS-`1g{NFcjF@4kh%N|}fSg;#B|C`YjhN!e#y!ca59 zEfgD+M30@A^i(VgF>3drj95fgy>L8~>Ublix4#QOqeD6pzY)o9OlINz%?%&~1#z7J zrJ$ATDir%uE)W%l5K$@Q3_TP-(So&6q3e?c9eo)@WEA9f|Ms`Plyy z(zbCo{R`l6Hi5dbO=TYhuNlILD|G{lU6TfUSFv;uB&-)FbiZ{0&|p=|XKEGRJA|Mw*BjN*Fou&Z6?>78U1K z>U~%NbP|Az%~Ol`6kf(`{ltAuz5{K=*TFr*~TiB;|_t=ivnp<849 z(cLdX&=Gl*W@+jidwTwb@W2W^5(s;DA21GPbjR6q@Lf5=FmF3l(9_)9L{B~FTph(KH|QGjSjujtoJrh^l3Omt>u}-QMK5YDV*xOpBI=|7@^09 z4a42;4ePS`Ul=mME5y{7aC%*S(j;w6vMfBA2v?sSIURuhJcxV<_20;NZ6&;m>cZE7 zOo+*3Jrg{0DkGE(hMtK$%V39c9Vb@1BWKJ2lnaiYV9s_r*++ngTl zCK@(_& z!UW~GpYu$|g7M_{|E=4Uh513kO`3ZtTrZa~-DVH4Z$97y4qZOjg^~+@7m&{xJ@OlB z&7BOv=tM7bHJB1uL3X)rl6a@441Q8t|H18hB3R7z%}weB4y|GZe9iQ=_@Em4?VfF0@35JmC@8_`1J`hBKs!t!d> zFpW86FtSN2SepNo7aK*9*1@*@eJk^4gvqM(5C5rbH&W8>QMKx2<)OVEcX@6am4?@I zpK5o7$v~HtGm0v%zfis2{Hvs;k*L2UGnbN9kC4i}h*padwPiHWP;{M)A1X~*@rzFl zTEC%dZhW0fHT9**m!w@9_(2#Bnf=I$?F1B@NUk5)h*(Gs(#RVeA}&1Oe70+_r7owr$(CZQHhO z+xE20Y1{TrY{ZM$!#ix<>Q+&w`m-{>3_FiH_lo)1cLW{M^yAWKLPf@_gPOlCO?h#G zE!M8oty5}dAS#ZWiLyXqzGeE!r7-SZQ_`zn_IC!hbmwF9HMrOtnY3tMXEGecX} zTP`!H%joDKTSpViclX-t$>?iYMs9&a8s6FJ(Q%9!T{e|1Hiw0L8uXaRwgP`=9rj7j^TIdou zm=8HIH?Mz+wl*YP>1#XS(Iks-YN*yEB(UVyQ3mean>qz4b+B31X;tzc-AK0Zj7Ajp z?I7BkmGKbC^|wjU2=s<`UTCL#@%czK$0JwMs{30R9FxNdmp5(I-NWa-qdp1TkP!a> z&Ykg1?}k}~f0%%AO&#+qd>R}W7DyvIAF)pv25}XPuUa~ur0hTa5<_sjEoVHRx}Fo= z6I+$FR|w~s>O%Y;_SZlnJ)qn6w^db`AGJ2er}B4^u3Y|s2dm9ye`ySd^^s)Z4acKL zZsoa-RGk+LO0OGWaUngH`$tRH$BESL{WmB^@trA4iiTC2#_qaqEPPfEV3zk1Tw78y zGN)94m490ngL^}*&76%D6mkg;AIc^6V0KcBVkd4KRQcoIyCn0;sx8~uEEvsJ1S9+j zWKjN+s{9*i!Bp8oiZC&gLpc!~Sr3Ov(?on&wv{@^$#GrY^+Z?1>1-kT|KNJ@L)KIv zK_uD=7(lU={i>B2QR`HOcB@e>$Q;TH^FFJ!5?o2h#oM<_b(7%sAR}*!a`or+RRQAq zP%<_1NBea9JP{7ih|>A~nSh9Jjn)Xr_Kj48s#9=FBGUl41!dQoZyVuWTUL7ZYrk8P zsSp+CvljSNIFPymwe2LbJv=En)MWm{x^Yu@=gTI^Zl;{oXkw|zk#X2sHXDK5i%lHjI;u%RyK3o*p z%DU`DQ8}|$8^d-wye$)2sOiWm3zH@xK8cIlekL3OB}!zh=aZ@<_=;f6U(h`cENd1g zM>#kZm~`5*rKHzIaHZ&koejdFPkF$OczYi7D4k1v=YoY4MdoqaKV@~wzx$b6sBeL0 zBQ_ule1pek;|A7sB0Gv=N?xe-z0c$Gi>j?y&Q?xhk5w4+Y3}_`K3*dVQn2d|^=ymd zHjpD1{+8bPer!V~QY>ectRk0+3!%yVcqg*VFp#AnUOsjoYCYI;jiuRspOXvC&7_Hj z*oYktzubGdUFG9;eVsyHY3A^VeMaAR|VL&UqeQ&KO}&$b+~?Kcq5I;-YN4CV`zU7Df8O4ga1Rs-Jp-3*(b&fDdX~uPhMV9!!v!9=;?lUxxFFTXtlz z9L00!e%sbXd(^y-M;Gh!Jz5f6O;mbYxE)-aZq-j1vry-|K40>X*@=-}i-dr*P?-rN zRIdRrLCcO()o(HW`2wz7d9^K>Fh$rEIeh3}8QsGTj|JgbFUHOf>z`=1s;cE~br+-Y zqxDUC;>k}UG=H~|!BPGc?m%m90)pF*67fy+%uogVZHOQ~{}lC2{KwiR9f+#wYEm|* ztC}qk26{6e_EwMC%p;=kvnmIOiRMRN*W0kQ`gas{!DinUL^`3}5?duh>oh@proY14Z=EUzQ3oew%l9{g9%zsITfVqnM#`6J}YNO*Z@Rl_u;H>YHFE6T?&7vL-Ltyucs zWFfU%(E(6SB$(CLog8_w=~HQ7$6_wvi7rTjne6^C4&7Zt8b~Y+RZkaeHz0Qo>V}wVJE9C+1O+&`;cfwAQ{*(qar!a3TP&$cFSd=;`h6?+JUKq%3cmkf7 zkO=z>#ke+u<5LX5*s0x~GcH_B$yN|N`@m?|#WSA|W42&IxjSFm_TZ9gTR0L6`Z}3L zH|=w585+sN>^S0CE1&;R=9JILa_&u39>0R53(VFksJGJ7dyWd(Nlsytxf>Firq-06 z^9`)hE)JPRR58bgU!TI$w9=49asWT%EmL6}{=E;?e>l}14HUV#rbKlq>dTm3`t ztLXRZE`m8KXs+$l>U1g#)(hszY39iA76Uh4>*I!c`E(=hl&^m;j719DO^#>}{}SHNVOxn^F?p-w7QP5I+1OC_ zS7gcixR0Ko66*f3#`zO+DY^Bnadsb+jjU01_Z4vKO59Dx$}(i=5H1+#vPr$+It%84 z+c3nV#!@ouL3@zD35?-D0-rwKZLS!a*50Gg13XN%*g6|}+K?pwh;Mjhe`19uDq6t9 z;iR=0XLKFy*4x*-V=P=-e1<<61uQ&U$eJr0Nh`5XgF@kLsozKG54tkZv&6?u37d!f zLMU+iYtA!bkXv=Q{o%v<_zdmf(_$bj!e!xoPM{Wti@?dX_y{8ePb6`D17+AaMU!vs3B?<~4=i!no^nA!F%o zAw!}E!Bn!{_Z~dfEoO%>=N+dm9Om@5J054#4*9H9KL?KZz=VF&-0WeAj@E4XA0Os= zu(T~qkn#+CI-Tan%w<}pFBo@Xs+KC%e(6Xz-k~2AoOcft`UchlQ>y@ulo-lSh}(8S z0-Pd`E#;K;jV*U;Q8|7L|MxH+*iBcZ+9K?=mR|kcG^;HEdegjmqHY%`F^ z0{*$kN{O76^aTK**H`I9ElXRI$Osdk${%uw5KQBqZJATU5c1ZNg^z|Zz6lCDHJqE}7h(;n+h)(7X_9S)N9 zT@{}ZA&@RBJsVZe2hv7Op3QLY$uMx~1E5tYhv3=b(Qg|&VL{d?_InPk^jG;WC&3y| zak;^5rYtr-2D%{7pgy7`{b{PJ)#GwY$_8SSF(3X5gCQ3Cn$(5VKV8)7s=a*8c7NW# zQp%G}Ho-xO*AL%M{Y+kxT2Ibj#&rUmrZbkvYm%~l$Ms$93P@!sFq8b4hki+pIlR>Y z^~aP0f-nIhKdf3p44$z*dV^oZ-g#t@rgIPwe?|j>a_qaVr^%IqRkDxm_2%24^-H7= zZFt)JJL*$67hjynz$qU({tBgwmOU}s8tIMOc835pF~tXOQ+<8xF1)YUpFl$4ilc~Va=}q zd8FC>owACZzgUQ4SED6Zp>SvgS0qenxqt2yS@Cc&@T6H67!OO_*_DT2SDu~3q1?pf zXKD9KT$-N(Bf4Mau^UWrX~D!uuWyxk(XI#90|ssI!}TxK6BEj*iPh*6EKR-Sw$I14 zwJK<4V9{&4GZWUr<#_c)g__o}mpj-sh1RQAW`Tke+ zK_Z79MZ?I{j#=M6MZYkN{jehJiQ|Vl)xMvvXQa5 z`Rxya+~Q*scyW(GRQC^oeKG1{>}8@wA@irO$N=rw>>CbWn)&J~oq8BXEUG!|U=Bl| zry5N-U&dbE9kMYP8dDlDzN{B)6%|_PDtQ7>laWjNSW5N}e+a{T%vU2LB}4}i%Vg4^ z>y++#tIsVl?Hz=AH+&HWOIT3-rY5LI_Iu{>uGrQklcLt6D18Nz4Nk)osUgy@wL`b!K zn$59@ADh43@Ycn6D=Ak#LM=B?nsn4_XWf*oFnL?Gdk8)IEYvKKEm&{vj5RykYhHZE z;V@(KQ#I?Hz58_0ML0B9xzRfv4$6MKnpO(Ec^{f#bQAkgR?`ce8L}KDdPx^9)5WF| z;Veh9@L1DF`#2JBzu%93vl{`d16HQi(& zs~mIy^lMj)2(&t4hlRp;4TIeQ3m0FhN3NskKaj<-Iu7Hsf7q%X#=&O-uBj6NfS##KLvnmw{eRf$fBRjCX3T-CudMXkzNE&$G79_=n1*aTjCU z8TMV()xh)YMUfSn9(kmuRb*qHNOkS!NW}6!g1DxlpmqXE<{lfyDmF>+w~Vq*R{U4D zswb#Dd(w5ojFky=V2lP0IR9!E&hj}{lFr=F{On%-;7BxmJ>w?87A`qCGx4#-M&s0h zeg7L=CcurQTMwRJBE3U~hR}iV*eWdJUz`~mV4^;dN~e3*G95#4hI$L~$&j^|>*g%# z(^*WF=bI!qy%xa#x#Xq-!HRdULxV7hnZ%&%hj$L?R!N z2G-Chte?L8ijCfpCbP~4$fz)AS9g1f=N0Lu{Ql7blT5TbPIh*!Jl-8CUOJ7JFAe1uhK%1Ow!+Eb*+Il=OJ3SGK8<&uxpMsfA?i+|kr*w}Tq+!BiXWXx}7TFZDi6g$?xzp&tiD9V6^A&ra zLu2Qe%oRWT&+E9d-21;aB{gHx2`=OO=~$58F~Qe!@!)icm0VPQzN;$2r$mwZkCK;L zd#Rfx@-uQ+8TJ@u6>IzMca$|SHonbhSp{XO#TF>t{s!CNT~Yt>lLfw-T@-7(90Tjj zB$LcHdRh|ar>R5xbwq|qh9thF@TnXV0?$B{eR&{;o4ISm)RRqq%6>|e8Tx7}F7i_) z@-C3z30I*NV~X-%>;5UPUn||eXmJuT&nmEa=+C+fzXvh4e zk7aCf@Oh53%memh9Z#FiKm%x@-tXwc02{aW;)YC%wyuP*=FnCogwe_qF{oIM40+xl zzIJVsS3OKST{ACyedWpp^xYm!9NEZxBhj;k`7?a%z7gt7HCkBe?^FH}V-G4&a`Rf2 z=RzcnL|zqjT7 zNCG?2-iXIEd|p2Iqyh41`9jF;f}@=^tvn{7LX*vfr|YQHXTG)6^; zJ2WP=v&Z)Z|05q3KNj6&`llcc=v}GwF2GA%6mLpGHU0V8mH6uGYYb~36(LlPU?H24gXXH)}BH6Na{@$6P z@WgL=0Z2aqCb2@A{VBS|nnJDs=duNKv0WW!JAr>|0&L5n5T>Tpng(N*yn z*SW~D)>+?-rO^i?RGkj=9kL}2AfT|NiVIuh!ATQbny6K8PRdat@#>)YOGbI-F$h%D_1`Zn=x4m_{NNCT}D zFl&(*Jb>QqCi zi9Cg<8Na`a+yoz{7Wr4wU1PhUw$`+LkqO)EHz-GZiv_hp&ckCFJAImUoLiILZ=ojz zZgJ9Ir3Jr5+tzXKV!YbBHM#(JrQ(R;DoSt zk*=G(yT;O0`u#7&&(ZKWXotR^EUh?0%B72NxM24`yq(mye4)o%vy8gfccb-xae1!0 zI!ON{;Nlgd#ci+PF9#*a9>+Q$a%xT6=D}rE(7VJdxQiT~Ziy?Iz$aKX%B37DMtY!4 z{IlwZYE9)U>_V{Ghr2h2R05BEqt~O8S(9r3Jjg#?=!+T9Z}IC(MWdyVyUGx_w$FH> zgY5Y|*tfjC`MAv;ilt@LOpG7=`AM*)&bLR!d5^xuXv4a(K0oK2d=A$EtzlZH;yXh4 zbiFALE&oessacdL{R$v=Fiyn{EyNFCBXWxyTFrLbwZb3+e(g)Xx$+jT9R@QA_UlI97Q_Hk2aQ+}akwkKyUVK>{#Cpz)h z*`$?L6CI>2EU)lbkt56K-C*b4? zN*H#rYvO(aPGzqGqcz}?PNDGr3}h~*-P&SYB68mF)&gwx2jk2g$96g-(S<%GcQgFn z>w|OK!bSoQB(zMrqaUUWQ;uL#b9`G<_+~`#-~B`7v~7; z$n6@KX*rUrv8r3^X&L}8l3W=as9z)ODBk!d4~wD6Sn$1G4rnCBiv=Ui@A#%pdML0N zS7lc?aBSO0k;Jim3?KAv@^8J>sSoygNy@!GUI<**T~8lczF1n|JvMfx^i8`7uScAdl$ zAbTCm<&@hDs9Yhb=T*%5V&H%A1af_SK!+GvpOkDi;m*CiYGTjpY{n;fd>|>_XH_d+4}7+QG%Cz8ixzBs z$g7lI6DfOqQ(W+pAUf_XaHQxf_X9SB6w{h?OdE!mwREdE4V-T(%w;_STduSF7Q6t%;oqzh_UZ++bB=KSP!73-zep_~2cVZv*Hh0SNfA$KA`2KkrNiI9!*FRF0>TP)PhMzEu6CIYJDa&=PDdMDZ%!U@ z^K_pWBAU{|Z$Uk3YV9@oAT&MYSQ&ntj7xvWnsXkxN%Y2I5Yel2;^SKtbEn6pVIJtVLz$!J{C~sXv!gwAH7hg%p+(!)TCpNqi zc4X42EeBLXdxgUp=QkY%tb^8oL^TdCo$jy&MEKRcX);TnbYZ}H%!apgFBcujp~R!E z(*!sP*;Qf-CIJ0vt#mMG-1XPPV>#~)8e!%2;w%{Uh#*T13WpM4lgHQpeF}}WwLjxz zF5>UqSdVQl{OavyY1?u143Ed%0ZSKNEPh{nOYElwL4jFnLC@K}1=s;w0k}^+%(pwd zZll?R3WO1<#nDfiyU`BMjouy`vox~5TJaTN`_q3d?>=s4Sg-)WE&*o(jVv2gB-;Yi zwagjd+qY;gI#o@-)rHxBf^65(71SFq>jpfI&S$%}I{69!in}vJ{E&#~+Z@ zrPOWOXd-SDoG{xl&mn&mYZcP(a&teE%4rUqbr86YLDh>oqf^1LqVh1?upi*f+Bmue zLJ`obiYOO>vpuacD6t&?yE!C_KWmh#gO_X7awf4k{0jUQJq>#Xcb)-S0LFn-NVWKc z$~b>%6sL$_u`!o_)&LQC;wCaJ{UNN1KF)WoJuZ8c=D@9FnqF#DvR`TEyOXQ+7flE# zHthv`@{AwLq}kJM^jr@}`irW0pPVJ>t}F{DW{=-`YaW;M&^OBw7h)bj*AZp;udD!$ zJur|f&mU}~nxY8Ul^=_ZEjMVzvHG=lLB?|}P1W{xg`0tnls*;aU!hET$L;QZSW<~x z%aD#!;9ey`6(}bqc6I>BLq1_s<@$v`Y%PJ__#bn==3MU-4RvEW;szv6Mv)ckV=7nQ zhLe!ywqchBLwz}NDNEF>)0Nqjo~7^eLArd_9F1p2-HX#xDPXAV$1j!8K67EZ2~C@x zl?YZGP;(Vt-x%@y=Xvn?6ERd9g|e@?cBCs6Qo1iK$KRsTdb+9b) z^ep_PQSv9qxHXiJGZ{eo)fx3--!)n-V9B5G7&|5JR~xz`I?b`M0-?J5;nJ@& zQZ-4S+xa+}{fM+Ff<5uY-9w_=U0U_|8f3vcrk*Y|LY6Py+O`i>T;hifs-Q}fp!p!Q zJ>_e#z)=ZG^<)o$5=S0WBUs3{+aGtc>t3I~RwkpmIXB^#$&UC`l7qS{ekF8Ma(1yA z9X{mCK_&s@{Nh7p{s3c;XSp}zhyko`0cYAajkT7Ql}^<2Bzo-i~0{W%RVBmux1fw3t{~BxYtB+Hh ztpmY24m$8L;qIhUh;3+N^(XO+qFn*yv9sStEc#qq7Z}n%qHPI=sxvptc749m^zs}t zk)XCY`3pskO<*BV`Ej7fEg2CWaCITJWGvC7gwHBOzFx})q2J$au^;}LtmS@{_fPw? zhcihc#SqE}3lf*xOfY+Tvw;iWo%uX;ok4t(woVYG0x`cUHJRKEpwlxUTMvR;?+(5{ zZkO4~6&3LqW8MjwVgBd~v{;`m5*8heoL0=`0dr}7j_K;?e>gv99Z-)~?xswvEoSUS zQr;Me8YdlZ*QS-E3&*>iR;x$lxYmhfi=@1E3p2Jgoxhw}1hG3_#E3||g1}GS*(G%? zV&!QdJIrit0HXSjY+M`Z-0E#DxnV4V*W^;&kJD%dJI4@*Kvi&6&Y!7rmkf2PVS-RvQpSVQ1g!zep zk@u=OO_L#*bieK_#EcuaH=GQjHBb0u(w?C2%9cBhx^cHJL0UDv>{qY?*kjjniY48ZjcvMtqC7&{ zB3(T|I<>|jR4B)L?}!%DS$tY0&KdtMQLBw~X6WPk12-aa_gq>oECPjN4>juD#9=M) zIYT7HIYh%exEsm(9Qxdvc!ZHdsk31r<85j=btJ8Pl$BXDX=w2pfLSmR-FY|OxnV;R zqlTy)B&nW-ST$DXiAV?40KlI3C$UMFn6nR+VR6T6{4oX;RNVrWj$;jWL?o)F-}Hy~ z?x{OQ37~3mlMS~-V?2^q6`>JOZiYgwn%f-gqZ2BQ$ z#~y18u;CFkI|MO@bE8=d$F;Zf8I^prVyRMSF_I|6vU@P3;Vo~Vs}x6{DNn3lX<@W_ zEIw&=%*b91?!`fhBFs)212E@BVn_#LaUZ4V?i}5UM*F zClg_3X=jZi#BX{6EbrA%2xo&zMJOG*=2yOBvyT$&N2!40KBEkN_uT6c3Ha|)<(WHm z^(%aS=p!(U%pT_Aa8p`^6*VK|TzIegR)P9Gnv~{gb}tx5hvdWgaNetcxApRw}h6;(;xZE#Ua-CtT`Jpc=8aWzMa*sh+!mu4Y6^clikboK9xZ zS_pp}(!zk^I3okb$F{FUVo@W$BZ*497CztxX(TylfZgNGzpsY3r28S#r=$~dLeWWc zUeDX^#64LGAPXFJg1K+c8P#4KXX%%&toUXl(5iF{6ktnTb0elu)u7QFz?qp*n66{c zr)69Gi>n;=R6851g<6n96zX_#urXwxk1P-{i|&U7Y}{q8Vd1eot1xBA^?;t9v-fM0 z%^dJN_}B7FMvjY$#$9_90FO2UUHli#Ci_m7{btuFjRmaQQ^*RX(3=tC6e{<+Uid7~ zp#CmX8O7yX5@o3@Je;yuUhCMo75CB)lE zW4qetz)9W)Z^c@Lky6B_xC@yaxnkI2*{1_gE^&7&t7~!43fCcmpiW8CamZlrQr1o- zfK5wu*bBubFE#mNG7xMHIp!j~ez`n5v=tBM5Xy@lD3b#nE6ajPM85-h{lhum*lD80 zgRdduy@`c$hxu+1vuU5p&`%dkb(vD$dCaqDZYlfLRn@JAKmu+V$no2aHd=^G?_9Po2RYMHHu`fi>Ow0u zUY&y7*`9tL4ZV|}`5Ka^p2v-2;t#MO{>TGm0irev5Z7iuH))DA62vQxYHdx6wYNWP zdsl&_>#{)s3gjP`5-Nl=NtjcmCu4mM1DE0nKdt7k_!5p?%z3l{%-qQaa1YNp6z9J$ zINkRyY<*5YXayRP6fz%#ZEGIBZ9+q5XFWyNHAhS7A*+rTD3ER@!yys+KtURD(F5{y z6s2bnd$xB=KBcFa5|gGoL$Ozp81$A+U%xtL3(LC5uB{p;uSDJg>@0LO6SuxFL3YW+ z;AO-kQp+wcDiJP^O^1VsmP>hANO|=5M)DTOIKAC`h$2wP?%C``LB_vA=FNxbru;9! z!RJ<)Fwpd%IqKSaD&h>$&|OUF1JCSs-@cNUq}YT*Y^BH8iC%Dgrl{aF3oBik+`d6 z56Mk`&2ThQR4jPxiT*(c!9ZUhM-q2-du^ZWyOz3kVa&N@l7S2Ex3kW{4LjJnC#uj1 zyXLC{b|>0ae0xnxxhDXDJha!5cJLnx8hTDytW7HZ+n}eV)Vyn0etX z(V(9$RKC!!!c$(QeHe*+Y<|2IG(CnM*7h=fc8%nZyN|JnUtJ|PPuClkT{ zE+~32OB)wcCjxpg8$%aU5mRG(6H_QYJ}74wCsRXPD38rnHBTOu@7MYg5s}HPuB28o z3}c&68e{xr7{!r{&S3^n+)Pu#Lz{xO#JP|gSU>JHTV3kl|nM}VxnyPg6k?BA&0*_3O1u}_& zEQtqGum;~sfJ8yCnnVr~gK?OESQUZLNdO)}d!kq%21)=x7ciXr^ug%2mwzA4TL1g$DvQf zwD-gw${PXz$;Z$G?r0MKKp(?~3Hwe$yMN0fBzPe&WFH z(F5ozoddi(X!6-VZ8?cQO~5#*5{6z7xd0YHgT|JL_8f#i2%83Z4UtJ z8~N`$a)97B)K`ebS0qj3ak_~XKXJdw(iiMI_+p4?&CR$`5+})-`(_q}tw8Rd!lm?G z7XIS?w9Pn)3@lc zDSnve_(iib7&-?bWN85kE6ZWqrJ##J&(18uzL2Co9F6Gy5Z5I3ul5{50SMAbAo)D! zNN!>tCo6f;(4%B8rOnk>gyZzl8J^kXHax6^woz$PHrKdo3l>Ww9`9F5rDwFIeb^OB zBF0e9Mk!)jLi4)+dwTj2-)`*4!;FSbMH$3qGv_A6i7PqM4?kA7SHWqTn|14~cx7oN zDl}p`*!-AOsjD($m%p1R+7NkGTl#sBs3zLh0VS?0E2ag5ds zJiH3FlXT9-*=9_0k<#h9vH|A8Nx!zSy00^=8KpeY%+52yWDl z=4JO#sXz03^f(O~h@%X3ZA|oEPk8aPhlhHh$4yK26Y_QB##ttO|l%W2wpGX$Zm zD=QP1Y+sgj8T@8EamJnRch4=5IP{_0CAC3U+9~d72VU_NV9LbhL0PBZS3-K!Aceoz zF?mur6F(qi5Bw{>BXw?Lk+A5f&%Em&EtI)N%pPr9hSBR< znv;E((->}uZ~F7Ge^$q_cvsfuehbs+8p|YC68J$9GF4lQj<0b((pgJa>3KhN^t^?l zJB*1%+Tk+S31J?+MVt!Ge%}dqKm{9G>_=3((tIxvpbvSy*oW63&+uX zk}FaP#=SuxnQaq=tL*q@(wQPs6;tF8RkUWP#H zHAtrOZBcf5BYeHZK4)q@7P8A&E+WCVYD)1TiidWtsGN@liFyCpSDPEUn}$}&!pS2f zEi}83%I;vV$D8Yn+kW^J;-_r`^#h7$NSsYf$x(e*#@t8sV^Tfx4Q|J+z@#hQ{{c)^ zv$S!cidjSj6zB?XYqy=nytVFO`Mp_)b6cs0y;rRpah~V+3dC+IT|N-V+`6`!c9*Fk ztsW|WZWrTB``XTjE6HbsZS?hbR<1Nfw)>GeTzmr12|c>1`-#VN>*R%vJg)}d*B&f1 zJ!4x**TPm3f`d_=OU^$_I?G(!wJByv?OKq2`a%C%=_BX2R^CcVV`Rnf{hd}15x3*> zx@%t|p8;AI|7zg0jBm6CRsEv}gj$+ouT~cR4xe*79tDnxL`IwrV-o{PQ_gUD_SDwh z>`>0O4hJ1(Wfgz!ZWOre<~L`|Ydnl2ewOHh*8k>0F<#CET;kzc=VRnzSw>VCT_S`A%C zxSRj&!~@gC0@W@~?}qu|=L)j$?U)xo97-GzF)|AF);Ys`MA%h3g|rkX2n^+Y0{Sz1 zTY;dAUZ2WUICNL2x@F?w?Z0ZKmX&eG>H8a^Sz-(xvN*X^ZrZTL^9)+qe}21!3H#Piv&b}Sh4wr|s*YwnE`lg))C| z>khp)3tpPYtG4*J%(vED8Y{fN{J?$WSqXVFx6`c?FVPYTp^&3m<$);%y{Ctfc#a-K zv~ZWofTedgY?|PEHw+c>8^r{M0l%N0uE~=P`8sGu0DqrA5m#$K?!F&WKN3{Et}QLj zmuKf=3fOmk4DZ3vv&#ol$EdkOv>2wtbi7utw$(#fi8QW&=A9^Vmkpl4>a6Q)=g7Mm zO64IE1zZd=6mOS6UPXNTI?e)2H9})`>j7=Eo&e<+YJ6CCtakQI}RST zTr?T+10%SIiBnv^-8&J4$kJwo3V9=z z+0k0zaoV)^bD@)&T8r`*?)RtIcT>A>D_dF%>TM-#{hSMOTn7fWKktO8Px+TmO4@1h zY7v!o7yV&b?nK~G2LjiYn#+6fr2NaD7QR+>s0-8z{F1K)ZCwzA2qSKU&|r}t~>7R*`=7u ztD7PAlIYWx5ZocjI}SZpik0=!_at_qWmLQz(=Q2cY}zWQj0&_| zv7ksh!tLds%Jktyd9kaMUpkd+ysm~%wlzhCwKC5$KTy%QYY{a*&@zUF8z{PN0Wel|YHQAQwwQ#JJp~~}NWzp&|k?4|cv#`$p z)9>B?VP7}q(-H1(L>{pn!O$dFkNZ%cTM-w0ljh2tk{_e;6kS)z!dE7}vqoSV#dMs@ zwO)B-+iU_bZuW2L9IIY^`5@EBpf3{1V)z6q#ju;ZRT(Yg&tRSJ6CX=xFZ7@I5g2bZ zixlloX%$0PS}|rC|A^0Sjq{}No^fbF!NxOYi#~rUKhC}swL1g(FqQL8M;9k6@O`4E z%j(amTWs>0edpX++-P44E-)t|Qjcyq%QAgGt@0!MYV{Y%(-Qr*O}Y^>{GMdDZ_k2j zzFn?V;d)HR*Yk|+G zM`_YlOsVrl$+-1m>iZRQ(2*3hD3`v_wq(8<>J`O)UlKnV<@fhQJef1>i*482nb35# zXqoM|GD)_j{qm;>ekQS0@Y9F_62;l8YEZmi>eDHF?VIbU%?9GC!}Pw{<)HZ1G$V9X zktHA(*Agcy-j4FlJEjiT#prnoI(K6;7c1FkyxWHdBAh&Oa|rzSlynWhl;_EpQJvr) z>wD%hsNR1ku%m$&sqIxN_1QOU(T{kr3%-_^armT6j?XB$LG=4H595s|mbu{BhQiTL zwXHHky@S0=Md@w7PJFS(XSQv@LBq<6NF#9bwS+v#Ch$S;Ri(yq8CN?-Bu5PAU|mK! z57le#p-b9aCBIQmJuoQfQOn?_SlGi>eVLW~8|D3zhg;a9;Fx@(DNr%jsEGO%< zZVaRzrQMOl2M-wB88fp!w&n~)+0r}_N_0BY!OBROwC@^H%auH~Yqd%rpW42OpO=^K z>5s8feDa&$!Zq&J;7wo-XKQz6Ee25 ze$#x&MD|XvUZq^e%zZl zRZbV1@`fPKG&KgUFA=BxvcJXjnQnu=vpwMoHhpUb>*%bzF1N?i=jV8%4|SptfPLwy zc=wI-v~%)4)yYS0k@PdpHYSMAhUMUPZ%S3}Inf4-qB4<3mo%`A{ez(HZ-(UaY`)}r z5d(M8w&QQa&w)R{`j_qZf73NM|BJ4{#K_F}A0>l{fQ^%h;Xk|ot7~vDF>?IBbq#lS zo|WrgekDmWF_YeF-ZJc5e!-fiMZgCSWTC z5R}+wVE}J^0q`h5?DwJqf&l0*kvR42@nH#SFmARz!G8u5LVzASXCGp zK-S>yF|V*~p!K1!JPH(~Z+tqbFtIT!pMa*Ix&=fi;NB z{zY*lsE7BsI8??2K0g4Ct);{X>B86i@iJIfHoo&aKZ+Er9F{FoA(Y0}$Xg z1Yj}uPXJebn+^69A&=;S6a`0-V){?>@Ac5%?%BUe>LNz!W}vU|Al|>;;{y=#@csN| zk8`Hn1c-PH@G;}{Q3?ZyVBvZVuN~{m7zgFD;)3eJs-yD}`q zA4PdVO>Ha$bfi!L4Y$y_RRjc5671|W*6>5o_msm8&O-zXeL=s%f9oJh*oS`oJ#h^o zA`VCC1b7sK#vn4f$yJ2k`8hR^_wBQhQGg);72E+X4*$}4EPRwZ(ajV-7sVW?P z;~RZo)&w~S2pK?-3uwsT02D76=nE0n2!)J}0Qe)Qy&+W0$wLAL0YQ*}WdjxPFa`z? zBguL+{y9(zD3}U8Cr?5E0#WrRMj)to!HxtB((3;o#?C1?)M(q%$&PK?wr$%^c5K_( zv2EM7ZQHhOcKYFT-KsthcfI~q>uvotYmRS>5yy^S`h_L&$G_c|NWu!GYeyWoBf2Lp z5f~r*JF0dI=UX&CUp{;e{?4@Fo;f3-#4+pdie`3R0r`L zE;K7|1aC~e25j;y1|-5@ehjYH8)x>uj zQ?MuKDd%KH&MH)ZNGGqD9{l<2LkwKi$}Bae2>y9Apw{K`qNk_wXU^~I#rjFCIiGNT zBu7seeHRUNfKowR8IcMnuh-Xz^V0+Vv(u{f{fDl*H3*P=5$v3w{R{TYj%$*nX-{B` zC#jRIC}ph(n02D;Xp$M}u4G}Sac+*>l&+5d<}idA#MJJPsA;LF>gEf@pPbncuE0NM zij7Py@>1yWh|mA#Y_ot!K>>Y|5rH0dYBmj$)_c0Yt2!;oQkR%Bc`kmn9~>RdM>XEU z(;k`X^F8y^5;8)?d_sHL_{QH}o`?j~XTUW4Qk83KF~dcB@(sb*3;MOFpLs^BV-svK zAYDy9i;g_m-VpNoGxS(<8eVfC!oE42&zC}|U+ZW(r@F}nhhXi8M(=>@9~^6_UKDKb}% zE8$VMb*sjLvtbd|?X7ACIQ@>gmWTzWJs`VQcw)|VhKDmN=E1mBgQr--s#+z{>G^2y zs^^-?8@O$9+4A}La!`jeYgHlAjFGfkuSlNt*kY%x=^$jxJVZ1BUv{3frp{5cW(%*S z_*OZEVp|e zLo}M4uKU;{d(uI2ZSXLU%6mgg-X(IQRagN#Dg1FHol$I5+*9$v5Rko01SABmJAbJ7 zA9IvPIx}DP+xeC-4nvzl^-OW<%xK6%NrAOHDx?EQ0&6&44hN>mU-F7-?(SAjv#DD8|Crl*;QMp2nuyIQbXuhNC6= zJE6hAo%tM#wu^eSIfri^)S6*?y3o^sS9Uu~h<`DVTJMBpHamVuZ*#5pm9!!5lL(P6Z21kS|_!gt{+NrQNKpDp@$bXiivc+ofSq~#-D89enVs(51&~q z%lLMqC#(3J5!P1(72v62oQg{aMybtGE4?&Bw}0Rjf>^p302D(U8V)>1hp~NXMZ4S- zM=@sTDi3+bMWmWhml5-6xR@>^YIAuUH>y_=(zt z)iQB|hUCU7wrMYOnp{H+8;eo4F<&ytKrynsCDXe(ZjQyI3{SL5F~+f;@)s`9m$mRM z2e3XF>FZN&e-G3v)Z>@v3D3xy|N7BVjKm0IWTtEu+s@3nq_`6OV~3HTCC0?yta@$k z++}E`ZId6>%FVDaQwDzEVVWT_@V)67F1IkhCypBzWXI|GFi+xO4ia##BMEEvltH-3 z^6=rxsqap8-qU2eBaxfiZJx@b8^7l~XJbX@pu+C@Fm`+^jk7soP*b#3 z<~B=y=8w7-?>@N#4YqipMQCP)D^yXRJ$E4oMhXu_;;2d(H%d|)8FfOi-@W=$nHyT@ zYv(TE#u|`sfu7)lH6M5Zq1)pUi+1kP*y{YDH~CVLd^fBE!W}3{uB}*s5#)g!;4qvd zGP&7xXSREIH?jm(B5{V_uEWv2EZVeI*^TJ!pnA;}P*IjL3BXH^wx5af|bq4v>U^XkWF#vA2k#0MuuB_+chbDFC5 z^Qe4J;9k~!?ds6Z5T#=sw9J{p`k{;_6dXo90G6-SA$%GB#+k-vWd%phwD3CaO+NGT z*b}$72!U}uYC+$rJj89POV8z-Nz|wZlG5Q{8PlUWZ;3#`$Jl*LXZUqIHHs zz>v(oQBhO|ZHQ9M?m(j8MKwXUhI5NwVhiPp7G~pKKDA5JWnB0D%0%3VOK2LYcq1}x z2l;suyxOzrkaIOW;M$kTFjDQ(>&K%wU?5kpm0=rck(`GMtND(yhS!~r{h(+KL;cJw z$Hr*CuIc^63DPIe_D@!V#Q-3ufYcDVgxYg`Q3jDY>^!ES$B>e3InR zXTT^o>Ar62=QqQhK%2L`BgBM7hOs89cBT1U$Q)E-NR>~J{r(q)J^y6Gj@XIi{Sk+?NP_<1|dWcTt-BA+aBKA+U?9uMDp=YF(Vmqr~&o>|1-UO##V@2ekg-!ryKeb zKSEFJp0+j#Rdo{THn>oO>OqAaQh)$XnxZME2D?~+&6{k_IYRN&D{2R!kl}tzAXYQ2 zV{^U(fazo3@-`(&K}UDH*HpkkCAhnd<7#$n<{kM&>vh%~BkGh! z2O8V0irkd&JLu@)7jRGlM>oy6gtI^GdXc(>8lhoRuMUTU;4N{||<94>Vih%-O=+RR~F z40Jn!Z7`QOxz3T6G5$l1St9R;yW9b^{0$0IF{*U{ePkQg(7GV(_xoTIMjL4(+4|>T zbzkwt#L=fz+VKpP%HH|Po>vIj+~M3k@3SA5BZ@r_UW@!O@WtE?pGSumd+GokR}_Gge|JxniusX=-Gb z(?mL-!j#X0*gGyYWj_5k!;GbFa9G`bn*rX|>I3#|n_(pI2d1jj{OAE1e3< zt61duX0u$9Gl!5goC)cRr(pt0NzlJh13^$@FWGk*>fcQyO;=Ifx_Y=Wh4mv)=%gw8 z{A8EAq*7{UF5dJr6U3tPE6C{xcA-&aLbTP<6VNt~SYkdv6oRCYs?TE;mZ^=Bu(}H* z(Vl@)CBwzt1v1UjlwM+6My&z0ns5N`m%HhuoVG;46lWU(2ajga-??ok-$X_CaoHU( zj)otwkpl5Hm0i78IHp{4T;tkP*DU>}>r~c~>kWO_E*K^oan9sw9R+ea1l}Nu-`5CB zvrnHxDlVEWkgPtlvxWyVq$8OM5TvnvFQ~e*N{)J^5ohNYkmq3#P%Y`=kfy)~HnfKt zkd{#KG%bx?16R6F2-HXX!F9oQy)xiVteh7y?*y*&`!`6DZY0}qXjU@e9S1>F?1fx< z1r2~{rq^ff)=cWv?8Q8e+YeS*5~~E>Ys`KzB}xYmUTITFVELm4`V33X^>aR%76UR$ z7W*0G1gYK-oP`p*JZs(fU%e{k12F=-3kYO*O6)DnAV*#cNA_ca6)#(n>weP2UBz2a z2JIoNAzT4EvOFEN!%2HyLD0#u2UsY2JC`6%$Fszn#Cp8UwsB|(db1iG92M@Cqkokt z@_n5GR!LNTn4~5bL{)ZGz}INpdK#@uUQHk1ky@kzQAcEfy%fm?lP3lXf~V7 z{^*F3b8!N$Qnx2Mq5s5=JFLbP6cY}SjtgEt1z&R+;jNkXTZFWo&o>a3T2n;`j!v+e zj8Bo_y`W5ob{U~uxAA0)U+3-3!FiCsj>U7zm-Kiv-Dldj{YZorUAPpCO)dj)`sZO} zu`u*E-WIvr^kOpR(_{r3u1e`67`G)7J30@L+3ZihtPd2Q>X5`#VZl|eP8LUK-~>cI z3W25RV@NM6-MD-aLtn5|^DY)1IN)@az<(xD>pYOIVlMi2srFxl{Yh}Azc`*YqqTP0 zmbYEIltGCS#L*wRznTxdOzUB=({{Lo8(NGVZnVLRMqo-GGIfc^{PF zqFAVRg?_O?Ih$;{9bcdU>7D}IDZZ}N@GVq!eH3$TlwAI7rYk21$#*gkXy(e#F{JV1Ed<2(Pe%{m`Usu}Qsh+d0a?5J8 z`RHYr)?L4J%wOrv8@CCtqb??7NB)8s=SciCSVir!f3C@EXs%dXH1=iFd&)-J2b96s<@Dv=H* z$~$rdeN=%(+5uG+4$gfMi9&XiQbYCV%#V(VG2TX3h|zt@BaV+IdR}sqGzN+INj#TX zSFT9&wij+?rFAFVjpu__Co6&b%jWOAw8QV4G*1N{37pAI5^M@c!zUZWR;%=0pNqgo zz-@2Mm2#%AsKa4qaPN2tWLnFrOoA*K#cUC6-Yl^V_>)qYq^VV#^QNH@5$YjQ zR=3A{MSAI~i@z?vKzs7)-E`#g(qyj3q!h?2z3Tf$;-hnnp4B6UHj$skp)@DS+7523&yDS4?TDidKsyMT2A&{dPfN7@PWNH$y7PD)KQ z?;_T+jpzOyKd5b0D9>5Jsians>hA03`JB$ccZ$Bj9of6X{xAKpw$ zU?D?BRE;h50T?XNuYw2MbNnS z0ERbr8=`KZ1K+rwUUgLz<#Yc8lF~GUE+pv`f~mKWQ7V^AAja-8ZM(Xzp;r(smXqNG zb_p3O6}OD65cvp1oC8aysNV@ZeIjW(GV)I|+#0)-?sPndkGx@C=g%_L3Y>k&+MnJc zgFkC8Yz-}U)FqgZ@;y)^5PBP8`sw|*iljIS#7qvAX_X|_UU=W@kuu7E1P(?V!$Gva z_!Qj+iBco@V2TWG)T&f$e+Km(FFhDJrUO zJcXMf^d^D*$ipw+26@R#3Ri0M>g`tf5+Ia^?}~RRLbudBhrtl!m|h7-w?s34{EhBH zxpMT>bZDL_rUZ6Va4sfJu80=i1%rl9rDU!DqHm)uOXeEiX@cK?mP;@16A{AJWJX&U zOTZ;oL?ADUmmyQDuje-$xPcrx-+F_)yv@tW4KWURE%wjQ@R>-;uG*bc3Qxr&aJ)UG z&%n9+ry$8^rt+jiC|N4K-Uh?3CFoOjJQ4XER^ku~FR~6e@ICuj&|L`18$7ny+^84a z$EW;_!*~El7piBGIG`gn5&8s?pxX%iX9M<;v5jc}hFZ*CK}d37tJV&J`BiY06BDUe zL<~_xsu^ND;2>@6gRFei`g>=2uV>jcV2l3wc zh8B4v-)n$kG1-1lkNOt8szB4Ed|J{~#@~N%ddgm`I>{b<;$>Cun#}Q=bPnz2CP_K9 z=Jj1GPdV5O=AS6Gr_ScW){_HjndwmkEmd3deOP+Iq~;u%BnivzS2+)oxQ-7(~q-+fhsj!r?EX)u_Uv~u$EBvMh@n1>N&4ip^ry)qLu-=b_bup0Lp%Lq|G*PxIo!sdE7YPxO7dgZ)^ zfA&q+K*^T2(qtPZ?jC<27wuf@1_f-h_u8zh73YKXw~%0~PG`{Hd;-t2{vJ;3(9(=c&e*n|~ao-`>zYw;5m-`kE+4Kbs zh-v?tAX);9DLFC30G6>T#*RrFe6d>dLwqZ8pw9>R9mW1Ix}E{HK>EDF+g%jDp zpSURwEqvX_;6#Wh;)GBu--uo<|9CD_ncvEX+6|5lJh+>dWl_oQdu^0OEzNds7U=me z(pc?uopEtKvKg`=41JUrRKE82?I&<22ZLiLDv-K)-CVt;RV<;9i=4$>EUrT` zy-3NVpS)PBm|EEANh(c@S`jOdh<#~R6gL7DAauDkv=1%}cQUD-Xf@8_NDeeiETw8& znhA;hcWb?B;u+#9Hp&8UZ_Ee1#}@hsY`aa-O+M#^M4HQBc-JN7)iw?a4;a>NYWm3b zGbI=&I3nyv)>=dKoXzHWaMj-4s zcIa$t-*Z_>PHebwuDZKJi`HTkNRS?*s$kzf-<5nTk7w~luBmQTU3YjEFYV+Ooy-gO z(CE+MA1acTn<1 zbnSGQ1QzS!5bH91tV<`>BnBJlpZzNQ`)_jptr);pk4LW>Zkr~r^fd0AYASg!vZyK; zDN(K_0?Tr1^H$3IrgkeEqE-s z>zb0_LBY+m7O-?70F^Ckey||A=7XHlxHF7{B{93a=amYZeuEh{)reT0CYIVSoDdys z=8^FMyONWdbPfW;mCqznyb^pMYHNN(5x+I7h~8R#Ah?1_pI`S^nsIbiU=)PAgL&(n zIV5xaJ`3V#MI2TwQ(-tPwo}O$bMBZr6TSOsDzmF-w1XJ66w!PnG=$GZC!#Fhgl7PB z4X<074<0Li!Oc>GK={u1@XmsZWq^FkYy7nXa$jWBrPyZYc=QLT>H`_= z|0fby=o$VCk-)&p`ahf&46KZ-|BXmsWMyIdUlR$+=ITf*n5g9j2Y)n?fm47`!IP~n z<%a~pk)bUSS@Rf)$%qk61Q`kVg+Y+ngoTF)m4*4|6jQWjB{dptL`r{qhJ`7WmBXv3 zC^P2Ma#h;8_->fwOdPtOcy8Q#4E0e*3)&)T(NBZ&*rP;D+y7MO;Q32=*$I=PaL)Sc zS4swx14P(N7%5UyuR@0IDndUA+nqwHN4Ems=3Kns!VaC)5n|#g%`c*GO%98AV zRb0Ydsh0vEUuhZiBERrFd{9aFH1xj)y&?Miy$8S#ey(RBt{`gkH+@2u$)Wac&7k}8lUVq;5!$t^P1J?2rDw7u( zZP>3;Lm2JSFcYd&_U<>q0I2vMIH-XNRjDo*sz_!=Qy82%q@m*J5vu%QDGmi1R0A}Y zmx_c$L2%kfWLNd$#_mmmBq$FwibrETjwCB3jtA%ZhNJff&#a`tf&!BS-?1bTNL<&p z`HPP>NTi4yLhcV4#*f{nA_-sBguq8$kNGR=YZb}I@_cT$BL6hH18o5jxu8-k6cV1_ zkp<^c8jo{rcJ^2k1XC7CYICR}{Haq0m3WlApDZk0K0dj=IT+fzGuIaMB%gvKS`|2R zL#&P>y=e1v(D|3ug=A;{r%;-sG&E{x1SvNOIi5$3LI5e6A|B(1_J$oNBkztjUI8y{Ol2@U{VJdbgLK9S1LRP|A4h2ZxuI8ackS>^qeZ zH!kWyB1w0im>e>3UvLb4$nd#N^4hEt`VZzr_H?6TBhCZ(s6YZjIH?T@g?kNPdcqbv zTAqqNHe{0I--}9T0smzC)vyNqIG|v#keeCU@57y-!l6`;u!{j`Hh{xB5h#)@4YLZg2dhTZc9@;k6LSr~Q?J-*M+ zSG%|Vi3rG3M6fsRK@!|m7Ee&6hbXHB=ep~BLwnK%ifEzqCEFMPlA5OnoLc_38j#fm zW#{m>xI2XmyMwC{ktEc!ffNjlKNUDA@mY^y@7F+i#gXRj22*l)9w&iH`^ZOi+#2+D zox0lnVi8qVck;b6wO2pic(aV6o@}r=qf@YaDJujQtWlXmIU zHszAV@QMHq+N1~88cN%Ms>c}&SVUE{MuxH|=#@w}r;Yqn`(oRRrs>w%8yBfJ`cP^O zZ({-;U+1%8i&Tm)|6~JP2A-v~kKiSx*5f^@Mi5qt4-#`1!F{i{%5}ji5=_yKwFuM! z>+noC#Fd_D`u-Y<1F4mgUi(ud()C|soDJdlE!sKi9+$ht6Cs6=O&Gcm|K{t}0gVBc zjtAlE8B&`ZzjSKd@GmZB%65HT(p znaiw(H{B_mqqxs-7~UOTvw8$|<5O>AGRiit@`L8}?XNy}^Livq!0`IhX5k3%=>>vovogOC?F9}n^- zIe7SNM#o=!)q#|uDAp>k5~ThugS$H1ysPr~=;FC?M#GbZ>6hY}pTZ*Q!n`OZZ?~O8 zk{;O4R%W7$F&?pt!){>JG!;XLmLlK?qqSfXXrr{76KNBksre|))Xn|0Bw8%-k0ZOn zA!EFgchH=V?&igbz7uhs< zeirydE=VXgS?~{roflbQDACgX}M zH3dW7kNG||u{lmZ0y|xw8!@y-VB78NS~1P~+wI8>TG=g|hq4pktLCRr888>K1SS{a zL(e+ubh14Sg~Vc4@r?Gey@B_gRgN|uGgO-GxfKMwz<+Q2!o(v^JP~&`!okT z_K6)fmsWh@rA&Avxu>zP$g{XfTAYk{^Nzxf=f(EU%gf1)J?@Fu^aD%I&5B#jz=*LK zVKKDO#sJGKc_q5K_C8~7MG06Rr@20XIIyznB>MGfSm0lP+SbBAU=F+-N>JE7!dY?_ za8w@*0KI-rKvFw4>dhtGXh1vC`$I23Qf!cs-ADS~ZM4|{LxSRN8#{V@@HYtPIb3xH z&rmQ~7%>h)c{_s42+H*-v;aG&{_LSxL?o^Vr{gL@STmtqS~FWXG++RMJ^*Wb9(#Vg zt0*Kw00Cym+7K>*SXh8{K>8r9KPIH-!=!%2b^p@x!eZHJYr{%1urMF+Xv;~9P15uI z((Aj+I04wuK$xebrDu3$_QOAA7?K7^3%WMsq%;v*3R@Tg-z$ zyV>aMh~EwL+2rWend)S(H2|hlfKCYV?BhT_$A$mCi=2j%5KjUV41Y+2seqrUN$*oQ zb^$|vh@y}N4}P7=d3m(EkOH~2cF4dWLl_1G>T+?JwwSESsLZ)Jlya~ zz(fm*ZW$=G1ZxyJ$nGW3vg~UFgpBZq#xc+k z5CY&Dw%0pXHn(Ar@8nn-niuH+5^?t?*aZk1UmVU2pdT>WGxo!izjGG=^#B6y_DAVX zP8c>B zZUG7leam-S+dm_?t1(O$0b`51^NP}oM}2b&bDGb|$uWcZIsU{mrT~D00^O0M^hSjg zMndnx4Nq}HUq3kd0K~FGMh&$A*krE)^a4f^@Lkkhk^mHXlD-ES0mg3ch|B%~!1xx8 z2N->2iwET|_9b%9#5-h*2jYM3iQ@+F|BmWKY|X9Z!$$|``w5O$G@YFS`Zu_AZA+kj zZ%gnBCzrXn2Nz0o_z0E=$REmwf1Ntrv!@~4@{7U-v2k}K_|T>e-pGEQ)PIM`)S@>+ zZT5w*gNt8}0e^Gi!0mv!xDzeGL>69|Kd62e~&rwuBJ$?_BO9BJ}NWNG$@RM$=*h zF{^^^&=^`;+2tQM*tI@iSm1xsSh|}PdW3J_*PrgCEsy^ z=jq=S(X3%CnwO}#I@X%#2i9F($;TtZT&(I5!ycTA93gr~qr|3W`Wb5dIaC4Kb-w?5nMz}vp#ki6bA*jWnpDL^^~0*g*ddI26SZ!Wri z)1IX=X8QP?jmkWF<7&UKP-Jk)E;DCa_{#S5vceIUe~e_l-&;ujaAvx{VQ+~zp7_UL z3^YwzWK0eit=T>v^%13!uJ6eD3f(8Ylx~%^uQr!dW=_%HDy=CDOklR}cin74_NWB+ zPGuI6JUtt-76&<&R+ZA+3{I3LZe>zIO|lZRlb>W#_U433<0BWak?KD)pzGJ17ft0= zsm7{UF2nefw^w5C*H;$JQ6yC(iaX4nPEMJ*|AbS!%t9)#b1Ad8lPdfVsEPt1&0TpJ z@@4az$Nc$jvWVBfxUme?qe%ACw7Bw@-8I$Ra<=GiL|8Ilwdo0l&aI=mzfU=2qf?r# z77NZtKFWjk6F(`Ep>QtW=5J;fX8Zb3t@*wWfSo$<>c`5bUiL@x9>-SqR-hwXeX5Ii zD+_>*Qe+buCaAu-DPKa>k*itAluNAuhJ3P5Jjo#^#l35EGI0iCzUrN~s3Yr;-I@-w zN642}8#1i;4EwOP)ETAvT5D!LSo49MQpjBhb~tI`_)2g7wkHVdc-}(>VSH974>cir zf7wsfy}ATWdYy>d+ak6+lpckG`F2&{Tw&X3Pg^8j;<;QcrK@|zDxU@6ot^2EnzHAGasL~gNMKx)6m zOjtMr`Px_|D z#jiv(K;i^9WXd}(u^mxdTsgy4u(DRE`_5ZYX~>>K^c@m}BD2x_uGPxTuk8U+zLcuchj9@6N!ObGik51<*$vhoG`b9~=Ut2`iAI|k5g&mOSH<;Ljq{4SZZJ1@ zZ50Ts^;J`IkD^-M3zX;cDxyz8=+nk}38B89BZ(-W0?QGXQ=_*G#VTVfCROMAIPrQI z-O&ORjMRm^KhnZI=A8p$ ze^tN?T$#k<@2_@4@7W7(;#ebx3F+u0lXY)-aRYIZP+yI z-1P=Io9V(+gAAph6}33y-Cg5xb@u^`cn>&M7RTN_DsOe7fzpbeK>Stt^V2*W5YS9i zTHz^yN@wn|XgffX4!Yvi*zKZY{@Gu*LiT+k9hK6Fn|tnjNtsX0r!8;^BjKepmEe^q!!aRgiBZcd9;|wwA z2yjgp4|H!QOXB9X%=m?3uBFVzAcsx+4=9MvSq3uH!ehwedm0A!674&uDuPUD@U4$^ z{Mol|AeydQ0WZu6#MXjISd9~@hnl>J+okRxZt3L02y{qauOuLGg_w}!|Kr=(~J zLs-%q>LsXX$91fzKB{fjNb$ngwF6b4G|b8&Msphg>M^#H4B|u*^HHGk04_05z5Nv^ zE|8hS10ZhF#2!3Q8`Aky`O!;%DcSoef-{DRGQ+SKPC0Qlp%G)Mi0n}j*au!D z(lFWF(iTyyBl9kpCT$C~u`OFWziw=cg%5@zU5g2ul}Gv;?y^Nk3H7C57^nxs06I;p zZtgSbxOs_{uq8Xp;8kxa?9RJg0L>Ku>p@$v2473F+3? zpwFt4(cTP>CktY^#E>w851|913L0>v4XBSW3OPxPw6X-{%+`D?vtlD+fh%Kx2iI)c3GB)cgSz7(PWX!lGaaKsa=O%F*%w->C zkzdE9jW-e|d8!|)9BNs0ttpjka?TOv7)&q~=Z6h{-mIM4vlrF(tV{d1w<4G8gG+D> z;nL65fv<#}O(pe=U1sYs4(nJyu59Cr@My4x9VbqKAr*9NZ7cwc*2t^hg&w3v z?LN|jNp1OYGO3bOMN1Am7UnYU+}_6ef=w?MeyinQV`^-~s998pvAEV1kCGij-r7z&m{sxr~B_>ldp?hbv8y z*J_O0iK>&8U9RL7Be(uU;H&Bn{45yM{>zm-!@kPW5e#l{O^% zq%G?U8<7-Ol`Xts$Y4NH@Xi+;IH~iONF4S4OH3kOoxe4Q#YE{iwJY9vr|=` zPBHExCVuv!{5SpNbFi(sqE+8z+^4zBvwh%ko>qvqZ}URkA+e=)+vO}q($?c-b$SEc zctbkbBttVylF!1nvj0M3*ncp&8TU}e=h3;$Hw*$=ck>G0?ejgGou>^OL^cag5O}wy zg~xm+>%lzyQ}y8FmMm#?*ii)zm~_|HL=aJ`%{CA9Ci?XVXmL(7(~4)^tqYMMg6)!G ztTf%dcTRT|+B$MYx( zj`8hJ@8rmoJS`(1;MZUC`y=sVx<7qKD9F@cB=w(4_ZxbMw^>T-CR5?qy;>~0&T9^36h0gTw%Jol@lI66&0MEAaGwZqCEFb=KRDsdh?iw{xQ)C04I#K@pS>oXf?R#R?)M?w`^&B_n2JIjx-5L{%7J}}-*6NP)0YxaHiVedYg~u=@{{rFcsxGu1 zd0Ic+Q$FeKZ((D$rGHLbv0ZaPRu;S;75fsYQZ?bF@q<((b0nR*e97`S<^zwuTmtKx zfBw9mL|O+v1!_m_0=n-a>5y|QNm#G#T#A!VDNx1WEt^Fo5|CY)36mqmZOtf8TXYIa zt8u=pPGWS!bPpz8sFGVp3em3@v$fGRXWPl6r87yDL#U{*6nB3ek_ z?Uk-$?W&~nY^m3GoEE+A-AH_s60Zvzxn`qU&VXWU0#eOMuzT-@;`>)J}2&5P@NBwEv7X zBVv_2&Sau8t2mC!V#{^(ed-BF}OdsW)_#)3ns6oO)Oi z3XzMDvKdg2hVh~nxw*$;qWAXvm$t42G6&D9MW3~GVM*1f@WAYX{g_W!N#u#A*1c0z zY|P<|jv`?0Au{E;Q{=&C&yeak*B!5E!xS=IAJZdF=C!4~=O67QH9XhliRK<@?Q-CT zIzS7nX+vSt9adr!d#D%|>E<13%4M06(2MpwG`roi6hfh%s_*3~|1bQ5b|YEw${+!{ zv64AYiLZj3F6;-3MOrt;P|=G=*FOOL`wVJ=fI?R}U_@|`(<#KTNk6>KMZ%iLah}AB z7On3p8i4z1U-@8Od^fK2nam`FsHSAIUN~NPB~lM5(?GF?>zA3B+?m$ZA$&f3%v1i& z!nr>mlp{!shfb6!l+!ORWVc?9vUP#2;b9cFx4CI9ej(AX&lV^D%}l;B2@TH4N-dL3CY4zX?tDpE$Ec=z)icMnVq}ad@cc@tkH?0tT{VmT z9F-CjMedN22gU>`ILKsR&`TIthJzG{9Sn-cCTx1uk|)OvVdH^Za&Y9z8jVns@Odh% zw_2E%DUo>Yd~iR0O&-A>Dx3G9O-X_qa9XU2l#?1XV%&(~-Y|}NGZKIO9OLJt{iauh5anVII?jUIMY% z0)2ul%QTE`J?i9J2q_({yeH2TSTtD^GuTxEDV!$?)~)2UW>H|wK{7kL$jpF&-*6$T zzZ#CDY3^FvdM5CF<|#(R88Fm^c0I;xb8X!K!Km@fQGY1}xn#dV24_7`*nIdm*-kEH z;{D+AE0bzU(^MlO!Na#uduYQ2TFe>&-!`tPv{UWGL)5OP-3jB)8?Qgfq>A|^mM#qT zhTC~si?=YPDf_c8#eOR^;c&I@{iCj9eqTMBF2k6oRb>S z31Mw>1?O*1Tprp?*ve!-ySrTua6snn5&9CdyrOYNI=EKbxcg@Qm1_Td(#49c4E2D- zlq^oM@39rxyW~`u+=j=)EKvzAHOra4bCQONtMyt-)g%3YIdx=*{x<=J<-Z6pj2s*+ z|B+mNGhCTj*#B$T2@@+LGsFKf#I^C&SsnTOnHLsm9)BK2$o2moXnJPotu2Br5}K{w zTeidl8Vki!6cKyuZ)P~Iy}NIEZiYlQscuZGo(B14s*A^{Z6H{|#{9B2)7CUrfdM4P zG5?C?B5`3gfR3&Y0G>kb{?#`;5G*cEcKSa6Pe8E01p(b{!A?>@caQ*p*WCu7YT*v? zg;=n$@gq|MWI;|KSBTOQVD1A@2Dt;Ze4Ih-06O4bKn?8X&TI~JgQ!7H*0xR{dWef8 z*xAR`*4oDXcMMKu=HHQidrPnY6o3}?U@td&TL93>5}?4M%mPpWdqIS@06MS}z#L=) zbg%+|tpHjeJ%F~Rw1y@?Rzp==O_QDl5?Is2*%|Eme_SLrwX|iK08-*ATG9ZJ4ii9D zTT|=zPc4uWgugWtKt&6p|D6Y7_}g7sT1#9@Urm~w_4gV8>;O-YtDEibwEx462Eq*R zhZ@Ay$`$PRR{{W?jk~+E04uAPmlun*hnqVK*wvcF+2JpKS~j+B057nsJpl6C732W= zt1uo;mXLC~+kpNK@VhGjC0h%SlN;!_lMMK8r6Z)25GRP-{lCN@g>e5J)8TJ(fEx(( zuQWD5x4(Rq)YOy!jzC){caRg%$pT{N4s`c$1DO3KgM5Q5Y5yh&0!Vtey8h0g{2!I; zf7ASjx&#=qG9w4S0HD|Zb`0p`;pY2~+WdRj7GNhgTQ_&NzaxSGR<;hH-|XFf_srJm zFPXBqioA@prWUgjWbmArmBEneII*~UyZ>eVJD#|dk^q2@jR(Na&jnzE45_q}r6kzV z5yILH`FHuGY$0`W2fO;P{=b85?*#U8^85dxu(EZswEA6pOAlvOZ6{k750Jdn|CvKX z$bV$kAa?*80OSGyd0W`9{!aMUy!;lk{}w|E5#Z+xb_Q4h9o#?xwpJj>FJwPApeG36 z?&<*w@cXCY-w2tV7hq{?;SL#f$aX>gE4sXs6&S$(w;00YKdS#50=mDpDm`SMT7sP% zd;pdpD`Zv`usdWV=>Gq+)BY!yjE94R3eXWm_y5%Ne+_|-whli3HvJzHUC?i~bShw1 zN1((1=xp6&Y`sC2YPRkcHh-7)Z@IiX5HkPbPSy?}NL&6AY5(3*4v^V}oIkd|k1qf- zI~ULY=pbWhVebTTa|3Yw?FNDr;(r)Js{flWfK^;qNmpBz@&6s0zwD%)EWnnwPSyYp zZXN*8)fMQ2%m$eS4sLFMA3J2QEkWLY4GVyk#R=>VaRE4cxCa2Nz^=%@8_L5CN$^|r zH{t=XO8h~*09MIAh!4Oj^#}0-Sf&4qc-a7~GJg;|fK~Pn;sCJ9{Xv`nR{1}O3&5)I z2SKfLAa>?7x6*3sQp2Z>>7U%B)jGx1j(-T2SKuH|3Q%K zI)4x(yY3$Z$*%VYL9*-r7x6=~8~i~KKj426C&Ulv=nUCAzvuqHHV~=#9|WnLxhrHZ zfZQEGR_=e~od1>oy{rDKfTXwhFXDy-vj96lrtUuyF0S7aN5?-j*x4W)E&l-_DM5cC zKo$=AR|a-&h&^OLfo?W`+W*_f#RKT@k1&u*Tm69?5MEZcf5LM9hMs@&uyaD9TK)0o z{_PI-aQ#O>h>P_tb2yj8VW#i*)19JL@1w>~14+vR_-9I3t7xw>vkV^fNJ%p~~ zAIJ_N_a`zp#MKG1ZU3Q%tRMV`48$4yFEwN_&VSU9V9r3u&GxU3a4_VAV=GO&m;G58<6Ke`o;|j;%4jpXSopK zZVvyPHg(I1@<;4-pJw+`3VSp-6(Lh^wq+0ko+`$hclP1Il>mu+h`6p_5D9 zK6!)`%g;#Cz6(1dXvLUae&FZ4_SYBFS_{pTK3VJko@q}dknJeztC1UN-6`7UEsWwN zn9d*#NXjibR%m)q=KGw>^wZ;R>#6CxfusHe^79VjUF(V&Vr&|zQ|@sO3(Q1GCIcj)_tf0vYPil_4)e7ws@c~-*j|1b&$R$)>}+#VDKUf50(M1yYorPpa{I+ zTk`~1s^RUFkJ+PlR^sPp8&|`T*IrOPbaC1+u0_J(m>A<@?FcGlB`s^LF^n*KNS?-X zjqc<`dn8=6@+jfh36l$cPBM#O;?>$3-9K6WY@qkLP=|1wG^xhei~ehQ$# z(-AegN~_Y>#yFjo*vI*lAFJ}u1$mEYSpM7(5pEJm3De3@1R!`zRT_*J73+o+Dm)jO zy)FGO{gvW{M9Ut}wRDkUawMBN?_GWks1y3^pNry%(3mcZ$tqg4vyB@dNgEZ_e`=(9 z;RMx&Dy?lJ<257*$kH)=!$v`}S~w1!FoabeUN?65IxLtjrhktXPhntbmMK z@TJ4q19fKUO6~PpHT8hZy`33d(HlqR_abEo{j+rzVjS{}&Xj4&v-eM^JGVcqOG&?! zq8~+eE}~c(Rs;&?W|bhpaJs#C$m2;`N@4Y%<|E3LK5#PYF~_}J&&-N!?IpvU>?~0g zmYv-~!RafRpd%>%G=bHw;vDY1TKvgfmukZjVMw&$aHwtW8s3$YoP8Pn#MJsJi+_XP zabJ8k1ln=wLPvlmf^czn3uOuDR9K3e#4ONyk{R$T$7J$k*X(h=u}~E^6ih@DaUQyr z631uW%NE|Cy%kmBXg-NPL@92H zV3WkDeoNN#{SKe`AvqHnlvn{qcpY~<*hq_Gt#W182sQrAO0JY3aRjAelklzISD+guN3-DP$m0m4!Xc#LGF;n8kPwEv0vMZ<~?#>d)?3N*6%hNCn$>{ zH(B)Q%jL}VxUgxZ=8KuT#L@6^nXNh=GlE{?d)jErD>g=W<_PX?$Xe+<05{4!<|G`wQ(S zqcX+3Y1Ow)4)Syp1EcfX*gKY85%Z_yu*+4~z~jPBv!Q&kAMy7LSI17n-Z*o<52W75 zT@E@GdvZ8@=_M!%q4oMQzj_5CCHfHOm6T4w0iS}ej6E>yyUV8|VrCYZSENSGrMvSz zTHbB@TPxq~A+lmfeGK}5b%A=l3ez3^Vclg^(V?mR0a3I-%3dGYgVIOyn=mhsr!RV2J!#~AV2_00z4~sl1okKn7 ztK4S~JeSg2Wt*MtieRV}zDRyq$OmIm+54)CsekKt8)}e(BgcE7v>aGx;LztNJ?e~E zKYdYwN#qWzvm!M5j^O&>7s4(sfQ)=%T7@~d7katrCsh__QNN!xa9U*4sSub;wTXFR zO-$8vH6@Aes)mF?hdYi=^mu*XO!+I^v3{ODpd>_A;f_cn4LAedM_~gnv)w!UW1={QuB^5-RdxMR#E}4iU9ZzGq-&ExiRM=I zn*i02M|1?M?Tr3>98OXb>3S|)jL0oBPx!d9BZ_48m3Hoz88)We96;QnZJ5Y|vxec^4hUBw_>4wh5USL9Tu_xgS^%VXZlo5L?o)o= znw?p2!s7q#Tt)-DCNuK~jj*I84Pa>Q)I{w9za$9}OKjsDs*s1tTTN1N9OcM5+FT*P z3g{{9Ft!O~^i5Lbn>}xQj$FbWQIMZ$6ge>ySQ0ww;1g)!E-5EnGbmaLuf z%VV}N3)!@zc_=Bu?{gjx1oj3{%4wvA!#B|i_V1!lolIdS z=C8@{gE`HQ;#R36k4ccxLWLR9Rzb^7Q6ZL9|vG3O8Yn9 zdr8RJ)?y3^o+2?V^!ehIirFM$P2qO=ep2%okYcr77*e-ILrd9AsS~=~n8ix`EF8l5 zA`8sCMu9SRewEKixq+_$FFEa&dBQqdVr|D_S{S8%D7D~|A}**LK-#gz8yqa4dW|td zzFJU>wvcUL&RGAv$H#L`pD?KmgbVzfC<2>#cxI()Yym3 zDp#)m@{C_0u^zJX9pSn2_XwAofP|cFHI*IEsx-5oWiKHM`lMW4GpPR9f^{PDFsYU} z7M5LI1O?2HB*hB6$7Erh!h^w(De%zif)3j6LtrWW^@YEK?tB&MifBD*gE@Y?^Glka zXRN!x<7zKavCgL3W862+%+aG5;st`7_c(?Pwnpu`UuF}$S7xR3

pAW2*;MZcFC*78o8!(ub4pgEn&L&OADIdy}<#!iG zyQx*4qU%msS6MZ39lpa_6eZ2$|G$@OV#K{xLUkK`eXx z@b?RairHOiUBMdDKT*@?e!VvCtSQ3WAi}HoRz@nF)rXwxq1MFzeM>N;4eQ!1ZuEK* zMY@gK)~)|n^;4z2xY;TfBlah9Ni(MhrA`EAuEl7AxK3lNEM})BWsO)R#B2QtDK~1Q z^a-%>`>+U}>t}RVKDchh4D$Cy`vH#!Ltl?hpR(WrR+4)F?zm5yq5k1;=r!iVU+2MK z`!TspLAdx*y!I05g#pslY!_MXpi323%$zAWhe4Mw)gt`U)p1A-9C$k9CN){&NO&Ba zQ%p%t?o^ZJRqs+;`)Nq6`FbwcK>7T#0u<;S1Pj9jwO$U4UJs`~ z$>5`^XXEyl`O_m^eG|J+UO=N1{~TtQ;2{0YZW)EVV|^{Rm1A3n`U*wJ9RID=mszH5 zXY*g}eD{>;Li{4q6t(UL*fM6>lV{Rw?^ZySnQA4xvyUGRg7y!zw7|iY%9L?jjY>iC zRJ?x8_RLfEn0}FOObETLCEw#*8zFyj>qb{E=|j+29i+HulhQ5gzBKQKm+*@o6^9e; zPyO`WHmd_a>%#}wtMEA}$zTme zZM~yH%Xn)nyr}`QtI8!wP;$wP%%<~6e`5h7?dD_buODY7zD&e&wt)VPHXDz$8`fps z09hLSf)!%F;Tbh7^xKi;JuYWm1rG`AAZZZZX`?NXOlqrDZW&okX41U2lq%^1*gyw= z4}Z_ZF(Z&@Lv?y|EFp;O+9>)Ym2vUwi)p|uOGloDi{?*HP{s=7rkxzY^+uyOF|T#h z`lNXBg(sgr z>th2KE~y-A6f2=E?Rd1JrS*vBzL|qpg2RJ%;a_t|@AVmj=)s$xopI8;87FY)W^Ea<%y!^2q0XM>O#gmJdqYqJqEtb+<}3 z$GL;aA0|+ta?5u|!##@$hjN{&D+eq~Tx_q&=~Dp3{@s)%aBeP~C}QF|4nN;pU7ldj zRX8#3ygs64go~zvhhZ#SU+|MvM?-hpq_(`qAr}q6D?d}@YM^TJN}ystwGCatA4yy2 z_8z{_z}%*_pr!m~oyVeMd-cOSS$x_9Yy{s#EGnqD21QyltXKtutwXUEX6G9zp|VR^HV6%%MRcoli1ei!NR|g6K!ABm|kZ8v8LV$?CIj-^kt+)DnF! z{yhIv*3bV9YUp>?y57zs-}BcYF~vscKQETWU|G}W3#k1~pPw#wk;=L+pf{B$c;K8zzoRFM}%tgCqU@xKTpHuek&bK$V~ro+K$ql5!WjT@fs zJ5-VOL;xoBMeOB#h(jh_bwc6-AD4(RP8@-T!)9NcWh`wC!fas3hxr3}o)>+ix`;d; ziPdT!06b3W;BuA#_uM$QW@Il||) z%a-8KuqLWvD7z~SS*yhmrH9YC`fQ^<-a{YntNOQIf$e);)Y=n6n;)e&bb8P(09FWHxzy!^~uk>)S5 z;1Jyz-3VX_eOcYZdyf5ZA`NrPb8B}TNyv@cOSzH2Gr)?~q!biN?^mvgD#d6*aV6wG zdb<1|(9wR3x5K{uBtnkSgJ9Ez47*h5v=RgTYL!9Pq|^j=m4$2#uPqUg^j*Bf+vH7` zCtaszZ_RY85T2_mXmv5XC7e@Thu$)WtZo=nZg#5We2iThzInAfa0wlcFp=sG&&Gx^ zhfgq0O?TzdTCJn2b+(afO)n_Hwv54U2@XU-&_5jH0N~xz?tx0D5tID3IEq7**)O9r z!_>?6NiHOW%H^}|K(Dpp5nR=4_ZxYR%t9~U^7FQjx)c(msm#i)2~CX$UbgYN+21kI z805?)jPMO^Pc%lzH3#E|83$ZJ{{5z56Dp|U{)ZyN!(ze@aM$3gZr8ZT`OfWKIP1=C zhMTUm*fEccuT6*zyhz!c*ss#Vh^L}cY88~iinegST4hOelPOcQM{mm)#eMu`SEPXz z6TC-s+g*m^|FN3$G75&pU!V5rwb*E(N9pS?y!XOdS~wo*FG0G%kSzl*Kg$J|bBZLS zHQ@=!Wyqabva9dO=BIRYZ3u@tWNbv!aS;{KCUUwculzOwbexmGp2nvUi&H$NJrWzEARBo;1JElu`PX%PL|VYCvJ3DE^5{*idEp-o?Zdp_t+0}1>o^- zX10r9kdLj<2Q|$e9e8@zO+#(2eLH!U3kzYlUYDt|Xttu*?IDoXF)zQ}d7EX=sN=KH zUU4n!8|=^SR18gtIXb1$j$Z{>uJiXWuTu2l5tNX>ZhkT2yt{^G%Mu@dFQxJW+G(wD z_S-Lk^U$=fAL_308-EfN&#tn|9<p+-es)de}*iCuIp4I~*O zoITcjk+kWql*Jyo)+|*tYOa%f!a;Iw2x}e_In<+bj5pUK(JDOpnt%RFxLKh9j&X`} z@u%dDkty;#L&92mbaOhm^+%Bj6`%SZ2KdGNh1yfLCqD_Dt0N4dLw<}vc8R+(F^vyi zj<2DcU`xAgJbyYVw)w{6esQ`I;nG(r{1oMeFq_8i8KpnP_ykB?ez?y%GdGD8lO_DZ z+36 zUf!jeel;$U)!Aa0yhVpE{WUR$ws0Pr7HaT59lzmSfg_Rk0ZX6;^t zyI;(B6R&H+)>#nw7R#yB4Ih2INg>dowf=}SsF+A<^Qng~s86n)3>d-oaatBv)4Xr% zrbB3|8%}zIv%uY-rNH==fBgnxXx@QG-_N;XJo$YqDjV*jvoMyb07LuMmAN^Kh7ru? zkBbvUB9x{?Z|OpMTbXeuVg-!}q8!2nMc`1?yDm8CcIw@!0N9&+W;q>=m6liny1@sS zp2M%J1F8F{GGx8!9pR^3=Jh`0eND2z33#|__*IviE=kKCIMRn->731MrObDN zwF|_IezIrM2Eq86I7n3n857j;S?bijHFoq)!fBf128)TOAm-7$o_XT_L49#|kIs-nUATD~UhX$#pfy5*JZL|=_ zsw`HcQE;)RO6L-VSBxZi2&%Ml^k~{1m|t*-DyoPxvaC!3sYZQRCC|IrEEw z>P8aUCbtH#e5PL={HOBX0(ZUSrV!slSx!j&Xx*@hqQAZ@^{K2z&AAY_+ObhTzs3#9 zP*@G;@tTcG_#$yDlDo)wn~6Cz`2-cv*!MxN{)V&ky_m#wTDgj16G+{ysO9N7kiVR? zN9-Y1!7mIz4o~poL8%>zS5Gboi)r)~iPq%FmmIgA=GcQk2^T7pEKvnCs@G(e{--EN z59ML1j+3uQ14G6Tf0)_mPuZg4{17=?s`Bb4{K?R~N^4IYX`}#+EqU^i0?#^TQLmk6 ztcXL|j1Dd9r44uIx86$*U4I={ltLdg(XAp{J45qcm-c2=GP|&0QD)N-XSZhDlJV*0@{g`l@sqsvc5G%j@Gl**1C} z+_@2wcekSXimqea=hU;C24M@`NN=3%BvrI8(tR4$BZv2TojH|F_~h^2tM7x}^D6Uh za*7Q`I^LEr{RN{nap|t}YfX*_QPD!aLmekDkmj9AI&OEbPw3`oE$PA#!d*%fyHP*k zd%VH4xpwOw5-d)`2W?{Cy2`p-{O{v@Fdi$SiB`_rq=poDxYt;o-CpDNIDM}ohp(lZSx+}Ep_X6THR0Q<#$N2=n)c!bu4;4-ML-#o*vPB%IwWo z7}~n`s~-}4RV=B8uhy)RB^AdR*$U7VjO5)f8xv)q6Y-*k0+ha@O9I^vO=jM}RTiwQ z>wHF53n}%Z5WEz6=91zgr)>aPzKy-95)uRi9`WJr<#Pe+%M((&zh17 zg>Ms7$ldqGBO|lQ8(zY8<#-(^wO>eEB~pOY^b5~YbL=JljBKZkreIo-%Cgs@Rnl$8 zh&NRn?Ls41mVa$I11os!UP^h7$S5MzFsM*qr>Q5}ZRlvXws(=RL(<2Y65c4-kYMe2 zZ>)l_UlXuKf84roI%XN6@}RI9=y^RswN7H{L^_pyip)EX z+I(XPjkV1f(r@+rxkzuwhx2hAWD@*#3En7P?f{M+&T5jL5dr<<=31%)oBQo0$6RZ-{eLRShKLyGUF017GiyC=6~y z)lR*#&2qlGtnS^-@Q^ka)DIn)x)?qeiEpLrx!wrS3_6eA+xqE}7tnThI@y10*h8kp z-U%WtdyjVd;b(e%1bo1^(}yDu>p7<;vDB`4g%<8Yo981(f@dDGZ&9zW(uJG(IL@Z* z+q$)bdTlwFB}P+AP@WlyE()7+e?hNJV=s)G#>j}=%zU1A)^)5R8bv7L{!(YcySjO| zR8l36cV&Z2g+@Hym3bYSFZc5xn%XU3pPV4*-bdYabYyA6f(&tqi&PIJ+C8}agzWC(%4hG6N>@$6B zvhfSlN&}Iw@5R6vZ(xMDTtU}ThS6+d^~nvj$TO+a`eE;TUEip>x2ZXLc=^tS&OJJZ zrsl7ikmY;r)-DHZQfpbMh>R*)4X@(6aa~aw2bpp*67XA}yoBQNXI?RxsB;Ll6DDl3 zi*B56s8+w4JgFhA3v&tI^Zjg5ERk86-%0kR??`IiSi1IcF5`~% ztD%2Zgj{xa+qSHV6QOLp5d#|H1pjJ)sRo0}66ay@#ckkduXuduPw7JSU^PZ+97DII z8IsjjyOEiq*lhkreH3oc_XQ~(-s&Crjb(v-%(1DhzG0Z8U7(#P3>D|VwJmrkuqjbs zH*4~7-gMevUz7%@9$$Sei<#t$i1GbI%wtZa!G^^XW|Eq*Hdz(}k(a)(4{?TPQ12(x zDt(nd`u^K7_@ZYDP|=Hh!<9O*t!!86!rlPmRYw68Cz={}=aAT0H{zIkywyv>&$S|o zw#%VZx|6%Yk0U6r)bwH`H?_67wmUdR1bZmntv-DpxKXLpNx(_t(COP%L|LCBqqwf| z-CxW!5E9)%v!7vyrCd2HNP50)=|VgaCc{O{aZt8Cf>J9wau-c@2gLH`Q4p}ZHgZ+Y zoD69(`AwW&eIWMuyusx>m@a{cCakq}rnyZTWs7(Is>a@FI)GINFOEa`>MJNwVqW`a zu_+m+#x{`fm{n5X9lG_2FD$ua%LT)jCcSd2=&)Y=V~3*PuCP0e8~8+pb<5)m^e z1?N`3A%ma0gU4w6JTc1MGFFp3a#eTMVS`rs4_@r9R&mX5uR5x1OjM(iJ1_Vf3es9V z;!pI9{Ww&Af*h%~R%xa@3q*f{M&R>iB5-5KP%Pj-Ji6{R9!E7T(zdyefHuX`$1nx~ za2@%2>fmCIZ@`fnD=Y<<+Gm2N!CFJUsaJbL+8#l+!?r^wV!SRj4N|!5C`G-Fa}0L6 zr!gZy<$Fye!|}?t_6=5)_)rh#%Yr*ofzI*7O6W14_%SA2fF<#W!Q~ZVW;c2@5$g;M z4OxGE#6y8Xou(_YVrtJ4ShaE{orE#`pJwKi?g8 z98K2=IGj{juyhORyKYlJv)Fc`Nfw1OiLYpyoWrRhs*0qbtl}BRKgyW%o)Vpos@dXun=@OY*cAw=0vgPa%sC*I62*PPeW18@Q4$T?(EKrLN}h5UCSU1o z^Qq*}`g3_>j-g*d(6hFs>%nF_Je!-8!8*EAiGyS1#GL24YSs8+k%#sjq8=6gy};h( zxfO28uDj%icTnYuvmy4c0!N$S_1O;mPnX;-(mhX(E+;ycWrTkfRai7@pBPb8x5CDK z8e^Aa(^ilv<`rmFo?>x6e4~P!S@k%LsQ?wj>pItKxQfoIG8arK|4@xM7%IjWM508G z+5GGyWIu=+dR>0JqT4{$Fk<4YF{!3%GmFf$vTeY+X3Wyl;zxO}G`K!pzQ}x}7HAA( zSBGdrouXqFhx6L2U?aax;H(H2=V0@erfP}{C1$+jMw!L3ntU)6b{KJTjOis5^%J}D z%RB3I&3;Wo)eVmnXP$3#V(bxk)gqqJJ~(A_K)7~O`?e6Vx5-^=P^jM@g1;rXL2WLT zt;pEaD4Kkk(=ntTWnwCs?(iJLd82bQ?z2N3@6~UKV1v0zm#)1QXkM=Bd+DJy77`g= z!}KD=7=Fi`HiB^Xgm6RI&c2M_;Pazf_u$^QOh`7_b+n)SU@g-l=u4jqsYe;YtuuBQ z-1gK`kd4f-{Ki*kxpjEyZydV|1vNG zC9+60gFO8zxsjS7$}wiPg(b}QXADs_3dRx>66VCE0zoK+Zxc2zF+6H&8136|p7ETi zTXZiSv0QEn9DSRTj*%b$%PfWfmG{lf*m^gt+1p_8yY5nU)>;ba3Tq<`0e#7}x`R~L zoI5tw_SW@B)=(wThxqR}p%)LbbnQ6ak1Wl3S$Pgn9@1KXMnm@A^DEJgbM?xK$`PE2yq@~gg7P){;Y>fQ6o!Pq1#M56(jy(;d z?z2VG9gGX_(qqxx<@p6Ajl20~n1i>rTHd02%!Lc$N_w>KQ9ht~c#RFNBlYL>ni>r^ zh8quG03LD+Yx*55XT{~QTupH9mfFYpEUfjbsDpNj)?~c2;mzF#cXk^84=27ELrKSd zlWtsA#8K81CQu8j>2auK)#*l$p)KWtRLU?>;R)7Olkv`imRyAEY%M{_bSxXVCtlB= z-*{^RnVS73D2O=X#T$cs3GWL@aHV&%o1l``KA@q9niLg@HbqyCs_RqO?56e<%D^4n zcL_&g?3#IVEQMQWswVjEQ*QAv9C|&^F&e+RI)IDO%8F+w{;GNNU2_CBsMBK2z3fYt zd&AQUPD1a*p7a=IAWf05Kth(kG|@-VBiyB$WqcjFFe^l`8jd`{{#f1(gNu5pvvtk* zFWFbNKCyji&4fkYQaAM%4LCk11`s+g3&8h5SM%nz1lYNTz4O#Jdl!L^Aj5If3D3V% zMbddKi}=)z-aoR%SHyEiZ67dM_(e?sK@G-PqK=u~s8Jp%Wt#E^Zvl-GsT%jx7y3x4 zNmw;7g8LMPD=U1HMf>Fnap?>DU;xl(U&#fhb@{98a3D_rrDvPa{$Yv~$)RMimEc$C z(MbPhhYYfgRg>Wniu{^&Z+XV{^Nfy}_F5m+0ayAmu8lPX8#bf-%q|iRp4ZdO-UKvo z2Q(!c<@>EncyF9ck<7T6Jl+^!Qh1Pl?G%Y~P4Oh4aFnM%^Uog^skrw>u=pO+DB9HV zIDI%$89B{z1~_A$#uJa`dtK)K*%$ec3%n}x%I9@v^E+Dc%tt56moS?#l%^BqPo6%v zOUNHKdgb{_nbLw&&2w~Wd0HepSa4!*tSurWi~0>0?Cf}H-=&jrj=uy4QQNa)qTXU` zQjNC?nJa#2o12JlBrzVP4(mCgkzhw>-O{)7Os#Pq`{-buwp#2j9t)&=$q{Ix6C2)GlML*`Nxzl<4U za3a@ARKD^zbY`)7)LgS8-PQSS%4^LuZU+O14hxcl%)C}~arbKw{_|m7Q4xMWnYleR zfKV#)k%rNckp|qxWmx=?nx#$Un-hs_Y~_aIVyj>cWiUgq5ZtNy)qd<1kfML_WZ7T7 zDhb|bDLXxKpSqa=FP7A}0|Xsg?e86a?BAkA%Y?{4z(M4HZ*plt`A}vP<}|%ffwiO$ zvzlXDmoK6H^th9x&o3BVAe+O?A=>9g;}| zZmp3Kx;7ZkEjk?Q1uY2@3y|yMeyw*>(MQyz?56lb>7;?b9V~17A=d5zNp4NGZByU7 zveLKyLNi%K&o3^${yV}v)Sn-Q;!jzax%=7j9si;a@`)y2olvo= zZ1`iH=$@M!KK{a)rEAI2quU^5Dv%r>DtB+jQ>Fo{kk%-5m*LNHAi5$<0wk9 zh>{q_44}P-fy1zC3lr_rr(@Hq0xlq%CGSkHXibcVi^%5#A5 zTI5=KY4-G@DMs z_V&>6!&*W0%jfSc^UdS3Gx~an^8AhSlu9xc`R}2%NQC{fcy(8fe>+A7Qg3zap4lCf?cIH6P`G{|8Ph{(KEZ`BlYoYQhNpU?f7U<&Ev%(<<+@mIMG;J%My11 z8{=A8zg?qe}#z}T)lK=H3+y1OGkWdvP zUBxPYTQSMMS}K8miurPnIBg{*I^to&AW(loB8tVXJa{6Zw&AXhjN!VAM^b(Jsga>W z|8PvQ56oop*>!%Hn-?5?70S2M#WibUe4Bj0Yi^??*gpNn+j3xDiT*B+PNskorALSv zY@(nT6Yl+;L3kEQyB(!AydGMtTp2s&>x#Qx2|4fIt+g@wAypf7b`7uoxk z*KgYVL!y&_-<%9RV&4&@$~4W(yau7~d-?%d9g9BI%+O`iBf+Fu+trDTce1L0e$o=@ z8DEd`bG>97Q0bjSWA$RQx^8GGaAAsv_dQ!HaA6aSq+XoupOgDu+L<|^}Hzhr|tvRBUEU=W~)-iqIhX~Y%$G}LYMl%>;V-M1tYl@XP! zYcnddjKvt_M5`#Q)Reti!=2|x?>^tsKT*U{tr5|nqlAM3A|g4{Fc#`)LpfWBuJ5PN zGLNFZ38??2nt$T-iC`LFNaWGZq|64GvC7+=b41H1Ltn8!Y8Jq zb()G4;u4*P8wUAMT9wr574A4N*)zH<_Tj_z?)We=GM+c6Prx39cX* zwTd|^0NS2R@7yLnf82;*b$XQ4q`;`Y02Qys-f-8Llvr`X{$k|9x@^!BA{>KNy zjL;bkxU=CH*n_hgrP^#_>UU$; z=+a>b%w3QhC$oD)EtB=hZ&&vgxy-$TIv6iiSnps{OwQOcuUSg&$$7I-VloXK*Z4T?vC}tq)A{%mEyxrDn=458c&3Z zytu#Khl~suT;jx%h6+vtWr6L1w`-<&7I}_^;Y(D_#(Ex3@c1J}QYOo@RcD zu}P(MLLhyE+xN{GwwOY_zpJ0!F!kbMy*}6@aQi6M`&Dl2yX=_JAnFMB%wRcT8)iHP zrh1&gxh9^Z>Qk2^%r|gritCxNaeK>7`mK1W=UWv}-#*~n{7AW*uflBGNlA#35(aPC zx-^5ir`ojv!%N!FVa@7d7*p(&p!C-Iydr(d#|a z*)thl5U(Z)D7xVWkc8cql z1UaHSc3V`Inw4uK_ey5&)hoIEPIL&w0?(aclNB9+RC$s`Xhy8&D&)A6$?jD>i6eH| ze4)&@;;t(3`2HHqG125LN=cVE8Lp$<3*g%7VtXylc_oHp1T*$<(n7{n0-WE&{?^N#2SmMxIY!_HGwQ z+Sbyblm|ThdOK1&y-RU?wr#?h-eBIrd93}MEL0e%u^aeWNE`>g*Wbj>!v)l$`dU!q zXXcxghBdLlKrZKOu6;HaA)V3NVTTdiIhGk6HzNNN?}2?ZwyBX zE3iG2QJcSIyjMUGjQsKtQ}|om`=qFtX&IA17MTnh**k|bICkMJ<4l-W=E87z zl;j9(>mopy1?h}Rg;S=V`J%!c=55Zr3RJ}LH)124FDZ-^-jw*VoNh}LgQm{WU3|J9 z`OX(%SPxBpB~s*D*-H5E8!Co*NPYZ*1-NwWR=7guQ)L6)S-A+>|W66Je| z^$sT4mEpaR9TpT_yr8Ba9Lg6?hH_8w2f~D_{6MXlE5;a)$q_W-r4zJfZE&%)!fHr0 z^Apm1cRlH;5hCd5JU*$r=Ob#hnwH%bNzuCB4$?RqC2!n29{R`VXoMdvRe~$4<7{yp zdze7Fqjcd6Dwf>cH~jbZc=39H&HbaZD z+a4u)rgRmlKM1iY1!EI77E*^P)^*sa%#?Gsp8ll6*nYw6y$O+rI80%ySIA zLP6uPfg!J31VP7CXkRM~_Opp{RYz2m_e&3=b8$miYGt{^H&Ro?JJ(CjG>O^iOvE01 z#GA;wgM4moSj<|_BiPdFQ0!Ae2j?g1y$*u288{LP;*m}6v!>mR6PS~luU}*BFN|h> zcB#ghIP($y$|Lw}JU{gj#l$v!qDN?!hn;A$+pQyc^vCG05B6o6*J-AU?YT`zv*AT! z8aS$+85VuDcD~CQW+8f4;4t?qDV=~}_4>-rGN+utKHY+@x|VqHio;DEJI;E1the_) zGpNSa{OL|hw(aQchllW+{AvYJIzKL>&R>TXavf4-w}(qL0Xb+_W5cd74$&p8E8C6Q zcw93*p$jXp>A#xc9#lDGgo3&dg$kOl?SrH2E&So z%u*APbXwnv?mHJ4tiTK3C77M;M(sg=PeAxZVgy=3(eT~K+(RTnLLet8@0!yOq?Vp-hHoo(S$jB z-!0#Pw#~=~j-w%~o(ELoCBW<=n7TPAt@*&D;ePbT=(T2#U%6~<%)Coh$A5EjuQTD| zL|+`@O-pEo|1;wdIYZl-y7^~&F?rE>Uk>+B|Lbdnlmu3hv}1(0R@GM#x9-%!fkVT40F#j*iAON&b!FK1Vnl*0;1P4W zwYIz@%BD{D*cSq<-coGi#N;P+m@rs9@6gtX3hd&FaC`H(hFKBOHl9G zk+?gX+euB_ls~{eT1ZfI&t0L!kOKt5dLYJotgY`6?C_j@4v(`ov3~xI`FU`oh@3B! zbk@MQ-TiGvvG&Y`(m}3>6_OBu;Qp0BOz!j&+9fJK0r9M)5k8nW|9LR_f|qvnu-c~Z z*@)Y#(Yi}(mXCYv@u7BzP3cKwscf0xBL2|0&3hhiomC~VTGI-j5uZ#geivdRwE@u&VIe<>8~23>#Qh7BgI5+#%TTiPcSyx^VENS(w~+d7eFK zO9zR@fchzSK^@F5Z2`D&e+f!>#_BVL(Cc%JApV%FT;bE6W3qYeVA^HI=le0u`;Hf zakyVjq-!q~yHu9o;I`$8#3c~H$X3cAwMvNYpf0tW%FlPzf(L}D89N9^jFQKi2Rv#{ z=!;_;tnnTF9<`XJWU~=T7Vq_C0*T8!LIC05n)^Y!|7&aL41IG%VrPPn)}6aMZ~MY7|g6S(&It)J=q{%l!5wL+KGsy+2R0-4DV#lx8 z+VZM52`K8$&{adVP^IEmKYUtO>V}xa(ziv$o_gqP}>oAfPi>S&=<+~;4HLI7&Rh5 zdR@m7tH=bSI%(T!d?(#>0IRHh37td-X_VW^DDjmb{}m!AIN*}v(mN>R0_;jThoPA~ z&#Fw5QycYeVM9r(tFIksU7y?Pet)J!-fOjvm>Q3m}aUm$B zVwIvIx|`-9=sx`okX!7)h^VaUyPxn>XZJSc3?&M5p#Rvj1SHxA^5u!v6Q|-JIigst zXNV*A?an1DES>g3LQWI){-8QrSs+(ze$Sr0ZRVe!@<()odK{wtR-9bRA!}m^K^^TT z#VX^7M%N_zX^7S-*g!@NCC>7_zGx}`Mw|9zvV_Z^hrg(i%vFJh-^id<@BOEI;Y}5+ z!D$k7t5{vOQd%K_wiwXMyrq0c(F#3i*#-_%D0nta$CLItJ9;w^f&~@GA*80|=DJIa z^|0`Pf00EtGn((!-K=lDQB~CczZmi(vSYpqi5RV;uh3cD9; z5aC632yc+SBa>v8?(qK z-uOVYCC;my3P9o_O?hmqL9(~ymg!v>eR51qzLF$gCLH1^$@0GaaEMrGhR685Zfw*! ztO_yIq_?2pH#V(1Y4ech=(I~2<^B;ywrtHw3Wi-o)C!y-BUH;i;WcM_c$;K4y6~)| z^KOC)zESuK93;B^pB`?jX{+u-zq{Nw{ny7brRdu(e7lf;^-gKz3Kn6Uh%98x@NLk> zttL@UNr&HkD29kOG*ZSoXw8P^qid@HAq3a$Xf>)~PT)+`lCgs; z)w+4I^w2!#pitP(t$8K})k-gc;$9EZIy>|$R;+I-Kz_apsKa$k@zDysK_-3l8g?IU z^|&&50n}qds&BXbmvnRKEjy*S%bporxovsW+{l)ADQaCUKMxMHS=ey-t)a9spis$M zC$?AXu`eKn%hR-kh>%q;IFO(eUiBNs4tMj-c!d zaWb87Mbg9G9TwUogB-p_23DAXv1Xo~v{80|)&W<7?^*sxR)(SC_m)lfoThh;A_XN8GmYEaDaOR-Gqgd_ILAnT(KrX>%T!!8Q7iu)MUX{lp)9AxIvq6ora9i#ecS}&O2 zNiNK+jKm4)V!vfQxlf;6AT8k+4hpTT%zlq&@o^I<173J03){GCl>ctv@7-bh1a1>; z37s_g)}~S6I3cG8x2KHJz(yT)_N~GlXZov^xJW=}gFh^0q4m3MvIc3#&tYe9ETyJK zJ0*A$KvdLi3iPx+=nLVP9o;SrI;QMV3o?Qj(<$3EJkH(wfy4^QBY4CELRh%>N;CnG z)?@I~^?*&Yl&uln6}+TF_L!zF$8T&1Fp_&*w?`F&_IX~S&4#BbNB8Rax<+Z2v!kOZ z_VX#-iLZH*_8z51eykiLZp5y^=HM+Y{^dNW4Cw15zfp*j~QKrFrC)_7C zLe{cQ;1p+`d+c0Uq-J;qf&dyub0!aGD~IH?eA{qm&6=UIgy#gJcQ%tRHj&0oxuZKm z?c`$o(A6p}|9UrIx$Bb0;uKd*Sy{EX-(f6e%W`>l0zi>LOnSR={lM;GHd6 zy`S(J0nX8zEnpSvqpJ9Y^^_<=#PC9Zr00vHsNunMK6zaEriJ52=iCFNab3#e+mLJF zH~{rROLvT&*zw<}#{nnUe%}q-y0Sqg(lYR?8%%H7QjC0DVDn2Ze)+=AhiQE9yFbaU z3;yV`v%!v0kUM;nI39scuk_Obf_c+br8{!*f~5p`KxOD1Jn}8nnkn*0fRkp#&5LsO zxD~u$oTN{vG%ykmHoPo3sL?4s2?=S0#Q7&RBm61D#=np^*_@UsU+jy{#1%@oz!eqV zZW$==8}r6?kLwlJ<2eRsovu|CT^2~<`-U;Xu#z?4>1r?XU6e%_5=Yi|A$XB_1}R82 zJso+xq(AQdm824yJI-;|fhd(yjG){5@}5rQdJzp*K+aowT0aWl#6p_X({fJlo)^Eg zcj=MQc@bg6TyV=(;h{j>|bxIxO&@;O-c#UA+hvz(lHR>$vm|o z1}2LJ!y*>i_B$xxT56enYp>tOO_3f#C6fN8?el%SFADloJ5CPQVs~IjodYH@Ad7wG zlEl^Oz-u^zBsRMgowchm2MOzKD+8;jBfMksuoB{^Rfd zQ(oD+AYMI~9DqJS9I$8pkt3AF6-mgcuu3*}fl)7I=|AX$!RQzYBZJ#We-o`PuJ~8k z>)Wz%_s{t3G~GuMTgaCGE)2 z9dPbe#Z&y)Dy+F#)E+~`Cn86!>VFM`NUlO{+~Z80@yaN?OwFFkiP6_C;SM5gOzU!$ zp7vb?;an@$?@kpWS@W?K^##yV znB-nM_y)XDa-U0^QRur0X1y09=Dh5o+taX|tt9Jqeia99e3Tl8C=(J-mFkO6&wt{Z z)Pvw2NS@${>FcC;fv%}gz&0bMN9S~EW8TEmv5;Th=ZgP{g@Lwk%Hl}=QM_F6lrCXr z-)Aa^Eqb@gI`}UL?3`Q1EK5VO5YNR)v?>Hk?QIvLZ8ZMYf27QwYfa$Uct(v_^ZY=*hECM2r0SU4IcF-#99b~O$ zu|R65)m}$?n_^KPE+Hj6SuqC&5JFFUhXnog4qGg_5)r7w@DoFwn2L| zSIm$aC7xi?_v$6%HAWxl&0gD z#XAA!76%1D!;&~Jlqvc*9}Z$E@;}P0$(v z?4?`VCEsKqwf37QAPV2{&w=I(TiharfVb<-7gpLC*7&K{85T#isAdv%NvYW(^=o2S z7CewgYq`_Ns#(KjT}7!b)EogNx`p&gcfS16k5uM(DR0lWZ>ZPSar@3vPR0IXHk!bx zIUJV0FEg(h1hVOeaiQBJ3ae2sg45AkNJ=S)=ZgWGTk$qtAXYq@fYO(3;(k5BY&Hvc zmO8VVIh_F884sLKpYk)KJhcxF}z^sR{>Y*aie5 z2m`rYS+5)AIDQNq!Z1RZp3+!dI7A`~2!rC<5FKmS=CPQv1`JM?MO;dD4h&D9yBf|A zl%lYbU6>d&zWm3}q}W#^naEl#2rFvM^2hm5C6D6-jI&7#-NhDk#$Fw(+H{%=t=K!U zl@Z^}8*}FzTQpO!D+kyp->l2Do5er^m~HJMBWW4^h@f?!p({V1QbyvQ=wkLYP0w^P zfCk(#;Z@J4{5Y}a2EwPrCrc+7WtU?h*!3Z%+n6#cRf$8aEz-G*)vN4-M>&#L2Zq19;$veW0#C(>>#)Bu87 zVX*M8e-u^Ziw{hFjt{*ELXdM~NqGaCuAnGSkTyuykC2Wnu?Xc#abDY*t>U7T(kk!q z*BGEIJ_r~&TX)|mOMr3lGz3|H@ILGkk+$@agU7RePy9B<>`{4{{8AA~)ER-}%l8aa z2E%yFr<1RD=v7BLihcr*2g$+j#zc`3VA0p&xc6#tsn3*&}5q_-TD0t8H`}n2T}(HpPZ4y+IDn;NSA} ztLQ|HI9G|h9Q+>H;)l#FZWz}kyOPuIkxfUni4JLj{-Z7oBI5$?dceHlT8^=SWb3FV zcX-H^Y4V=wg1->lU^FvZX82`#PcD|iFR5=ojqY>%df~cUW8ORW`yOVPcj`i2F_g6ldpzxx!30Z+A-tPTA-k0wQM$|bbzK-7D94z#z zftmy(6g$Ft?VtzVaW*PFqf(*p0_eG?&;)E))-bMKTgaZs9jQ8#G^z_?Ep^Feurt|& zXtv5$c(c~#c$DQcRG!`}ycgH#&c8@KbZyq>R5}8A*ZWbphPAxmq2JPkFRz+Vt&3BK zosm+6z<7}>$VNWtv)O?}r^8BiY^>Lk+fPhmIu+E+IQAiMF9#eM2kc7xo|#)XaA+5d+&zj51l6 zp@G7U^U27N+G(w)G-0v_bFfyIetA-RO}70F3ziMgs-iz^YHsgNeqvv+O}UB;%AC_C zApqjji(B_qJq-iq8$oysPid;PSn*h8RkA_IboDD28YpMUX~TTF6n$#)38!YEi|T7^ z48@;iVn>kn!3>8{p$1dt;vup?Q8P&X&EcZ^Lmz*P9pzj_Cf-7z0pvMe_6U$}Oy8IsxjmQGB~7U?be7=ST5_+tDlCj-C&d2;+ZOi99X zEaH3M%c#HnhKKUJ9ynDQ=aTJEyO^RF?!m3Wa!?80Q63w@MaA2X5xq zqD<4svh-;) z%y^|I`J-MUT^~Q=KzQI_0Ock2vZtP3-BX(q%Tgx|f>mi8!FRrMapM_~jV^MYR(mox zwra?%CXfn=FNQ3jxmV8$j`FXWCQvjCLpQ5ahJyXh|mwb8FVy2PzZ@+03o z`^*_bOMP}$gzkTM2U6I)1R)#R8zs_+8bcvR3zrA(@US&SE7U7mIvmaR31RY&tK)I5 z0qPL6WP#xw)l4Y!4P&XTo&;@A=env$0kLjh*?L|8EtFXx4(tf{A&}p-4IrEsh^hH= zeBjBO^LW|!!ZNjXSz^Sr?}eul+g;331|U)mn`TK2bDERilJ`-?i|Bp6>9WsV!!7A- zB&dn_Uir6ZMB*S5snrZkD=_hL+*&Sq%csMl-`Dcz-*n90!$R}%;>(;aaq9;sRT zeh*Bz@sOU%E>3(Yox|9VwG}k`jlv{!Vb_zPDKe7)zFt8Hb~zHQ!IfS9SXNz6I#zGs znB*tc)&&5R?N_jU_ZkRt*XOjSx058hm)!&zI`duB>4@>;tbms!2Z(Rs*QS(aanD_j z{Y~$+0Lzuo6CC~TA^o_V)>!n5egBunqSc0_er{*PHFt|Q=|a^{C19yWNdtqvi+H-emhm0$ z^#1W5#bPzil~~&Ef^o0^*q;XG5xCuwam>iPm4e?bEBT#Dg-i0f{M!e}fX^WMSjD8i z^t%8yMK;#2Tj;Ldt2%B{7m;dk3;c*_LKhbVLmR}!8EN}WJar_|Rzq3740Zw6WXnHpW0n|i01j|*hQ&Q%S zC-a=V=)%6IkEMVqj!4vZKM}iTAVHL^fsMWza0~4?){_W*u}djjE$8zGBOdk9K{wbD zgGYP*NQ7J~aS#{gWw`n)3#ao=tu{8L5Q1ykn>K|woXFROgS-&&r9X5(P;d2OaFjJP zqSDo8DmPQ`xWSdP)jjF+Zp#fVT)p6L9`|^%%JzX*Dacu}b{q zcbeGk;}J@twzfJ|kuv)!eb=gMQ9IRQ1KDj>dp6R`OnPSpg*b7-%$y`mP4XMVhezZP z{L4bz3l&X4`+PMQ=Wm%hVW`=9U5p4vu!ARkvIdx~x^7&uX-H*7YD^b-tos2ZAO{P2d1SwUdp)HJu|GvRoC&NR`( zZswF>ai>xxKdO>Z$lbaj(Yi7*%m_x6UcMK@e9#JTrp|{3s_A;2q+1%3E)DK5zE+dM zY8^By;L=*ThSrMa#f9P+kz!gy3nm+z)>q1nf6{oYT`NoS=!LdA3B2}5)$oEjALGlv zTpW$gLx{NLhC8y#{H9(UPlqiS3rj<7&0+NAf zc3LHM;g*xh7pP)MjGnNH47m^+SF6DT#1GSpZ3JC3nmDPBBm<{u7QiQB0FLdFq=s?~ zESl<4C7_oLUsa1Lb9_HQGR?zqi5dDW_cadn3as36Q)qpSYfx>v{1RY<7x`KHUFc;pF70X41Bnsidc(2IHY;2Of@vR9GynG;ZxPXx+Ql2Gd))0X)-jZchmjsH7i!*=t9AqwBH|kF6!`zrD1XjnRZK=QYbmF*j7>?9#9KV+~$Dn^yy~iqrn6o)%#vnAvri zGlF?-v~4EHpc>Sy&|A`-?I^D%^Ap0if=GZZ?auDBLVm%2ojR(JNe}SLRjHHsQl=@J z=np38?X3A7oV|Wo{)7T9xwqyql1Ndwk5{*NkjuCJYt5S-RA)p(WMI1D&)0r^bcpKr zsuz;~!v|}VaIZ_E-du-R#%3*7MP4%mQjyB(ic7CZ0Mb-st)fSv^v4L9x~w)_E2k;G zV$gyU4QuiE&tGIle-mr!Fy$SB{u3E=H}>zCE<@bGT{_wPa^tl~-X>NF*CvYqm8h`0 z2OkF&7;}#NiN#1t-%b3W03+~Sc}eAokVr%#bOW>cncV5fyN!X_sNbLky(yEKMM9(V zcuMW`52gymd^`9To~!Kpe(QCVHV7pPxTOOPM@tv~M0E>&V-57MwdoSVy?0V(Gi}98 zEO!Ah*(XVfOIo;5Cv?*Jc@alJ_F3?+aPGXrxEZ8F-3w1W>ODjVFABr>e$|1&Urv5- zkHWsN`H9_gs{YR6_DH_Va=A80XcNczt_;|b;oIiArbTLV@hAR*(BU|ksjDiXhuzqR zz>`MWw6(!L-o#Q0zoq$J6e8{>^0w3i=^?kCRy8!wx7#x5wsXwvxS~=*(<&+s6SEpM zW|aR~AAT=`=Vm<{KlBk%p6Z#LGb;DKPA2l{9>n65xCeHXQD0BfMEpM;3!;C|ZmQ@+ zR;COiXUdyx?}Q1k^);h5O^&A4K2IA*l@HR%soWSolgRWQ%3Q%51T7jAD`QjAp_PXV z1f**3PwC@Z!qy$3$TV3t*Sb1Y*JkP>4Hv=kQRNiDaOE`ONjTuiTazEcmcf3Fj3=NX z`b-lpL6ru+$=T_hnrK<(n(GF{pnd0j4L(AYO~P-f1^f!q!Qe*K7u4&a_G@?8w8~8} z3JK?_^~ld3q<|;>)4sOiIsF9x>3X@v?>mN&u6A=W(f*9(VzlYxPq7OWQ=4ooK^EiJ zulrus#q_qA)smu)a!F)USHrfEICuwK*w6?9+*7%5j=@<=ohiOZ2~L1nMNj(3iJ_91 zO(Q~-vYI|7u@@T7!AysDDHnRvaAhYd_S{fgXx6-6hKbD3_&Oqu)$6$tE%lcXnak|8 zV51MT(mIz#JKc8)C{DpwbHIIf$u*C_Z%FxD$?C8a3)7;PEbs6^;@U+Tl0~oWd<1t% z%H_95;>~6wL9M3P5HzoG1ID@%CSAu<%*bp!OZriehXj22nD`yD2+~nP{DG$z%4uK_>nVH8{p>t7@r zuujDadS~T>@bZ;7y-1;8YLx(ejSsC!bmFXce)q4F{P@5t3`nZAg`nwAKi)pMS$7kx zt*5kL*SOIXd`*4d$D=|7%-99H^EsD!_u-{mxx2_8KB)34j#s}{3ke>Ls|swxQBIV4 zr!L?bOI4q&8}l8CIbkA8tuIN`$&$oqb== ztW_S{(#v2aH?w6bR|!TPBS8`F#wXcHeKSA8H-TJhTzeP--$o6U=iCpP&{E!U1fpUm z^ecUK{3mB%4DY@7C$Z|YRU;m?A$zVtpxPi%*>+oB2W%l^EJLsl^Z@rafr?S!^Rx_< z8nQTe&;pgx!+H)C@|HSy9Jvc#4}C~Rz-6s@Lj^OI+U z)$B8_=oUcC=A`>Z(GWFXOVa88J_8L<_7(wKAzIw;lH(d&{1vNiVG4%3VzVMzHTeYX zHuVPpt`-D04%^1}a7YmP?Oh13PLFm0mN2}&mF}_1KBw4so`IRlDs%%JC%?+2;D&0w zLKc;ub&m&6;;p;kfWG8}K)gM&n3-$1`#GsWp;H8U%8oGwi@sY&>!A&%`X50Ty;sJZ z>m#|7=o`V|nUgB}R~J-r4$O%AZn5P$O{)I973{QmFdI1JiStp~?KK#sCzz=#|Ge>D zjEB&>{Xj%~=Su6{dIRdM8UEj2zXa9v1aSxV%QFWR7R-_vu z?xOLoa=1b3BxTKKJ1U|PLXd*DspJxoW5sp=w~50nN)B8Pq3TU!G}ho273l&~p9?Tq z&v=hAo!kksC4MPjtb9Ao;`aEt?^5e*kD~#q9sbewL@3gpK;@jD_9g6-@~DhpzTFQ( zBmUGs7Y%AX_gg*_|Wv!a7U6Rvl=KF%dFXU>MEgbG?rYyS(bHvKza5uQiJWBGSHp#hSmz-+7nOT*VZlxWcus7NXCgCN}Itzf;a_gCAWCvnBD4tf4j4xu|%V8-q%=7z{ zWnxC3z5MeT6#Mkzh1U!dX)1Rb^}CgRAj{xX^_2T0G(E8;)`4@orF;d!F+MV+>YowPBuE z28oM{xR+Oc$Ziy%Wa+QCX%~JK{ocQW;O;>=CyD6IIlqF@zsOf6SQjA17R9gl2V(uX z5=q5*q535AW1g$V@S&0Z%goWcFPe_N$qt7ky9jWtjG@ zDG^Ge<}wOSV)NB#ikmP%@N-XoNUf7f)bN`H8LO!}nHVCl2&FcuM=EmC zh|yQvgfe|TqJ3A<6*^S$?LmF&*Q$WQDimJx^b1z@5pS6!iP4}=3QpgRcu(}u$m%De zuO$*`UxA4Nw%U^2!U*U7MD^VryCiuaj$ydXemQUmmn0{xdbqSEyWZ-GJnB**9xO@H zuZA%;3`is>~?fy_KcG{%tn>e^6)h!2!$2s z=Va}9MQ>^EXU6;*ycpT8yIKa@6&T`;v;c*2OEiOS-WrybH`K703}k5Nu7Q-RQz%%N z?~O~N|AHCCTd$;z&W5hExeZ7q9P`^>f*ER+yIDUtaHz2R)NOiryc#}e` zTo)5j7sA~2QiO7H;-ePm{m?GrKR*%dPx7Gc%lK*zK4DR3yK&tt+yL*~hIO4>Fnz{l z4sIf#Edq{E1kVTc=Z~4OtQ1bi?y4#DBH)~9e7jxS<~UWJW-{Kx{O6K^nGR-20b?9M?FwQ2ky=PKIXX4h*Cb9ycTtv zhv_DY0M$V3p89QEMtbH8Wws$qtMG)Ut&^jb9)rnFjt}kpl_&PCKD=&CgpyD!=5fN+ zzq^RoSqJ0YLoJ7^-LTw1^2Mn~%YkRSdmYnm>Q}kYtTtr^4!uivdnu#bgZ4K`RpiF$ zk1wR+VLy9Y{oYXMnz;7gr((KkkwW*7MIv(g0z)`+q$`e^2=NHsINcF0vza3h;DDCS zcF70T`kcbx1cUYvn^yDXc&v(hRAkWK~) zu@?-1v-%VHusUyzJQBFiuDV+GhDg0qSLQO?BC6+qHR(;lIxWFNn`R?`QIPekGs$N@ z1UmXtw>l+Izuv`j_iU*viVKcP7T>qcGd72X+R9?0w+RMTUesxUB?P#_c^YYteSbBA z^a!_+Itjz#GG>h1(PXXPd=q+acy!KB4DoLl{Gc7j`&8I+NBI2q3hltYV}0DU44f}< zQy}0Y<&nr?Wox3zE=9=9&;Ak+i8Qj4fDhR7*tQhqr@HK+l-td8f?n1YmJ(T@ZUpFZ zz5zt;zk-^G>~!%(^o#oqc32ettv^1OYj2^aIIhhFeFOv&5Cr=v4aZ|0aubN6g}@#x z7Un^r28B@NPacmv0c%>`3T5STfX8jJdh;sHy};{}ZX@*rM1W_1d+Pb&M4|F22==o1 z@2js+vE{~wij)do|9xhI>Wk#F<-H}?zV0fjbv~0`TI}I<@lN9khY@msoLCfBLPGek^&VE9FBVBJBN0f9dF!wG(jKR`u#$O^z4 z919#g6*(;d{>)k}rB=Kl3I!I-eI;ah47;@2lbD=uH{>u_?3272g?q6Ta@uv*P72E6 z6&*Is@2}e?&3To3^fGBciT^%A$@joV;pVv3DuYL+0AMli@!z1qgWJ%xyHj> zQ1Rt)5y^W@$}#Z?q*afc8CQvrU~P-#ISlPO71{-|OFy&7qoX!K+nq-4bSp9|h&&5V zxX#%&5ML|a6-*bC1H&Yp4i8sf@Ku%J*`(SiG4C9nt0tF4?letX&JElOp-FoY zAZ5Dc9&0ltTu9l7gHI$<1!zpJG)nL{heS;}Fx+VU+&&UpJj6p*k@ujqPE4%`&Ow5( z#NyY&Ja{Uj1o&)GbnhZ323(1>*x9FhfBlzvB-8qt+`IX(nt9?;jKIn{w&;M^bPY ztjr?na@0};6XW%*L(WH~86t?-A%8C@{v`l8#K4dEj&v33*4_~f*hp6wG_&<^>}6psz>ledOH;`V-=07>hn)8Q)LS>Ixu5lsmgt0N1Gn$(& zxD=wsYsR5TkN)N$#McoczvOLS1uD*Nu!p=69PcKkLLnd}U!Unc^7>yzy1VE87F|V9 z-kIp(>QG|z){8)n?{j4kWO+x&h67p_6yXG_d&0SgAp`;;26cX{=L6fbcQWCCzmqo@ z3z4lj-L7r{VF67W#eo2^esXj^TQU4JVi%a+xmI=6Ag2Uv8_kKO6i! zz_OQ&ToZf4vu;P{0-zlJ8@%ahRqCN=TVqt@NuJ|xsQ%>8$*xvYH8A>~9Ypo~j$4vR z+93Ow@F0eLn<b+@3n6na9gs3NQzuq^ zP7L<6?Y{B~4mCrT`*&Fjp@dbrLif*Oc8^5|kkuzZq~Lq%APdv^Y$3cCzCo+mRGFEy zIMW~?QhEMLNeQ`fl;@(Sf?H!S6Y1_|2dkWT+tN0lIKu|BT9Z{ocjb%Z8JZb4gqKG7 z1c^_VK9~(?`=}7va){0heKyyy>UtprnIHtx+G7HO+D&oWY3BT+T^r>OgRtXCi{dVH zkdbTJ*f@lau`VoZ8gqvc?qK3QFMQ&9Kl0m+qIBesA8Hq`c{gbScT1r82;Aph!VWu8 zJZnrUsco%y{vVi`)HFwBjAk#6)pF2JsMlapDCDhTKRK4~!p}i#c3-&;0xLyXhT1*! zdvK;x$8x&!B_Me2v{qj5V!|F}G;dUIwguesY}B!P)Al&ik&t9$h<0KUEu;*zphU@j zl43A)ASo?SIQz{yNDs6tcI?6#hIru6@i#VFmBmvZsLM-w)kupY#ub+3ko3JARE^yL z2y&5A#eSp-G~;3ASexo9@*7AAePGWuBZ2*fC5&W&055b=R|2JYyp+xwCAG8@ zjPgK2sCa|EKuZV0G1l|PcSbO!P4E^8U}qF?rHt1G&!mCrN4l?ikI*pd;ftb=v3(=w z#=_8lrQCO_rkPD{x1KQz?)9~w|D-u2do0R2=YM6}m`K(nCf!HyCt1UcqT|guAy-#* z@-V(+ZLPxP=PDcFXV5~?@cM%>$4dSt%q!sfx-(LK`rb=0RKHtS8oOgrkAxZk^0EzQ zz$cme(AV+-27e{(6%rH4v`l&9A%J|(nDefns^LA)XV+fO(iF4-Je_1|vy2Dg$?cVq zlt>%V;;5tZ=P;q$IXc^uRrA)Cl%GK)VQkfgn;<`3yV=Trps4k65t-4H39gu3* zpy+ZN7)wl*Ltu&36Mod{pYNF!$EAF&*Yr=jB>JN4X3_EcFmeZ1^%#~vp~@|#=9?7j z*mvH1GCyS_2so=5mUH}VA1UQssvb3U<(kq`oL^0=rR#x#>eor^b2R6=GF|%651U@_ z2nUoQ=5_|;qaFnf92_l@I1Y-&<#J!D=!5~fdJvNGE*B^9yu5*xgrr*yL5oY0?F)X3 zo{}qt#n@!@_HTMNPS(9Ts-2FllR8g^pzd`xIXNc1J0+mBTT|%31T$zN#~E+mn`T-! zTYmREAfwM+rdeyeJG3MZ;8guw=%2tv^tCB4m~0w==LcB{PCqc3k19 z59vz!a}ig31A4Dt%|xSI%6)(l^|J-bn2f64z=}dAZeDk{*-eGO6gSfBEcVJ{f>tkR z>CK~2m{(w?XxErkS5;LnyezHab9Ab?7IZ&i!0(Md5T2ltyLgR)|QE0 z_>2nXeKwB52{&d&>&U1!LDfONM>y;$RnypWc3_%fDz-gQ1~8d@*m^O>_?pSfnJvkR z$J9S(Na>d4h$2?rmIVy*yNlg>+(9GcR_r^xs>FO`O9jj&%j|~-_dG*+K?r%O7&vC1 zuwG(*g!Qk8!=-hJg5Bz{0?VZAoMIQ{6sM-+l|RGfx?^-TDV4V=>Qw%D*#m=Jp#q4q z7ei9b2sfn&JA4DEhtqS~XkcK3MEDg!a|HZa5f;MkqwGN%z{xqm z*3r}cCHA&T(rz>cSb{4TV|lhs9tX}k+;5$}?IgoPxXQ@VymPTB_>0_PDYs2Dm-bRn zr>G}cogp{S0v9S#`X=2|jsuBoSh$rFL0|Doie2l0iG6~%wdT){yM%IqRpumgda+c6 zPj{3y>)yg}$-s57XYDQg48u*OTTeQtj#1*ryF3t*{7sOhxeR2=c}OA$N)Khcc1sVs z!jIukOK$o*TR<>q>mW3CaWRMgsJ5m+oJUV{O8;2Kngp?J1D;vXcgWu{; zB;A1eANzi^H$Q08^Sqk3Mn#`W25ZNDY*~MqK@j;Iu-TSydnPVsk4zTchTohxnkoEY z`cc!7Wjeq+Ok@&7ak$gpu%+x=s$ZlnjsQvnFTD}sfq8Q=`n*~%hGE&Bc~@kTI0ZGT z*-%Jsm^PtP*T;<>ge%N$f?{YVkmmtiVuYRHUD0Azk%t!%b?cOR@Ck79u^8#f{r?mxBO8?a8Yqw`>G4$$RB_h=TKj zoWL6=BKor5npQ2wq)k__4!Epb%<2>9^ettA5SAK~ z_GQ7+uLOghdv$73)(7n8f`5FovF@tngMO|X6Xaz<4lmYJ3d9@DpehljSU=a5_ zGZ^aso>sZW0Q|&RD{0fl<9wqzFhRS!@YRMrPqh=P2Y^*4tu&+x1ha8J{4}G73Ocj| z3Zp3etf7)D&9l#SGEA>B2a`uH=i*zjW$-C_hwLR*=mTVsB%4Li}s) z8CvtPUC;VsoI_*RI)EBvb``may5il9*2(VQxmLsav``w10T@`j!~M3CSLO9&$XbX} zr<68DzjhGd2;-IwclN13{jhmauhAg5Mzap^)n}5{%cEmC!QoV<=_o{yKclyi4|Y_=B_$spIgZ&L~B`9_U=p)wA(%#KO*0A4_$zlSm6` zpPW{~{n}!s8R>Wz&ZfnNKixxM;x6{5vc(SOF3RAyh4>|F`oo*k zS<^DP5XnKx;ULTWoC0)Ke=TLGbfT%@L(;$io-^=uI=P#khxfOZ_rfl+yOHVFipxzZ zZPcOk*|wk9;ma5!yjr@W(k5BKF{r5WThMD3c6%!csR4dZ?hLMKzgois^u^TEU-uLx zXe-r3YMmR_XIo@{;SJR@w=eTO=-W-Y=}Y5!i1#G{PSIe8G$RdHW=k2Q7m7~e-Sn$? zxQx(fu}J)106GiB^yU;`6xJb@Z(P{S(9fI585jEDac4fn!{7+?Z}I>2Q9rR^{m$NQ zMPi$5?{cGGOx=w09B5qSBflnb$0x8?8mjFPjOUh!I>Q|sr{7{+J!C1Kpr0hx(e<5AofkR*Rysb({Sgalo!#^FyQ?M}Wc4 zl}~Lmypg<%+292HG!#%T*bvd7+?O}PR4{1(^lGyJFv3Xp%^pL=wRSLr#5vOk0M%xB z^2C7DNusVbCJCnJ8XXM;W?#HuhlFEuLkCd?vLG#*rmvfJXRf`1RjLMc?72?mpdU?x z!xo#31?}Jkm%~vLkRUgcO_9wcoeii+Vw7Uk$Yqm-dpJs!G`|S?+E?_}VS}}dw8XD{ zba4y~bY)=vc-X312{EZ^pdjQHmk6$dwe$GOkfNsc(P(mW2-h6A*5ck`7Vx4?eX@0@ zuc|)_xhSHcWl5NgPXH`(7RJ$+n{mneg3Ou+^T5H&x;D}9yR@9nWMMv1bQY%siIS{X zL5t)s>vl6>Xy>xQ)oE=-kP#VNtiXsT5{$(9YB~*xz(M1YD%G?MszCa|;hZYN?TW4F z#LLsv3?HK8HKisRjPi>j{=WswBTQ%Bg%t{y;05NQsks%mP4Xo6qvsow-kJm9ZO{Qp z+DwGmdp)g)8Q(!JQnW3kkT0iCvf6ZEUausT+~`+md8 zGXK*N48M1h|Cr2P#UP9JrF>Q1d%$r4VHpc7eTFH{h$oN^U)>EyTv5*p zGig1Of~08RP<4^J*5cJe>k%07V0NA}$I9Y{#??ONpWqRDZ@@8#a$EB_f}X^yB9KLr zIK2pkj0%#DfA!zbbK^Yuq9uBPNBt@{_jw0rrFT5MQ=k0ko~@`Zc>n+`n8j7FKbp>-4yYw-d2RJ> zBMRar!o&X=Fk#;l>MOO|ej>~|_ZHQ7!Q@GWKdH8JK}&!%uGQQ#=$-)Y)nyt$)aB_9 zv>BxeV$=OvUSd1?bkDm3weC007!w zI3a48JV`A@P)|rP%yZGMS|jM80e0Swb6jR;q5pA#le}1oj$}YS2$W%K1DvAPaV!sf zEd=mxp6$wc2X^i1m)p$dNq=qj25C&){+w;ml{i%v@f@XOZ_gJsw$inGp)Rq`C#fX+{;O~knp%SLt zK$;0Lffk4Jc|SnU6~ohqUqtRGn*g(pT?p%E@2CMRKuv^m^h zhzRSV&E(JdXLGZTOIA=C6NG5auv;ySRg@=K!n&q5C{hZSw1PWm9-JeTw$w|enb{WF zxg*xRyV;Im)*?af=Iw3_I0Rm_jh)YqY)eS~d87p9GkoiSzR=`Jp5)ChqxAH%zjy=KgW;ancPXXkwCgH1h z>x4XvQKqu6^3awz?eaL9BuG|SJFkK|Mo`z3(b6Yg6)tj{T_-IAqVB~s(mc#V$d$3p zA{BkyFnoXyb<#K>Ak7B;o=i3a>%FCq{);Z3qZ?zU;ddiM$UJ{1W?Hn}W&(;&)@r!X z6rSr6v0LZ+Gf|;UPz|K{4pb6KlAZx^B?WRp06Sj!{b%TMTGlF@e;I6eHUdj26r?h+ zu0$B$5)`wkYehV0#z)SMp|H#thL>M2;&jyJIxuIhLQ9u@$81~qX0Vc>X(kiW?1(ia zWPb_GN{Kxj*gn29F#FR2QiATR9azJ(-t_meWsqlr@;^?zyJevm)w!19#R$Y8Do!Po z;i1|B1%d(8QAXk~ws1d8U+G47%CcdvTAeH`g);Ds4bC!jR*ruj3lWL2yxJuSp{{AV z&;KwY(f`RG`HbNb^Bxcd(Vp}2xV|h!!$|{JgMsi?lR|Uh)li|&HkXCHi-Df6nbSgP zJ5|Zns@>u6?p0qkVfj1gQ+t$$8-rHgb7pYGca{DSQ<#S3XEQ)B1tL08k*G^G_sc?Toi=F3n z0kLRpRym#n#F|Y4VjM@Q$Zg`oP~PkvL_uBLcH_|`MiC2n2gFIYqNX6a8j3#4y`!d~ zKJZ|7A*t5?>S!c9efaLfT+nNtgcSA;tdm7Vx^jI@utcnw>)YV!u#o(1F>fklsPt($#DIyBN!{7ErCOp)UVY|kX;lndbJ(e_7?^&0 zL-Yx>>ppB*R~W!xLd$2y5*tBlp3|K$?lZB=ApUaoZTX!xuANY}vy(Ob3ky7)@niwg zyzaY)g0DSHqAtgV`P3h31C1-mUVDjHaBgAI4lXP6t$lA&lpj{j$qZ+3aE@A*i03x_ zlPCrYah}tk zq`YWN-1%)NtDD6SE4N(8>Wb7MLXKupb>Mw(+4C?B*Z@c$ir6+n?eklB^lMC-PRHXF z=i|2GOQ2migCx;sv?;GnMi~{7fxigR(ZHGN%k-NHWo~41baG{3Z3<;>WN%_>3NP6dbG^a zxoTBaj~-1dSn28iMEc_`%m9!!GO@OIbGEhw z7}=Quq#5KG0P^;3??OuemAxIn7-(T+V+OD{1E>Nu0ct8@$|?W}Wd$`w6>5g}z$z{d z4)#v}!$m|zRZW5pASxuUDh2?m(*Y#ZR8;@Gssioa`J2-L0dDqA)`0hSC!h`Rufn+4nZB13WC8p;z@J+I$Xc2J?VN#soW$+_ zR@%Oo^4;lO4*D0d_d+-Wfc`=0k%e#b|9dgk)6rAA;<{i z;tVkSOZNT*no|Bv5C{-)adP^TL+*c7PX9{tztn~8-%qA%>oje%-Z)02A*}K_! z{XZ0DmUgCQe`;^);=rh8XX)qyloI_P^LG)#zh&k?5P%5)bOZq1O)MDyB>byi{)n0X zh~Eq0z|7MLj7(0i-Dj|;+I z(WUIn>;c?=i{F|2uj+rAfa+JEH|cd@aN zH?jp%{hyltx1o`(rH#jbn*NuG2JjDCDtUV+TO*tQ(pfr-Te<^H6)iy~7JrxaZ@Co6 z=)M1i?96R|@7MB|NbS!^*}V7e`~I=~v%UcI%$)51rF(Bn6Kgx5vonB=?JpJZy%7J! z_`Ujn_yQQ!#kIv`WN80y+x%rGW@ln=YH4Q|3ciH07j#KqxUGr|3>eYCjUb3=Vdf`ADDkzGcz#(7)}2HnE{Nzf53MKi+{j( zzLx)h?}@Gd0pBy*{2MaAN4EP1e2;AZFUZ2i@eWNbflk2p#qbX+767Bezxlo!IRKq3 z?f=1$`JIx}Kj1s1fBL_Bfc^pB8M^!h|MPwo|LnNGhL`Ez7yduX|1Ycpa-!pe zKQX7zfB2gGy@&sr`uEQKU;JkY0)Rkwpb5glti1_ukX33!NQtjl-b5)hIXA;`8Mc6? zbUf5T`b6tTT+!@J5};td|IaTO6#4eDl0168$^LeQn&d%PHm|EqN#*0$rb?f;jC|#M zKca{U4QHt{s0C!m&3`FvC!s!&&dSv)Vw=opj&CLes0|;AaJP0mM6-;&pJ+7ilG(WO)Ere(msf>Xe6qd1&xW_j|aKI!s(8$H-{3)dXJoiBE=D!RLsi=^&Qid z@Kr=Bu%9NL1!o}1PVR`LWQlP$Ql+U5!W9R!zK3xntuWXZnnyl}omk##yauEu&~I!D zgqP}JUxTB{jAO(?r&FXrIi;0Y7b(x4A?ufSG)@yzp@efu3ChJ!*vvs4cvPhXE~ASs z%1^#Q{y=f(xCjOJq^ZvkG2#F)OwL?Iz~HHw3Myr&&%hDY22=FH6aAzRKBDQyi5D!u zBg71lqD;+Br<2rLPJs1nvLfr(n#`e(y5TXO$|~bT%1fS0a{W5K8PHZrp%Y~`g$K_g zV`WV`m7$RV@p4r4*bA~1{)s;rwxOVpJ!M+?`&D0OFC+O@YGMn5UrC!~j-y&&rXb14 z;p1t>te9NPa+b2-hwt;zvMuHm6NP7#dRKwg807Mg0B|qOjk0 zn@^s+%w7}b)fiUg!Mt^Cb#Gec;YkPE07u487-0vNo&Du3N{uUt@FQgC;3qi3{Ud74 z0b+8}0cfwMs&|U}nul?UTJ`Bau>@D0i7S}UAm2!;dnymvLTbQgH-vGa{4f2(FADTd zmT05WsAQ&{FkL=2o8Ts8Ep+(R0n=B7@37021;0z3M@8D}LcXNqY#E!jglN78ctUCJkSle{Mi)z-#g0Yp2&7M<*S=$(~F1_eOo9 z4Dl78Y5pisW44~&_qa51kDN^EX~3b1X50^Zgz`MMlzm|QVuRYfp=QBhmQ0rK%+2LI z12F{5OuL2}^5U}v!#AwHeol}pV~IFWRKu!gi`cD2Eb3iv!F0iC7S4l`9xy)~7H_uS7+Q2e z;p~CHQ&@&NgFTiQXFW1ps;h5b_c7M1g&};hgJ^48c;t&$V`^o7;_o$QP~-7XrGGCv z#tKHywGeWGI+uX=g`%yeT|~$`!LDOg7TszQ!%wS0JI%cqMbLmRi+UDlPDc`}3n#DR zn-+4x8MhZE<0BQtaIq;^x{L7Gx_y4MUu2UmJS4 za}Q9M8Y>M&?hR*VB&*H3wTS0e%2~fsXOb=mL!P|W6o+TPhJ0mKfcuJ(%4~JIRw-$( z`Fg1wR9|ltVQ!q_PSV{(AWXm)bu(uROTa1FLwnKhae#phx!-xRIh(SJ{JL|Yr=Oj$ z+&i6t%_%q&2HPtG18#S-X^s$&zacTAovMECkmG1A*E4U?w!;mZ?7B1hR>rmg>@;zW znM!g)I(Kyex`Yl#sB2kBaL|GsI7NEj-R!G7Z~yGQCYwom;IS|Yh&5KaglWR~luST4 z%_045OeL^$C1Goedc1eD*3Lmen<1@ec+6N~A>B%hcF}t?^E<*FBf<}}wU(%e73>z^ ze1vCtVhWz?YTPz>=%Jf#f7Y;>>hlYU<>jG=(tv@~G{W}W??hDs80IO7>Ub3^pho@A z0nnr99u~KNwed}CCNH!;U*5BUrd{+$Fgs1QszaWUC z;5tQ-M*uadb?yfm)Ngin2!8z!>P%V>$ypGX7z4{j{E&KoEtqp&#~h_)jl@!vfllF-oh7#jnN(9n+e{_gkvXWul~V-Ka?Ue2&-{qOq6uMnADL;b-m zEA%0Cj1NR(zAz#>HAxUGA*#QKS4;USDpvfDcKHHT> zI$hO@n7#p7S@`7>J$Y+x-L{92yk&+zMQ}kla?eZZe7A^nSjbEu?x$Bv!IWE2Hl=0t z#tpW44w3iFc#1NjNoj&mosIA8GWJTilz9e>6LY7x2G9!zFR$@M~%z{=xi2#@2JEzH&! zL>stdOq#oR-n~JKA-b0nP#M4|Pah3$l{HO+xQZwIzgrP1gWLA+MiY25F15W8I0Bz&~3Ng*G zg<(v)ZD}4aN(1a_AN;If*so`i__g)43*^MidaMYx9c8wEd8nQ2Fp2sT9!9$?l<;us zLeFKo`c=mf?2X|^fLmB1kce)2n}e~}U2Su#2&qJM@|$2(%&m;fWaRc_eU_|U&rdy& z+!91N=lhUYc@3{tcK3nhdV=?0^zjq^3*2Rl!iOdI1G;35>;y3lzckN!2(mBa^y+9i zDLPCTT{1l#VKQKDgF|vdjE((A?fyl6%u~lrJ=i|s1|*si`i-&EI$*&cNLUs(zAb#l zP~AfzoN@|Unbi-V+D5vTJ**EG?c((f5bG0IjDS4%>rj{3j(Y^U%?xTGg&nm#nGM)Rp}56K3Z)pODS9 zIZ?W3Qu_MJI4wl7gSPX;xE$4XTNsBvp7$7SOZj(H z@~^9N)>;*92vH*=leFQ-`O!);BzU_VvX_FNKB=!;IS!MSm4k$#oa@KLccWUi!o@+F zKT|`xZx<|l`|G1^@H4gLKL-%*!)4qklMN`Q^kOC0$Z)zjDd{FcJZX71L={WIiHD7K`LQFoA{Qh zF%Fk{B`76*b!YufzelDNA=xzOLDn=Bg8#L;Io^4vK(<~B9 zh8{qzj zeTib{fq2(FN!W7eWQXQT``2h&;PH$;7Iov$c6A&G?4 zjekDW;#7akk=V$zP}cMyiv;1hf&m&Xvc(Im`S?-f1+aF;8PAEwt**69n8F2{YAt?4 z4aFI-O4w=#AE((7V%r#@+eNG6@O5@V(Mo!-xv1lBIz~wdL&t95_I07DDIfeyWbePo z9Mrng%PXUyz5ns~m$p*Tw|w6oaEGu`{z&ciGT%Y<6`Hz6iB_AqywR*Ww(H+yLF)pT zgQN3i_21wIOqp&yM~jkrx{|YU>{|M<<-3-^NkI)h5C>V!65TM5wG|?~y16jeoY;Av zbSSpsm+qe?4`jsyuksTsj9MfYpJ#O1+K)-qU<@i>_iZAJ7^c^QN8QVK)*wh1ZB(61 z*dQ>_BL`>l6p#Yc;faUWKj&6Fw@VMuSDxP6H8_>1mbiS1VdZJkf>^!!X2E$)&{rYv z>jJp;I>v8P^=@lu?M7^=3753D@gj2h44&AMKuO{i+_%6Yr;x5t-U(lq$uVCd=q6)Vu8O$Vz}n6^ z3OU_HuT~C^#D)BjgWuAs`*bILqT|wu8hltm)}5`y8iErT;#&%5Uar_!Ho6$`C|#en zXrsMjOYlYv%6n9_s0hmly3iW{uj9M-Z=MQ39+Cr_zcHfEi$X*EU}em;kRI_V895rD zfz6Nw{oS14`)$Fi=j!EBrTsedJch4SyRVt^07asN982&^?#r#=J_X%xg#6`QaZ-YF zBPH9w5|sY-gv6D6;vm<3X%?SJ{Ic?|F-j7H7&V*J;bfYjIFf7ZZB^e=1Go@uyS&hF ze-xNB6l9>Ax>L5=qqWlU&5fQ#Uu0P1DFSNam_1`Z!aEKqv~b@%kt*A1ipeddNVP=- z*;!9bf!Z6ImS(y>oSU0moeQ^1{d9V3_<*^lbXaqI+g*FVhWn6mU0NrspXtr#p9m&* zTeT?)r0mSW5ZU?61lb*R!z7XIGmszqn~ss&H(etuvR?T^5N>=vAAv{Wdd3Nq-sv}a zfo$a2C&uC5k0ZH+-#^-jYY#r($}sz9(GQEUqQmm}=8)XP6n$p6EvmITBF)fDwNDa} zC29<0o5uk4Xgy1!^4az`6n6}nh@?94t&dYt;-=uME;8^6VzM4=btOMrQ68 z)R8A==jvOZFsH!a$wL|6-JdrE9iq;zdSkTe)7D8W!CrhGMbOhkLU+n8F_nHmouK>2>z*%uGjh zd`PD~rS`k!RM-N^H$n~q``J0qOLv9rpyHVo?J-Pz=#3l}8>86toeRne z4aq#@ApUK86Wbvx1haCtE@e-@W4+o1h^yaOB6*5rVI2KKWf(W%N9(6?Ynv{zM}>L< z?PM6`TK4IQFP!b8puUz7am5w~n7Ui_w1sVb7CvClg31)Hsb7ZQM|zU2HUtg@>A_di z&OmGUUm!8*c70ACxkd@L$KQ$^e3@^$oH?xN<#2C+(C0L4uD1uniKzg#(obn%oe4c- zKA109XD#I6d7C8M2yh38hCj4KU2f~zcVgO&;)Ni}<+VFkFCx#-I4WB^Ho#-9Kj{gD zC~Z}ryb5BTcol1BGtqq&o@;DCPoc@|{kal7?*av+Hvi>A*=|mZ74$_ttea)BhU3N@ zV?ZpO0mCyqlpu`1<uIUy@Z@ZbH7A}(_hF%Cl4zn;RTg}T?RgHji{(8zc~(DcO!1Qynm(#;-8reXxP zgjFT9@xnVAbMVGf7noF(V8q_cu)~cSXN|+gIR-(XHEf}vmgb%a8fY1f*GY#13maJ3 zC3wFLK^5bArN%SUk0yJ$nXStKM=aP0sQj0PcLa<L<3J&lOIujY7C*a1GPCqcWo=W&5OCzPJ^tGBvqDUVfBq$0 zj-)lo5%H-f#pm`|=yRDoE_NOrdaK)3{>{>SdouLit<_;gvT`1(zG_JupLf}pO_KNJ z^JZR^C9@!^GuE*^be!Wt0TDM}^;Ed(vm#;&m?QfnWMz5GmO42vgLfO#;Yj`jkpN{@ zAwpcULkgkg_4WaMZcTR+&(RzUme~yfD+R9^0zSyir-z*NceN_l$GozYw(7$^44F1l z>ys~EriDfJM1!9KNR4H*Ww8>f(tNSLDhN+ElC2zxKD~++Vlw3Tj0$eX6C91?48}IlEGpa7hcp#MnwH}5L`(J$BC{%@(etyen zCx9q+30?O2%(MmQ!&J#olxD8v_wrVPh0%p(Ak*!`uqNP3Tr!5hH1GNDf-mW=QGCEl+B5Um8Ze5mq1{+b zH-X32<-x#eclQ~Z7$1!6o_5~iE zpi$5E#??B3oq+B6r<&Yr|e0P6@kcm6om?QMn~gAF@`cRDlp${on5wX)wj zZOUbir03o)TPrj*j}vq^^-O+%MU;W@n(GIMO5M~rscW9Z=!k}8sPWW7;IDT&>KX1& zN{g1De3MNK_0IeH65)v+wmSQ?)zM`T?Uxu*Dd;f z#xDh`wyc2*T|Q@Vh)jc+b&l>*3Z4sCwj`;|6J0*j6jwgEn3*rnjw&6Ht`8I@)P)nz zj85&2!%Pd#H8b<$PD41w7a4aXE!1DZ)*M57qC6~0? zg=1tPz;aq&h2y>u#TsYx;F&qk55YQZag|tz>jKfc0F`TH{fz_WonO^ z&=pCxFU|_hP_S5^YV2B$pvORJ>C?A%pK=_9hdsl{6n`^v8sDvi^;-BVr79uL?w`svrlM!U`R*5L+{>B+h0O#15YFKh}1h*7fT*))v7QPD?DF zHIO4TciC%-@XI9_DKh;qEt|%&Oma_JS%#nP{j3!`2}c|_gP$yB<%+E~0fP~BXk4f-!-U7Mw$|+y zOAv$eDk5pd=UTUe-#Gwg2W6DuuMvfk*Hc6WvDQ?p8>2i|f?1&0ixjS;*rwaNszo`@ zIg`{xC8)9Yfy@#Ikosdmx=t6hQc!S9?qLK&d^qp+OSY@jFk*kPcCTP2R^+$b`+c8P z)C}dC7a=<&y|%5OIJfYL=UVmOc09XJoN%28GOMiIr=nLpF24YU)^L|80VUEd>B@_( zYIt-G5k2(N&RJ}SAgmP)b~{)g???IQ9IqN{$QGE5_**x?#~~5$EaNi!=E?la0RhCg z^qJ^mV}|)MnpR>#e;2>ep_pIi2ZyYYWSRV^DL-+r)bc_ba=RQ72Q?22``hz=kpry+ zZwTnSO)wsPPh5y8>g`S=TuaMeX%)WK0c6eIv&5X%dX`VS6nJ_ zC=TZ*Uv6Jhdyzh=(al`&OYF@mm)$2hN-e$KgO^O6#X8R)FYi24>Gw@$O{MVMF3z0;R5x#W(!EF!Wu5fA|$Mm$M!l=xrTi zO>-=u_L-b@^5q1WtZFnkXwC6~xg?Jsl9;MH*1=PZ7ULwuj0;W(iyuTN z--WvNeiA2U-;662x>$aBnII!OZ&6GMt@@Q5ZayB+Cox8-UX<}v;yjy+JAiNjCR`)a zvKRKE% z-~ohLu2A|xKdg?DqMGfo(-zCuun*ci+dzEFjW{|QRi~bt!(QVsK`Lgwi`eqrw{laP zT+Q&b%` z@`lw=o-+z%PSXxNSO|bW>|s46exg+4|8DUT^I1I35r&NPv^#^v1~1z}u4P>GwbF=p zS1dvM$N5@@2$4fWFLNao53GSCgSs?#08ch*FsSdzy&WY4>u^-eoI7Y1;o_O1*D%De zyjoMwWqeb5%Rp=-V`b?D!3Xb7;1r-O;jVwxtFn9N30IMoFhH)7qg0)D6cTrz!=# zrAR5NP4C74_okB7^p9P|u@4~d!vU0%qQn-yI6HUx3_Qf7Q$;iL+d~s~V|)`?Dl)J?v{D=~!0I+b)o-&Rjcw|B zbEj9*=kvDjbu5MBf_qgc(?VxTCYr&%k)QXgM>z)B2?;359OhkX$zP^)lQy|eOiDvO z-aa3tr!}rQ!nWgd!PUSTJa}8UMvAg?l9Bc{-{y-9d;m)PKmR}ZhApAJMjtjznzhBr z1FoZ+o9^pO1@CaZnf~p^_kfR>7drZwyJpIU%;Wt#htX0WHuPJqEY&4^BYjFQDyRx; zl=>6W;y#GN|04LVyrm#Hly#Ck$6-li&QCQ5IZ~5Rm6#acs?mK^%G?LS3CPK&Z;s|H zw)-B68amo#a;IhFew&$G`+PWN@Dpu0s(Lu-`ZPT?HZux>*Y$$j3faw~Dco#;8z=C$ z$5R!CgbDl9_q?2i(n13$%a=o>BSNwkc-OJUmFksF@#s_o~ zYq*;xP=QrUp>R%ECOz5U(_uJ$o4?{g+`3t%B#QFV3gEIkydP0^e^ni-D|+*1RwEXY z1dU+322(>L=_CHyx>(;fv+DTqaY&$Fg#tH*F+pEod9=8igP;0a-o4skH0MXd?XP<944GuYVf znY~$qFLu}!mmf2wvKCwCdwV5>3fLEb+p!;{e`CVhdAy|cqZ&>jCc*YhWIdNB=loK5 z`o&C>vJmtLYYNFtU3_KiuA$*Zosuevtac{?j=wHyt|Kjrp5PS4E#BCwh4{_l^21>3 zxS(TQH-9gbMD8TI!wR&15p20?U4B|_%}qk-V`#x7J0aMW1QKOLFCRaxT3>n3wMUe| zb%Cu%sf~VnogU8>J(2g9SLIW5mnuEH-R0y3Zp=oE0E7YILGt}h#M)iqLh)cRYwJqm z^q+9L$382TB;3z3EZ|&%8W{ssCF1+?f$=~!o zI6c4RjF|0|s~X?870itHqUK+&*w(=zQX=2(sz39(X>z4g%c3<`M%^!tugSx+u#|;r zF3>s88Bqp3nCJM;gz9SLKEsjQ{Wext7E8<~+8^LIn(k;qmJL1)4Dy!vg8obc9>X2} zrT^FRiD)!d*h@G`zUS{pgqY$uX4H#T;bVj6F^kXp<()yhJl>jwvsDxL17PrIc&oZa zixF0~q2}Kz0$aJ)WBZO{Kf&oSG--2A+XQ~i1GNfwU9dCW`(;Ipz}qTV z!_Id0y17(F_fR**c4>F!uk3PtT~-BX_3FEZjlKIRG~Zy1(hEmg`RCCQcCDw) z4_WckkFV7`y7TisQ1fHZq-Ia1B5b+aU&;N|pO~7(dQ$@yYQjXg=YxMCzQlm;$dtHhiEqwKW$Wsi6a8hqQX?$2|J=9GXJjb)4e$tQJD$Gn8^f4&97({lc$8~0|^_vLF z|JAYW9TEt46=!|AEyP^?krwm)do$wc1MQCmZj$~b_da?5?(HtrkX~>ZT!-M$kE4^V zCNf=M(Wgy<1O8wZu8kGbQ)?5f33qQC%I6*htH7hcFHo@iqJ&1zTF3iuAv-WJ)q@ad z=Jvqo^Z@Yz$m`PId288b#9*J4D(Q;y(zgH_aAQH2QaP}(YC$#6b-1LXG}FdTY8)vN z&UO!(uBht*G>(?BnUN{6<2!reH6^f_vv=C&jAMo2ZL{UW|qbLRPyY z^vFs_qdIgLiQ$KYI20Z=N0_2J4%^T3=G2VHaL}*GKtZG>Kg`V*2$a-ob@jI zv?G3IXd9BE1 zlqI>ZaH-`w+SE9wu*Y$`0_OfMgAs&%M7NNa^LHim!JgaxOZ-87c?e4dA0xD7cH`um zTS{NDa1D^%93`j=AvpO;Tqt;bS3y}2h29VG)fQyZE%;_-Rq0$8(sqwvx4o+#Np2|= zJbBP(gpVULX;`R|GK%}dHt$BfS&{AM-SPvrwM|*W6xB?bHY`%t5f2&3L)j#BHnOfU zRVjhU#oxb~Nw}SPcAB|i$-Q7*30LHmz71eO>4~!0D?#(X^(m2{By#CeckefvDfZsc{cfxl zLwdmcCQeTr`ia)@u(|KPTy>V|Xhwoy6VxcF-!TDyf22Ez!g5RglbqPfeQyA%h!_=h zvJ*+?jr~3!zcSd*v(Bv(qUZa(V4cG&WOP!CtnUMwNmW+#*V1sg$1NH;#zn6n>lG=) zPy8_PsFPweWw*S~(s~dgaDtbIJLgda<~N*Roc%+}QMFA4We{RdG7?aA=rT3)A_5=| z^jXdCj>1gy_r1PTY-2+$!=@7W1wmoP;OfpHI2MEmW^yE7s9!%T=Lsu(^hhpoQW>}> z=|YFv`fMU4NS+O?-)8rWv_>V8?Ve1ntwh0 z0v)aoq9opy#A@VpPyZSEb@S@ z^9Re{_7o;{^!D9a5K|AtU%pqNIyyp*#Be!rt_%&f;d??rW(j}CbT)XK^}{B@*zEu^ z-{bAzXlU;lFn%IS&yzOflt{1HKUm07()O)T+&1T*!%5Q+s49b$#> zr@qb(F3+6M<&gseclJwFIJ#|jD=#N`3v3G^8in0pqPODdf+RS9s8&*)dUFw_s=%6< zyAN~@xkme4shu`Qj{voWp!8K_90CRg5O_F1M1F!Wp^A$xkM`s7G9L2BHQwYsRG64o zUF3au!Z@;W?sVm9(Ip zSFA@5g^1hYtj-6)@$Mlyp!LMwoB@|jOg4>$s@J*$PX{4U#mZf`amaCw0YfJ{4FrM{ z3gPV&WktPIW+XH|dUnn64(i&dATv& zE>DfcEU6osk4SeEdDjL(>+Tbt*%ER}!d`?dF&8t#p5wW{PibpMDq4s(+tD$9()5o- z`IEy#YIFNYVd$jfAuzZ?2Zg`%9W7wZ?L@ozs9@RDFMvY>iTI|B-9wNtI@l%Pwr$(C zZQHhO+qP}n?yqgzw(YsI_^YO-W-+^DlXdFN$#cSyd)=e_TtW?f!yb{^wJH6`yv~P2 zUuD{{dU9~aKSRezzlV!A@#~YGV1!5lODYTv&s=1F*XfD!k(i6b}egx9tW1a)9dM@TGDj>_jS!Wt(aI!P~`AW$^p zL@4X&5w~EI;&=Rmf)!4dE`6?K;gajud0*?wT#A_Z}Px+pIj6EB{#?%r>l;_viMTZWFcNZsq4j zZY~H+K;C?r2usBht9ZE;b>4| zMZxNCLO8_B&f(olpaQnexdu}T|JU0bQ6`#ip_sjX*fS?2d;$;%{gXRJ`5*)kaCFxw z7z<+bPhKB7s~-(**%YEatr$70)?UPqWMMq0dpA}SW<22sVE}K@JK=GIYnuFicV;$q zhNd?5O-ZYGeTdnkLf)z-ofePtkO94|x3MEEX+3#c5p|o$hsBwnlu=1p#c^=HDgyLD zOy;c`pHf_q4>u7NQXYdis;B}Qm{S-?7a*8OF^pF%7gt}$C4kF)L{0JREjW)Z`(X$N z+hEmkc+KKc=Pb^;Bxw2zJfQYt3l<0*th8e3`AnPPx}KdCyehb)Y^P{uAd)|e9f=lRa9C9I!I?u z9p#K^A~2bYe4@`Qs6R%~aCsFI0|Junw4xCOZ~p2&nAuwKk1D@TRr-Z=9n>lbORp7{ z7_5sl4rT95I%o)GkHfZnY<&vs61OS9HY8;)k*5w#G>!mKX|4UXr|BD!551#oO9Jup$wkIr#)1kaYddmW!&qqYX(oub)DxTb~JgKgy z4X>v5g?*$%WqLP7Sw|c=z>PVbES}+47vV9ypsl236hyL>;s4y)I94>Ua zPH{n8h|6Qo=YuV}`Omb-99n1R37e0%&fh&v^_*W7_3FFaRCcj^>A8UNQ+N8wykY2-fGjqztLwKi1zJ{A46hlw8ElPrv5mmY+?XI!;> zd^^XDv1#&GKd(o{1i{3nwqe3iF!Ca~1dgmmfah9Dno~&iX%2O7<5cN6z+#QXwS`NX z%ZcE#7o}4Md11hA#0WisW`dYD!G9KSO(>`r2s2b`PKmgI#VpBs94DC!kT~X}Gsd$l zht?Vdk~u20TFn_-IeHl-U|6LJBSFU`uR9aV_IzoV9q}C9gv#V@>}mBD$TGU3+Lns^ zL6==)9=f^_BV?kRnFopXt*~5SX@OU8&ZHiBJ!IbQA88$sb-e2o^CWwxe=ymF+(Xp!w)t-u$^B{^ zqiDI@v^Y=5S8P;ay6lwYF}Pa7r^?&xA_t+>&+wUz1)&Ef06z(y8{x?M_$hu1iNAs9 z3{zv;Ime4@!>YH+bSquSCdE|{I%_|IGaPJ;As$9R#D-Mu2!p#{ zRW_{#BU`zi%B$h~m9A`5*7StOhte0TRvE{~BLz=)X7$6UR)Lj+OR1`0LKR}Pirx(> zU$Vix&hDs|*SuI(Oc<+>G67Q_5_NN#^>fGRg)4WUioA36hr?p2ftg>5IZ+;=7m*Vpt^s zSAM}A2C!gpX1oZbWJ~VehZlT ztUOJM`kD~XsscMvD5aD98YE3b-A~jQ&f%{5jk*pyZ+;I%3HocD1I^=bpH1-&8`U*{ ziCYsMRwtUvF>Uz|%*xkV(x*TAPDH6iI$J6r!}P0@jWMXdwOVK)(~K#vATEVF%ll%L zZWBwq1gp4j?acIk7;QYI7n#_QC~s_$?8e=;A-qrogPQY*@I^N*2y5PTstF_G9aNdw z{Kk7}CfJX5DvAP+#MPhTo52V(pLH@-ov|uMnC*mpjglzUJ`D|Vvjxqf(Ls!tLyNXE zekSN>V#4$J2W4ii{ga$XcIQ~ip_rFTs9uLDCPoOJ{@Ut!pCEPpIuH-4sU4-j+33WG zpdW&F{gfU)klB+uR48nbqIP{0zQcZ2VE=@%dzxQik9xPz|LecLbH&|sWUxIKuA5ep zI%ML$VrQrkW`iHEYqR`%#P3|Ks!?uY5pM{a77W>FiSFu^H49~j&67ow=F-jHW-vk# zGpmQ|)^x0Qcdd08`xaSuxL|WS4L67qE%aG{*eY8jA8`x9-Jzo=VnOT)>7R43i)78k zX`NPWo_;>bz#k(2ZtB6AI;%yT$N9b~8=Ni6A(xekor0-J<#}GuFEcncqa|w)Cj}!D zdIZm=B&iJ7Ht9#JJ)G~LT4vRnyv}L77<@cm0n3j;Lw-p7J%q)x>l*CtJ;+Y*vM?^> z-9p1WI3KE7uaHevoPd}exWP1y-=?VEbpA22S3QS$h8!NB0IOuoA5P1MpuhJKTXug^ z!{9d%cgNFda2^E0n<9omu{~Pcu0<;c_|9_>>C17^jGs^d?UhmdVkRXim25L_%*myx z#lqH8e-T>r0o{U(CQvTk{z_vp)%VgU!hA`#lU-8J4^re(zq}Ag(mP~n>-ChSwmqX# z+o@Y-r6(UlkmBP7zRfC+p?(UMeCMsmSNFH!F}~lGw?0vHbs3;f=2?~rxil#My&nH| z1&z^A2LRvj(H*X<1?X9NgP@sl$S`x zo4_}rfWpV;lcU~~54Xn=7;m`kR+H!F4e(Cs#8BgEFF}F59eB1R8YQ0nLAD5=MB;pq z^ZYZkH9*J%ciYUu1Y$;d?AerhhFntW@Z6gFu7Io15VmNmma`HF6}TUkxt({e>0hVV z>5RDmFZAd9izJCiA%HvKZr*fAg4}D@d44QCX-oa~oqIl4-PSH0HYkE3D-H*!C|cjc zI{!#vjPC-^V$Gee^`TqSH2*IT<3OL>gWlX3#7%H)%&rRw#PtH$B)9cs52YD{;Lfj;xAN?F$|{{d20N`~1Bx?+R8kgAWz_va6&fLVXaQ%Cnz_mi{XAUG-# z%S7&S%>#r1`0ZtNhe%<#R3(e-(7n?WHG-*!O_EPAq3 z>jwZyNTsyI1uyjmFN3$$x(8jeKEa`dK|trRaaLWM8Cj48~Ix`*I_e!eGAQ2F?HkyW(N~AIHn>?fHZRa)R%c!h$!i1-H ze?8U1qqZrgJ~R>x>uDdV!rt2n!$ak|6g2k6hPBI#!L5$~=x+G7!eQ)xYZ@T6@$A1c zpMRqGAe5>C2Ko#QAX9L}wnB#cIL#rnO zL^GwfTd3J%o*&w^x5NlMqiGTRo-E%7gU2x7E_|f%BwHO?13sjKaq|vI`N_L>)Lh1#+Q_ey5)Lu zf}25eLsmvRyPI)H^CeK3zi+{y;{v+wcrXQ8Y`p+kuDp=Oivjl#n@};SgzCP{ zVgK9Y_*den+3hl$RemU@``(R-7``CogQykEF>gBZR91)-LGRCQ9H&jqk<3XB_|NCL z6}mhq=~^oMU;RQpKDB$@R1ZHKI?@%0hCfYVyo(@Nr*iiJ_M9mIhl5xs02hxs=-X)1 zBj>=;ni10q?f}rDP67Rb{)PZvN4z(n$kBoKe(H_o!@*LW{Iqz!2IPWB@(0 zVyvqA$sYY2X4@y3J@vCL)@Hd5=@qt5Z7-p_R8$^PrC-z^IgF|30(H4i zvzoi5I~ju2gTKzRHAP`QdCxQ|uCo$65P+fjG21c=Eg)Ql2>aus z&~uGDnv=P4I)%m<==!i z>7_gu4s-*970-x|W?E*filxyCnLD51a6OXLfObcN(5t<2pVHd@;6JbNR8z1nOwf=1 zlX+^y*{p1{R~JPUetuJiG5f9GBS1s=MFR){DDKkLwccJPqQpz=lumpG%0urqv_!Q1 zc05`4TUu9bHDDMK37TF+io0w}s^>Edp8 zq6#mE{|<7*91SWj$ybFzd0%YC@dv1k49n|~0+dk9Z9Zz~*cQ9*<_@J zbb`H;`#I4gc|LP{^+-DJkc)>9Ldm=Cd+=$Lo_S>^4B?V_jl)cDBYa!mGQxt~r)d6B zc#nF8TyK#m*b*8&QS11u<@%&9T_gXp^aF$*5}0+c+yKs97&18Ir_&D7cSA8Z$pvT$ zr@MbmYV~kT)5{{>`~OyVH5+@4^2IYrTwNu+q{J-HO`e26{Hqt5VK<*rCt(I3RLX zlj+mw-Bu>_mZg)k$qlVQxiGmf(>wt_Avi<{r<1NXV3o!3FOz5i$oE*shRJS&g^GWS zGJW1h(oGW}hQINO0K_jSh$W7|{(B@u`4V)zG*LzSX}p+bE)0@lh|nE*C?7z;@hb?n zv|QMcf0(jeHp&fwX^ELa-$9i$1z+)iF;Dvm4BTnc_jSIL?SBDnh;5AjmO0U_{%MY0 z5ec81yG=ZeT`d>K_dFhJ>8tRC#trBgz!|Z}#rvo9Xdg<4orqH1 z<{Be#8daF)ZwL+SYxEnQLSCYA-s8D;N8wqP_~}#j*Cf4W=ljXC`Kn)lCteCnvCpmB zeAHr2AngvN5V3`}&Qr+1_33aDd=icKb01uKe%zF4;L36m@fXqkJTpbN%!+3A0W;V% z0}!n#=qxKBCfLxLC=8uuMqG*9CptEc`E{(e`Y&9}WwuF<+LEL2S*y$%PfL zNPa^9E`Y9Xd9M#;FxbQ^qu0uyq{Ja}-Rh2I(ysWKe|(f!z5UJv+xV;~myNbj%j2DVidFY_@b-HUUi`}(C$ap1 zD!OhT+D4y6f(Dk=Ar&aw91Am9$Qbk%1vU4;b>N{U@f6+(l#>-e>I-GzC7Z_~z}-(T zB5FW~H^G>U&<~qjTe%Hyh(eJC9eC!(8hlly&ZYdlF+XRbYLb059eoZ6cPK#Ape(Hp zgbuY;!0B;kR5H%;5$g^9-ImuIe8+4IedC_GWbnPY!ImV5(4ITj=aJNYP`Zc|M2Kyb zGtp3sqOY$$XA7MTFqU4;y5%%HX8rnaE6D}jkL#(}P|O!zdWT_a9?f*z%IcfSJ=k^j zW~Tpw6n@a`&dGjMf0Od&i)#f#plQS`m9T`z7qt4%l3%zF$^I0F{~ZSE`DZ7=vad`5 z5p<$D@<7Nn?xXCd-%3@>5K%abW6pwv2JX7P%X+solfB)X5H%z~E#e>3ViVhoIr6w@ z799$WdindInc7Yin;Fl}<60rZ;(o*>hm7zcDO;^eTVNJwOzv{9xgR9%tP(ceL#O&n zdC%wJc#mxsQUqXUwHDL-L>Ood*PMPOmJx;H@1kD52IMt++n=M2wD0e3oIC=)uR+=o z?z~7Ms8ax9$^PTK7hu6ylTTP_X%xH|y{*nal>%Wh!4RSmH9Xdw?i>JOFc{XaP;&<#n@HyO|mqodU)h0&`FJs&jB9?cHqA zjYuU@+s6)^P*6S3_&HU^;H2496UoU6<}(>hOW`qZD+Wy zOiy}rGtG$|;6>ne8DIIu;ZsoWnmyMJRz!e*(~AL|FSVk>F-|?>B8`BUbI~5?qkxMvyR3s-$Nm(^u(d+r69uQ!^^6|EJB7>GHQ|TEC6G&f$QC{;U`j1 zi^JpCMBSYvFa6v03rkmWpakG_jGU8dVI9Y&^5zLeshz0Gp1{C8)GVX;74(E_9>DeM zqocw~g&T(zB1qDym2~hM8fpy^EVxN(SkD+gxz?d>@7p7u1Xh)gSU3vH4JQj3qN`kX zi&GpK(PaWFvFEdafR94XtRuXy4aiXxQk2C`A;?ml>8ha=^N@))0MtMm4W#K$O8)-n~Py2b7=>N<@~{>4~ZvU@u;>7j;OeD0v>447u#Qu$5$b5xG>?DU6k`o3#C zk(b&CSBo))2uHij@(k2E)CyPJ7B^(Tf|G^@M9ojd_e<+L>u5!>-a9`9*ww-hGB=ng zlMwyoo@Jq<~65g9GvZb)R|^(a}9nx~yh-5-F#Dhp|U0`#9h% zqi2j6Rf7wFVIA=oA;7*bx|FsTNUJ}J z$I8NKSHoYmdrR&m0R|~zW34m*k_@o3O`lgy=im+qp^nDZ>v<}-C9b^?`dBQ`R)V-W z%99CNMd8mj)Si=jV-}lGZY9_Vb1srooB^Z4mD8(Ijs|$&tNAjvM6?;c59{^PH{9Ri zN)duZ2D%)Kdhfz=D1wX)I78p1?D1wdq2UsXT}^5w{%qF}2-U)shCAQDUVJ0}))}x? zYA&0$3qp2b2t(+Q|FaxZtfrisB-gNGRd`?)QxXVDI0U!<)U0O-ybYX?2Bz(T&(`%x zxE*b<^=)bHBkeb^5?BB!rPWhttY-PJ?Yw6kVY@M=M#ijnB)C>q$qM*{jz*~k zugqBkJ2borySDi$BHwRSsr)c$9$4ztJJc7FC-X~3Cd&8b>S9pM&6BnUtGWmLkm%%_ zQQXL9fQyXu$x}Lnw$IQ%KUlYRgaS0;t0P9>JGY4tQuP=ydWY&?J$}ucNTitEyZ0fW z?<1d^CtMAw52^cYCHh{djjNrz^-D7L1%PyRCyfi7nC-)#-7Lx^z)eLV>ym59q}Ed6 za4+imRCDHp4do4TuQu0MjYCxPTM9yIha`{#9cPr(e%O1$&wW#Or<^!lrtF5=yu9bj zPJhw!RJWsLW$rs7Xc+611onXdMtAKf25s46Fd7THLM^@D9c8m6*sGZ+#bfUgN8;b^ z>j~z!NFCYC8y@VZj1(mc6wcsH^t|9aKY{l?MvR-L8HTsSx^Rh>9#Q5|NDi$5^S?z9 z){ZsY>+RE|LWgt0UmKdk(;XYo$BA%nBQaMv@rma9#h!zRmT=9$W=*&UfL% z%or}P#w}V||6X7+@H9Dz#aw6fcHeGtI#toQMOVeuXX$?XI#U@7_=dE~Rk36HaA^O9W7WCuiD zIrI1z@~~S8B*}*c(3V$^gxIK`?~3YgYbAt2dO@Yz(;Okn<7b2Z^patHFwF)Dph)r=9 zGC6X^u*I@Z2cT+gR=GT{Y`9XAZ1XTCSay3kKvNd!u&p`PZtq0ciq+9d+25J>w_AEvgRH`_71X6!sg@STS;1aj} zy|$nJ0%g4L-rZ;O`q+l-SW2ciq^kD6C6OKT11lt!k-;PS2JTVh7jIOCmu~z+H4$B0 zY)WF`cRzIn}mo27VtI?5tm0z|c6(nZ!aTv1W1zXA;`%OZWN>s8Qnc>>uQHO zzWeBgea_~L3MZ{l`;An+KMa{YSg9$Z5hN0C{qn&tLmED;e!H2Kk8t_V}2l9j{x#oSB~+VY*)ad&9Ea+${?8c)~n9MbyUJ z4$rY-9GJ|oqm)R`i$aRVEse~hv4*yo7r$2I-6;R+_JAeJ)ZLl5A$$_koa1z(Ud&c; zsmANATF~RxbgNr0z>Ij$IZ7BWOA+*$D&ilU<^QC?@jBrp1H9raDTO)rEXppfxK=ak zX!l7fD>#nXD38)bMF3A*%KYC=<3v9ZX&?;r5P-!XB2bq_5N6G^A$+`gAQY|uGGs<_ zaa@%+=@`?BEe%|{$|Tx}EaLC+x&_N*><^|C0TykJji_Xmzijv6KMUVyE;9+$_OwDM zZW~1xPh?SMI zo-M7laCU9aJ7L5MY(UX&oIXQoCsZ>qJgi?V?UnYJt;5x$f$S)JN-<+Ex2MtaJ-%Wp ziG}%S0{rA2%n&z;H#$|DEaTYlw)lQnbD&|Gs|?^fs?RaM0JmIY#^ynOKQMIN? z$aLr3T;fxh$$CU?+$;9pjdL_y9Sq7vL-3otxpEQ<@>8*LwB(7}_w^_N0>Klk_6X^6 z($)||(g)Ao+RJ z23)`w=m2$OD7T+#0UWCEI-79W;EihICX8e{%i_pSgG=aBo>Evpk%$DR$?sy> zr0_{qQN8$E2Yw8Qy>*08TWztb_+RjL7+RSF;O_=*mw(GHN$!eZPkFI+{bnvUo0fyc z=^swq)mU7v8*d_Dp9aR&2!Ve1wIttHMR+SkQIPK=b47Myf}tc)T0hk>;fa(JUch;K zA*g-e&dF;&EQttXi^Q<)etN?Q#jefIGuF=s(oC-)B`t zoGUQh`N^M)#Ex$xf*b3G=1DWucSZ?F;@@ZLnQ zPe@Cw5agP#z0s=>;4!OO6Abt9Qlf~bI8GSb*h)dg3j8BJy^Yw=ZOPyr$= z(4()u>6bi1+FGPs$4@bYn3&P=L79*i8sypugWUX2Yeo6ulxjdFD62)wI;_Jr}P)QhOuM79ZH z`Ct(OYauF*?rFW}r{tDp+wmAp8Ek7_)dUQ?Q9xPDuwvONF8Fi|Xe&!%Dc!F^zWb;& zDeCigDE5D&NHoHEfaS6F#aqNvZO0q%%enn;Df|C6vpN4?W;Pou)BniWOazQ<>`bix zv;9BKY({nt2G0LqGrP-FMQ5gq7G@APNH}10X9qW^yPM@dB^!kNKRvrUY#(WRXD2tl z=PSp1cK7Y~M=bt!<>kCav)L*}uU7){B-H{m))qFE2x~0XR z`ez2M2v`COLvyo>ODhW)#wG?Z$%V-UKvR27zL+!M-zt~^1PgNm6X1FlKuX{x04k}X zC}}`PQBG7366ub)A*nexw|4m7KcbqF8X`Gh1jH0oG*AFlOMpWvsY!qS)IhfUcUen- zrpf%@eqTP|zp|+aDrhR}@o1*Szg*w|#C;$a2bRCBSN?`XUn1ad_?9^pWN_^(e=Gos z>71PFj`Is$UEK?rT-@Aq8(f)->zd!eavQT-2!~eJ1`r=T+yJ!!{|Lu6#@~{q37GeK zAb)gF0$V$f7Dtd@S)}Hl^rg?_$+;5w?xjD#SILm2y)3mqC~yv-z`xbe>4ArQ9ZOG7 z%YfFv&RFF6(Sgx(=J|<%i4DYpzxbOcSQfHBbO8c^^^L&;d-%*hH_q>Twm(?i@mFWF zO|`sTu)4oaBQUnvIK02;Z2$bW#M;>6&f?^wekve9vQxEz{&U>Fy3EcQel|=&O-M#X zQd6x9`Gbx5$#uUbW8t&o(`WhTJ+C05MI8V*Fg5^Ua_E2q<&q+{(SL2LtN9hUhJTCX zM!yru$+f}UKYyjx(%9PS*mHkdc1Cu_Hjn9^#^&5!sMyZl<^>_+{-XX_27hB_P%c0W z00FN61=)$1KYMO}6({wX5A`3(VD|Fd+S~z=fvLpvTiYP-o`EkeEDnG`IXF3iyLo?G z4|l{GVr~JAorz23^Ze}4*ZeD_HZnGVIe$$4L?8BR{*nQQ`LR+Tozk(kwl&*;qXNhp zUYgqF@`4KAf6a5h#pxN%si`%AtO8@ICpS*X{>B?ol{UlHF85OaKwT+#zlmU^cum=14 z2K#VR_m#k8YH9)GN9854fp&iopaSyd##hgoKn>1rk6;<=Tm!$lGH7xDy|w?r>ks*i z)W89|6DzOz5B*1pf8Dr$idaK`0N?e_m-&rJ$-%Xx3N!zCtuep)giK&^aHn=!F!@Y| z-!1-qzhBw2{j3B(_@RIGHiU%Q?DAS_Y-|9u%)rb6iMhFu1LNbvr$6?cVt-srzlrDM z$$z}R-THt61=#ZtZkD^N5!~ZMos=cZ;w=7EFhMEFw=F=y^14iLK9sgq!06H>=GhSA z`ulr_>2hiY)IYh>V`t_4vWZ-l2wf{*Ue-n@$F+??195@zG4OOn75f%#RJl?DUDHMS zn&^lpi6(A&VvJKVUfMd?d;+G=8X3*SUzAanhrlOXkrLfCwyfy?S{>3FF=qxZtG9@l zu|cPhFI_@O@Zi7DNdI`I@mDf6z^(pBRM zTK?g3AM^$8eGuWa{~x zn)E#^A}HuVN}%!TUU18_ksL_1qP;1|z%$yO*}ENuI-mSXl0rqu&haMJc&8m;$d`9I z`)&JFb1%27nl_`b`qtnIIl7M?X@qmysa&UGrf<|hUOZ;QI*AQCM=C54F zW+8I&x6>xdraji?*495bd5O^>N)cdDRaMNX)#oTA;5F8T25uJL$-tUm{dHr;U^F;| ztfGNs?#ToL+NGP==dUuUgR^@dbQz%ks+*|&>Wts0 zNzqkIsdoBHRcG*-1Z$$Mlz2v+U?}275+w<@(+0Q@-hk3Vcnw&ziPuAeZokoT5+QzN zjYA?lKsi-kkxr^ij%L^{6ChdfEe6A1Xr`?PO?8{ITe}?*QoF z4b?#N7D(DtKA0E+x`#lXvk|zIN!|bxq;X2 zJb>9)=)HLPM?P5>zIpQz+F3wVKI{7XX_>2}4k~3EesnQJ*J+gUfZJs$V;kW*NW4sw0GR&YzFuqEXV0b@h zd$nIcIApLREOV=w-ja5?xP^~te~mPAMAM*pVBBB`b>xkWs!rVX_ecfQx0`@gliN`H zZ7HdODd}I%&qECCpxFF)U(&FPW|f5SjiIygDKHwCTEKE{Vb|=#t|8;1;P&VR1qH6V z6wX5PMJ2wq<0ZWWV7=^D&W#VITG#ew6Mb$@yUsF=TiS zI0Z8J%;GFQo<-lSwnf><5D#hD)lW89t`016E#;@>71i(Wu&`O+5+8#taU3Xyt!Eyg zOINGhD5!DKMpVu6JVuAM0E8%bq9Wo(8z07It?XOF&Soia^3+fIHaofJP1IY-bp!S^ zv3^XZU9aPnde@zKINf_As_>Zam8L5cacUckay`l{WD}71@LvQ^&BbL(Gz)R^DDAk; z?lw)+&>5GUI8yGQzt6>J(1PtXXAv8#{8;C;nrC7Z_(&A>7%K=-j~5|Ow|p|`*+lK? zhhC2JhP--^t%D;$YfqyNshe)#u3MK)6#j>lR8o7qQDUjgLJfro8jQ+#ysy_CIvl|m zeGW`^;S^-t3<*MX28UdAYDh*g`lUpZjZ!C_5G9FJQjojD$)5BMog+M)P)+K zJ#4Wf+j1fvGzYD^pBZ&2&;B6NwRC?y#iID~B3UCkA5M5Zcxn?dk3OWBn0S}e3FQfb zZXwvXkwPctnjWL2ku?Qo`iKNpz)oT>1)|v8DZO%4pjK;;lFl@imkj%E{jY;sd!3A( ziPWL40czjjO$c?wA8U7XX1+h2$RuCZFnWW03a+f4Gl^WJDC}qE$A=OmdL`gJ8IBC3 z);_dKTL5_l5H^12A zq70&I+(Na?s@jIVT|sdr^{Sr3#|6=q2&$y0=YNVVPE_Sy4X2^eVi$c83b`r%#rv~0 zWT36!iUm7c2Sw{%04VVHp3$!Hh&>(^ct3qfUUGq>{wL9h9Kr5h+)e++?!>}$8AfI0 zDq0Ck*6p#81!yQ&B@lLUPtCW0OlQ&0jao!Tyn(&J%{#gyu@<&+@)!D?3zC7uif%#{ z(#3X5TeBdnbRN?Rz4y|33J4o#QmVLrv!g!)Rm4{7D80En>@@qQA%N@)r}6~St3-9l zhYuBMU! zAEZx`ZQU#CcpmUGb=EdnU*|muQ>~@-nnJCm#5+Ni)YJ$YvF*6L^fT9v_FkJ$X)R;w z6+_!UGQdZPj9`^$3zm&n_*v-oHmY@Jm2E~_WDYY1kPe+@5qRkn47WfXo~@sHoVmJL zy3I&!4-R)5g;!4jqCr#Yt3m0^v9-IzVj2>&wekRMqL;1k=bu_QIu}t<2;;FAMfE7k z5%N?y1(^-BCypL1MnA7|(2$cF5E>-)F$`2vwj~as=2cX1&>U}Gg6rxEh^L>jK$n3d zAgqnXuxbp9D_9rJF*rg#2gCYS1zNIsM;=^yX_d(&S6wZ^`mP&jUuBsuf*v$c*Y*cF z0eq?p+e=;lE43PQymvR|H_kTC8tA2+XEDNXp!G@G_;1oN=AOG1i&4q_`8=D_-&iQL z37_2Ib5uvRqt$kg6y|pzh~0V!cp2Sa&H8{`!s6tn&Bw(w1*b}cxI><{$|e{y$xQHq zMW@3m{(zxpw%TQgs;64?=KZwtW^%HrNW6AUWCX#%*k6XI1+Oaav-IuxS6i{J9j>T> zR3=Gh7MY;EJtUVh8~xW+9=aa+S?;0jqzk+0hC%`oEClI8ORa7!HmI10Xl3V6Jr|3H?S1Ba5!fIY5v<9JOYl63zPYI8wjU*1#ja7ZE~T|&Hu&1H#ULg zzwV458Mst9eVnz9W4PMVs}Iz2MPHE<{ggk$z6azq%xcCs57{ltspv?hl%0P@)zr<| zkr|7Pxcn0D6ia(34GQyzAD-G4N{nLs9Fkuhu183Uk<)E9E0VH=XBsQquI`QJJRMs; zF$vTW>ASZpmLrd5d}8v@p$6@QbXc%Jdrd1A?`@cNP*B$kops>-%AQ2MDfEl7zn<6N zlAzNz7)_Z3b-+C+n*Te4sHr*}hpO*=;rGB3e{KEs(AtZcg5w@)MFnB`FARvj__2&y zd{?gQKTVVk&ieF#@R7-4TWC1|tf#i5M79BvQj;Mq5^PsYXM$jRfSK zYNyeSF5+TR-btI*VgT(dCoVHpei3d-`#i@jKfY_UkqVbEPWNnj?X`Pv+83^FrF}iH zbq?zq8%*5zV@Ld-?+>GRqdZC3P_yRjn#qPw}9Z@1g40KcsGN0>So`03z-lr zzqPn>Ffb9!yOfGX!PZPtg>(lJPsfl8U^U_GJMFfFC;`HVs*J|zD6(e1hRgDaM6pI0 zQG70dn{DGzCeYlCC9WWAaq|!OFN54%b7XC3!C)Vl|LO`n9DeQYKNPnz9bXFOBkhWE zmS(B=DuV0sA~Ly1hf=Y_^^xA;)!@1dOFq)h%zwNC()+kcjnUtTMC!EOIKI9Z&sPf$ zUY3s+)KbVBYfncs=WYv1bdEc6o<71v+xd4jd2ev9XKdz>u28KUjbev^uNg~?iu}Z7 zbX={qUDGB*$XejvW`~I6IL6iTHona<22uT>$06}cdW0ta{=Z>?+B>nR(FE}Hy~T-S zp{7;_IS$ibM3u@+^q4w$k`^Eg{60U`}C~F}SgGlMM5=v@Q@$nmUa&HNV zGg$3pvX~)}v}X~3n8YhR*Ggi(>+Pfj(_{+dcRl^XI#ulPg|03Oe^0iGA$o^``Wbma~!Z&bi+ecNpiW!$ zj*Z3c3}2tAl)~^0zc7wZLcNE3@c_Q%XBsbP+A6Ny&`zWcC-y_!vBo|8$Cn^PCX<-t z5~KOuGS@YPs<>HT$zjJgm%vf{fy40`#Iq+<5a8h8kJ1k(8N*R!TI7N9)jdt(@*y4p z>-F(AM?w-O)MYxzMV;0xo_50a=PcK!)z!H0Lnx9`aq2SV&aS~i*%2h6CXR?F>or-~ zzkjzwPacPp$$fE-oLCGV=XdR>{gQpq=QvdR65QLS$Zs((aTKVV(w7updj|kP)EPYD zVyf#02p3CYriV7Vn{>Z;6^s<-bT7*ZXO!=8Qx>kJX|h9~d1mR&^_M~?5)GD1ip;^X zzd?lo&}uiKSG`ahhgVk^mep_xG{6<=lZK^y zd=2|BYD|-l{XG50$;gOr_T#-kP;XF4$eo!hnJ>=o>C@(8>8VrD6N>a>wN7xTH%ra8 zZ){H2q}q1ryb%GRE30EWcQZ_b*o6 z5+M;ujYV0jwV+U!W3blVmXtT$So-o);8Sc9fVBm@*_1 z^MHyldnxlLO>iw+7F3_iG*k7Kk%_WX&3~*83i;zG=1#NbTJ#OKVJ+#gTl@P)oFPvV zvJcSfjEGp~w&WCQI2_@XmtMLXh<_A4!|;-N-8y6yDy-o`c{`j_b4N-%O~pdA;hlfm zetQ+<(SWYyaT*c=6(zLO19ZoYcqh?BAd;PQ%WgNhcQZBw5R*PD-wY9&+$_LyX&hd6 zuGB+Onvt6(jDYOypu4n!aOF!g*L}`eP^`EmoVMzvCNe?Y8}FWVQ-NZnPr?S!r^p`K zuSs<^ispIf*13GgNApA+VlNE*_0XBu6*KJPml8k4&M{>oza`k>qB-HwO?=jox}Tcf z|I^-?%ukTfZzBDlPp2X>9n0g3`zq8q!5?zHE>SLEix?EPV+-DVEzsHr|4mIRII}FA zEU4SacFRXh`jBLh2)g|!kQ>Ex%Js@WKBEAzOze2z@Dwul$8w5FDh=Xc5zR>Kz52?> zoIb}s5K5w+I2HFatOZ&9Dw4DSPOG5J2`xEf<8tZoPan&LWQV(kWz!tCa39M7wChak*|7+90*1TOTH zXE5}=T&*L7UWFYh2HQ6z(@xFRWrPqsbh2uK_N?ufW+Jb#0*3gY(e{Y)l(0Ykd;)tD z$x7xqswQ{T%XT-3@-g*}Zyh>+8eWyShHuf?{L%P~1iUkvS};?YC)A@Z+;r}rt~axO zGeqPjELhUe{efHjJv&lEHPm{iLQ(PmV(c8ED*?6z8g%TWZ}5jTtwEhr2YW-T7M|i5pAxdMx12wVb7ZUc7DA)QkK@u@wZY^41L}sm&K_8n>=rP}E5TKK|JkVt$}l4TBwH z;ts1vYXl#N;%v}VgOihn8B@{^Zf+Xc%Ifp;#xYM~rLNOHRGap_Hlna(UwA2rBb_YF zV?8vTg;jGnws(}rj>BQEvpPav41^t^7G^gTI*8#o>)!)<^v2Zw&Ztp2+;WGZ3r~;v zDyB&*${&Mn0>}xw*l_$-q|$6Uo;AdL+Pj1U{x)DVER)HODUQc67_Ev}#50R%tfT9c z6ocb&LDIJL-rc6fBYn;=a|`MFx5a^jTYPXGg9LEdd_VA(D!hy!f5enK%(oXi$NSjc zBI9;lqN>qlDq!xUAI6p|M94aT0G6kksRLEzpBw28xo<=Qj}q07s?s^LNi&>T)01eJ zF;3mPxAvwsIa1ucaW~x{(7>^5UA=2jj^`j%c>BwfSk9Q_V+JL|Rm8Rig3f4LfCEd= zQ?dsJo_6&`YLHnleHPJR!&~@g6=0>xJT4Ie55+)jMtu# z7E|W%m1TLL7L|Z$m+L9Ar{I-lNZXk=PgCV?+6VI9rHRdC`&o#^4c>Get}?Ts9~jAu zuF1yfLLb2{)HG)v_*_}-sT84};W|SI;KVu|p$|avC_#6w_QX zcYWH5Y4>{BGpowJ;j!BgSMY~lT!c0*?hHTDnlgdYIy)W}PLiz$f)y&Kb9vjYbDynC zR^AaDWn@+%6M>!|pQCmNxFv~~)ysHofP7=h19y4DxO!obLV)!H4+{!sX%9Xi^5RtJ zF@(CFn)+59$_+B8JbG`kO!)R|p}oLI<>Pt=V%{u^4cuCyRMj=$uLHV$n_q&1jWZmW zqM6*ZLX#LSi7tMf`Q?ivoOBpLBU3dJV)s|#;ujM#k%7u!sA9E10sg+Z< z)hTJwrlW!pUKID^&E*enuR2=AR|1I!MXwuL3n`ZvYM%n$zICHJN1wtUJs6@16Q_Z0 zGDZD+gIW*vk~<%~7?xyfCs%;xvj2B~OvGk&wy3-F_*s*OAx01t4wMhGrzNvC>@#{u zl#Exg>kM&xw|qJcC1r-%oBqmo8M5?<@E#32u4^?h(D{H1H0s35RRqf%J6E&)Y(kaC z`S87?d}I!v}kysFAxk z+_CG>WwQno-nzCtgGMsbJQk$6Km038N516*^3+6}EwMhX>Iu--%q2urG=sPrS3f_4 ziyxya%rw&<{SVcg^w1g6P?AmkRw^i&<3$B35KzaW{Ti(RDyj3EG-#TN%L00zCcmy3 z#GuePkUel}?hiy0JJu*FiZs1MJ~A7be+;R}t${4(CaZM#5Qbt;M$KJj;G)@Dct+!h zjXs0_-$81xt_XKpd<8wF!h&t;g0sR5HDY3v7W`S?hXwsRF21R@n}*{SL}b~X7lBe@ zKzag8MjPN)l7<>}>(MvCQqZ`V!DL3NjTjGck)pfc8j*@tGV}|+nP95qH}M^V8lk#? z#vrT)QZjpVtz>g~A~)UFd1jHcB@X1ur3A)8zxQmT4CYv1n-nvzS`tUAS0O2IcF8`R$(q6K(u9t-W{HQDsyI`!^ zqUj2L`1z*0r*owLAH#rDwTd=nyhvpv+86U^1o@V*-XJl2mKp~1t6hFQgg+b}np>*E zPUWo%x1mcr&CE)o#*-l-hdriC`FWrU8vBRI&dOnkgLz-{rdzUzt)mxB{8=wtJBHQ~ zp9j63%Ri*%bC#LvXzCRsZ3}#*`r$lG`X?0St6c){L?hH!N}k!PU?Dbf0r}JbGWB=N zl^OSJ0@~}-TG1Mq{ka>ECRsg`$WGusCIW%;3jvA5wMbA^+^?$QaRyad1+~0HW1EIk zNS$Bf4-oCjCY0olIrtk}kTR#beH@(NF(3zM@TOx4-_~;?%Y!@qo&v7^(P^8w(+-BD za+pw%MlXDGn(){Ps#bi2iCLTH@-L!vg?V9}HgG-sg*Dn&s3SlGvg3^k+;Hp@1*jOl z(O!J|7`%8Xc;%(S&r}doNj+>}e~nz6Q9q|$^C+ZAWh8)2jq~aP1XDBO2-LtNjH-jl znCo)I0=o%CDD_-qqk?RT4^usR7WBy{CKAzb8K%08SKHy!kPCQ~!F@R39Cu5bgGmLS zbJ^N$g}G$^oS&%Zzo%_qHW!z@~o{l*8p$MLdGt8~9QDM&;>hW}C_s?mYdreopSV*Z1AJeuzjjQPI^b>Y` zl05FL0MdT&xG2hDpdA@qqwLY$Hx`LUn0_dh%!dvHH4n~*%h$9v#dbu9LV%=1@RwXf z4>UKsW|FlUn$!Wo%T4aII6LdX1y}!g-k%3x35Ko_aO+*hmEtPAZd8w`-^q~KqW8%g z3D_h8zD8R!e$hy6Y=C7Bz(1S-9YUFKVP49d!?am_WJiu&2Gl+^$c!K@nR_cT6U|+{ z;-5HvW~M@-8^hzR?EKTMFpcfR zF5YYBTffE$ylzEzAFpUm+k2*rYx3sw2epQLC!>NTu@21W~f`QEmr0hlv&_}wo#VK5S#4+oxGduo;Ay@Yh4l9TYaSuSY}n`=fy zoT(w4qA3m5pBWuj8Y3Vb${Bla106g6BZC>n~VX)}-%X z2$PRwjejpq%`IJh@c?yoERsnI9@%z;tzt@&&a1Eip%nl0aw56w&37hP==!-iT-(bJ1SRubuqbpIA>Y7s0sv>BjcmJ*sHD*MZ@`E^&c84GOM;*}+C@Yoi&SzC(B}0O zTPX8523#7VDk2WEfPFrdNic&!598P1hvqCPQ?j)c|k1ozx)>$^WlW+*IVuOVO9>LezEy5rfdf^%Is0)hZGQIYjXW^%^GKKQ>?`D#e7FtSS$`-Co>YA$|`V zvObvX`D%f$zc+lzAEYc_hEjF(v)*uHZTTrDE}DkXRRHc?8`GD<32z)d7NpksfgZJW@6s2TMb z3t=L46!4Jje!u&c8@f4l<~!LgouXdcXVpioZ_JD@&Qs3D2Hw$l3zAs$u8+@Ih3=9h zxp1+}b&_Fv7yr2OC+7qYNZ29_Z0Kd0ust{OY z^otIFP^R`teoqs!%}8)$&9RBE|p@7K}k@4uG?J62c}%hY^1z%kM1aiPqgvT33JCkmwR zEL}D7{`PMXpo&|-uOQ|eAAH*rG6I`C-pI-6Kx^lK3Em#-x}p8VMGY@FKMQBh791Uf0i zQ+lE(TTwSc=|bVS0g28vl&J2WO82hTsoE9a;2@~OoT$J1FxKjDZt9q1>nn(d^Y{WL zjmuLKWkD{}pDD%ViWsy4wHUZEPVapJ+H(M=DTOpxPR8YK`2rF8n<;ES+iG;oc_{A# z&jHU^jP69Dm$rBew_B{!IIsZja5g%=#E_37c{HAnl({Ug2J>hfx7XFY(c|4sh4S`lD$0Ku6Wm%)}jktT_p2&9LSWnm4w2a|t)4N(-TP{*o z_OgM9_^L8H~c4Px<7+GUPoaeLukVKvhOm zI!nQ&`w@T{-O-{y_cDr}LR}T5@1rOWL@jrQ^AH2F>n{-0xRA_v)jyz%lE^ zmL3*P&ZUA2#Dj)Y1w_SEMMXgil-$u=UBjZ0wMh69xOii)IaZ%M#iy?M5lv8da%&w7 zp&tmz=VZ2D#CmbNm`D39NGSV&s99s%AA|cNOVaSZyVc%ycIU9Eh|z7u#28>_@pShX zv8MQYHnaj!rQ~p@`=zS6HAOQ7ans9eY);D@2tlqHa+ABkCW1T9uxPW1xYBJ8-Unl( zztL1WT2*@~?G?+%yIi>Tj0mRH##yS3%2P_kcweZn+S@h{nK@0zoIzLRFN)87alNSIEZo)`KT_~>B@00prr zYLv^suV=4PsinUVo*6jheV+J=xc6hRT%o({0pU&_BZztfgZGXjbwCuD&gq-Ra=1ZN z4W_18Q$|RMbh?(JtNt?qUC_A9(RjzCSx|>t_`)zxe=hR4G#eLC7*Tw@q3%p~N}1hc z7R|?AP);+G^s@3xn6()BuSRMdRag3tvxI!pb+n<-3~GT%6-faTEb0`+{{dY|T(@^G4P#iKb z=Rv=}&5={-=7T`qURM*li`Q8rcN$liAa_O;pLvCZd9VyygOzQ7QP((JG?fENcYY+u zr1V_%#OHr*m9I5i1)CA2tMI*Yxyvxlo8;|`w1$vEw8ZtXQ6Hwl z-(f~@ZHde(3v^Ds&M8Un1ml#UCqY}egnI8qPa+dej!WpxnzF6$gdQ-`3@Z3?D5}-+%Kc{+-YFwV)hlIE@1SScM=e5~L{yfF!E%hv3l`jatW4*uXoMkIUqgt#Z2- zJ+or24?TkKbxEgtV!yqVcsIYH*ifhedQUZ+Hkb9bd*$g8PA5&e3q0HNek)0_dx+KU zT`gtnQY&jd$)xM7!pVmmuaoI$%h!k5hj+%seHqjx!$++ZR~h>Cio~cpYIH8&5$0dDeW{Iir}8%rnMgcwPm;KY zP&g8=NW_#%tB5tPRYan?bBOw)+%SYVqac8AJR+ZXF46N~J+C_4eL5OUTyRplY*$+Cr_Nl9} z95n10_67UB$(w%BU^DrL*kPt4GifncGEv<8#SL4+f9SiTmKAx?EO3Qx@ZKk!+jnN?F zg|tJpea~*FOt8Ch^YproUP7m9$1=ytw&BWpH&IlaKn;YZ6*6?9*7kLDO0$PG&3Z<( z$17F<`UF4FcF8wqonztDFM9y;?)P{t*T-u$W4|*kdf}=eD))b(;u4>ycS2Aw3$H`} zG>cE4>f}KB!(4-RmqKeO%F(}K&XB5pT1OZ%m}@L~=sFFKD)^4t`i3gpLNKV|n zPP&3c$&b=?Y;i7_Z}fg#W9?B<3RDQYieHJoA1{zCJUork*H_16ecab@1HqgDtmEjc zf$ZZ99-6X~pL%uF@cA*K!}(jnk?1dKL#(Gd%&vt=)Zf0lalsEUePnvyYVF0UVn40v z(5C%|n`=#b^lD6Ow}i`RoQN?B;4{=%+u7dCKGl12;fYb;V$VSd%GE z(j4YxqF>w;tjFAg3y+E5ixLBuu~+%VdFujsZ8+j8pnm5^dH`wZntIs%vW;G|q?Ew! z!5WOLT<}+ClXlgBJ?(!jK6yY1>+N!y@9QN6mEd~cvSgkg@hk=Cf!GNIaRk|eILzh9 zgsquwdLPMP%}P}!5eNMMw*u|q)yTI2iGddTj`|M2yTe;I9XXd?3z4ktT&f`cDeS^C>`oSln$%5A%*h3YX2a9t9lN?qt z@FX{9jj{MIVC@AAezE<#6<3Jh+c)lOqi7{jt%k zc`fSpWfGOyqw?4kbpYw>feC3}KyG*qRzCA% zd!_B$A@-*|eCw3y7_nE@NVq_tIH+7tX^@lIQ&3U@opUZshKt|ZI2_a7wDjXNt`wKS z3AtrWH|5Y!$QSMqkC6GpA4POK;bt`$AB>t)9(-`UU!&pIR0oQ-2w7WDS%s;pSU2K6 zMuorR8h;ZHdOm-CRplaeTk+j?S#l0(O>r{5Pt7>uqs>_pRpbsH^)G?djFRjhWaOyU z_7j+a=&5_XGry()O#mG_)YM5xd=qunDCvDOVjETJZUx;cqaJ7^s)M^-(j z){Nv`*F7A{qGBD<8-FqW^(;0U5!FMAC zxFG%eTMmhSby+g1i)i$nMLSmf(qSQkZ)2fcCap~)vzo%V-Z>OGGLDQn(^H3^ZtL=^ zD=#n9N)j1%adrfSX;$0p4kD3 zXK0fNXoF(6>@UofnUR^hq)qEm5k&0`tjw{UgbFB`X1))&Z^X$EdF0~|jVn)+hd;7r z@$VNHx=cSB2oI0T5e~CtbVx)z`*^Lq2y|6i@TP~-=LKI>f_r2n500BGpql8Va89sN z-7&5W6koSqL4y%7tol+!-ZsN!U2Jnv?nuPn3*_L*>DXNzd;AwzPk_p#XzHSByN!fb&(C{jU>PEuMFR-aPVntT&knX0;`=7KRJ0I_}zV2RlOhA}3G^ zU)&RrkA45af<@qTA}G#O2-24@c`$JC8zlM8yZ9&d%OxPIK{uTX0Ts`HtK!%Y{9mnV z3n?%fR40MOZOEE3wBEp#Yh#&YL19awSbJN9($<6!(<};6V>9-`EH#X!ca8g!{SQ4E0KY%H+|+pOzA#DP8sMC9}`v}ZhWsK zc$~v_m~pJ|veEsqt8V3=N9XSJJ|Yn#feHo}zY+nWlvv-VQ1A&FT7FLoukT9TA2Aq%8&*j96XTGv>aId1xZ}8 z%g+7fD&K>fu1m+gnIzt<*&F~Gg0f!jZ8amh-=`Z#(e`84m@B^hIjE5=m5&2v&-)mZ zJ8w-9;cfYoMn842#$^V!Lg)tL+G*Z2#l@2jyI<%gvdc=18T-(i1;FH_+T@%IeQ(En zH7U+C+zc+7zL_YGQNYvVM2mud;Wm{yaFZ9)d|{3*cLNm63)do}>EY!}E-wOw3C!9y zqYa6a4uDX2ImH>slgF*2i!#c5q^Q4_m2oe%Cm!J`f5<5%vYQ}tGVvf$F&UI$7CPeZ zB-J1mLz%W;{Aj*gP1WTOs4sf)ECET%UGTM61>3gl%igoy53vvsERNTDG0>tg_(Xu* zOFW59S(&?~z}6lM?Z_>kOIi!pvp?BG5>;PR#gUOyIak(4AJ)(H9o?zM2UY@s6r&j- z?#X8i;QEEZya;d;kAag~9J2#VIoLQcYPzht1VV{M>ByEOuc5@KEmfinqreh00o*}E zU0U_&fUK<$W)l(IWjvQ+9Y;%Eae3MtieA=^zAgDWn(p`*`5kfAYd{4j@w*G|iAq*R(nnZO4&isj!#?l$2{={k{7 z?Z5(2uj1>6@$?fm1wf@&D;pf!C2;M5r4<$cyk?#0@QfCaU}@>8yp>-f1am@{ESL2L z+k;;%mWs`c)%1b_PNL2WDzw5w*2@mGxxtMUX~nB~_eIq0oy}1{z$DWp z|K7Dqce@iu5PH3OKimoKFq)4kCJ0IU*jZmSICY{UTNUd+oK_imx(D@yn{9Ta#kC_9B`7*%MHlMWxteR1s&lN?(#OIUrq<%7 z%T^5^Hfh(ZEZBA1d_;9U1JvDUR6mqUJC1i(LmU36sBLG+xuYN;(3I&3cItc*?V&L# zF1Ztf0n@=7CW+MTVjFYG3NiR-+0nHs3iSopLc|U=PA4%T;H;ND_jcS=*?cH!+n_jV zZ|sqwD(4_+a^51P)&{$;mUbLnUprIhk>e5}#L_TjTZbt!QE{O6z z?|l{8>v;l&z>koA5iOrHYh)HgH6y!ugqTv&Jq31S8v3;_>));Z1;>Sl(+;-gupYs* z<@Zxkgq9wI?k_YH^iy2DEgF1UHDXHO6@>gTN1uc~q#UN$U!fdp8HLc2h`m2V7{mI$ z?tkcO__{`G2U^-I&}Jnf3$29nbebeXK4}gXa&-7W72ieQ;#v?dT-0lM`hi*DIl$-d zE_S87SVofdJyxuaF@^^L7eGB6R8?gepKx6H~Sje`UWxo&Rh2`qkV{V%Y})t z!>l%h_fvg()U-t-L=d|jMkeGyV`=MFxg10Y3 z%b!Uy8)fXe;8&qYaig0f#ESNXt$Y2k`-xD!=ZA%n9inA@EYQlmDITYV^ z23q=y12vMk8(*QVNuU8EFP~7%F-y-5n`7W3yYDVY6*qp!6g<=qpsFo4zlM8H;n-_{ z9n&{Ia++-uSjT}>k42dr!Bn^$-1~>SBdWY}Jt#<~#PS?}rBiAAm5X;!43;TK-*HeQ zFk%EQC4x2HZb#G(i_LPLWt#djcZc52czvx@4FCE;PQh_zM458MC8F`8ci_}$5s+Uc zZqA^Yh7PU@YKj5k5c%`x>dLEqxqs7y>J8;eun>y|dkO(|V4)@N^3yO~k00scqF}a^ z3LkW8+b^r^8qdZgcUg=1VD`pokQr#TuI54oQ1{$ZkXKKc*d>J zc_cEr4@huZ2P6^uqkZ6bo6qUeROYW|%_I8qAadz#Z4q>E_#W1GG%r^xYw_`ghP+}1 zFhV`}Cw~<-&x>ykOwU5qyWk`{ZoEYZi>n2An9jOBtwMB1XB6wr%GLw|an74HH45TC z?mkj&Uri#J!VobCu!!NbEvYXL)Sn)sO4e0O?_x5@EW7iA@>2By7{)=`SivL zm?KXML9AKYFPw~pmcx8ej&$4l$$`+xKuV?2wXq74^X#F2tb$*up^4fbVR<2>dt#+6 zk*q*9U%%R+vy_jn+8J3J&W}9F>egGHW`7hQH<-(Itdr@jiaJ z&Pmc^v3U!iIz;Msq;m7|YExDoz#B`ctJYP%-rjb7(hu^f#0ECqatE9OomJ(QXB&vj(lOWN)z4 zdo{F)n={-+S$Fwkk}=DE0Ob6pQ)Mjz(}l`d;wTh^P-R`^q)*l@AG$rtg#-`5I3io4 zNRZIRIp3dAr(QR+Y73w^Z-PchlLv(=S6@oQ`ubq-%nW%mpJ}>pq{!gk@r;DX*u-sK zE#N!bGERA)xW*R>*um4vZqQPWmWFni1x)%$F4|IcleGQQFrkD42_4@){xCMfKG@c| zyf})=5ZK(Ba(QM2FT%)ipblXs6+!-T@KSgM(rVtJ(ykGa4PW2xMKR#W5TGW9(yI2_ z3aZP4CK9bix(BLWw&iq82{DQc_amoUDbNGiXqf)CFWvo(523Ps12^$J`9SdnRJ$Bo z4!_uAn`l+2-0~6$kD!$gip($*shJ8X7ioc9h#T4N`boA$wZ)|rUw+{@zW%W;NTOq{i;=FL;W60gSOwcE z=7s}9DG<%3WmFb$W#r`KrS0$E`qR7yDpU|2b_Oc=biNZy$hoHH?`iLteUp=*BEYdA z>!4XYS;jypbiSOkOR7^7NTVRREZ-)1hr9dZy84&*XW;7^s%xNT+zNv@I9-`l)YMu( z%en@-uNr4I&E!P85p`uz0U;4lsJ*M(u(v^S*+{v&yLV=dAhH~*ppw4H!_CJ)5Dvar zvM{;TlzI8kvGQ_?D)L2opVXD-$ET;epE|08ic5<{r@;G!(B{ZMx!_#9;#x{qH#JzZ z-zYs`T)cc&3qLJ0Cc8V1Zcxlf%vK~&XvIA*K)S%Kpjld#-_2hLmWer|KtC{7fThi~ zzUv%tAae;76%lPxQUnA9VHj3)6=4Vy7-5kOpW8Au^)?_*oJ=dA92JvXnp-^m&C4n7 zGsmW1-xa+(Qoy5XX&_fxzCH=WxZg*OABFdTvxVz-o?h-S+b@lUXPrGDbo|?$bycj6 z&jhNHLSl$oKy$qd*gEz`hBtUSR!4gqP~>-=m$#p>;tvSquh6!?96whCKRdK1KV}a* zvqHGsHMn5r9 z+Jbz-^889seAf!D&#?FKIhU(|cK7ygl&_ZT&{iBe-;6Yr-u?l2-S6LJfn8~-0a;sQ z=IE_Gk6{{K_lM`ZmqU*~r|ZMpeFNJkKTR1LYZ+-jM%$B9abjEB<705-MBh4dIi#&W zO=>_|z>`3^C_txX=3|d7TRi4(7RGND--UfMBXfO7y4IE#Add}<5dYYEo|=(cen2WF zthqTeKTe+?(9uCKy2eK5?-Y+S10XLlPM97J5I{3MlR2W_8&5jOx!)(b^Z%%z00<8a zI$z9LoM^GWz9$95#h;(QCO>l$^Ha;peXH=IUpa~2CYg0vNmVO7Lf;~Rq_=d+=3o#e z90nUdw`y&o>TV!YiItjCG(SR@J(rBt!#V5dbuG1E-qzzhq)$B~W6ugLISnJ{H>V)< zwe$_&AvX%~#VpUf=;%P$A3U_XWN<&guL&PLw!o6?jQa8H;*LKt#@|p0wX9C`4fQQR zwf43kky%+$UAw6~LA~RBz_)sDi;bAG4|qjDsTfzdnmh_X(bm=8Ko0+wuzNbj#z1sI z*xN8SzL|dv^iF{3|E_}mm`wG->e@fqzM6d9Kqh@>&-x6GeD=itSU7$)C_6bh*8-cX zr+GzR{h$!qT%KDVl}&t>;Uvp^oSgLhoc(BkhX0^`{fwcZI^90%>7E#a(%0VCf~c~w z@%X5!u6=#etUT%{9O5l`+kfm_^oU>p{c;D9+Dk^qk$m&7Qpn(+_#}ZY9w(r1#h9V2 z`_S%%PHHoi7~~T5 zb@X)?M=UsO&xElQz<8JfGR`4p7Tt4r_%Df{F>D-eK?YtNksfqi@5s(qBjc8}kr#a$ z*I2p7=L$bo_10tC$aka7+jZKdlXCKH_vX|a6vliBr(T%GIttN`^76C4JmcpXwdO+J zw7bobW&f9f^gE#U{6%wTlpEGxK8bpDa@&0TxV(6p5yy(ug(}JJc2i=q4=@B#39g@V z;}7L^*r}?hE+-27G9(F`8`h!rrX`!H?%*`}`s948ZA1LPwa#S0U%qpA7VOr8h#8F1 zSzR9TIfv%lue%EX0~q>$3a8_--6M(LuvlpZ4sEN0qf{gQu&BdbpXVw}k2t~|yB4|_ zms&`any8c7$~nS&Bo|v!yktXQ`1f9Z{sC=|&73TbOaL}G&CZf%ju0(!cje_+?GvW3 z+7u|@U_yEfOq=3cF1Is#5W$Hoa+ddO6SsRI+kgM19sf`_3iTTJSgfEjbT7>%l~C>T ze%!wi>2JeN;1{mWi#?)_==?~UthpSyh@1OwhC*5-kQnAboQJrIPOz=L&t@xIuCg@Y z?o``0>lPjiwLo~AdiN;lUWs%!Hgm?zu)a1MyPJy{&FqXLn>PC&%DRRjz$=SF75#L2O4H9oaQb4H8qytn;i) zWV352{%7UucF%~1xYzARpe!Qs)V97)>#K{U_Ob8*pDpA%eD-FuH9hk?q;X;Rq2fY) z0r62~@MoeyFR(5nO+mObD3-r|QqGXXBLtC#bY>r!*=#U3cF5Z|-{G_=F*Cv9N$%8T zaVAFPUtosCA}w8zNq&)em?488A}Z$`9q!;NL%3M89}z%BOx*&by(;yiWd&I4^b9r_04u*fkr|)@z+7>p)d$VxE9mMqbl$*qun@$ z>K|!rG^De(s@rMLAA9+3JM8B232&D}_>rZT-jp~L^x#$@{aOuZbeBWL_6hf1HEtEp zv89q`Yy|abRYKkn7qWSh#m{b~z1KK^%btFT5ns3~Ij~_i{C4j6V2BW+xrjJCV z-1?SA4{?`WPgmBOwBr*4j(O){`1NPd)$P+`4^siVCSo#Brs#(8Rq^eEVqczXQBQ0b zh76zJgyvHnqG#Rfc7LfNL`|}96o+#e+atPxisozgGT@zLXIg!4r=Nf=eWK639D08O&d!?Es!FT@RNdo&&EcEH$R z@J=c__D_8V$K?#dLk>WlZf0A@$xh1byD5_Y$EPYqMjSu+bz3wu+W%z@GV^gi=J1@G zuT&5GihLo@35tO%sd2@UDL-yr&_iMGrL{9*Rtick=X2+P$pkUYAxj|S_DL&%<*pse zIgq`?)|6@#NL_{@2&8F{J;HS>cv3 z_Q{>9Ns4rR+Wa_f^Ao`ur{hIPyq=F-&`D{yO3$wx`zl$JgC=U_V2x8qj%(g$8EWVG zZjME!;xYDze+p|z*2zO#BMH{xT@#}l`QD#xsLfkGQ`I*usm-6%Sf3=>+7cL}952Yf z7^&j1YL=~X$2(8Z>#_~lubS~6Q`mOzhFE{5HAd~0P_dljQ5UH-*g*_=rI<$EkXF8s zhVnXAyf9Xf(xc!4o;acZ&9m-V@U=kiSIhQ$TlJUnS4&OWDXN39BhLcJou zJ?4Y?c~LapK+>Ul2oj?WEtx-9yl(i}ekkR|7kr^;IIN0TPvC=L#;l0+KPbOPTiBQF z>G&5enPh6iy$0x+oJpUWvft`PYrrb}zES)A+3g1%#_tPb!UM6*`o~Y-_F|*-^0SzG zFnMb0P9OhC2ccY5Bqmq5f+?3(AMII^fD=eL6a77QwCz(8#yqy&{+%56%4?v2VXvmB z`F;0;pCLY zodfALLrY)ofD`*1{2J@$U2e0M+i|8Z1(tZl6@pq2U>xa#0eBEGI?HDJ2V!QxJHs^l zB@+U=Rq5vyX6&ZgT9F#>nYE1oCvQ5AWR*&}b`=zqaaG)jv9R2rJ7y%{YxG|H43phCi$qI5?8)>ZhNHU})HkwQa)&;q#~Vp-B{ zOV{eo&fc!QC67(zO>_B6vE`>=tz4r1wor0ZK!Ol76(sBeCZJ;GX~mI1xm_bkpnceRC@=IKLW$p)n_W77atoZX(B73P8LGwK;&G zZkRAvmOLwpp!Mm;N1Tb0J@c$^S*B?yOzsg`q5| z;!k7s3B=4YSmff@&eWVgy6hbD~w2BN9cgpVt>2q{3|Z z>*4#;F`qTc2%e6np1wI-zTZ})K%1n@D~NU521t{>d)jjOTAK zK=#-5X9L2WHii-c0G#e?8|Ezh z+so$rNbt<=rj9}wvSyMB73r2aoa6CZK}zPX_lk%5$jPEbqylNoTob^4iJPO6Fy03h z-e$tqKbg(15t4Y)=wDtUqBfC1`pj!?!XzL?A((t1)>lq3rl7I>Xv6L^*7wNIDBADiE+=#AwnF7_(eRpS(Rm(*axGPf$e)zWvc}&oo73_{X{K z5@wYB$tt$Hh#IM$s+Qp7a?$JoHVfN@7Saw{TH-q>1*c|@%mEc?&o zSHc7JdUX6b2@_Ge7cuG=!470Idv`mp>|$$x;4L(RqJw)?I=Y*X0FQxeRzr&+Su{F96n1u#ZuoH9BSq>9~ z`5@!xE<0uq%E zkX=4F5alz#4DO}ZjyiF|$)kXO`I^(V{J_u$L3le z`jn7;b3yCpkb$y=KN~s6Bz7!;UCnRj@6|?8L-x=`R?X9NbL0aYexIQz0A{Uti~!|9 z*!yi8W`i}s;Gf(5sHtsOz(ZqLy&Abr%Is2N@Z!x0(+_#J+iuW2ep7R-;UQpL*f-c1 z8QBq|I+JX~cqy7yX!=wCu-s9Q;0=1X2|u+xV6>WMqDNtO2mAnFke)naWEOnoy`;hqyE8<+vCGSTe749kAB$ik?oBi~!+NVV*+1M~EYJpx9 z>_6wG%hS-Lp;r7$Hrb7AF^p&#q)+ydbNmAQds6It5wc%6d3Nf(p7C`5Au90Zm$ zt`wB)d+I;8dK+;!jR(NQqSg;dKW^uhcG5O-H=H@R7x5>%?h6Of=MUWR<=nj>&Qq%n zFu1*S1Wi6X;TbjVnm;;ZOVpxHt)tSZ-#g{g47(IJj9i%_e)6>i8UlwMYh2N&EK-RW z3C+hR08RNmrs@dS|BJr92?mowK?gJPD~0_anqDe|eXtB9dG#Thl9=0hO(~80(j|$a z6qo~qK5@MuOq#o!XGPDS5n;>y+W5ZC2)-7wIt*jQmHTj`ug5xbPx|{js85mQo8;`H zpTZGW`_%(Ot>Y`W81cE+qP}nwr$(CZQNtqwypOk zotN~W2R*4&O}}KEg_7)+Gk9W6<`_-g*aTkGR`}eKSl<3ZwC1-FWyZ(oeWb_ znV75*(&3#2aaVf*j0_nMl9OqYnab!2Z}nT3aRXERxU2gsi__}?wYU;dW-)k zR(IhGGi8|;2DbIiuzaX2uoi8V6uN%4^93%&d~lExyY2p@UFbvPauO?lg%qC z{x^qq{2fHAeoaF+T4Z`opkvNqcIuVSa~XYudHRlVLvjXVKo+$d$Mv8TPl> zQ;Q@XYSu*+`UpC&P73c$GRr@*%V3uv>_l^27jYuuD0jcFzr?uvB1Mn*XsC%_Lvwx* zBKu!m*xtK~e6iFLc7m|Jq=@p9gJ{nlJzffKX1iVGjxGiK(leJyh`N!P`0A*f<{ zOUCzyMg%XhC$cMIxrznqkMeT4|nXW&!}Z(@^g0YPFm|@z^iqG(T&uDI^evXn;mT0>aawdfK``1 z5_mJ232LRv1H;HyWM#Uh8j+XU1JUga*=qM4?3#+QWGkAmxoVN}z5$(;^{f+QYh6%Q zn7rOYVw>cdV{_vV@%Bk(Tfb)875J$QZS<=ih>(FfKZy4~A9N3Ual=QJ2`t?Pid*~- ze!1n!Pzhu_kOsY=&FrrGhL%1zjvc>3S?lcITm#mkr8}fsKllSY#7@BWD_?~z#Fw9f zsJq6E>I5SrwM5U%mouy*gcG1m^`<}1{%1ak?9K26`WDmfMr2_5G&yz+HjCYzP#x5y zgYvE#y^-!EJ>zPKs7WY*qv{m1D480i{=5&adw@PaSL-Y7YY8^M$%!l_Rq;=`A|JcK zEJyEr*_}6q^`=9OvN(hLxus8~XxGJje0c1&Y*&pZD zX+O3jQ*4W#V7sz~3JU8|$t_BV7c}@bLSz!cC_gutKuoiZzz2xE1{K0RS%9LjV6Ui1A80~G{%c_|>+EOVWDS4(n4H?1jpAK-NitN=-j%(sL zsAi%Xd-dHsNicI+!AK6TokC*P<2o!2i5Y>9Y=%+0&1|YeYrYrRBRM%AiMvt5;l>}I z+0yh{NB_+5NSxvQ^*VktIQQ1(MMG>^Qt3+ngQT2?f982iX3Y1%k)4y!dqb(@9wZa- z`xnR~l@|fo4-4>3I(WBWG{mz%?2Z`g^}-=m)K7J^R^2(UE~7IbRU&@Kwyh(C zzXm1H(UQT2VEWR$AQ`Zmk#vw@D4{f(fO#ETdcHewkWYUIezDaC)D~1b2%2}EX-1{T zDAb25_6=+oI4$Z0zL0=`CnB%IQ`*QI?!Natnh>0P+zT93z#5OJp8?kxzChu~gXYHGk)qQ+`QICLr2<3l+hs0F;%N0OcV`&Fdq5~+OD zHM?Z()@OoAva@D@kNo_cm{5iI=&q)N^LzGyA{bf z)L{4kRYKCMrFUr2r~9IePpG*MHbBs$XoYQ14Fs7@!>S?E$n}xk?CT=om7Rf7{~b{u z`GsA2z?%fUN!kIETIk;32vo8d5-Mg*fY39$eh=}cGGrBB;mfSo9kChG7)C1~IFzpX z%XPyXEs%NJ{v$2iCuH!0`Cbn|t)uY+UTInL1rh6Ssb&!d9}Q?_++57vat)y;`#1Qi zP|&Svfkc}e4Wc#6ixO(267H<;hC<7x^bED=eHbO}h&awTweIuWtHn`DjX4B0gipGJ zHjfS|8;Tveo%NyV(|JCQoZ`5CelzPWM4;xA;a!TeKKmiyv$oCJ-@r-_^zBw-#Me{h%#*6zD!KV)%ubQEmgblaoNb+#-KV zNS_vVG^rbJbAw_a%0WyZGBQ6!a@kyGJzJU)l}dPGapRT|{FP|1qcL@!8}xY96N z`H~h>WP&0-?vb{Zk7>QLd~D_v%Ou#ZTfAU`+8V>|8C6@U(?{CG^mOWB6=@3wEp^T7 z)HR#ara0cHT$*~Qhj@A#1=-#0$AW(yU>f2mZo(ksl3bL7ebH9I~qVU z7zM6*4ul$qD}vR{*+R0yJF6{)4UQAQV}=Z}_i2%skB8yKVL24-NO^$`7C&oQDwwSM zU0gomPg@mMga%kvq1StbcBFCOOBkd1s6_~p*!dGXt3}42=ftGvEcbfIE^{``-m`JD z0zr+)>FsyX;Cb!oL$s*QCl1_e6q8$&{9Pc64AIr{$gr7h2CNSx$j*^!Cw_@vV!LlZ zcuZZm7+_}oG~)PK*3R;Cy!nQ?Yl8UMcQF3D_DU=2w=e1A(G*dV50WRi;oz5ZnaPkl zBLq`RMH;xn)q!-}lr=+S5sIOg=3S;Lb~@&5cK~AX#$Wx`(M}h#)j9r@a@8~ zSacgM?7{csxq)+|`)ciLgVL=OM)UelZy++%5jv4#UXZ+ur6Ty$>=wG;ep=Cpi6Td+ zFMP-`A=7h@vj1kQwjHD&NCE&3in!jg-lOfD<8IRrwA%rC8t~BRfS$vAop4Lcx*@)- z57}P0)dtUGGpT6A=*f@Sm=#znR{r!FS}mDvy4@S!0DjaVvt<5 zR!wu<24)^(EESH>U6UbhkMJYjUy;^LF}IS+n+_P7ej564Ta+p- zA!W)~xmcCw9WsZA2ay2NjX{}|pM6F>mb!-IrR6>jAeLl8dv=JW2)&i>hWQ_0LFx)d zn%5)u#bU2*+VV=j@RQH6w-j?H2l`yDX=H%$p;ONfCi)hJe*uv@O(-Vwh`d#EGK%l< zt_7O4$T}V`$u=G-QKWt^eF3&WiQ`^dFz|}uoT4wDxSi+kmJI7+3vIQx`2~(shaGf^ zwA%bX{0g}HqyLIhJhs!EQ5-mw9EwO7ap7qVh?1Xl;(}Khfyk#+Wv5VkBd_4|M8J&t zQa+Yfd>lTTLPr%FCDF*8?G%{bVpXWbP$rhzCV0IfjGZ=ZS9&0PZeIt1L*|&Tvj$E2 z6HfbJ^llSWSn-rpa7uq2%i>d^8Vxcl&Ht)u68;^j;ntY`20IVW)vpF&CRv=InwDK_ z8~=ik9NR+yks{*twQ6P}YYfWT9g#}>h!PLe1i;mi1F0hi1N;_O-Cf}c>CLlah60S> zL(9a>A3$k~S|D;uKb4wgV$Us1@WX+S2U!TvxhLC5cUtXYDrY+}b58C1^p{0Xw8jGi zw-hRswLI4lqbn!g`&o|HNj!c}S8*?4Agr|ER$Hz$u0W8O4OQn@gJs5hnV$RuVmQU& zoP~akd_hnaL^0t|eEfJ+hgX;Kp0fLo4KQ>5L>VU_f)JA%EC#XUTd)f!V}!S}&`SiF zg!a}eDDEwBpTv%vQmiiEZyepDKsi;^6v+MP5`%~qp~aj{n!#*tQJ88n>re+z5IA=? zCyQ5^qT+EtiJbVG9}TxtW>l)hIsat{tdc&JSJ`x5t9gScI}R_z2I6n`ka630f0EE1 zfF1z5K^}wi;wiFmXZh4rl6Op5>a#cC=Wib@RjWH%i&QV=XzTeG@tVsyG_erzLr3G8 z?CH<2T;$z5Q7g!JX)#^2a|BGYgeNBxROI-YIM>uLukh@BDF-QiKwEd3>nV)W1u##P zK|1Zk<6RN|b2FNq@(NaY*4;@4?xA8|*_TORadHzs`<{J|dCMhUKqju-p%0Tn@VPIB zU|VkZr2Kv_uRf)G$qpP6SB?vK$RDtD#ZvES!R`01zUm6dOdYA;2kj+E*Uu=KlQlkF zavv2mEGxjOBh*M6xj%g(Ic!JaDK(s}A84HUfm3!?(I&Q&Zjz)jy!m zGD-~JVwwE#5vCqflZeb~b|s;*8iYF;)vGU(%K@~}_dtaiHu25#I7Mc6814F8(YyL@ zGnmGgrm zPiR6r=L=y!h1AYHmrkD4&fA-kn+on0mXscG^lY-p@o2AuB=u}P^5t*YFGjB*0t&7B z1?DpU)kFi6)JZC~CN!#t1;?qoyfEzi)J&bweBuaA^jlwSwXp-Zj@Z`EI^%{$tYnZE zBF~}Ic|RR>w>&U>+q+z?P6Xi?*}5-ZNoDEmL*CgW<|Y!#j5S8d$x~NckFQHt4k%6L zERfQu3O_=vROng)elU6K>T|?4bvrsS$K+%(!_cg=CaMbc1hr(D{J#t|hIYY7%YsaQ zbh|5tsKsG}MN9bnUpi;jy* z_a5AjQv}fA*K~@#_neM7wY#A(H`{Q@I2EkU?Cj??u4rjOZyEEHAfYSz>58a*mrfRG zfVuETS#6ugh6#B4@%^lXoR8Z|;ccO9lzyvCWTa(k<=MUxqdzcl-{6*^e3L!A=zQ8f zB-=iYTQ6m}*BzT+tp{>IT-q(Zf9$jKJb8M0-6o9*3!fQPyyiZYxA)R8xvC~$yEtVt z;hb&cJ+D3$(l-j(I_&_{yvWjBx#7hhM4<*=!Diu~WtCKR3dIl?2WCY0m*(*b8-ljO zei3hj+M)`mz~a&cpM2ZG@O~CIer|LDfC<`MS4TjNIO)9fk3N_=i_Nt&;~Vf7HV=S! z??EmjzUC|p;!PwU7iTQzFy7_rekxj0(NKyGYi78=ch)lyKuc~;Wu^}p>C7}X-1LG* zB_1(|t;8-cwyVC9obtvNG>idd0YoI??=BPiDjXt*Qai+w%yW%UoiFdfDRy{V=a^dM zXxtjgy4lj{@;@UVfc>~Kc;{5(3fdp4;WBvW!kgWcZQxYM0wH%)(ey?X_jjl_z*yO+ ziwqZfz`m1UlirPbmRe3H(XAiBwh{i7jVr#Lefa{;D6(%yhx8XiHjcRI(3XWOu#)E? zEJZlCORAy`t-sDQvM|-)zahm^^pEp7>Lnly_NH&3ci+mzrS8>P&1QJ^0#TReFboS9 zNlNIf(Fy*5bZV5}R~IjJ^>y9V8bm)mmKD=Vmy121Yd9=^04K3V>|!vH)q_a+7s9*| z4Gn=>%}}6>uY&#AF6-~kI37X&pJ^M&1 zpgs4*^*}79NO{LpAfya?|1K5YqF|6Yb9ONUFSA38;lGWCgu$4(l~f_pZ@yTqyN}#M zT{U6sgm=h;9q0AJu(K^Ln53a@di5$Cd}@)IJ46(lgtT!|h`~YYNWej0vS~>FhHDCu zrX@Z1sZ{-y>m(eo&f6_GS~}|!lf8g%6&+r-Syv9*ZD*Kj_w1`$dDfdEEXl7``3X*9 z=ac$oHQ$@joc8#yBURyia5Y;wb zdz`p+x58GD(?nNg85}g&Tg-GVa#9|-D3&Wos`K1ghKzM4BQTV-i$AD>$Z=`q8_PbN za+k~O5v;HpeB;T+jO1^?$08;Ku2#JuhK+pW6O87Od~$P{k#H)NHQ^Xs;hP=j{(Gl+ zSip(-*2qh_G`TnuS!jm&KJ}Py>sCMPX%r@=`b#h~;(p%jxvo&hG{w-&;1vYv{$#&# zK+B*P%NhjaVuDv^o1>Ypi~q^C}$?^3Ii`uS6jEKv>k^vm zcMjAi=3{)CqadwaF|9W-N#FVF7uJdsFE;ut z(=X1%w3r3c6kxYR1oqnuI5fq}n_Ska4jDMrRP&|p)?jFDLXy{+C(V94mJKHrg>eNL zQr62d+)rktc<`mnm|N8^`AFh7Dk?m7=&1xlnb(#q113xTheJV2#&zC=JejwY}Hfciki|xy0VO)d{8h-y%%Jzt(#5r z&QhmkVa-9uh#AKVfk)@gDC56fw<$JVx%52fUtR05r z5yQx}HChWZa1yKevI^ABC1oWSl{~04%3^JbD>*m&dziR>BJky`ajuQKK6y{2q%>`3 zg(jRMBP_V|MHTz^NU{&kBUXbr0dPMk5TUK)gF4})&aCViv}}WYZ*o9*DVb)3f&S+4 zxrB4BJXx*k(U^I_t5o1jF!i4o0~!XU`!OM>3&`li>bB%s)B+mtYwe1s;k zUPb%v^Y%p&KuyXorCLtQJ5Y$ZDRrOSeZf>afZxIGk=%O|s7-aNxK4KI$ZXuSCew9_ z7BjsHYmbj5!BE>MK^QmQY?sgGKehFm1(s!rz~LLSy1k~UcRwLZ@0cm>0BlM})OjfZ zea*$yx|@A>vV%?3 z@rSoo6(s{BqS+<)2irzUyn4y+f{U!q9I^q@*N(O9KECqP{MlunA(vH;ZC1KpV63Q$#G5s;auWh+k=_-vD!Q%`0LCjMP7A4vO>?6ylD9>JuWDUJ!;#WZm^A zGdf=E{CZVDred{E^?5+uMtvo#bQ>O7-u#l92@;b$mTgQC(XS+w8P5jW$_Ls5h)f;y z{$p)pS+>JiWR@k*)Sk}S()}V+qray?*@KcZ_e1Fs*W)*rl%oFbSkX$CTB9)zF&u*! zDNSJV)oHLeBC<2s_wTva0GMMz_v(#9884^XXZe97hG}Ei1`G0+LN|d zoN&1DAclp#O?_Q%UZ(xE7oL<|4tC>#^B`P{qHK8`w)jGf+s4>=daQ7Ack1JerbL9| z%z5y`0~#g`4f)U)^@I68RbK&RiB%J*3*E|xE&!G+lk{Ni&KObjY3G`(Z-nEEUzDhJ zO%tN2{W9nux}0>AaE&+hYrXU%Wfz5emGfUkOAH08hdt22oyLWm3xe)a$2@gLp5iS1 zg3f^8x&2l@?GH8xhq2ty5=r-R~@A`9Wn>h+vXeW;A;vt>dQUzis?lihSCK z00OsQ^PNgPL*7?gnvUklW$M01m>tK1#7vvId?-+Q*1w7I@iQ(XebJkCPJj|xyAV@R?6G}KUDfaqM81Ir$e$}aQO zEszpe?!=91}+n(ep!BY;zP?4;4N(aEs)lsoH$)%cVg2XpwJ7b(H#)CCmx@>UJmSEBKTyP^qomdM@Uip+>w$ro(U+(1*6Uf5F+Va^1 zUv~UxW_a#5z;E}X*1^3yL1ikM1sXD{`wfPJCGA{zYcDel{U~Y_3f$C`JSU>qdnHsO>?mh>nO`=rB~U zBlBp8ri>&bsK0CQ57X8~qQsqM$@(&LzkFD1#V2P<_fXGbmGO3Lg;dHhNDURVbuGs5 zhFbiamML6uZ`R&b`Dm#uS)qjfOAOci9_~)dGgEXlI~)F~&?)}&c#MJd!F#OUpN6Q_ z;eftRt%V*iK)qMq@=atz^tG!yKo4wOc04Dpje}r}OYM@?d#5;%x)vB;=@RnBghAO6 zCH-3o3vjTyu@XE?&bS}EVd!Hd=2HYfh(r@O_UZ@8>`p%3S0_pEi>QD zZIgr0qbaCGvcR`-$sEB^4I&HU{*L^qww1YEs$M49~*Ch z@1l=48HF6W2)=gYK8juKgRJv6$T4EKFO{@kC{2lLAuKW$erVC4Y*fmYiG`8hc*{Ob2#f{hQFK(;uCd9q7|ba8v&V+VWcbXA1Ac-RH3u;k z-EYxnM|efYGh1!fyEJn)bMQIppe5*cg{cNG1gbiv-HZN0Fv4`hk@aUzpA#b{j$EQ&N9R#v68}QWD_q^GI&F}SLn&(qgAmmKs zQ57-f$Y7a2u`!hlm5$1dcjSH;Ku38wGO{<4lm{;p_fbO4{NiHH{T>@vJ(&yxWTemf zoQ)el^TPWf=8FrD9>A4X_jMn+wrj@(N2%;28J+Gb?s;xd8oH=2kSDlY82P!5cn}1G z=G0SI>uo*r_t@D;XfDh=Qk3r1qx%?CaTJC|yJ?q%3JLh|xws}=yG{R`S2=Ols(mR$ z#ZFCKa6xRn$`XmLlgB(@r?=>amg$*C!>M8c=%EAvtpSM{eFH0i-B;q=dE^^1R#UsQ zE?w&@OqZu?k<}H^l$@m^3bPv_?Z+QxN~R?Rw-BzNUKGHR8DWig6F4~wN|$)k*z!iFLFmLUwV?DRQ$ z;OfjYPmF(DgbR?C%&?fug^IMcYx2Si&lgYEUI_o=EQUoKd^4)ne@H%Qu4pZKK1}C* zAfT)~Pke}z22QJGsUj~=5m9S%K41Kl|5inA=7^mu^2oiDMM{!22$#H9)s}wnAj>m5 zB`{WtDSInCEP^mO?%&Ysu`%6ymEjnaxir{s~&ihMG>{l|gjtRY(F>>I9u z#w6@hncBtXLOCAM7uMrXYFv>faqM+Wdih%cC_sUJ1;FhYb#X5SUGD%__u%8tS*;t* z>Oo}?Bd^#cqymCmSJW)r=P1;-gzKr@lRCt4E0iPcrR+{hG+d_8i4d@S*jv#p3D&~Ka z*lRA@DnJ}5i%OYoRc_6E*?c*U$Q0&$Mxjf!^T)PzJ(V~y)d;y1v8vq~ZF<)_)kQ!B zp_|;$f=n!3>FhMVPV1CwbQ0{N+>zHu;lon+4_flS_`*DD)H1x0(P3tfquN}Bc4!*A zY)iBo4%U1yHAOA1NfePO;`sp*ODS-&usFn1DoBn-2LExF(i z#d=p8k+u$71rmrOeadYG0*Xsd{F!8fXP!hv_V{X&na8NoXLU%rWIprW4E|^I?-^-3g!9OASQK`BSFd50p zr=!1ET!{GAKXd!-6`C$={nCMr@_JxGm|+ z9b{5RKwE;Xqc}RYLq?ZMw1MQr(AjNk5R$n|Y2Iy#M0f&H+G^DC1hJsf#N1XW(yOGW zO~R~9$;&0Ht<0JgD$6sbHRgAa7fn@Ug|{TA(h8)jsDQCwGczx0xFkBZ?6QLwf+S|^ z3)|0*$F=zT{MoRpL;uSVBW?0X82#CFNsiN6nET>UJrT#=RjY%Oip}PW&M(+7uN;{3KUwIuUx%$rnn6HDaVp@fLr3OwGP6FE3Y=0L)|@$la-+Z ze z+yM~}c}i){H``fU$Sp)X)3YOJj>=*bGNL8)QftbZ5JSH*k69KMM7+Cf)PU{~IS#6kb@&k31bqJjp$ud8;60^gOuJJhsah8Desgqhh60 ziUS+5`Ta4-rFDtx4DL$%%F^O*@=v=^i=z{pP8Nnd1syFVbk)GF{Um#McFUdF|-Wh>vhJp2rF( zaPo3{%=|R!;3ni}fwrvHG$f;^S<%35#8%I6C~&)XuL<22NmCB2%T=?(JCqmwehU#g z(PZQLJ{Mp&<%G20>~2#CwTBc0zF-VR+bdHXKWUT`CxS>IY7}SqEiXP+34gs-@b^u7 zI!vp&ujF5m$RzOKjFa!K$tJG1Y6V@Op3aC%831uDZ5|Ki{GRQ;Ld?yLcFhvqLe7)# z+=+t%Q4$`6SFa@)ZbvHe9!=T@YGfG-sjY?icuuS=O9$IAjYp=I@5NS5FJiv%ht$A5 zIc3QF<)DVsGvkzeG3=BR+uj2Y8S~@Inhw{}pQHHO*rgcF`eoi0e>ArVM;TD7sghR) zNV_*rEkW&D6iGr^vK;J`?Qg?gOAm!tew>vF#4!Tenj-`q=iOKXp+=2@Sz$71HX>2=B@5AtM@>tIRdv(IO*~^@ft@2y~q} z_Q@+*qMLKCxW{Xwye>jGx_$~i5fpW<`_|l51#JIF=J2Tq!6ds>MIim3lTIVJ@|w_c z(N?97d-)o?H|5N2x`gYT_!7 z$&1}qO{8vKUamS9&i>oC;b!4MG5xc#+2rgD+7ZkCw43&OJDbsZXUzAk;g^WYe;*ZW z+V;^$$l;z#?O-r@D9NcoheAGjg^)vOdI6vlaxv+D4Ic8sb z(Nt9_amaaLSBc5oZf6|f?$}~`lW|=6OvTJXq){fR{ub#}kecl91o|uVoHa_<^7r!g zbD|Yr^iT9Dj~8{*#>z4d(xu|4N0#9{G-s|~3@nSa1E@L1tPK?rcWsjUr7MMcDs+#5 zAp8rQE$|T(*6_#m3t`{>fb(GVAE+b?W|K$8hGd3s0iwB?O!X4fdc=xHU0ZkW0!;daL7N1bw$9nAh<@V|tA;_JVp5Fj;L5h}(_Z=pGU@b{T$gpkJ*t)M+}b!s15 zNyC_Hbks^fwHIM64X}S81U|5O3dT}0MX>lguPsufN<(lt=nqfgu@?I2G@F-+E!XQO zu~Y?>V7vTOqXxNzDS z>r1hS&3*3eJ8ohtwXt%9URbzb_UG+dbJmm$NL7s|Vl}1H(8&j4MnJUd zr>JRQ!ZWfX*AmpyR^DKh0@T&KUqaHaFNzbzJZ`ysyw6z!D3HhUp?YcJVAh5cAdD@S zbosO(csP@#kwr}dxkNA-H!(;6N%0}oZGiZej?}rNlIvB0LN^mJc;sDW7<^_yZKp95 zHNSanl@^Jh&*q91FLkwre_Wm>4Q>3UwEZA)u@Udy_@VW@)FmeBTh&GJED@d*I_^RV z_++ao8g(&#@k-LAe-xiI@T>E?4;5a@B>$duizde7j?~*320zks@oF7CVftI*v{_9c zG2NV)6YG<<`GkdOnm^k2A`W8=8cg6%{g0&2++~4-o>{~o+oE)038l$dGiwzrqgc8& zn)txTe6t!P;MO07$IB(r08r1I#n%agl?_D^CuML`#9t^l;HUs1I?s;C=o{D$Ua-mf{|zTIWeT_NS)nJKnH(AuTHu;i4rz{0PwY)qDq$onOPDPw6v~^k39<}>{qjCoN@i( z4YNIEPL|9n?Z~dtp7uq(P26=;z1x=m>lg!pac5(4o8Hp&Yo zFN-Sz1FRMET(WPJe~eZ=l3k4dc!WthRKE#Sv-A<}=PX0L8@*HH;g*PBYQB`r+BP9&z+8%y9E!rQ1l#{D2q#R~V7)Ym!lL zKdky8mt>kGswm$Q00vmJWO=cZx0^L6CqJK-+P$@wDZgIMx9WnIZ3`2n7WJDZhXm08 z5PHsVZtz9U$(ORjdk>sgZ)ruRfi;?%DnB-br&unGVhGlSHbMY#5bR#nw1*WrDAzo` zI1ZwLy%f1TBqIjw`e)fJi*bwG?R3`!TOUR7hk~&4^EaJczfG*ErAfYNRNqB7E!NEh zZf>1sshf!3ncX$(ZzFZIf(UWMU+E`< z)FLcz95ogic!KQx)`?!SOfaT8tP&bRF<&&0<5D`ho&Cp5DfrOavyJjfe)qK!NwLw@ zm1zHu1Z$Rio;EJNkA>5IpOZMTkE&~WOY)+ z7Q^dT$5cgqYXyxR---H7sI0I9j^Z+pB9zyC^219HV#SR~cOHU5Xsm?!V6vYcBnhH4 zWs8T^;5iyW^i43m0=Nx_%=70uDR=!OaIdm4+bEWl$#c!+{VUEkr;TrVvYSFPX4!FG zlu{VNL|q3-tL=Il(ReT1r2HLM*^IenvXNl^?QBY72fP(sJckI6oho8Nn3QaxQ{^>< zk}_4(x17})c=CY5X;M~`n&`7>H+uB^GCv=t2#n=?G49i+dEQD%Y+e&(I!hQ8wu(vk z`x9y6w0hT z&b*G0Tv4eMovoD_Olmza=OPm`!vnzSk;<)2jKGY{%hH?}TN)Vv8W=@=4(1A-E07W)uPZt-EMn+~E;ut`Z0OI_;js+CM8{jx_R?G_TRlp1&bwOWX za&|IvcYWeQ7ZxN_J1AiJj;_e<6)!IB6m8bus9|yGFY8?9{{-k^v|a z$OPjU69CH1?oLP=AQczF0H%eZi4k}`6L2{|3&2&?5mhyyB&w(@iHddD+dviF+nam* z?}(_Xs*Fw&906HP0T~>C^&BASvdYSTcO{^}{rA)b0JPQpC!gmo%zyi2bR}e^C3Ped z^KTiz0IUNDH<#wG8-_XWJUU=fd%uMXy_UL5h;Os)q z;O;5CpA}k~8~{7Fxb?tSIq^K$ySlNCK-t}mOB=v1^+3MxfBaAufS}v}zZ{a=pVDSu z`{T}q?(H|e(Os;=FY?l<{wV-C!F~Ut1_tNP$^YSpSermNfd$0~lHG;PiOtc;0}k|? z-uMeBPx>K%0E_72;{2T^{= z$p?Ur3=V+lZ5x2HH$qhK%&5(c&Aw(gq4y;|#;G?x&Mi(ahF^YXTi7ONV9(!vCuZq{ z%8mTl?5=g@s$d#ioq$E7Kl2|tp?7UFI2SMmzyLUag6>GrqkI>C*(rR+C;SI*>>l2m zn`=NbF*Z2?duitVFYuu9nfBs

o1Ai4Ep1cWP{j2wUZ(?`rwXq8_pZ1ha|B`>LJ^zUP$SvVrT3WuuvorRnUBAJ7 z=%+65?{|hj{+mma{@>gtoj<_6%C4W{(YxjC|F)c--=Kfq+$q02q`zGNnZJ7Jf8IX7 zp{lvKH#LD-X=Qi%xW9%(_Q%&27j?tWe%_4zQ+xVnl8!&*b z*iU~u!(aRD-**5uSjp5_WUl+o7rEm+`99`dLdY}&DW5}?$D1GZy#v}Qm2jGsZA|ou z2fj*6WMoC7&j~$=sAU~mQv3-p?I-r`Lz?1x;hd2=aiP_h4K;?Vo=X^SIqH5v;isA# z&oieSNXLsueOu1SaKiwzf8ReUB3$oN34BnDwqlL)|NFW*9ZK=X5jrP z(=f=O$#8U=;I*c)o>ievE6hflX`7(I!5y@0tD>o#>BUS}7;-m6LMAkVk0xR>LT@y3 zehg2S7}?b`q1nxlpP-~h7$K;yHeaFpRq(uoKS#wd>C6ZL38vit8>zTNkB!S1tF95k zYRjHVYwFWiRZ@wi$3=z0bn>=Dy!%$ACe6#B)~sFHyT!gg2xE0RqH$#bK$|P#4*)p* za06{Z|2ycgr}n_Z3^x5=j?TH=W}~JNpioH1C_No{DcM$t3+TNO) z3}Lf7p3A525v=}~^sTkmr<#5ZlB_UJsI;CKJjEy?{w(i7cb&k42WX;QPf#qZODXh( zitMH}iX&Ob-bUcz|}xqVOPykm%KYd0XvUSS4A$j(B(h~^2QtN+*E;bAfgL_JFywW8v$muPgeo`GKtC9 z;lzE|<%;9#zuYd4S@H^wL~+g=f8&0c4}SDq#MbpY77z1GK@y|JXzn3dk z24|}59w6Yl#=<(uY!$x)$tt|8VGrho7ZD4i(yLJt(&27zLnlX-oP(nL{I~CCrU1B% z?BOu>B~qM%)2=;LFddoORW`+9ohpYiQ-yi_*FEY5G$)4a;8j{ujq&oX{tKK~N11`>?-+a_%7|CWO)Q>hvB;y!K(-avBtcC&DQ2%8lrciY)Z^E! zRJkkDy|Rl+#96~A4_j#iq0Yku8?IKCY<==;AdQzRPvfb_5gN>Q8$`?CAV}GyNEo;= z54Sf*m#hYo(aG2VUaRV>ibtH9NCI(#zS>c%11*Ss33TDpA+6&~1tt7bWYGe1bLGNv zHI$s#$8%MQCEw@0M6P79InVwvdSBZ`pW0$PLYz1Y^BJ{6G0}4sFGHx*_Q0>t+(~`R zXtu~DxG2V1>@jR-e0fbBzDk&+9h2WoVgy6Iftk){^-8jMHF9Un>Ck`W4MEuQBD+OE zR3Q%@2wF@`h8y~Y_=G-UeAb(1+OG1ZEc(WCWbbzI>|Ra30l0eI(D6v z-6}q3+3NZ){vpi6e5;`B9u(RYw9l| zZfN9adQ_yAF<6S{;OJv9q*%shnGZ=Bjyq1YP2L4hTANEFs3?` zwi$x1sA42%W1;QR_V_;y?Eg-6ntff{qz6seEC=&tN4q@z9~#y$ytsM}^00d+x*iC* z-W_i?3`CE?vV~$F%cZ1S{wO!~(s)Z$7QnO8U6&9##vtUkoZ5Lk{s%ii#J{vp1q;pC zKml-K-7U1y=_t|%#sYMf?kuFo!PGg%+xYxQ_c5niHReZ%9@LGwRsb7c%A>{ak_P!= zfy9{vDES=FQlQW8tIv_0$l#vobqlkft*m8Yd{KQE6y|FXSOjHOtH&1GxOf^_+0%?S z8W4+kgn9MT#Xn4vnPSq+j$QwnF9k0fQcpbeU2;0vnxIK+45)hSE^7z!l@MgC&_jEi zi#rmc*hcXXMy>O>IG4%fe)KTkHuo2%-x@&3>>9uKNUZlI9cb%;QxVTrS)hyLg82=D zgF^JCd-Qoqt5HoBBLdzdmz!RvA>aN95(3j)p(3d}Ql5X241-+m3VZ=?G?Auitp?65 zk%HBtA{;Ll%<5%V>nbYDSk`OywRaE%#|Oq{j;BBo*}f(om}kSMxvniCFq4($nggF1 z`&dVl-Vs)dGhgtaIQe?+S6Q6a@rl<=ip{oyUdqk0V9A?eHHzn_7YRX>Vi5*Ct%zrE zU}t{93Xi6z+XH@8nyyprXOH<2Gra5wuo^a^1Thfz?h>*ZAFR?cuCme_KE3c0YB4iZ zl|klX+(ZZX&`DPi0vW7s=7J}xeW+j-7@D4){#k-%B_tjGH7*rTz)q{3T@lxU4YR7c zz_)IOtCb5_SJRW!7wT12va;lz^i!NE&*OF2BOY(9s2=Qac%5xtaeE++P$bGn@~K+v zMlV7kkrDm#6X{h2n_c~AwiL=Y+5ROnt~eniMxEXtc?W!3Eya!0QVA}a#MZ7K>ja*e z!IvkG*fs~*L`J^*2h+LfQX5+F(K(5RgV#1ho#r`@f#EZg2)Ek|wq*t*$#}`5`1#6M za;SS~67HY#moehR=`>&v?@@F|&-$y}>u2+r0`~gW2r`vvZ$SF7*PG_(y~8x&SaYS~ zj9C)rfgYY)&}HThf}$?CSjI5uI3q(fbJE9^yxg$4W?apD#rmQqRmdZ@JMq z#mB`Pn8nl$ZX)!C9qTRXTxup^G71+ANHGHzX9|K~KdrTfflJN95?`LQ;O^ zP7+z{aGoMebBqWh+L~Q>Ubfe*w^qy_xqAiM*;|7JxS$LhyTTTs*x=hCn2ZZYBc^_^ zTS_tOkk&X{9JOcN{plH$M*TRIh{jd!3%z3O&kqG&G%|8)Ry1EX4EjX}(^3u7mBUut z3*oB}UWkE}zTG|-`PCRt8-4ztV2hOmYN43z^<-V-Y-bGtw(Wt;$N`9!Pz@S2BSKHb zv$mJZ_iLImBuTGYO9bDC8?-j_!p;Z^cs|EyRf3fxO@6H3NtPn#-p!8B;l-g^L94pf z3CXBO-IdYA4oj^0lwh%}Qb39Ps)W~h)W+gNZ7y`NnITfBqV2jm9jGAQCRR^F?Ou=7=#|dKg;U7Eg9NRtkv41^Se1qE=aEq+)G1U0LMFHnZFI_Z z<^-K-yK46;Q_i@sH>mE_LrBElL}F3S628$6U$B80P_Sv^?9(41^NaCm{JGFgmtE6G zW*Rnw%SfyYbTst|@Tj{hY)*=hy4RyYFBVsMRU%&9m07138g?(RGz$IA=;?A_@)P83 z>xjEP0#Ov!8Yk$h*y}g8ZO_GoQs4s?W}RwdEF4jGv`AF^mcxrCsKH$|+038g#>RrK z4|M^c;#gMc`Wdk^>PTi~4L?jATRM5x!vZ=;R6asCLPTBM_Gnd2Lkp_afO|P*j~YX{ znqaO|)K%k*l~}$VN&Dj%@{VQhG8*lhO|`~&#$Ec_Z!dp<+Lt-4O1H__Zy!=jK;_M@ z2Nb2J%&Pb?rJqX_8%3$j*_K)!OAZJ>F0hI4TWz^lDr>m%k1NcwZ7R`xb{}yjBzLEG zVH=b(m3j`Tn*^&QW2`-mW9uxqr%`$s5ba>w3St!K+|e|RZ1nd0`ht9)fpM&7(WtZS zWJL*-?K_2+G>OpU_kT!+vS(JRGUtoB;Uy$JrJU3~$4tA_cxXC;B^`|G$#gC{hs=!W zd+cB_;Loyfkqp2Aja4;_9AK~^p}~_Kbz(SNAyJ9K?n#9oIlF$qO0ergaRBy>U8YSn z#yh){ zm8Zunt4plL{d~eMxJ0HQ-HEtzQk@G%q3Y}9kQ;)=@9Zo|q6)zw41YNC%)>R_8TY=j zI%qfLV>wL^+O9G1(U}~+Dmh`-Na;au>I$rjt(d1!tDhQ=!wrAo^hp*2oij;Df}+*; z6sWJw{3~(D^dLTegE&?lFYd`5>u4ci*JOB(&Psl2w8G%}TzJyy4i*WMyo1c1fR7mYw(A~5pG17 zTMr)^*vj$s)R;`w-bRNY(rccOQ)f>a0r^gk|4;XVibU;F_hN;3{yBvn;&E@+S2LdU zeF=4D{A8M?ulLL(bwVDWMBGfKLszpkINMwkgR{S3n)r-h6cC|{eA?TR`GrS>Rl}-w zB^8n%>?CFKk~oG!FlTd{Si%B=pe>ucdOXsvaTe^9C;7T60;(t8_IU^jnD%B;8x1li zN4{K3Ee%{hyVv`gW;ts_|JfgVKTzC6?6*QzT2QuCJxcZO#Quxo{c<=iCk0FVUK=HL zUNYe{wXll=7;GEAT{Xz0S-if$pA^ex6LO_!q1u^LsAy1V0rW-#Mn7#C0!_83j?rlL z-S4v6T%^Ck`KOe+P2Z3`CI@xbI}gl}pnPWGpw}(``CBTr5*^o&;FV?fC7^1vgn7jG zHejUkv0DQ|RrXNijb)oGCL)EE;v!{M6i2lLc{ROMxhOdJlx*S?EQBISX^EmKq?H({xQ4MC%26x;+8Z8Puh+|BNQo zRlfr!h@GW-9ko*x&mud__4Ow=kpuy0vT|KUd9cFPm#gqT*~J;=Q5Y!-bf3f6`X>mQ z(O{S_Fz`zRqkF}M4uzsnp<}EN{?s?Q!Btr^x;*k=;7+~?;!nlj<%K$qDw#}b_f^2N zN=HiqW21KvA$;sIfeD760frKj6|0L1g&13M=_b3*AHtHcQeYRo!jr94tjuJo^2@FU z9~8E)t6p}z21~p1?V+yY$_~CI5E75$*GK&9j>)0$HYRe?DyWIjm5ZF^XlO4W@%g^C zlEwc_FM?!+z9jIYXX8XcUfa>2$fiSEaDS26d55gdtV0$4*Ws2A-CEK%P0wTX7vyhd zfOvP3edEEL?7HTYP^-wdY-RVagg;MySi)D|--N=rs4bW>S&0>XeSp^&C5~@B$`*sz ztv@58F64sgk#E|_y|ro+;4ywajPCC)NTJ>&9M*9JWhsUv%@-ckb%4t$ux^CBs_Gci z{&at_S3RL{ABA({c=!j3U z_bhHKyctB-iYcPnN;(5MXX>cjCqpsn#p%qil zF`LKVx4zZ>MId~7JzEx)=d=LNNgp@o&H<@VyBs0R0Fn{=Y@Y;Q~wn? zNOySrp@RBh0M@D8(YR+w%07HMPm+P!Qhj9G7R@**3_&Wy!UdI^S@>rSSBTybj1oS| zAQMtbEtMrJ;U)TJiF@5%WFWy1S9kfBY87{YOYm%YR>4rpK;O5s@Ni-MH$hhg>Q?(A zf_)1IyU6iPsM7v^yiC@GFq82SDJL}fnaO1Dy|GdxAbM`_N4Emj%c*ovu^AhV!} z^?*9*Ex#$tU0z|_SGD&TbQvLl7X0I_fcAHA*cmJ~`!xvN5_lu|e@Z)a&Y(cERJss9+6cAd4t zLi3R)){08_f!FaWKO0#5IbcCvhcOOI<|lV&?2;gQ`j(erBXFlt=9RgU^IFf8;Cl`W z+*s68HZoe&U5H|3h~gM39JJ9mas}42?#d_#c8rUP{@f-6(EMZ+%E#f)CPk4XZGm8T>ecD3z@I@$!u} zx%P=2v(nP$@ybsM4Iszfa@o<`kzofSGxTrL77OnO`h2z^;eIe!P!!L_xC!b&g3alw^n)FE+4)9w zz6N%MzY(f|W8}`$8dZtT=UpIFf<&H5xX9Qr)XkopAVr~9C^~AfQX7j9+C%H}M88Gn z3BJY`cW}N0w>-`saPw8vlF)1DUPJu)oSPQEDI>$2#3t%XJgRw#_t!1sk&>VJPy^*d zc|6W_5*-(0JPp_4)X4&$!MSaf9 z@%x3_!t>f)Wn7nW86UgJ;G=_NYDz9ESYl~^|DrFdw^pHAn z+6&b6$=0}(OXBcKBUC7%dx(bxb?@#Kd~EM0lMPxQ2A+!r2)I61Q@^xd9e(E{fcX8v zqTyOJVWG`QKBpy(M#HD#@iR2sjDwf;CEC8-%?5S{YDrj1`RRrT?VYnC5-K65X{!LG z6q8)w_DR8B=T`mm#ze3iGXv78;{;{dLY`wJ1MUvo$2Un4oycxQ9f*r#SY0jRe7a3n zcHa#|%I}YiS-Z$5hT>Oq9ArNz5qeYR@b~pU!X+XAt;fJC6urmb+wcR97C&NH*_At} z;rV{-@jX1CgLwc&Rx(&M{T5(-d^A8fVr%|UL9R?6^7F2-@!Frh^%vXKxpZ_7xW{Zy~ge+1jiin#7BUFP~9?2exTXO_2nlCXhDG+ zbCXCU4c8Y#FD3(SPbl35+eTBm;M2$WpG;pix1=0z;jcixy5GnQ982&2dX&FmaB0;nhgRnY`dNL%5tTLPP#wf7BO`8zwCFMZ{8G@3vgyCTw(3PT z#@}3{{!NJyzhsV#B@pu)H0-yw^aotQ82OOhq8cI(SzfrsH!Q_!O1Om>MuGjpoo9(t zz0aAJPP^o?0)~3AgVJ8oQb~8+r*OIDMX`NptREke!_lTNgnkm0K9URAw1{$OwEEy9 zV7J4!CKEu$QU#pdG^cf7SIEliFZlB?nOc03%bTgY=-84Y+1Wr11a|#&GOlk^^Yrcz zy?Hv8Sw&iPs1^{5dmvWL3Xn#Oao8cU#tdNxJE6s%q^llRuwYiAlMH0Y^=+7h!k$SD zXzR=jys;97Hv*W^T(Kdtqb9B2$Fieg(oY|IYnDQ2UE$>!MPDzod1JD4Gt$HM`y?R*tf6mmc zc{wzr`9;ca{bR^^N{c^_+ZRbU!!fv>X5YP&y)VXn|ah+I!w z>*hy@g1+_pkf!Oo)!RbBQ<2G1ytE4X^XEBLA561TkN!q!Oapt&lz?5(uO~iB?mcya z<&AKuUg8Gu9K)u=)ds&e(Hts)4ZbUW-OdZ;goGeU~9|SAMrBRA>@fTwJt_ zinEsB?lPQcdp_x0fIYyo#}t?kW=`3V0H3w43fwBhZYgRsfL)g)+bUozH1N4u8-r=> zPt4BVpxKB3P8s47PMIz!X>jZevY+>=d6bI=$<8Xka<21~Wp=|@x)3-9nFa7G)J!2RKAZWUxt6 zoge|xnKKjWt<{Vepl%rTgCt7N_%BhLT1VgIrq`LK%+YPpI&_tqAEV4JRGk{aoG+T@ zn>&Kqc3o(B8T6K3E>pBd4oAq`emWmTWx(Tz5uw5qnhY57GNLGHt&mrs+gRy9`KGuY zoj0Gp1vWMj;vwuzp+gHDHY=TN2#}X;`)h5R&H-i#qAp6Dh}4y0j1ja<`C#cR>fTInsJ(RH5x&$N|8f z4c*W?J!};XE(KB#L%tw`uk=o3tPLdp@Bv&;vQIfUVsIDi8?fA1e9-cvs--vwg@A}( z69Z(f{^D0h0WCVIOz^;S8o^v+Jj*Zw_}TWlW)8 zwLiYt8VR-D_yoT+k{m)MvsKdGzV~CJ+Ph%OY5YQat`r5+1RljGk%s%)iAf(n|x zUPLogS||E(3C3|iEO_iRE|XY^IE{wvl;#5~3&#*!tn(ny8p3d~ziLy^A;;$^BVDg- ziQj|yzoKP_nF5PmeG-#zV6y}%wOq9=R^~C>(ED5phHr1wb=u2b)Kxxj6BXo#y3?pH%wMkx=z0@L{Ya> z1VuF2rTToZJXLZ=4V6$@=YKl8v*vH!FC>S2zFG-pD(RsAxD!5Lvgu_3nC_+a>pMA< z%7KD)c(6GPPx^u3oCA>Ti-3ngh1>Kdb24R%-uq@CCeU+qtm;bO6s1W1I+MHH(P{54 zxhK4K)_ri`w$u@*wE3wNO{TlqNANYTv?vO>fQA?;t@K$?!u3R&$&bk)oVb`(dF|0J zEZNS1D!xz>w%z`~hkb3MkP^L903jJ_JW}Hk%_XbQyt9{9gH6k`U{-e5CuxJKK=tOw zS9)5(B6SqALw={r5A|ZoiK2O#-`pj38XjaaMnOP-1i52jJ$3t+kpU0utT|~0((A4l#Yb&SAXP5~Yj@x)waczOJ@c&!n)oIMi{T_uGObFM zzqQrlGB~HP?Ox({J{QNDmf6T-smHa$k|%vmeucUv~<+m#&i!AMN7*sC1;Qv>%LUIW)7v!t~&j zYT*1HK&LLZ?pAxLpE8yg4Y-CI;7O)V7QgZ-gSZJ=K6l+L5m<62%CJR>(1>_VQ9y^Q z1q=SgbZX&PzX+v6h>Fnk?IU}Ek0I+Zvw;2DO|QMM*(Cog6?T>zz(h$KDyQ#N*^dbi zBjNR~|Lpt{xdhzP@z#4F6;Dck+<4IeWnCe-=GGb|g$c!E$BdVBE}p(GU5|C|USr;* zO^1^&KiG}Of(36tO}}_Zza_J&hDv~_(k)LeOq6=L#7pU?k~S&7skvY0?<$qHZ<6Ms z5~gmgT_Cy$n<{GyT<-qG^2e9p5qxBU(Rv6H%^e#Iusg}A1ZlyA?4;{sAe&W2aR9Q? z$;U`+NUK>{1BWrnn?oZ5Xeq^t3OCMB)&4M!l_5*NSW=!aG_5_XopKzScpr$k>u56} za69g(!0eS3ttvS;W*3hP3!U%<@NDMci)`(rafE4%wa-l++d)pHFKAUZI&H)fnT?%= z^6V+eyZ+Lvq2v#(9gD>`jhkP6=Y__8rdFD??ukyx3A_`FFGN+I?Rk@mo&;*GcKzloQOZ(=0AZBK;-ziuX>bo zds3~|W))`ED%AI$=|lb(!R_@vY);^AO5^FN{D-oA85BhtUwg?S6 z)7bzF&04;lb`j1r>6?`#0|+wbwwQQVWDDM09j-AdJ4yA+(od77uI?>e_KmPEw3)De zcU3&qN_KZ|wuhs{&|?a?G>?JUw37v4sp}uL`(A9e(feM*nxCuuGkz8EMNQ@-*?)Kr zX@72H{}6j&e9JJ*s&)P82e*|5$)x(?SX3sFrJiALy*JwL;V*g;b3wH2cOgfVpW924 zF=zr6r(p*tDyd7p@qD6Ay}uL1AaOsxdVMQK5QaJrfWGj1j~dGwHo6(ef0w>o$Id(=`Q}1W43*Gs`1(D z<7M4ID_k+bHcsX|95egKHy@mx0?9O^Ok^>Q59Y_uhqCn*#H*S~4Ff2j(k2{;_IN3H ze=JG1=$I~mrpF26!@d}eAsu2ADep{BHX@rRX3C=9w?@FWvafa3n~h)odF?HpnMx*o)zxGtLR*7uQmtsTp6&cug0^D34#kf44YF z=#Wf|!UMKjr>HP_(U!Hm^v0d;O1<@Ew@k?d}Ghzs2ZUWpKqaG`HSb7@ecj{m>+#Yh7+oCz++;L86~HsX-#BR+s2VB z#0u&lFXBGN;t3neN2 z4+)%ob6}NF)*;%#GHfx%J(FV$Ct}D&Z(zE#T$ZRXobg-2%29xoJ4`edc9(Y|uCZPN zjCQxZB@#`YsasEEiaH-z(~Zu2#Is!6{S41UAg0S7V8ZzkX6;wHS^1Rg9%P~Mjh*OT zwgHZaED;A?B$BPaBAvz?M$4PAe^}VFV{Xko9DG#^#R$5TVa5;3!HBET!`()=z2Uom2 z;=>l;E+!IamiPJiF4xjX!Yb1~dLWWfO)_UYphQ(%AvUud)OZxHK6=r_I88^30tRYf z`)NK@1w578Gkd%}tG8pd%N3&VvV{C&c0gMu=Hshace43l6Ka-_Pb-vTz6TC<&`>{q z-YHP;zEo@@f1fUX3TeY(R;5I1 ziPT4Bc!aNx-?O>E9;U;+4A9@bVE1)CGiSQZKp13mVRK8p@<_`2>8e^hjB+v9kxA5b z3HL^YQs7te6@eu0eEsFhIevqB*~jzwICWdJ44J6MRw})T&@`(l+JKDjj`awuim#tY zovyA$4mxve>!Kk?aff!0?c7?aHG01e z!H3m^aQc=-oXiqc6(%VJU@aDIYP(8mh`QN+XznkKM$OxL_>uHI86IBivDfZwzFXDF z6S8}HGenm z7ou`JTRNBxZCM)_WRw$UMQz8{wM?|i+hyKyAHxTk{ilvZhBwcs^Sw_I$QgwwENa%| z!0x}hP&q>?G5iAkSmhP{bU1=LMw4;&3k|qSQh-uLqWU#aOfV$7oJ8Jx*8V^1n( z57G8(h&nlKzeMEy%a$?@NxgYcdZfCEz%f>sXv*(p3Cmx>*2{DyL?|2EY%}dQL9TPse zUcq2Q%M4i+TwwQ-5^u0#UVHSIB08}!tSX@aSW+W#7$_I52^;579t;&!FAlxC(9r{r ze_X0G^B;|405*xrw)ezgJsYD8LMRmD8X-`_uuVthVWxHuLdDmJp$!#Lfn`_)zysS~ zqpB9a$!@(Q$K>40c5m<;SWu?upbgt0?uTueLm_Xyw-)jrSX@QcOLekfZb(KY?HfJ< zqqliCmX0)U13r_?EQI7he96>QFqAr}oxf)aRa6upw=5d|FOULN&+-&jjW#$^7EOmlrvV*Bo8>1KEki=?8dTMs!yMPQ>bei8y6mJ0c&{=0>_KG?> zy`RM>Iminm;zuC4+jp2m! zAnEfVt|ow@yiYG9$CtI=P_}#U!v;D*UPVPdnhu{Mf6jE|>ka< z9I=YRp>1Oe8Ly$Tec7Q}YI|n7jUY_L<&yEx40I#>^HB|Lxjkrqb9=TG*YqUM4m1a^ z>+IETw73|W&HW^AB1eoKa#eZLMZ$Ev6OzR%hRhhtnvRQTxN~`&>BT3nnKK$-n_ZYz zJRF5>m55SBP{)sIno^#lZs_{_G8^7DOVthLzk?0_yNwh@ZDXaJZ_0L9IK8RTL(svk z6Xl!7>(8ZCm7x#4lrg19%Q^hdJ~dD4ZUAXJVOM=8xSxIG-z|yGfK)lrX_E*P=`f97 z!w`7r%S@)*w?n4pzHx45`#0e2p7ABYDoDo;0xk1Y0Wa`sD@e5Y1hV) za>W^l`a)8Udy~Q+r@a;=q138irvd4(n%1lrP2cm0MPH{)Ey# z;9bPJQR5-0BQr`>Mb-Gi^~*obSBmdBn-EzZVh|SC6$7?nlnZMr;cnNL@Y;u**H)TU z6egMI1ZGrYxt);6^a<_FY149@| zYKK38(+md}Ly;n}eumUMS?IejNzhQ=t863@j6jiLeJKhlu1Les^ZWa3n3ezZE&!(c zkqj})czaG&UkV6~s$q#vAM%SAXT~`!yXynGVCrD4=}n8*M}aFje{a?@tHlMEY#pFZ z;+|<2G|L!$0CXp){DLQy*aCC@@kK%9`yoUK72#ZQ7!DiY+2lr!?A}yJI@_i3BIHLg za!!9UR_8=tIMH=}vD`tCpf*=G7Pr7wibVY?Y{_LJPsL=pThJ%$QD^uuvX?6>0juMD zcD&8>d=&VVY>z3%+r?UKu)MnCSbL-}%H-bJ!X|*RZ0v&PT#h0V0Ay#fmV}15($*r;Xk04dycFZTBa`+stbGMWQWnUQw0Xd7nqHXfM2bkU zx%G6ZVm7xZ;FpkK6^x&^BYze<`zcLj+e|Ky3Jfo{ZdWxi@y)Dozs;2Hjx^#*X9-%f zgV?2dkSj6}Ykm(uWBZc}WeS$CiDmM#t!*dSyL6>r;S|al+5|rBJsZ;c*ylohfi~t> zyP}8P3!MBg0!){B5Q4igmQfUL-ONL8q`Q0+mf^kVZO!hu4nepiT?qC_G5S@IhMpj8 z2Sy9AT1%da7vYh~XiH76tu65*+w!WyamcyZ1Rarzw3oYFVaa_$r*p>9i*_S?Nnkz9 z=LemS|DyYM_KVvgoNEDIz*E22&LFQZlQhgapWZCyFa5#?nQ-lsnmA6O@3Ef1`a`CB zR14a0H4Mt)^J^Jq^#vT<%KrE`LhufNvpCvMg%)B{q)IABwxGAKA3?omPxu4};7mR; zZ`tO_s(q?DikmJ8_8j|ELd?Nf_t8P%-)1YbR-#MwY0sx_rk52tv_F-VNhAH{mGedn zP5SQs_Ob9|j;Y+pIu(MiUyXiLBFtAF%4)0gw2Y186#D$RVsve;@rG3-q4 zF1j?l3ZIcNPJ|uPTD6eoygkkc)F-}IOI>e8ami$n>oni)9*d0KI{#4ZbN*dVq=&Vj zYh>p@)!lfQE>69nn2-(EhRM}M*uXk6C+IwGRwiTBIq$U`lmyeKSEtIl=#X^@p{pVJ zGW#NsB-OrNv*XF$fr+0#`!oDe0s`SFFpxivG_&)CJaQzlg=O-4XTL}p<=X=%z06|j zdVU;RctvylaZakQpu8m_^RK%dvdayXSS#khZmi_DF?TEtl9Px!H6@L3&b0na9bfuQ z+eOqNK3c#U6TeB!W8xYA28)9L`GBQD-o`63!;xlg=hQY4Lh+AmJPzQroyWZXD?k2S z?8%UWG?4vwFTjKbi?jKIM;mRxEP1|E87&PEtz<7+K?IA6C3W}eC^h?ynA?OI5E(31 zZ<&1IrUFgFS&yE-ys-0x!6rxrQc}V!GI!!hMhuzIV+GSV8;6KZeCAXxJDy$j!k6L4 zrdf~D6ljeixXLs@&aDcHvlgM6^L%I#R$iB#=lotH)cw7Z?XH-kx|#@~uoMMR)aR2p z8I2!-@%?!NY~G#n0z@v#h*I>r-1$g_`2Lg|9k|`@!JS@izy*{#IKz?6ClVB+Ko*fK zJ}3Vbg*0K*!J2C2nbOH+x5z=MUhlUl=nb`2kxd*H-)yApw3K1fol|>VLGa1#(=@Nh z(iVD)F>C1$>B#nVwWQaGYa|s>5zCkNcjEeTopNUja<;w2F(&$&764u+%dM?D6*Z~Y z_{t0k;=U7Xvh`_@$c(jctk=*2zbKpH!I$Rz7vHJmX@o9yYaF8Ua-)2qWs;`Y1t-I? zy1+CD+wRi*!p7l6to{{av2c%VHYS&AMUy_Qaugzw!-2uB^)&oMeePB!H1%AaFVuCb zGg*ce4-~97y|m*$=*yJsdE)w2()jJdLU01kd9C*-pI3ChY4in-4>g;!))c-5`8`a; z&Nst6_$~QjHDHZ5O@ohE2H_T!MxXkMn&QFT6#%q!}X=cwLZ$k>Q=yS~1%YHe!s z@OI{mq_O1X=o_k0daQE;BYmGCd}g;dlSW(PTYCY8oC=#R#ng|Q+NJw*Z@dp?EjKrw zo}y}6o5*d@MpM))AI52ugu2X$oZUvh?>dsrr91wT3_SE5R(#gaAY`;J_2wcLQS7^x zeT2Bm+xAaw)*Ba@vPRx`)6g5 z+V#3P_6ep2c65XKL()y?h&FDEY50l`vhS%mTQ`KA5Q?Iu4T-IalpCz$1Qh6YNuWV4 zF$T=SeXDXB(8U@?V2tBd#8EQE6Og*OO7oq(mJED2=i(+BhvgTSBuy+{QW*{-X^_p1 zy^Dld{R1#q_)#MT@0ruP<5!v&qP_)r8d8PE0z75Zm@%qN^+ZDve3uf1(_65?ZU#R8 zRD;%DoVc?OLM~@+8J^h;x;X~50tVmQl9s;a4vLvmH>j6Y_RFPwEA9A3Po;R?c2x6i zZV$eIbF-Yg5j)e>3%wTOGl8Vs#%n4tAA_tRCoiS)OC#u8pKiBby!($pKN0qZ=| zO3&{-C4!Bl`87YiKLxvZ<)O0{SPYqAMT@u2d1`BDhvx6Y&}r~9AH0ONd4=pUOoJKbh2v7jpivF(Le>8pj$lA)N^&z-A@iZq{;o$nv&j zO3(a#E~y9A=B;aW?kv@_0dY$Dvb_O^0$}l7wEZ{T_}CPj%Z`N#0doA!Z6nj}H)-vjqwT0gi1Nu>rCN`gMu?)QW z;v*P3q~;Uv*(J9Q9Yvv*&(;GT6BWNTk+Vy&Z&%rmU&?H-MWQL~C}6_pP&BSx)oQ@3 z&^D&|Sx`XR*M~`RT}cKIlLiJ6&mI=0bw9;x&Huz)q#L_fJjGXhu_~NY(*%9&7gjPM!I8u;cwL$jcaA98zFJw9)E-7JrEdIJ$ zV}`gbKk3eWZmm7*?F*}8WrEQIf;;NQ{t74)qf>d?54FE&Q!&NGnVVYdfaS(gO_xc7 z;Dq~_E;M^uZZA?0Ylv}$`|SIJWWBtVb+9>0i`h0pnEvfMoUtzbDK^2hMibCt!%KxC zn?71zMuoAwMW{jRJCsFjJYr=1a&4Rod%69Wz#~6Fi=-Emk#({f$@SeuI~_PUSsT=# z7n|MYQcr&4rt7_k6dfA+=!F!A;hF!+U~@! z$xQI?OwGOyM5LYQIxZ^NybfRwLKqpyK;v&JTf7q|G#wpD!1rp(Tv5BPG9kmUs zz`*hBLP*c@OL)Yz-mLmW5e;vUe}o+gUkMBS@2i~X5j9gS*+io+cmug007K%MVya_d zu39<4OB7_9yVP(<`UDnm>qJR$Jo4`$4GZEZ5;@=a z-g`HPZqv6$wr8=fZ3Eoeo)sM@l~P`m3J~v_d`<{gS@VzsXH~?%>2djBAhN6r$D1^? zi7=P~6Z#G;HqpF%XY+vL42E6Fj#IM_#N{0faX8a0SEfLQzSgDhg3@}%YACsb7~e0E?0_A}7nb3}k|X2_0{h zzC!SfoU=$;h}f%hbmWEUM9)wZD-49UD=BP+fv4gnCyU%G@B@x!(#hJyk25h{#OFz#$$kwAtVlb-lBPAHsdm9s+sXUvE0qySN zCmTk08Z&hLPE;a7QO=!k$BxFBt&SSfU;V+wEKdCF!JpcC4u0zH*WDngG zmxjZkY@lE>^+WAM$|nM)H$!N{2CLygZ8XkVTEi18d+_FMsqJlDa!HjLyA$23lB}*} zEfLOqt(=+tBYuI8g>U_US?n}Fmp;FuNgMNXvVuB)1ru| zw7I?nH*YfWj0Zp-5-g~G)UQ_>i>mjlxGnla?N}aB-f{+E(2_AAm!+K2@^}`h=xK02 zl8?c3D+#3keS=&HLivAe~jYi49T_+w)F7p%&PQ%JzkA6!XK$!PxtarSz(SSo) z`t_&DJN^*1!ap2($~mSHeB|4a;g_y8v1iMnG{ig?FH0}YFrQidmQ#d7EgrXA{$OD9 zo;0fsCpc5f!gGI%^c;OiuuSk@dK)5bmTG61zYBnG+svd5)D^T(8 z;VmOlsNdV`25*$Xq5k8Q=8wpcGMIv*W0iGhODadeXr=>wQh>-af1-oCLqOf@#L`yb zKX~*kD6T^66-p^q#q;fvOy;RS0~l&4#)E|D2Bzw~Y~;_b(BYtXMHM@3PkT7$m`Dz< zP!Lz+ssDRD8U}H#^BJm8@KLI~6*Zq*euN#oT6NB0MQjYCfbdkp4SL2pOy+1IF8eK* zh9v6T7^PGqsvzU-qC~76EIuf<^xFQHaW0Oazaldu#pVX1w0;qk6Wx_o|3Px`v4U~@ zBsIwav^@BMy3>LU%1r>+^)?94vfCK|N zOfhP^hN)kVz3(Tv{2J3BleL1W+*XubK@oPX8i+{wdGJ!sCZasUCr3y%iiXsmOcbn8 zmb{m{`IU)Tn3iK`HJ-l2ZAcTEk4aH%-$W`|j+h(PW8d0Jw%BdQE(0h-*m>*@!Xfz+ zQs4oB#K&EIKT>qaHlU>qi@Pok_(JDI*78`5@h!0N6Xl?PhXBWGwapvZj#?nBPLGf! z%oH%IMs(G@226ON@tK(GW_`&?Z(-LV*1^socpZId-~91}@@jh%!k&|RK>TP<&QCn7 zStA_+2315>e6T2e9J2M5wcBm#$aPBMo-TtFjO!L(wb|4{L-lF~?0j^JKtYTZFsUlz z%$JXF{7qZlDBZ~-IKtx-EMg1{y5+vGb?2E8ULR)n$^z03cKBq3(R zN4PF^QX(yleICE%k4GmM_o{K0Tl@+C7u|L;0*(W~rgsZn@~=Wn-c0H$L&e2Req4W; zi8{rpS&MPK227 z^pvgLHNmTPY|NAZ<}CV{Er0mEUr3s+;GtK-4VZ_ZYw>V#@zFFPG;RTD=;D7tfJ6CF zZG@8Y^SxybNiH@~TTJi=JE;OluDXohgiC ztS0XF42OVF@}zSml&D*U`{cLEQc)zNR5~3AIdGIS-+F&E{v%4vdW4c{j zGS!+0Q3^QZst6RtB4DNn?QoZTZw4 z!Q?(20om+Lt&vmZJ)B{Jms&WQQ|gb~YjjeS8ivy0cJtYL3;FZB|BOf2&|{c=7r5s} z6?r;9GVS?M=(F&JkFMd`Z_oJd=&xun=IDf7x+;Cl9Hz=6uTc^d+!k}Xj9S-!7$TDY zxC|mVjH+RKfb>$R9zwht!1LRaX;&|ES*NC{-71#;Wf18A|NM*0JxnaHN*hj}Tp}KT zFJ&Ruu#BBUkSJZ$Wy`j0zOrrGwr$(CZQHi(s#msct6y})-_afM4SJS$n3IgX^PaO- z9=4wdjt?LBS$~!h2)+MMyCHtNiBZtlN&mORs7NQxOb~UJr1)jbOtpIelu z7d{gf-&KwaB=r3F59aqLr^P&p@HB_}9Z+JjZTO%)Ki>v2WgH#x^Huqs#$d-K=itor zy?Ww*R9N(UwJ?%A_J$k`;(*xw#y-#~&J@UXHzV>3Gf($x$8%E{+0-D%{zvF&?}ya9 zjEDZO670h*v?_rSY$7Hr@%-DT@v>(g7gVc;SE0^Vo+(+Qr!BzG!8jo=KL8cdFeN#5 zyY(5~;2Sm>u`i9TZrCO3E}kHCVZ=BLSZs5+?NVp{Ne9wxg!Y%c6i?A3Q)pELO8u%& zya%aOIY4W5Ph&RCG_@-Ven)D)c=W#7tssISo%SfaJgKESt3t5H$obv+XdtjIsljQ} zWiJ(qcv3l`leXQ*>DvAVy$h3?e0$*=6H+L2nd&S}*a!oR*a9fdG(G3M$NVVrR;`-E zsv3gZOPQdJi+=(Kzg$G!r_l0eTBLUlj|y=%jY`%6QA6-Jl@KV zR`p6isa{#(Xyzm>vVN<)?K8-$B)>m)Yo1aA!sR*ZU;wQASOnBGjnN6K9nk6SOQL)Y zZz!27hN|=ekhiDs-ljki1rFPI3k{-yZf4P%@U)_$cX?T`O%5xWpf@N^nh*v+-8)i= za&syflIkOvSF}&JK~bX{W%oY_GcWy;4jAG6kIppiClCVIZZZ0o_jLGu0Jf zb1;bv&)?&pT7BPXQ>*R0{HFO^0LCw#Q9fbeQHkIxtSv9DhUK1{Bvp37awBsC$Sl6U zGy8Jf9f$~N8`bZ6P_?L0^tAX{%%mmYH51sY01DT!crwnwxJ+p`ci!H+Ma5KK1SXj} zKNflmLnkWhhAN$_DHOiB9W_hYJ4Y797g`a*+iBHz{UE)NO?s$YAJYp5;Gy9uEr%?i z^|S_GkMAWr_y9@LaZ=yfVJ?TecyIB!K&fxIY`po@%@mQe|Mikyh!s?#NRO)zqLBKO~3}6aVRE`!x4QNxP2l z<_>rI;{b{p6;3nkwWl^hwldpT@n&LzDkUG{8yXytmFFO6Oe7M9m3HeMvK6q47D`XM zS#Rp7^-ldNE5qePTo=sxKMfA$ErM|v{(QaI<1pT?=gl+1AIE@cPk@H-obdT_zpX z+fjJN>af3->&?cuL=e^#@gtNG7pyJz*bN~X+j|iZ!%u4|=yIfU3fA*FF!GG?z3iv* z-tZ1kn($L;f`_Ox2FSWOApwZx5;|aOtxQ5+_QzlAQYANYmdOTBeFjFv&LG^A$o)bI z?7q}Ls@`Tm#zXuSG4d|?+(!$`K=Ulg5n7$uA7zf`W^)I4dc;1@#=pkC=jGL;VW+C` z>{=NNYs1_j^Q6Ka0+2gee%8Ln3RISBQc%$$dgKIjreh^2vhsv?wbvvOXX&_JrLE`H z#!tcN$B3Jv@LsTe?fd9ONv+P7=E4Mnj!v+VTJg%b1KXj)ocaU~J=wQ#L`zv~sIl=0 z&Wxz5baon7q0U#3=K&nJ{BKq^v}_m!upzb8%wacDOY{mhY`s&IN(R}o2=lNkX_Cr0 zIP=v>PGDa(m&k84%ifwwYfZGKXH!UaUu|3jX@+nE`A>Zb9+D>4vnIxh%`1lJ(F z6Q1hBD^$Pi?BTkPu}Uf>5u-uiscv8@`m$y^@^Wg4h$~QplYb_sH?i|=*%#8cQb@`> z76#Y=R31<2lU96MMLGf0rg6;?@f^IX4qo9v-6#w6A73BEQ5vzGdMI=bbSHYj zA!}4jWqs^QVJKai{!~Pd_Jo!?U5P{C#AWq6p;?Aqyy_^>1(b{rw(VKjtfGM!<{lOO zO9{cS;*(e!HKbkLTt|{T?3+QAETxqXF}W8&cuBcD2f4QzlQmLs8rI8s7XK#D1+r4r zcJT1<%xH$Y0U9YI`a!O{**rGsL=GOAr8fjdwnFQHREI+k>^<_K(M?C#Ub`}5pukfH zM%oEj%VWfXmS z_PFCoOIhE(#|>e;btf@$7_iGGSn;)<$mw7or=MkYX2dkE(5G+29Y zO3`=2I?ifM48Bf#Q=fK5JFrd7HkD_P8EHoY+&h0}E=ZI6<&+Nqk}`MexE0|33z*9C zAHY-wHkSWGNM$5o;9z9p`+eB*b3|QBO`|tk(ZYbHFzqtx*r<7&S1RO?L{#bfip- z6cH&bIXh{zId7#@6=7AZDMaZ>X<05M5mvm#wCwWU`SIp^w zTnGpe=BI^#Csq_MZS9W|H8NaqW?%!_&qq-z#2-d;Ob6m8%*e<@f`Q2fK|l^d%w<9j zvIZQ1iUM;Ej}zE}5C^bF#|{Lv4{?tNXlvpR#+WCFot&>24^4usdvK7;X7L*BdEo5=^F=m%;4Si(&7 z0~;QCZ<6t618$SL*o#fH$4c4nhj=Mb98cr{fC>)-p`fPxL~XluFx^9D;bxZfw>N_V zC^CmR+)SK+goGq%MHmqe_m??vGJRtxG(aIC2vqm)14RJOw1|!$8{CW#5o&@Y83XR# z6Aup)Oe8=z{yRRR6#>4_{zAvljhIeCZuS>9AK^(P!<>v0`SSSk60}`9JxqX`j1I|d zI6WN!be{?1ho5>#BM`wJ2?`_;t2vHrpwEO?(M|X+C&WH6F#}RB4VbpZYaNIR z8=8LrKSH*GI~95G_@G)Lu-Ipoeuo?eF??cI(VZGzVvp2k2?z91T_Mp)AM)MU4-bbt zcq@kwWFKK4c{G$>A1a?6AcCl9BJqG}BcUG!GMbH)BO>lj03|6%aKauXxDP^tf(Z{O zogadf+{gCKQ6yg-7!4<4zi~_~j6P{Q2R#HJO9R8~Vc|&tLDZDQyD<8`!Gw@I7Nb6& z0%#q3z}^Gn+pqMdN|RO)ZY*meB)WHDy>2^0JDvDP4^WQ-Oc3crbSK<@>d4z9NC90P zq`}*On$fd$rm3B4bog{IVC;n7U%Y`JBU3A5M)Qjld2FC0Mo+H(C@^WQrnhmwGA8<1 zfC7qI+DsZ@C#&x45S)k*e*6+MpcbwlJd<#J?}3L_Y6u^G#ssvz!%Q&;re?)-w2?%xKy=99hB-9^b> zzHs-B_0Uoj>jPXk#&PvYkJr7e8$H|T#=kY!My2zL%qZn>HYR{1zcZxGT^1_;eqYIP zPfiBKsXHexAFo;f|F)LNvZDLuO*3@;=sFb3(-l|Np887<7HlRrO#;Oxp4}Ked&YFJ zU6$0pCQWv%PfNjVQ`v^3nN>D>j6cx*^tumW%gj{{t_5txI_!=y4vm`jjKg3znl;%9pDipb5MWnna$OI_0?gK~JqWS)))pG7H@ zL!>xl&TBsk2^bZAyln-SWtZz1Vo?G_UM{#CXP0$;HmR+O-_`(#lnNUi-+bkU^Zmh` zuO;Yf%vmd*6AnvD*U9js+m96RnjYWZiy|wd9DbkPCU+4Ko@l;)P-jI=p}t@|A| zQ~D6J7Q7lo9ziCzjGm~flpv;R#rrN97{-^9^=?sTlJ*H1bw4z+l$p;Ah<1I;#$tJn zw9!)UXcMy1b2$FfnnH!txc67)8N23`=90#+iTm{n`J~Z7?R|53=2K2I%bauqKPj+t zhofcN2f5LtTqi=?h(*=a&S)vB&t=kgQj)D%6}m0=s!nxb4entS2r8P%C00gnWv4qc zUtU5|MY)Tfh$1#LbKET@jX(#D~O1y}2Bmqg9Nb$42d{U$I59tkamfrP9SYH9JsJs<%d*>Nm93smm><@+puXZB2(iW$S-n94RO*bX5ZN`c%(~=8yr?AOeqT|u1 zH{Xs@HE*mjTUo1e2-t{$ShX$xPkD3Hrd{~OOewg_BX5Nl7X17~Ha645GWsp}? z^Z8k8P-%;GptXg4#|TsU7MD~xS^tTzY&fkXuPX6y*NBfj_0lq*^w_{3Xa1`%u>DtG zU}b0ipN870oCJTK`tTDim!5M4)iT1=`ild>Tiy zK-FUlza4TpMvmQ&+0UNcf(?gv=28r)Kp}dRGKRC8AA-P{&^r|0P;SVi3U3Q;b`6@K zWPgEId$%(A3IR!sK|~l60ro3+3|@Dry&))^RPq5y{@^!-asm`l1JZr;pkkQ*PzUk& z0)NbY$VJ@tbf_{?fj@(=MH3KET*#CH=|n;iBxQTXuyR;2)xxIWivsKNya``?1Z1D}^H_Twwi`pkk@MwzrtEV0koZ2G7$OGiu|{?;sTsQ0Mg}DG72V)xj>q z6^aZ4Ww}9fsrmnXw+M(ZR0fO{Az06ok(H4of^mPLF$6$l|0c_X0;9t8Es=pLo;wn^ zZ$S`*A)tgQK%gQ9um@ME5Ga@t_tvjDAQ8X>E=!WG2Yqjpd{xa@odsaro8C88TZ=Qf z7$Q`vn)Hs$bk)%e%A*zzswANr5C|C4N9c;o!U(vqvL+#;Ax)#t6G2=TFtdu*2QA(^ zYop8jHEJaK3Rp$L@4tHjES3#Ya6lkSLoQcAN#sQnybCs(glY3bXh#`gHvh}#K??CF zHC_p!3e{E+MM7oBpjwS1IO1V673Q!Xx4!~F7QLiBp~hvBa0X^kT0SwSq#uPJXhPYZ zl_($roKy<5WB@>|a{sEj4fi&e0!EKORG6L6)6jvU^TMDU1lTvp6llU~m5PJiV?M&i zkt|g;x}Xt;Ae0n^4K5VcCQPd@AOy zOYRvl5>-M$y#y#%mlIu@o(YtP0S<}F9vUhNGQza;Cn(){V4xfVnb@51?(PLJUJ=qn zehV_h-Q6pQ8jR4JA-gsS!M>;nL$(+o1ZxfqNm_z%Z2ImQ#MUubon}$i105o5ODX4S zYnQ;wCE$G4TRTEx-&|N)d)F=m!8}FWGn=ab6U=~|x9*p;d&&Pp^v2Ev9L(@sgE^Ef z|J{QLU}$I)_>J~{+?QO5*(2#}SrXyxL%Np1f8SYMxWfe)nMSA2^0cD+B708=mnBr0 z?_)@F%7kHm1gy=~jahTf=o-H{4EWFAzjf<}@&O{=2YK;LJ~Wz`LOOPYUh8h1PiHG* z2jg*J`8ckzEf(}mJ=~GB+HGOmJ*6krJ&%5aQ}Cmz9xgW)6t?OR!Pi9szA>k{=$_gc z>EGsIKHf4yw}3)3`&Q9*GbxQ6=i5yuY#MHE%;)>ab2EH&{+StV+MP)7CmO9`*p#%{ zS*Wju0}q+Fi=TOJyg94gBVP3%;@d0GOJ*S6D#M2@vwVMBMDLPB>w-UwQCE%G9hBB< zIXpK|y^s#gHp)_-p+cj=h1wc>3#b^!&tO)}NO{yEs*1#cU_oey9&F<7Rz#Uor_D4X3uTdXQ?=2b@ z6|=k!F@1Va0VO~s$gV@!=ALh@Uxgjr1gNUpsuUw{W)fapb&;2$acQmB62+{p>SM1M z(**wNuBd*a3)!}to;cqct8R*C{z1=8eXJ!&*$o`fS{o~_if1UB{795TtLhPH`sO!2fFsV~+v<$SHD1SfiJ2RBNyz9aD#o48AkgDS5 zf8o^X^))WJ<#@Uyd+&G=^p4%}&4DRj<6EqOQ+W*H2OJ~%^yR@*dww+pA1q3BsT(`q zs=QEV!M3$?Zm6;aeLLj>q5eTJe4u%9lC4nGn-V?s?B*W%N9^J{Ucutw03LR>It%PZ zy&zj)VM}H=o5JFj*?Mx$BVLPDeyv1JNn;o*^>@#@*Oqx}B)}y8S;*VVN=0gH;Y<)Y zXk5%9W3d5L>#_>9g{zz^)GPZM4bGOsiFt?JW$1Zul(B16n3#vYyS3G+t`ckp^Vk$y)Dji{m}IIHYCU*%Pv*= zD6|@e-A1nfeWQgkfV_!qZNwXKr)|pC`22Bu#ltG;?S+okwP?ewN&K zv+t~rl}D}`Al2TBZ~(>cQlOGH%P>%nI zpp5MQcLZhRU}0hWuMEn>z`(}*|Lgeba8XCOYUPCy7f*ABCD`8HUfgErpQj(5-zK05 zbao4OmJDiXi^ z($X66^)fIr_^`QTXC@w{C;>2@Cw2w?G+j*g!b#qVw6WuL_l zo3jKxGZQhmo?rf{pBv2C(ap)Dn#~WB4Rn1{Rt@&>wH}@T0F@T_{O#Gc@9Xs6bNr0P z;K;!0=u)&OB72KoS z&(}deA{01Y|B@O|5YDstnZSoQH&Ajadj35J0y1jo} zz;eW)y~yLUu>IBc@<6nxFcLKH58&&8x(dH+$>`w!-F~$Fb9=$} zlRbmq1FseT5&!~ZP4^+z#jnAPkakx1F*jHg+uq3-htl(ttI~uP~<(}gB&Zp z2jzQL{)&Fd^S1CoOy=K%3t%$;64(M{{ly2Fk^6)XY`pvukO%wrBL<`h8o&pMfq4TL z@B!MUwzi?M)}h(L{iQiQ`JxH)*S6Wd`bD{DV?2tZVWxWYBZiYTuRp2fhd$f40)3a7 ze&jpwyH4}NcKVXCh7bG->jhZtJN`8Rn3*`(4F{jJ0d)1B-RmPh`Jr)e{z}3I=VEr4 z>LW--dLqx*9Us9xyGsLNwy5GmnHR6N=J`>-`_cvL>iRJOP-*yq78I&~M@C?Fz_v5P zj$hKllFzu-L)c*H>LX}odGQl4kM$D+r|HiFbFk-6`aH~lzF3>sUif-lF!@F&1ZS4I z%Ztya?U&8(OD&+}_|*vQbOsZwEB`%%U>o}t|82t8p4ZP2sQuN>{8c^v7BhwZQF5_0 zkI2T&M?b)qEgwFH|I#5tccVY*8$D^O@*Do0m>dACx!1$p^Vj^np8=kkgFQ0;%u5=0 z)B-=cSHpMDm))}N`2m5P8JPh*Gkr`mqWHzv#50E_V6DyX3kB4q3MYS~11^Vu6s3ru?a~_zDLbp6{=*ov!VKc$Q^aco~hTtx#v!!kLX9Hk^TV#?a}L#f&hJ$qHdhc zLKWVR?-O*kwG?8~|5U&)b(_D*R&(6!nC?yMx$Tcl8YR`PZVlI$M)KK!O{5H)D@+ zA~Dh^FD5$;?(^{w&?|LqAWKUARI4l7T9OSUeuXZ0(VBA&V+~bH=XE|FC2Zw89~;{w zJ6#h9I1PF;cY3Cm*BDE#*!vc#NNAZXxNzKgD{SA}D6UzBGd`>O>?jkp5NSMQqznHm zZAe`HOktNY@@R`VJ)1oUz*3KdgZvrtP?qPA_1}w#v1B2@*lW3Zp|d0BfLK!z8nEs4BTbXmH1k=+MBKg*nzTD24wvcABy#bdJkR3 z2d#TY@#;I$&LP+_%)8gZqZ3_q$9P&#mGs!s^i@;DKbTEl9dwf+Wgv%r7GA3x#2(-U z%{|;;JiUY%Wh@KlCLCr>FY&Fa(9Js{KaqN4+_VAP+9TtQG1wxrr(gcXkW!hdgGWYt zB|LNbB;7T+WDM=&R`C-QC?4krJxp7Y zmv8?3L0=gSy(1G+zixOw1XO}89%9qef@6uzQ)JAMvgmvaG?YRsDtQy$gvhmtA?N0j zog6(Go--Igd{I!9fgrN&=a0t)?Lf&+eAJUXRhnC1C1XgwE-{mDC|$K~NzLEG=K-f# zn5KE)c*G^?)aXQ?4N;zhTHV5|HZaU)0}xkDDuM}j2vr0oU6P6o1A`9{=y47^?&`8U zRDfVhhv(75dHuSCLZm}#+_zw9c7V|BYh#Jz259l3)2H@Yk+O^^KV3#d@%Gsbi09cW zR7xglL*s7B1_ApYrjgO+N?4xY`OZitY4#eKrS$8sNrEfCC zB@#ckrFrF2t-D`e2{}l?UxNBl{&Q>9%rS!LF9y3m&l`fde}~&;3al6R0=O*-o+cY| zt49~Uy%|V10(~u2v!=Hbj@H-Su`_c?lbPQdm%8F*EMwCcJ(wR`7DjAila@POv52(c z_LotO6bLnWgM???1Cb}uS#uJLfpNe$pAYM{Lwm|38n~u-KDPUsp@Ng~Q2XK4i}p#R zhTX)MDCR+m?y!uL7O#*ojN2vwyMf^d*^X zU(+bizdzh!C2jv4x|wJr6u+VGO(Zp!VhT}e5>4dgh5Oy@h)G6G)rO~fuJ3+mD==yr ziJ6$v!Xi*Rt9!%}Vk`C#@k0JSh~tSl8ozZ8Q6}tUWSmC0f1r`1)*G%t%`?muE#7H!5sOczHjS5}) z&esC6STaM^6+r01aK+H~`WW`r^(;jbX)nucTJT7NH^{Z#j4j2aL<~jp^i8$I>NKF` zy=K+U!Vb?sASzG*hSf<4rg*-PSQ~G1!buohe;YR?X^qN;q>QNREb)(k>woDQEfuE7 z=aIR|Z5nB|2xZ)B;f+|sQ$2=LF6r9KWjdklGV{Ad%wm)xHO>|li3+A%iJ&t?{ zS$#`@P}rK}J(c9+q$boAI&HM)C8^K~SxCcgt9QHP)4-Q}2Q;vPF-hhn`qoq&O}rBR z9Tw1zsmC3f9;i;J-A$I*W-(GS@N(M!WGwnJdLgd_wk89qYM+{vt8MssVJ&q8Ub!bB zvib=mlB_meL_ebNrYt7cCC99I$pe4{gbanXJ_>2ECPCU|> zkMVm_c4eW6a2O`187&(30$-}d86q8X>b)(hHaQ^YjTE(oMaY-jG90GNQO$7VEdP-? zIsf*o$4s%Xwi4p;wwmo!09L$Qa{^99)P2p~AZ{=`47<)Jg%oT)9=(x*K&#D>xe`~3 zg@=TH(dB7v=WGEm!UF}Y**qmaz%V(PZMM2?e=CD|1`UzsU2`Mwz)aX|-#RGH&a5oVNs+5Tv2t&^V9MZ?=Qq7$4r@GGRabwiBcc8^Hnr!! z+Uf?n6XQUbb;GYRpNRYTm&*d7))N%mFaSI0$_ef_3Ksx750E}T?@Ae2q!Ph`BXE^# z;r?ZF?)P_CO5SU^UL(js*K4nRC(%kH5l?$Fq8lchW?2b=0 z-;!Q>N|eg@!ZQToVb$O|1i6W2m{-#c0a1rFG(IIV6FAd1k{$Z?0d|cQ^enq*cE{yi$-3WWT#W-$0cCIroCG&2iQlQe0 z;>fBFccrqTM`KP)+a~x_j28WH1W(MFF@W~oHag7JJqh$eDt~l$5r*{K_|Vt)FAmWh zrl`lrxF+0Ot=Mx2sIAewjNH^)nPMmr=tfRVEhCxkQXDmqm8K_4h}RJo$MW7s&<=yB zo;S)SQ>{GV@tCW=W-;8mP_G93G{68q{YPN93^dX2Mgo|)WK&{IvZ?wx`Hih5WNdwM z1k@p^H8HV8iI(U_s{utY*SyXvINqzyVPLd7_a8}Hb30lEnk#4l{hNQ?ez%=RbPv{tF{tx9tC9DGI#V$`LETgN*dr@r#U?XLg!p#_t4SHEA zfC|A?RojCl7ooAKJR+1gIwqXt8hHKXKdYSw$d=}*AviTk_+)4GNr%%gmGeBRk@U|d z=oUHgqIH4yD)6%$UW|NAiP=XhCObp4a=n?@3^A#wJ(*Z~^%+V24A2UrJ+dq1q#q@) z|Lms|@_lve)~M=-!tQE3oOAFFC^Muv-RJ@R1ZF(piB!Ad8S0uMDbX-U1r&GggL`Vh zK2samAP}9=l7Bk>w!eaquO-}1cQShn8jI>vkXtcCm#`fZ$7^WEkX&j!)9qJ1=~B+w zK0KQ9WE{|~BCMpfV$I!A^%ea*Gmm*j$wmeQ5{L0LuCHjtwO7)bex{d=I)2N-(|Om9 z{_tzIc2>*j=NBfllSXH8n&9grA*Cb_!eH{DwssC36& zireN(TNS!)ZKC_OSenTS!lh!{2Xe3|fRZdbd*I z$Yb|6rlRbSciy&geKcLH3EN~g9eB3I-47X3Task7xiOFyw>b^v<<%S3ozHs|>Oh=L zHTj{HO3(KS`WMP-5yo@2QHfOU;_`TNrhW{GzgT%zdPGJ*65m9{KqMGo)BYusZijyf zmd%T)-eMNMuuxPW)q)|`S*?uvj@I4mp=wkFY-{^EIu)@ZJ&4mnXH8aG38v1UGQ}Zn z?a`))bPwT<-u(*zxN8e{raIAYcYgvAslw%m8sH{By%~`}ny3^FJa#A>qRKAw#6g1F z{Z!G2ZLWt}<;+qI;&Z0^<@_5UEOr>HlF!~7ylGS%9{Zq!ZJ5dNmZly}0IF-P4|6f$ zv8~zahBhP?u`xfF&CbK=!9%qDx7|=^=gtbV@&(JhubmChJS6fxDOXqqiO{AcH62J; zg4@^W^>p&Wo{UY#=m8)6Y?;Hwi_F_{vE4k4gYiB-ixEt!kFKH{qGK;r#MU!w>_N2G z`;{}9CPUB@<>RU4yTLd@4~bjbjW6CeBkk{1d)*cNU9qC+^wp2=vQ0S7Cf^<;M?(jX zVg{I*=J6dho*S3*OZ;TuydqvHR0Iiolrn_L%ym!<_<;YM*7b25BVA~?AJRjvJEZR5 z=&{A6vrbZ62qj}ja9K_;22DghPI>RRV)>l#^FE)~5W~ds`%BEJVkv4Z|IQc?qo_xc z8vW0`V(#Nc__6*R%*6W%S+?@%)lce5JE)sGLeO(QUkf~s`CueG@^23GT*=4h-zx7* zczjLWXn@)s#PfNLHo{jbviMDB*L(063RkOWX0*vQRa&q^Qnhv5lEDkFO5WG2Lwvc?3@aBIiMhmD>} zbf~?%JgGNUZmuU(7O$;>%~)NW2E{`cSlhsLj{U7Z7m-WmOt>j1aN539XwQXNSr&bJ z$QC6TI*NP=D{bZ&FNw)aE1LT!pnzG(cRkhXH7|QKj+3Iz0kSF)R=BIl71q7kQrdaf zhOZX;k)hqOQj>|Azo#3GlQo_rYjeG^FblE{!Q$@b%7kUY;zy?FwDoHk~ewfc=4j>Q1n zE(u_ZV?Qjio$OBSX>{X~WffNacXrVjR5)bs3!yVR@sRc;Qqns4rQD=AfDEmq+rv9> zO4UBSK8ue-C6Hbd=BvE!Bch^X**pr+c)V%oJbxUVi>@Zz&x~vX%a5%q!z(*SK-E2i zBS>flzOY9+=^)iF6*cGNI8H3hB_#~>-c`?k#x*k6{~y=bNd51Pf{L|qZK2UXI@w_gH}H@4pw$bm`T>?HHwE$-fnWJ-lJyn1cbX9nd`+CUO)maKm8Q4wuE8X?$ZL z2ObYzG0=|Lx!kJ;4sW0mr8?Yek0&k|{ zv+eg@AQ#1_7E#ZO9KcsPjJWVG7kp9!JO3Y~Vk|dV7d>=T8CuX#j8vy`TAZ5iUNtz$ z;bEKd-qm`857avrt%RAcp$ZBAB)eE+0Ksy&Nh|r>ScyelR$6$qEhrs-5Nd18kWA&= z16ELjZFYqb^fZ@}1UTBibzbzMXhUSW6NHUN2H&PiG`*%&{G(o(8MoQ|-PQaoAfO+r zp!;5{q|!n{r=`z~fKo`!ofET4?t#zmp0|6=GwX7Ug^$kclXI+}_?fj_a$xG3CQW$sj*K`xusVlF*uZOQ zofQ|^aIsHTMXIt$XYW<xftTS}$^}zBN?@ zMjNlGnunQDBsuuCORtX7PWNK>3N~yYp$It+vAl;~v#DyCz-8Q0-TNvOpAvm;Me84gE{NlEnz!MB1H5W z0-&jdRnU>m5lJge;vpz%qZ$}5Xwm7)GC{}&hcM-a&1(4ym`D=hnn|Qg*1+eE0n*&w zVG{AiQRN$IA@rl`G9YyD-B8#TukEHLkoq{GAzQzszOE2O9ew^JJ$P#GDl}3{*BuK9 z->ww;Jb@EU!fh`;p)yT40S*ls49V9?9NSRqUtPvA0UeB89C-L3+nDLxHy^7%%~^hB7~cY= z@$OI(I!rB|?JUtw_N>IkrOoMiNiGWAFL%$L$-J)|iU3QD_P=^PJjyXU9Omus3n6Dt zt09?``SyqnOjr_G3NOko^b_sxXyCTKBy zs_aD8D%X)mb1j%5rVz2G9&iOwEe{%v6|j6lx^1~m=Zbm zW}39`q{ckNUua^!<)T#@`$6g4SMm<6I7y))>3j7Yz->J@H(yJiOVIdv2jCgbwsPkPtO9KSmJ7rQa4tb>rx6!Q`;?`@$m)K;?dk5=wD%KS$-Vs@7FCvh6vxNC%LYH z#HY#ebl-@=g7)Ud`@T4-jG8Ky+t)VjB_gtv;8N2sUdap$)soxT+T&R+niUgZ&}P;p z)l)R_{GzOJ08dqKR!LPis!+`^N4QM0u1}^{tD^fx=VL;5$!m6zq^ML-)3WJRMzvSlak8*1mJ2aRYm(CDmwkd^9>Ko zqeU8P-{A>g;uXyCuhO137pH0}wxQDbunumbXN!}y6wl1pBB~`A20n&F!&KnTIjn{> zkRNc!5&dbC&Acxw)Qx}xYozQwn&RnvAl!jr-)PSiQUy6XG$^M36^Q;tqFHJC^%fxV2rkQ2B}daf;%VGEjl2+bH`Ek%42V4PO}V3JT~cZ(p!L`qby{6Fhk4)i=6}z zfNRoaE5*%qPt`-X4nxp$^nevP|3Gw7+GRY9!k6pBsoiKCf_9~Iin`yirn5GOWu593 zCO9GAp+c3JJRkc`ex}A$`eKbOppKkG-7t8e#nvo*K%EsJ{C9{L@L6 zNpTXU>@OmSh{!v3h;rox%iKez44tED$Ko2oEGTC}-INzC8z?~W{jG>Kn*M&U4?c{@ z?A=0Yh0biLY}iea^Gg5ISW7?fZBak)V2vPrtrKS3r!c@ads|_sf4)U%?{zh^{9DJf zj~7S4M19Y4DeFn&t{#?al2nAG+ZT3DgRD@{|i^DQQpa(HJ#F@FlfSzlMX_Bh?!K z*A7tAos5nn636KEBg;63lTkt;X|tDDhmR}yQ^vz<7KbiKe@pHT{~@qtOJmepz7Wo{ zP6Jen49Jgn;3u=iC()*9=(26MP*C(}#6kQ#)#Fqso{B1>!L(B{t-55PVUQ_tZYolf zz#3j20$_Xl7K}J<8T+ZTz&&0Sr{pg+jXPT-Lo_kFkYNZXO;uqaXa#6t#@vn=rds`i zb9HxDjL$6U0<acU{aH(1#;Iae#`A|{Q5)iN1zI>SdRg^fySA~;Hp zILvJoaB1+r5YUco6z*ZunWZ=SS?LqeF(n@Ch1k|Y@y#Q|@kb}|gE;-A?+lhHNRT#+ zIgQhk8SgM;&zk!=i#F5Y{Cv)jLcZ%GM&8GbG$noX=3lRv>DFy6JijwaJ$86)n+MEi z;zzI~=L+(Q_GB*Ek8?iSz}BWqQ6}goNl{X@e(jpN#pGDHXTnUn+J1>D?D*!5!Wp-R z@)zEuOU{tI6LVi9rjr@ftLBU^5b>WoWG%#=Jz1H{(zItkcGxVjK6`A-5V73WERaAX zD@o%FM+i*M=UfFT^Xs(|+tG)wJiKQdU&7iRSmLgDQaRZzjR=Imz@hLd!w?Y^-2`5r zTd=QLfh^1KKI$NdS8pZOCL~U(N|k9x#rC1wl{MwYITqIPHQW1t66W&s&qX;AWzDV3 z7>#UDXS7>O6(fG{wt7YL>606tdAWu8h$p#7>jGK&tm5%L$jeBjZY{qK!lzN%psCnb zVpwG%zFpk(rCY^jdOCvSw0Uao3V0DE7OgEy;UO%ruO=7cCTxJxZpU`Zug`&puv$q? zp!Zoq)V=Ne>|T=`**Qc^#I<#y>RPC$p-q!sUoT%rJg-%!bvP0jJkTXnJ^8HJD}=^A zh$rl#9NX#Xl!~MF>Ym!{c|}M6C{FT~=3@xz@Ha1#Gk0wfNCzUIK_K`(=G_+&u_kaD z#jPcCC!*=#=<~>qxaHu*YBQG)J6d7>ej`u#Hpf2tAu!;ZNz7;%zj#1rah_#V>8LZr z)2`26>M75^7eq4Oy)9{A6Txb~s492)om-vLPSn`#!n%Jzhnq zC*>nNw`Hku4ywbuVoY&72?RZ!N|wZyTCF?2x1?9t1&&B#w@>t~K^H0nz6Z2|cmbKO zPg_Ry$)r?CP@TxXn@CenR(_iGD0JLECVgFv@9+uJBu}#Y>eWuBfH7HG<&aw+gwm;~ zXBp;nUVn-x^p_&T&Qh@FoUPdGgf2OYI3dbQUlbEYL~{OMGvn^pYT*`fM9RK_s%yS( z2zuQ*8=KiQid-^pH{Qk~yM-yGpk^*brzE=;OfLv76JdMKkC{InNJ++mz56)1S@Et7 zUlt_QEh(>k)qT#Hjabr{M#S5NaVHI9CVMZhWNUllp0!GHdmQTK#TAYLe7o?Od|r3d zX<7QC;*CF(Kp^u+uEZqCo@FkSoUhwSDQH7T4!^8Vz>Fs8EVrqAQ#0B}r#yuQ@mL!H zc#t8LC~NaqFJ7IWVVT)}4fm?UD>nn~3&7Cgj^Pa}uQG_Y3Z105n!mLyG2L68v`Mux z_>@D{cslr1#eREZLh4-nZFSUhB0^z750&Z3nW_gip%9}ywr^*8RMSDy`qXm*)kl)i zz?Wf$4Od}fp1IPDxbSU~JL@9w;c$8%-NQtG`Wly*4q&s>Uyk7QKI?G~6L8ROJx=<& zkX7+xsKN)SZQTn6##VIh>0crhgOAfDbaPoRlztwhomY&xfXx|GHE0502h?}A&LY0Q z=@hB?!Xvtz(>8A|;Y~_|5O|O{#YSL4p@QO(lX5F&#jv!6{_1oz=M=##t+1i8ogq8{ zw9hxbMP~g)&gFym8Y=f_!~CWS6X6}Yfp0|%3+IR7i50-DrR)mG*K{+^R{#bHN7XAp zal~_7SHcNI`3`;I=(Cf!g57*+QtF!sV(_D8X1)pMThnFF7ewWD;lZ)zIjx%IO zB+2z($EL3^XP5dSEVi+}cd=!2NMN3<82L;lMwmA|-&3DWQdSB#l{-hfqcR8E$ttxb zp|EA#f8mv9M~hXFss|urP*AQ}NoY32#cap0bmw+$S(V}b9Jw$-cVmDf%F@`huo>id z&8S8~(p79y^`R1f@=na^?tZGy_KN|X)IpL`EfJ#m^z{DlI$3FiohK_#>{|JK(NPnq zEi=+L+`lkU;W8@F!To@0v!_6`>a&FUPl?HW9ubBQZ>HXh|4K&E%1wB%#<%@G<8lu3 zx?4Wh<(}P}f(s?OYD_;UZ2h6F`ic04$A041=Mysnmz;H0*NjTC;FPkGcu6xt+@8I5 zL^*^+d|K$*>8-;G-p(AuNy3qZ z4`5uJ+y%rfm444KmSbj^TrFm15zza#ZXAKqXcFkYds8xOf`7{5N_w?8-%3Wu*hs`H z#1XGA4jZODkxA!Pj@`Ao8MprRg88 zv7Z{XEaP@?9G?(guuCMAvwN|qI8T;Og{3@d+^}Un4L@_67j<7dmk;`7D_3PLl$JV= zl|`^4*!;|Sq>vHWv_XLx z&j+a1qa2-qp+L07i;nKQV2x{Ox5RZmF{xEAnAj5tu- z)_yR3E`2`uOtvg0x?-BoBbPgT_Zm6Gu5#ImMCViZ4VoYJszB8`$8#JkjlJIy`6|S> zX$^d9VZ1Q-sFpxU#PLcfkIet&-eq1JN}~^f8N7A%pt2dt+^E&Upi;XNg4Y%e?I%}e zeAbl6^BvzL_>m;Uipdv_VwGmId&F|6tNnK6!YwVC9&axklieI`5~trzFK;_0a4aSeGR9=qXRxUcKL?#IVJc)gvdqz z_5QP>Bwmibm#gwi2&JJyl`yHGb=h8T5CQ|avPVpno7cu`7vcN_?%j~D;R}eiOV~Fg z=WO6#XqiGDpBUz9V}lfm$31tpdGG3RWj0NqYHD`a(0)ss=EP&OWf+D5zVh96MKrAp6Ev6Ry-IF9p)l3wsRjM@uZzX!e&sYgTc1n8eb^96+mGZMeo%`&2FZ#i9Yr}+ggUM!tpnM11kOBc4UHq#O*_p|Q zin^?k*ROhO^X|4dzfa$uZs*||S-vus?q2-dN-jW+FsL+kZDjjor|7f^`l((jLmH{) zhLuPAh9v#d>&~R*&P`SU14C$r#n_xjTXH@c=XqowGw)Sk4ko_<*jJ?$Atu)P9zcE8L4wlU15`N}8 zM2Eml5*`>_o)?;O_#Cn-qd=yOtT0N^z%%-$9MZybq$Dh$H!e<2M2(rxMg{AD^5C%Q zeQE5tZsPLTw?GD(ur@|HBE&gA8qYb6j&B#dLjtHSAuKGiZ?N)fmALNi$@X48R;+9i z&5^U!sMuR1a|;r$Vtptul{%sb{4Z)Jlat(YUtkGpeEc94)wut*b zI;gVMDL7R)Q-Cg5KyreCRTm7$tybl5F7vTk%~)eZi+IXL!}6-RrlS2Y`|OyIouPXy z$8$4V$dV|Ayt0%zxvhUy>_GEXfnFerU`x*X=Q_X`rmg2baF~dkfFE$sQal$J-)#Oe=lH#*eQ(@n+?n&f_jepXi zVFCuA=utn+T#52B<#zQf>wB8ta-?;?`Je!PX`0&HSbK)mYJlHBf|12p4UgmDa0_#C zLIFCVmaOw3iE)NyXnDttO|9pt(W^Y}T{MFt8yB{QCCTEG9rV*!Y}9n|Wk0jmd*KKq zi-ews6(iyI3YU5r+&B6uR##-2^Ffm1xx&O`*upK|wx9UW(U(KsrLKHB_eRY?4VmlS zqOBqDeAHy*P2uQ2f2*l4wm)hYcUX@c;1G{!5_+UkN_Og#v=95%(ngqXe6>guPvwH* zz-4<6JB>b5`&{P2k_G30zNYTOniXN_7;c^eyUQCRnE)he3IjB%i!rRnNAq&3q~~W> zqzaL^UQ7r3lSMIq5_+|*uHyyJWSy5n@=F*;}QMV16t4z(irS{*XN4DWld z?Qj54Yb3Lt)$}})IVD^w_;hN@`4_LstfmKtb_2r}HxT8ettSE#K^~{MwJU!xwJNf7 z<&RiK*o2B$-C5MYh_(!PLRq+}H)Rm@_Bg?W#k&AJszRz@haYRnLge!0;LQV~#2p#~ z*+kmhYq~9BGb|qm9)$gG=9G}nTa^O%TZ%a~#>YdNA4Nszr-x8RxKi6`CwE>7jd zyx1fiJ+YYc3*!XW=kCqoSEFjO6oZ9>xY>I9-?AMO<{d&=B!D%FBX9J#cMS_aq{pjg zI`>(l$Dl?J8e~WBo_HTY)}jdl8)@p+*Iv2^B?ub2>|OQq%xh3u)J2jldnmX&55EMS z|9rZyTDsc=GEuf#x?nOj0dA;9^}cM9Q$`M4Ej&rQe`@-I3OA~`!Mq`lDel8Og`fv|5*hYO!}hlqsil%OjFtndtBYCa=ZId5z)cpSj*&Pz8%AdNG+|Y zsuB|z8b8#7{9~~e^V=GiuaW5c=p74{0Bu*8Nj&9Nd=dg`{=*y{UyDnWO+M&v^p%fbL=j~ObN&PK)j9=8Uh}23U8w8)KnEar2==%~j)Jo>B;xJeYZzhZ zP`_vDmSt5I(pfH18Pw+%okW!_oeq6HaqNKsPyYUus6DzHY+D%1-AbMC>4_c}z~wAz zI-zdWFWtON!p?wajG}%uTOMOlrf<p zG7KR>pjyC7mr=hqP=GH3d63Afk4+TMpzR+&5Niqrb1S-l3Ib{!jf&j_kVEDw&V?f` zme128NHWiauxp3hM)?HpTz?gH5F1R%yRwO&2eH!k}DGac-)rmQ*O-}a80b} z_k4wew@rd=;jj$@a*_kb(Gwnfdu2+Bsvc}sNKGk%adaPxjKvKH-n3+86Klcj-6iY0 z-bqu6ylS8yb0O*t*x*AZpyu;ozl?_&S@QkP*r)Xajv+-ns~eX?d97PyWC{2}pFnG# zmR|>b7V%hP%dgG&Czdk?I~!?Ru83ZoOA)Dh^Qdt?9~*%XHk|L=vXG|fO7Q8j=;M<* z&2rUVoMOUfPhFd>tOkQd1>Ezvu4-HaaFr*&a@x*5J2>+izr%y>o}Kr-T6Osoxmfv+ zdrqcIt2GUl%3l5Iyo*-n;`diR$nyL}d?W9_aUM6_@>~lVS?fWhdSQYty!0lB^P3{< zW_-q~i=JUn<7xl9HJ|y*!$r`$>eHTlVil2qu-G-a<`S~Wq8HwMNil7 zge_;oFr&0xA%1IQhW8YP>Dk`GE`c!8v*BxZ*4BR01PAKf)E#S&=;G_wAZbt`$TXAC z@+H{;u%b*1+oDYMXQWv3p047T8N8|x!VWDP9my%s+;CvE2;gv3S>=YgfQ~b zW3(bj$&c!&$5V~6g`w1FxUpKW%uX;$w%ZO_RH$#Q#LvbJ6+LWP=dl?czP|q7|3ifz zs>lOUbBQu*9C(WrW&9JKYH6e5U~5)!FtaI?wo7pWiqPiuzEgZF4}d- zY5kXlqG&_&`Xc>~@_QHK;n`o4C1T-IB`yv-qGv2_nD;3rqnYNFx#gQkhvoc^{+^|euE~0qtKFKa z8t93T!GC+@_(DpO>gJS__rVe^A=u=p^~?vydPRbdyzPRrrBnG!a=OekOEWTALrSYO zes`1gB_JJ*eZw{%bLs^-Uz<)Y2nXgP4*#JDN$E?F&`+?>V90SFEf@frc@R> za16)Cc%>cBk?Nqrm57cDGtsGs$-}2z>rXGSARa7*<))x35+30NsfvWnx0PSR0Nys#b5cdZ2P@{5yK=AOT|^vF)c`l2G!n zcFe*<(DWUewKcImO;QyniRKq|G|4?WCqOT{li1ckR4ok)Eit=jst#pNnT?LFVKmmFOfR)QQe3C#-Q6M zut~2oo{#Kf%GQXCI~0wL*3};R1CG14J@#Iw4GS<} z3yXPTr0LYOe+jJ`29LE0?392xgUU3uqeAM{ae>sLUghyIv#+G{SOVcI2Bp4Rwy^|# zNBRfiZU==mi;|xo?cc=U`0UW_tHdAO#EO3ycDg}ENqL*F`*L*28H|XJxI5=j#yWFX z=Vkn|m+}ndJ^|5m^yb)p6XEO0yKG~G9dR6GqR>ed)^2lv{hUUa9Q>k8!RJPAO7hd@ z&xea%r5Fr8p0p>;BtKyzzgaywF;S8VZ6tlA-K0nlPW8eK&8ips^-j~#sj8I2cIy88 z#`gN#`UQ2x&6%AZmkkw*l67}F7Kp-6?ih4i;Gp;U_Sd*z9;zTKNd!Fz*PjZEhA-k)fAUD*b7e+d!CX_@mU_Fe+gM#R% zgMQje(GJ$^O9uRtN{I%BQMcjLo3U)d&?MqBk)FEA^2NKon-&%@z`g46%thoo!t!x5 zl??q#)bQ~nNb%%uc}v;VDt>cd`NdH)r5{p?yo)&veOhBbO1C`~V9%dIw0`LQ*N>!% z>%!hDiEoK8CBk(}X4+}EjRfQZ-;*X`21w(76E z(%Ub|KiPcZDk@46Jz8O}8p-p;*!m#KjHQHAc3sywqyj(KT8Vb5AfG&F=vZV|s@Za> zvYK3m!Ck_Qp{CbjeN|NUwvZafOwvZK;}kh#-=IHk>=?!f9wiIBe8178>%sLw!~mH< zwYxo}M_2fN|ICtg_$XX1{R%^<;gy7=L(BycBu%orC$hrVdSyhvjiXcjD*|kq#j@{L za?Uq%nlPK=lejbSr1J+3QE^$(@Vvxri=~C~jl_@6_>)fH&N1u}K9S71%FK_X_H0wS zlzvzju$`&cp>S_1tYRNxxRgdE-tI*{CK z_cPSU4L9E0<&Uue>yl3HVi631!o7(Qd*cSd?2YuxsF)qi90n1*@DepVIXBA-{Y(O1 zvqo!duM8Y&16=4TX%r=gHe~u$uG-+NRah-iAh*`I$T>;@GOBeWBUL8AK}VR?bwff4 zlG>rcU9xnJN`h=A93($E!Q;woMwHrwNdxg=dPl^Jbh1tJ6F`+z73^}%Hy5}KPPVBy zJ3_C|idXqnrR;4KMa1JY312G>v_Bq52t7`gX!)`z2 z#HpoQH8V{tVB$~fR7;QiEct@$6vRcPVh?_Sf&lu3JuDm(*Hv**EWn(0wDVl;X^m)n zOP%>s;1vODhE7QZc@EOi^yPFt%EbM++#zp!4BDELKkV7}rl(>JyYrj1pzZ#T7iI=q z1=G}hQKa=bBYht*4$c0*0LV8t$YMI|2+CRMJP2S|lAZt8B*FGl86~|>+*FaI(`VL# z6thUWQQwCegU-&~q4U~d*aEy>>-Eq(ygV{I(VhpSVm|6-r}!{FlZ<018SGTJm3n-9VkLV4gVF_l$mr4 zcO9r1&7Au&;P1kvk0)K-CIzEn!??O&{qSv| zJ=$Ns&{h)ts^s|aTs5^cR+-vhn~A#*wuTFDZLLO#Z4B+Q@J&9a+7!W{o}7<-Q_2Ft zC&yXNUWdS7V_TM?uWphd8$y4>YJ8_)Ef}O zU64w9L{_%;m&d*TKyW(W?j3u)^o2CR%eeF8?L2H%b2W;KN;&dZ21~=yiJ`cVN+Rm@ z`c~%r@v2yt|GFQ+ngQ5W6FIZoOj~g0QCxA!AC9Z!iXYBMS zbbj?FS&11*4x(ow7nNQ9%;mC>eWYBAWQXji6?ZcjM6-(e@Bzxrd)&djV&}*gl5vPF zXTB?O;CrhebZA9Zn{;p4fP>uMQwa~<#)j+SM_wz(Hx))!Ug>OJi$)S>^}80HC#snI zT_o#%3sJVWKzsCf=O_pCtsNt4duHo7d7#U2jo zYXDhv*fvSSuAaU3hp{V{ESt#9T#C|yDD1ytNX8rO08N^9sxJso)a*cwU)($2X@Rf- zrn-q`lK+$7+StLZLP!} z)_(zONs!OEw=-I=v9ejGv7Nx2_SazI+oomsg%Lc`;{W9P9&x2o|IG4tZ0AL`wRFtq zdg@21CyL*do?mv!PVI|xfq(TuUi3@c<|tZOm@~u^;3KbliBgEjvevTh?cO|zpD~J5 z>LuIe)e?(%tS_G^MtH4PDN3hth)6JD7rI>W`O~4sRKfv z=g3R?1Vl45@~w!TNwEpn-F(<64P~)@u0@S%mqHH^UoEC#cu!w3Lce!)s-V zi9Y0m(t0aHVm7E~9>1}$Yju6{B?0sjQD?V)Ac{z5Kgg%^r9?t%fa^eK(l=R<;)2Of zY!dHFMQpdUBjd{XXC#e7x{u4ypg6X=n6?K8!(&wO*-MWq*eS~Y*=ZcdCZ=Iy!4NC* zjo!101ecsyT=j-PD3!N@XtYQi#T2^~BGW{X?=Woi8T4Io%UV0u-(T=6ZoBezg$3sQ z0RN)WxUQ!|FnBSfMg%HuMoO-;P+Ia4N>{A$t4Y>Tx<(pc3|8v4AlWz#Sb6ul`&Jh z?#{uikkSD`vaYb9Ftbp5 zI|eUKKsBWIECoyUs|{Z6*PIxJ9+*S{f%5Z4!9 zXhIxeEIAo$gH)X}059u_z^i(l6coAhd4M>Sn;dD#Y(>`IX>S0=s*>5D6)yC!5n-%Z zI!>2bG!Ffy|3%myUCg<{YoGbjz0lC!;|IegnME)+b1zh{z`FJZiIlzl*l8tRvKs+v z{WewhXHe7n(l`(}dqouM_G<>#Kmjcfj?FVE5pjj`+{xkrwGhkF({@pp2SIvZNu;fe z)@VsP@>h@04o@`dY>a6w80*7gAksP`7mB+xpEa_F+w0s{_--_ys52G)pzP|k(Zs?% zDKAfk0yBVU$swl$3Cbz}1*YUNRmhSLb-H_6U?|EMHFk#K6ns9IgQ=>GR8-9WwC)1BjhnPXE|p zJ5aLUIPUXG(6Cyc6W$qd|JYf{h+cnc46VVAM7Kkl>Kh+qCf=FtBFp1%-e{{ zB;Nbpesl!@rEOOl%>a=Im&<~Ey4r3_FzZ~9$} zeeZmLHwy#7gI8}0wI;1yNtwlp3ON>s*Tm-hw0@=C{)fkpkWMVUNwo=HA^M86*qB(b z6JzT_-Jjo^2*lEA&QBsw8^#nBM0<$#;0ytq7Ge!J#g5x3I5RJrvsH8NN+3WDU4>6A z9KKacXk|1L0J@v8#O z_Lx?)&rF6oAVgxG==YA=o^_{W;4S2%ev9~z|4dq7%=O)(0Pr!Gk?t~Qb(Mx`{{KI8 z4+HIVnqw80{smNi!<(z%CM9y^Hec1d8ZgXA&Ak+#$izeyo9Isbo z8B&$VcazokkMb_wBn36rZ?GT6Mn2_T67@XhW7vMYer~@y21SFpQB79MSFO zd3p(GsQM$ z<6mtwRxwjHCGBn;F(NIRQ}E+>n zmS;Ou3qg3BJ>3+f7JnE_(%$C7zkBQgG{u!vwFfsq6c1Xm8*#Ax^|x>Z(D!U+LxcCc zF!)R>buocx|9))iU*3)NF>3s}Mf0@8z6@V=q`uVGPI!jd%Mt)Vv5x206~0_j=sg>o zVK=e=3TfAH#>x)0NctW}l>l~;uKz!CS-HGZWlm0^yg76rZBF?v!R7*O!Wx-{1WT|&KZDBlO_1`yh)uxfn%NgG#nIhW(3x0Q%hmB#H(yFVhEtjuuV;5G zm^5`iYK<`}nAAm-Oytv7DJ;0-FmH6E%RE~5@f}C?_j3c%nhv zP);YX7|Q+dV1Rtf(*On8&%s4mT#YXSJw;ryD*lNE*sQmd+(##rAYS; z%kD_5!9Z1TxX&L!u1?h8^CxBJvZq)lNwBCg{BF5eT3FJ}0 zzSW1sLM$PLR*DK2*H!Mn zWJd2=Ux_(*KUb%<*;yTDFL_)#Xlx%?@$B4Ll0Cq}BsyVM@k)W%v~V~UOS3FZmM&}7 zS(-_&l(w~RzVWcYWx%IE}(E~!bmqmS;(9=p$COU0FGbZoQB?Jm*xaG+IFC&2-u_7>UN$~ zSt#An`@)H#ic6L!=rg2o@5n0O1?MS>-*<^aG3_P4X;tApptRgqD123?PZO{cLq|`e zxMjeDrW|oxaF~&)iOLmGq;)s@HEV!cy?@!;+TO03j<6SgZN|8t(gfurURTU$Nuy=? zta7EjJEpw*{=Ho@GvhDP+;7j-DWCn^#{?murI8ktiyU1LTyXV#Q>gGuRVA7ex8`M_ z1ca=WY-^Y5gjYxgwu#wBytw^Uu73FPX%Q!EljDAxoC)VqtBSI*smI?Vx4ARemw#)c z8u%_83QyY2I}6dVw6<(Vq##@GH_4|X$$lPvx!0a%AbbvZGt;5cN)!yn@pdN4{R57O zF9pe8b3U=HmR^clKF;g(N08Nj`-OL8tUZVZzuTLj|FdS%os7%aJ4}vA)lX>**eRpu zB!wW2btZ!d>gncI_AODpSuBFeUQTVU3uBw!q^xcb1CR&)orb6+WG34)H^dW+Qj2%O zD_15^7YGw#ZVV!$0Z>Y8J9KV;nuaWsLy3tXK>Ieqa4@g*H@|eoH)V1lHq;%r2am*L zV8-b@t|eHnr);x&d~;8Syj)o4R7qLe&KU%YM5_vGbs z;FYyOvU~Zlg=+35)+Eh)7Rv8yWX;D5f-e2FV5h{+dOpTYwi%11W7*I(kgHdt_PTC8Wv-2V;p5?BRahHOC#&s}7$Ut~s13idaa*l+FA@$oFkDfe@i&;sA@#8WsNlOkL zhFpF`MU>B2>x>QpPUSIic;e|4ii{`4}T;;7~PN4UUsdn{K%jSiiq0a8rTi~uk? zXnFS)O`>u-oLvH5zw<%Oze*q_dd{jeIQqu^*c$eh7bPFk3+@^fazW7&RG5xd;g|!y z_fi`R~Fb=jB8i!%+p(H1QZVrBUb-+uJ=y3(Jlni%825`dx2?3AGfU zH0KOjq-b-Dhhna0K5ZzB(xVAn^tnAJbM(OrFcV#fzxB&pd`Z*|k9-%JmzI#05jgdO ztP1#bAVS^Q!?VqG4f5JQG&N@({sT;eQ;F@FmEJ1HMRT~Ia}Jo?*!S8cNg^`yA70Z- z`@Px`kI!pEHA-8DWxG&WGVTKUXq;vSEHKmSm22}Mt%3{7tP)ksEALNWK{mr9QRq3V zxc*yLKvgwk>e8i<+n0(tTvpmknUuFoKgEXuGR!uo|FJJDj-#3NxB)bV<~RkwySgPP zEl2Ue6-1cehcEIv+NB-yv9`Hs$KZIZYV*K@RWz&bY}gT*#w8_gw6r}Z~wX^O}pz72%`cM>k*r>9LDXKdXmZS4KZ zmu{AR?JVNNIcYvG((=M+A~mo4s3_=wodwr*0R>XH>w{KK?xDJ|2xdgH8^ftIN~%Kk z{Xr4PJqT^WVmnvwom-K+Yn8&7(wA4)D!QR%H`3UEcP|Fo16k@tl^4wggObEs&>-Gy zkcoskoV3B~OF?=ezu7H#d#f#9i9X;BLCZ+vTFS}fsY{w6dA*<{NK z63PgIAlJ+*Pl-TjZmtjb;x1#=6mQIIHtR|qMrc0tuW#rz0wKY7-<4-5z>QqNtHd!A zf$ib23FQ_^YY@1@8!ayz1F4^o8mz4%k)j_IH5!ep=AR~!mnmq4o_82E>R^5rfEoWl zi#&Ke2OOhP_9uq3B>LWAK{u}hRdz?|Z5Yw$I8|P&pf6xJo|O1%s`9t#;}x-2_`R?? zjSA#sO6{m_Kfl6t{X;5>J08*OkBuVh<{4RxZ?+t07LpNp04KP54*&xaT0)GWKh0|f zhOwhhA{T(XKfe6uYuvRs;@7@<6A`*P(95Q$ULt7bxl}Bmx-cl)Kh3IADekO94IHz} zj>`>^BFR}bx(srsp+y)@c45r=*R7_kQY%Oym|ibCGKHGf@R^w8nt5i!{f9fNftXAk zpF$t?Y{C$4P$$PkO54-6&tVdoXlAoVQ0)Qqv}8s{2c?3-%-Tw`nkTL>ps`bJcF7n| zjjOB9h(F^C?yi&DnBF4{G&~`3fjqNf6YLD^?K(s|$D)01z<%s*m8Z=u$_$1#mm?U} z+?>>}lDb`Df2Nn=5WFM|*an?|Io<|!W8SHC4_#}7puvB3sq~#zm+pu7{8O4>zV7xP za&xjcGiEFW!aQ9IEwNtJeOz5(5ZZR4zB0^M)DJw$8`)N;|7l|H${u1K(xzQz-`gOV zh}0i zq(galfs0IzxH0nROXA8O%kKq!@8c$#GEuQ^T$6FN-bxhjt_18-#Uq39ipD>p`|5kO ztRoB7I2MvU8k1KsX>r(Gvu^9tPP0fEElrXJlVMj!%6J5M9AOKwtFqj|{4Ri!@sXI- z?wWnFEm%*-w)w+cN7gy`?J|w00A<+_lsYu`)$$1sw5mewaLR_LA!`?OF4F|EnQg~= z>Qar+06D5qc$9$xf$uw219lF^99l=M;k}^e&Z^TZ`~GfaE4@7USmil`YF&u*EGh}2 zy0BVXP}UG((~NI|0#k87b1$Im@RK4sWPnaa{+X|9)|OhH>y0RBgCqQz zn(r2N!w;l0*b-9LS_)&-h5X5fr) z;i#=ZNzV8^zt=FcAWA=Rjvs?#xfvYn^{y}DDX^^thSS_n!Qu*o->!2Wtpj7HyX-gI z=`=;oKqmm?_EIXzD7y$}s#f~nK4fnIy2+Dw^!QEcLI$=_WRpr@KHro;{TilpxxGVb z*lXJ>7CRIHFkX`F&bNSVDu;g3xlUxyq5ahRSVL7bUK5Mp!=rb3ugJhLUJo(=E(^@K z>r)svIc~KN`Ty0M!{}1*keC&j1_h%G;1r8(aI2Xy;rRiar1K`&UhXbF-?BrfE(NZ@ z==39(PK@9PIRvKJXw$=uVHwJ#j%BEp8Z@L1^dj=#fd ztu+z&nX8d*!}4PKC!4FN@w-n4v@xOYvlXgZ@NezL4?hbYsH*C;nfp=czu$thyl}5)A$7m(GN`&6VLHU_CxGo zerY*Or4$<-)#fqFPb0RnoNuzYNPHw_No>_NRIa|gxWa0gUqX8^@rq|HG1@%(qg}Ep z-VzWZbRtP71_P-v(2QG_>GfcGXw(e2+si@M2W>nH{4(7=WNAgWeAZl)bIlbcNYt0S zO7%8kA>WAepu?$&I=^$mLaIX)x$l_ZSNY^$bKIg)I1#2%eZBpCfsaV$ zgHz`?RdU4>=tA@>`_oY$O5U;QkkEYAv(%#bo*jL?B8ORUEH>aA;GlqToog>`Eh%R! zK^SWx-s`dled&^i; zm|7_Je9dWG2XnsXuVZf4KNXk+w>KZ)9yp(A^o+5%lEF$a-WTzDkY(u%A znnQytD4V(F(V2S4!)ID&K5k|2Nu%RBFF$Cs^~((*vn*pFAw0UJIvJG}6{hb^_fAn3 zThsqxZ^Sf$*IlkXFn}vr7gjwest?O_yZi|ZDl=3uR^z8@Mb49e55sR|L3$X)`jZ;U z4J4 zfWJAK<9|O8AU{xM;@A%N$A)XHVp=%EyZL(O#>7HcgN=OyaArZYW^7Mv8-Hxuwr$&* z*tRE_*tX4yHE}Yroor@yU+sJQwraQPzvrIr{?6&sf8DC?dv2dT=z1Z)gq9wr-7srH z)$Mm?b~H(_L2QqOR^`7}1t#Amng^L5SXUnCF26kg0vNPSKs-HT)Q(wlp|nlljUw#M zCYUIEf^n1D;i1-J%e4H|AZ4epr#tQr3rD6!h)FnL24#k&Ony10P|&8RLTURb_QRUCr z1uE%={_6HN_;o44RPdkcoB;kGO=ioL;T#gnphL8xsU!m6PE7uQj{w^RKF96(cW$_ zz!*J6EYMg zOYgTo*YTi9SswHLoRX+pVN^$_5=>=J*JHB|+6p2mjWFb;);dW6*x{qGy)F5|ABYZt z1Tq;vDJ8nq5Fx9EeVBUhyLo*<$hJRZ+%Uy2X*k!f*@~zy*~t%}u#>jdfQ>@E=YD}x zPx^*2uLp)xua@!spwndO`S@JmU;%L#5c5s-Kyv=vD^mX)%%SO}@wyOP?PEO1mCfX7eMEh35(cr{!V5@;K zMJW)m#pQqv1}19eO+i`Fk}mNkkF;i`g1~x=kQE6{sgh(1=o13!kYe7LzSFu}Wt}^i zaYZpD_d8y$?E|URo2NVWs&#S@5@R#!O=DEggH{&TB&hF7O@%-jBAc&zB~P;VbDuAA zDZgr%HRXAM<-zoLgSf2zEw|Mx1Yzh@Y>D-P?=1BV0Nhp*3O+ zZZiPz(REU$y0Tuw7aw`z4_tt6<@us-x-CuRjvl3Bwf4x70BC!{V5VCeXro3yrw`jdDA=t|`~p(q zS}46P1HtI%6s)_^+{4;hB!XSCL~wfB{Dnw?hUBNi0Q(BJmzMW9wG+uY?zO*XH!~X> z+NWG)PR>Bzw$TTegTW^;XZM)9DGz29M7LZTNI;xtTa&N=TxO@p#l`Ggo>x1H zlp)~EK_d|8P9PvyshM1syXcy)4Ud@}hKv#8JQDGP|HMkvF?c9EP3`jA)qam29=5_L zpw!JnGLNqE5t$Q23}fno4V2pqw>csm)}dd34DYbSh{<^k(DuQ6Cj&J_lqJBO7cw3^ zJpq35!RCv=4syJh3<@-YU`*n}+xa*Qg?I(mml#y`y0iBSp3C4iWX1NHV9jF$kuEug zNG6Qpff(2d&5NOh)ot7pz%R!T1Fgi(EhH7qX`s#m71f!>B#xa>%s(mI$U0=!DWIV?}`^PA3 z5ZYI|z~$MT%c(*4Hxs~5+UVB_z<6Bxl1P5f9AkPccGr3qLx7h=i9Fs4UXqRAWueL#(1PnBM z(l_4u4UHftcUK*N_QGH=l_$xkr3u22NLz%C_7>yj2M=g|OVL9E0P10KlllQNK?bBk zI0n9%Tzs5e(1lW-1yi6|pf37>WXBL~+FypE#txR+k> z#pgq#>2>;-3ThQ`2%>n8_JF+kZ;$76P^SX)d!_I}B@3DJcqA@Kt)3x!f8)lCKi?~g zaC6gp=TT+@!|ZpeXPFYDR)bUFBM+C|QNoC}#)vPU(t!CLm~a!;=pR*MBIt=KYWW{= zzxQ*`1{r^AU#4*3qpg()&|)GV#C1qxbR-w7Q*I$1<27R~G+3Z=GwWv(j8?%9FG zdXRbcB2!@3W9R|u<9L|Lqu4=>hQR72Yshea1J-_d`Ry%lpPJKFJtqd&rjD7e4c+W- zO>|f8(UA;E;-U~~RhB1Ka2z2LkCg_JBZ+i;`hncFb(LYFY=fCro3kSuMe!QqlKqF| zv5geTVkg($n!~#Fpr*8C`0=r0kd8lts1WTe(2#{Ywa!w-hD(?ZTgM5pdqAi)PY3wo zzF`PmrPE^`EQFsOSk*{io^gNDe&bQE0ffFW`Q=qX0&j1N)NZxkTHwgVyHqE5=7z1XzMopi&TM!Y?a`a&y43^hN zCSACdY2b$v+9%FAR_TQOY!kQEmc!%;AJOtg@i$ZzZZ`qZPT4zut4An*2 znk=RE=)d=w^F~3nItNv33UCucP(}n8Z)XjPD!ne}y{hhq*!`rUT(HzSq7l*@hG-Mw zJI;_k2PSEE@0>l4fo3mMbx?hK>lEHEe(?3ou7)dX7y99|c&9TGfv!C@tDo{`$|)T- zhUw+`@~4k}8AjRk+(UM=TR6~7;HIY|Vo~%shK{uWuY`FlSduiVWY>r4aA*R_3uNhv z^pUZ-8q_pF+xM}d`d=65Chb7%IYg8W?eI8*jqM=1WNxGl7h38GJ$j?BVPO$71dAN< z#s~)q9V0Uiz0S;wR)#^xg3Qu^b=Yefd3RHNFQ|GPorO~Qr8)@De<0V>n`|)O7dy8Q z4!;FA9@05;QIXARy~Vn|WYM6O9gN3!MN~VJupUzepOz*bUi$b93#s<-x|AKhzK|-N z2*ZD!r$c4Ag)PD=r^Fg#WS=1{A_6Z@T_iTagz&uE7SNY@CDUFe4dd{u2V}fIhfxIO zk+z9U_mEKi0OJ@lD}19va-8F*X$)?WS|#dU2l`~ zzCukWgu6i6aAS}QDhXyM`*ah?Mz(ZVs8)lUDE}QL!Z%d)T#_ElvvM+`%`l=J@1o7I$4vCw|Yah2JCA$ORzysi4<5J zW(|_NVbim^YHtsm&n?MtIeRSg={nj*TCuHHKa9ekYfN)GZR0q+N~R;>XKI}tqv6Mb zhghV#*$NC3OWy@DbgbfLV{!rJbbFq)^k}lgAHH3EO4#)ZA?w${*VKLl_iv)q2`o2z zwv0Ljx8LDbTF!ljcAsCaK#kLdDZv6PpZH!EtRb*!KnuM5Ljkos_|x}GYhw`(oMMbz7reYTJ;GgiVuw{J1~ zQ}hpf6UH1zJNdRg@E|mo!oozKiZr`2-!5f6f+eZ+Qe?2Zrk$+`LQ(d}`xYT2K9o_} zFq-sk!U8@-)?riYh zMa&uU4p97DbV|vE!wXwtN7!=~_I<8jL@rSi-Tp)Xqg7|1vgcBq-G?AAlnRYIIF#>b ze8zT~tGOWiM&WK>0@My_BJ6H;g@|K+)^k3}F}>XM0HYfs*=6BH=yHRQ+o({RveTA6 z@`@78FMTHpGicP)FB5Bf^?!L%A`+`rijHc(U)~bNJW9gd6Rqm_H93E_g<0^{Q4ExY zsSwRo@`u&lFSJo!k;0s*`1Qt^A~1B6w}}n;Vh0KdTd~Ddt!?=fF)K2&{tPd(LzVL5 zls#Xeh|K0}8QeW)F}oK@NC{1cHgk~=vwhfK<45JCs_PP0qPtuZW(q&fB`VjYN=}2t zWx0uhdvBNg9B8>CximT%Bxgh_l6zRKWRGb}{jrYUdNdZ~tFfL!=%t2H2wpzYr3G`Yg#Nh!Pws(2`JKs1a^~|e z+_03l*ptoJcc3)a(VI;Fmg*!^H=|eX2mzKy>UlP$0pcHDC+524PI^I3K0pgjW$`@r z4=?J#SncUyR)PkdXIG}(L=*wyrF3U@_;D@4()l#dHBiFFmBw&Wg3B3)iIAJ!@T!P7 z3{~p_kipHS+lZl%TkNYe^9+pc)z{9JD69`TBb zwj{XFAf%wr7J)D7ru=~xAA6`8vDfO%!GwE@ZX?x@g}7p!b(y2M2HYQBUS06G;p1*t zwulHhe`&mz9{3ps%+g^J@~;|xBF9AlvnwAb2y>(%cTug|i0q|wu#!zNG7OI4zy$Ju z-~-KCb9Fr9)6zO8u@3{=QudsN4p9XkDESY~71hGlMw)Kz)9S_J{~*i9V4vg!g3@V1 zZEbxleD!=cEgmVy-s>W~a5KK6mG)q4D@1Y{b4AO);l*q)^VrH6ENQFCns^u1EhGi{ zkef*cR^Vnd>gDb2GL~qwqsa_SZ#o$M+-tzvHB-;9%)F^tq$#VJr$^xn#YjtuVhq>b zDW4Y$C35D_E`Z3V$Q?)Ck-fw!mt+qBDnG@XRQnsl8{-JCou}!$n{Ul6GprwLLk6k4 zrFq{_sc7+JYvb+bH)vSt=;}^DN^;QntbB$_!Ea_4^ez;77)1HWZH76~6K<5!j5d=J z)Ps(KQmsAsmgtR`^hzNoPd19Ph~G_W9kO$^muvKW@3$)h$1S#!Yk*#;&})1yzp;DP zkP{}xEJbfc^EB17b<_*1BL;rYJ@7{$-=ilL2T%x7gEuzA zmd~283^a7y<9kVzKeI}RPC)ZO(V%t}nQj?ej0l}Pd36V36vP-BlfADo z-7)e&21|OJXNgI#zwUaxe3UP_$a&!I7j?f(ADOhw+4{ zIn!}6&|znito7Qp)6QmqYrrg5+xctdU0)Hkm@?)Sw{?-%ez2>V&;AZzcXC4Q%LO?jWgDP8Ikr760YNYP^n?|q)gD|t|IxWR zRv^D8LXpi)U~w1-jjkD=MblS0B~^|UJvH_X*2341NbJH;Ozg@9V4JihbcnN(268=8 zv2P~5lY@_08qFIX5{j5L7@ZIyAKeLrm4#29lwEM~hSV_I#F`*D8RPB<9iFW-l)$!( za!uMl9E}|^7ntEzH^sNW`*dVMfYw5wzLcjLt7SfYPy%^U_i^XIqLiZhiY}AIdnJ7* z5DxO)f_UuDhIdCN2{9wKr__WgDfv<4)jbA~oXB0w0?|x(B%Qgds$$V?{(KI6ybH}G z&erO0I=z4&;adg~3pVN}zU_9Gu?~X7$lT$wg>#yA-!q5yAGjx8$N%&?>aNN+|KPeM z=mQ#~Hv#w3#TWxz!sKn0`QR!XC2vVOkf|~i(jmR$oIFdYo8Jr#j;0sIJZNr z67NxXL0nwG;)~j?oudC>;p7ie2>?l4sF2`oM^?sUMVZ`n7_qAAgZpsLw`MuZeb;ktcgwnSH8>U zqbfI&bAZR;u86eE%XCs8)!ni;#Tp(Z{6vu{#3@vKHb(m3VR6MS&@@RcUa{w?odY7e znmnrV@z(e5O_J6VU<(Cyn)__UjGilQ@33OtJz4TC({RciS1UYf=GPc!>vC>sy9+te zN1R$mAf~*KTE^>k*B}Su_eaOc=*4lxl72M`d+C?3? z#^+M*-VJ{697CV)+vEyenWvZ%k(Slmnda%(9ryZbGr9Z4f_zq+vUF^du@Eb~@Yuxr z-*;@vR*|x;G0696_ot-6+t=ilBVO9W2?P}P;`8-pNhE?7pB;KL;n@8}9EE={d)nP)MsZ|9kpq7B;s3ls;O;)4`OGLEgwp*~J!yL5`3S z0Dxf-vvhKHA>?G{_>T)$Fdq zHQ~^Un73p~KxDC$2-!HOHKY8jg=0E}f_d0Z0vC4-jH??&iUb;MLMt=5%m&uC5-=rQ zn`jml$+GV*29E2LA?P&65O9zg zkZhRcB8>(rq$~l<)R<_*g2FkL^l>0A+!35m*hkP$7T65mkfNHeMUrExp%cwwyP@G! z;NSuI+I11J9&ymSh1!xrdXbrlVsw<{f-X{pHA9_J8Q}@gg-RMw6UN`A=0R2)>LsZc~X~?Y6K;f;hKPeStc?`Zc z{Lmz-K(qixA`Cf(RX{=nE}&D0p@dIg^|pvEMBaj&XR|1do7J5+JoqM{{ELAy2|=Zh zCMRECO_`f2?&x|xA!wd*(jH|h*#Hrn3v3doA{6Ck8QtcPl>*=@zzr?u(W0nBuo$!q zU{%I8_)|)0K_gRFFi}D87o4V)K~jLns2h|SC83HaSzIP~CN=o4QDT)y1)$OsyZMjb zI|HEC4{;NIBnaX~*JlE_F%+fmV-(P@DS1PWyBQweVd36<2=yN2&8A8*wIow%b*+hH zZLeaeR4rm)kM9rvOu#Wm9tF?U>|X5%=j!9;PD1P@c#!ycy+`x;bLUObmwwU>o_Ng0 zQkV;kp-UYMF`SqAvtl9AdzrthNf&EH@LPX=#QEd?zC-{M)}!;pIMu4*#d6BpRJ71l z@h;T>$@?Ycj2IcCY#S6^>0}!);H=ghai$u!MB(h77=yYNg{k}`H*vW!cVKXp++~V^liujOq=QY;ts9o`=!m8AbOF=FQ8BVAVniIp!mry=%onK zq*4E-OrwHdRW}cQs3c)X3rT|hF7uGj_(HdjwL=!#(tcYLOA2zxLKVnl3Cse;@AxL$ zS-P?>P`Kn9!u%-(q-DiA+HAB?2|mx&RVZ14(+IUzBH*sUrJn^anY7Sk)X=w+tZ*7KDXfL*oTRc-Q7=EBRBplB5KQu|F(4!O|(s=WH7Mkg$JTLd0TioIATP7r;k3&Uq&k{pohQ1M(xr zcYoTCtr`2;$DE&%pX@6-+3*$|ZJn2Z&0;@Qye-17@RwLYqs&G+9}MjCww9z0)PiwW3v)7{cn z&~Czw*Mf|UB`}UD^<;-B>|Y!ZVm$7jT9NHvx6R;ZuEz$HpF$^QAoFVV#XQ8w5=VMl zTH?`0Nk_&)Nal$z zWjfi$u-8PS^8AEd5uH4Z;0UHeY2=}9nL*xh6FF7T0_r#+FNY8SitXQ{I6ao5N*U=@ zQp$CgJt-t&YOP!!Yo5KRT?OmA8oy0M9wS3hicgjKMkDL zSt{xz>Z?vuM6o?Bo|mzBj+}*LWeDDjd;C87z$B)(2Vr`me|WL<8_gLDOS<@}uy?vQ zmHgmlxtV4R6eZrtG?M4EL`m~POX2r{ggDR79b4(LHz_R848PxPw=ivT6ebl-S;+v= zF=0FQGl(Q7N8eMQE>Y=4Pe)zpo3(1L)_LdP4+R7@+K7pbV9iC+F(oyT!$puug3Ns$ z?No7ILZuZWQNkzvS7JGp(ug`ZMax~ zM;Brx1$JSU)6$HDO&&2DH!XQsO;TgLyRwVyF$;C-sT01zo++sqnWMm(rbi`OmXI)I z<+EzKDg4TP-J|zbEfi(8sq-)+;N^A`#^sE|?%RV)0Yl^A%2vX+o`Xr?2+E2L9J|$j zG==l_r^hRt;~V#qi>)s1s`egl$O=~oK}i6<5J>n*ZoIk^Zx#RJceIh6`LoiNxW!~J zE-r1z@`h+Vxu;RojkQ*MenjrBU%n1RzV_0b1TYWM9h5}s5rs`%lNnhIsc8+>50wKZ zCpP&+)86Y%s(A$^i$;x`guuq$kV0?d=OQ{_7?h;IJ<`A+oCLgduGvtpX(d#l1ze}S;LN6NtKCGY%-gOQQ8YK&5yfZMIONC@fS}{ zJ&o5ZOy04bXUgMmx+aU8H+C2OciE$n2bs`jaTF7EMb%kn1nv0Xy&L5i&VyXG$6iPH zp~4-KJo@MouI$Xc_t}#ypP$eC&+$DWxF=L(q99q6vn#kycv&b%6=Yb!#a@0gsooug zCmGP)W6DZdhecrHHo9tt^{Nj=_$VbAyxYa8Wh50mrY&cyC$lE3qfT`trS2@tr}L=h zlze8|1pzpy879B7H*p@6Qk^c5cuUpy9Vz(~ILr~P$CS+nWCGur*l=Qn0M}sh=qNZ< zdw%19%zaj>hP=`Vs!Jml#oyykAWTblMxz;mGi}m&jO2gj?X2l;|X|uNC|W{R17rDj*4-uBML!h<#V0E zk8Tfxe1%9m;v$OpyopIXrGpk{s}G$;fl z@1wlBylOkalfGiZx%I^h5)^3V@UmF+U*;OVf+zxoE0#@27*&}MvLi;)& z;vRBYV}AwTqCa$>^nc-Tk<^?V|9iy*Ua=89(tW37R03{Kj-}m8j~QL34D7 zvleak(|X(&?o}2$LHmdUFvOI6I+*p&RDCM_NOxM`s&lBEcA+O0VU>$t zR=iF$hSHlR_+*@K4Oc?@7hV zy2^>6&DbcI8C4jKHBHv3L;2|ENn)4Q>a>i@d!~sW{hq=ZiF%DX!osQAemmC?sp%2A z=I!)H1~dFAYxY@LyO8~qVM<$?hx2sUs>0+?=?1jz`$wK%s3Zkl9$b~B$C!5$Bs0c*7K_hz`Lc-llNwS~{WJ!+2HaNP5ix6Vd& zev0#zkj@JI!eyg!}~FOWVSyf>N*+ zBx)faNU$P8!(YCidaRmI+`59c)@V;d9(SeZSHEPL9hew-KN&M|;KY%?8JJA#g5B`E z-hDcv;Qw5{#i$v<=t@XLj2#|OcENm@E{U1qjf)-L&Xh+yF8&R9S6xwPQJh?WVSrFd z@je$l9f~+uv~}?K-nZ)6_5=K63p52V*Pv<7!NG}}1OFPsgJf^^9_5}6=FXQaI2sHX z@w690RQM!E7)tOU#gC%c)!;e60O*CM?TTMZb(TC*402!V`5^H}#T8O?hktWqO3&8O z^}&1SiBO)y&>va`{_qpG^C=um{{)FFEJ@ z`=CXVjpXy;V7=&QhHL+xZ6B0~pkSIFa8n?*MNeXHAKEFS9Z#`wRK{Q9FeBl9We0Sh z2%JsVt0gw}m7<>FGB$RbH>U`-IY5N|CNSY`oYgdVi9rBno;DD*e@cKUOVEpME9j(> ze>U0_ebZLs?PI8dy(YGIH)`wbZLCGppCtsPA65TxraH81?EcJ3dieOn)?FO&@IFYJ z#@ftus65RHw4(d)S6SvlpT!b?)?H|6@X0~#V_55%>`Rg1=joY+Lv!m>y^~@!Ig9af zLQQw2-i{L!Ul&)#lzO_JuFl;kiu3?e>kixRZqJY7rz=ZfcIR$b&7wdXzs_mxiSecR z$f^umtGj?~Z9#QA5%!K20s}J!LnC_wBL`FCs~NMUo@|6r1&Eb(1vqaEeL3&_8n2|) z0I-|;(+ziBghBgNd-!R98`qia%&POfIq$VCR<8>VP+V@O@AL6JN`M`WUwyv0&DuAw zIXjU{)2WQ47N=f${qC154^7s7w<(1X)}flU^Wdg@_IfeDN3@QNkY&0*3Kc_~owE$P zPFP{uZ7TzhGuxkcjZ(nPMgshML3>0!MU?0##Tv<}h7#;f4cb04UMN@c%_&@H9vz8r zck~9|7PgL2Ykf2B3}5R61#zZd#&{?i(W5eiYp+s&xa#p zI3xAZt4Ec4lY@Mh^yf;apYKU*q#baoFt~jlc!0ODz5BMB?gtwP-J{2L0!XTZXu>U65bUQ3kiS{YAeSd&1N`7y4qAQ2#_+ z7z2J!wT>aV31}2Oy1WH(SJZIL@^-`!H6cfjXx)+JGY?hXYtN%~xt@15{PZ7kKPzec zINtNB=Z`&Uf&!UG5Z+x zb>Pi|Cx~ul`-Xsi(KYzeh(8~%hV4CuP1syYG2ynll`Gy2%pl$KwQkvPPF^zww>WuT z#_I8Z5^(W*FyhC!A0il>1`-)!dtoT3;@dBzif)maYfNKSPoPVc0C=(BZrXtVpz4(N zL~d2?!@tv8Qz|~PjScenw|)Q>N?}#gcN6j;PP^fd?$o6U=p^AfxN;G8uC1!PLyrZu zliTrN3aq4r;i;p$ezo3d>y|N}$W&)YSLl*rRje-C2k~tcm!_ zf@oW6CQa5CF2ZO>SQS9r15atL;{1YS?x|{b32#|&b>d9vW?y>|&AodT+f7}@g_>-6 zhIcW1KQnj^_?sZXQ>QMdZ5>nCxR@_2g88c~q+j!GZ$nK( zSeoePYbAfoor5>WWbD9LYE>tiZJ=0I6HlE5H{xWs)@Ti8nwW|jCBniCWKM(od&9Wn zY1dG1VSl&6>W}QTP=~%dc>ufMK-Vj_pIQi6E0`4x%iDnT`T3WN>e#;8ijHVT+-ttgZNw3^sTYlD_k2Sw#`wiI z9qaMq!Xg{GGsq6P)ru`me=kD(n407CTcG7{T%`q{)Wb#onA!8)<5wnk_ER_Ra^G-l zU7ll~*O_kfF6%?xp4}hUj+$J^(>`dFpXHvlJGg5M>xo&(A+Lw`U4r#&CbmNuvIyF2 zwT11q1`fZql)T{tRXL9${8j+E3t2tWc>e6HlE2wowBf*<)|-`%RLUk*|Lp}mn63=a_005-^5*=nXw!e3$ zzr^le4S)sk_b&36SpFrZe~HOo@(=Z|&iHT9;xBRjOa4LriPQcq>ijPq%6|(E{}u30 z@*n=6w*P<%{zcLMXW@S}|1d^>tG~AG0RaDmt^aa1f5|^J|D{L6zt#T?`DgHd(eCoM z?Vp-|Hvez#-#Gpa>p$?Cf1&n&$-mD2ah6mJDwZxbrj%3+%C1IMrp7K`obZ>A+2!kx zl`&K?)gW}Ybg>|``0`*oIhmRfIv5&T8=9L^F(^3Mo46XAI#D{9n0>+M80lF6^o;CO z4AQ2a?)FY5&XiOz|5KBty`9LH6Pu7ygo_El$PQp(WMpJzWn*Eb0dP_P02E(1S$mWJ z7evL$(80mfTbG{TvNxdt7$7?#r54Ms316 z(nK#H!2m)*2HS9|;|R!{%-}VOQ|bgc zCkQy+ElpVmhN({R{I$RbA6*qJp1Q?E&x}?=g;eIK!mg33Zh)x4(Bk) z24PY4u?K36?X6i}uPOW;JFzuN!_Ns{f-6I#N!F1?LTtq6XiT_kB!SmGAtO(+dIdvd z!AfHKH_DO&X@{{eXCbG1wLUPC!MjJ)dIu#Zks}x+G$C^tR)_?C!`29Z7K`+02^NB| zoDH1Du0xb1^z0n5a|0MSdZ2aZ@ECv{Bb zRBlWr;n2he&3TUR!q!$loL${i$DTYlHLFLaBEzYv_7`<>@y)YQLDJXJ{fKTO%=};l z&Jg{D-H7XkK6;V(I6W%;#_W^Ft3P}6?;gCpgs1aqYi14*4&;WM7+XfqrP_$LOIIXk z>6|*0>;@+nTv1%2`ca#Csb*$ep=JvKJ96nd7x*|@`{Z4C5V!QgIpo1n@yG3kV)E

+jm{2Hk8`%E?CKReuT~H(u7>5;Gj1FKSJoxw=lSo9rBK(bfATtiu*+@qnAXV<(eI8mp<3P&bz#$IW;Y$oMp|0SotA2 zBX+E(J@)wANmWvi;EvX?KDb;`-++Ry+~W+u=zb?O2Az86%kD}?K!@y8e&?&#I;uIc7A>#; z(72tkF9L%-Cnog>t2Ewl8TIPpmW1r%#un`>kSjD&^E@N#H_}|bsi);yL!d8QPpv_l zvz=IuJVwXHHCb&<3guOM@RoEKUurRtG}!Ky``zrK_q*9i&`m!}05#nWrEGlmXMfu5 z`R&5hpM?{~)$n~bnfay1bljEMt`XP_z@`_^CW2FJG&?6D#i&9oW`w!b3!Ye%udsio zAzA#4u(PEh{cw0bA-HfgT(rD7^DY>b4e7!4GgWD8WxIwgQWEHosO*Kg2rMH}&NR^a zQ^upAv2+V&f#x+1OKr8CR?K_JvCu&s?A6G0%NF`{t$k_@n^)!}9Wc}SBAvl82TswzlAjR&=XW#HW_nWi6`x5Jv?$d62r3D;h_0A_A8HnVB1R_1qaUEKgxrpfDF#+{{wa9E5L0{?sS%vW z?^4DT++S|kww0Xu%2l1+q}h*V3jdQRi_1UwD^J4@!cu!5&dC#W6_``oC1No&-B6lE zkTDbRJ*#9>=a?QAE$t)Ptg&a=@du5y3xL@*b_VUluQO*S^=S^Q4FN@a*G5yvcMRHoqVy~#-I&G^`$rOJeR z<`VL7Ck5FlB-4!yEt?a);eNJj2imHZ2M_QQGbNWMtxv^*3Eu{@Y_1un8BZ{sGZN$*rBY{%tv-fH-; z`}7^o`_oB@Jil+~3G+qQ2uqxp^4)cn?wkq&_O{Fd!}H!zBiHN$s9X!h%r!+b;43xP z`LBCRuLmNQ&${4HGw8-o>E)l{EGe-iL5kdD&UjfCmtkK4&m6X?%e(&gkgm5EF1(w( z8{@B6beGJT{>D$&&tC4`@}qA-*=)o+Hwy#jR|5k_JBKY30Gx*PJ%>*=vf)zmXQEww zi?2hn|8MIr#{V`2YABhS!7xbLnV5PIY6A#aS($WU7?dr&O#iYl4C;j1jD*aDj9-;X z_VzA>tSp>gDwO_8nAv|p{x0bLmP81(d4vG$0Cpi(4ki&sQ8qylPC*edMiE9KCQeQ^ z5e`u{5kA8IH{`1y8B;s+uQdxJGY8}U@7zn4s%fLDiW)k@^|j`+FeEv|^V8C66XOFPbk?nkVSBJS7?GbIq6Dy%J+31ZoZ z-Y7K>M=7Ko(Hz}~X)>o)L`Oyk%-PsvAuVy6AJB|Y71W42DRe5NEu#ftR#YXfEy4vk zDY_oe9RFoyTr-v}uq7vVN`rLf~b91&&ZKPJarWQ^GQQLMdEjVzh% z1!F&j7T)F-JiyDuD#R9$tOV$^=&*~TPX%~052Xg|fnqE&Y0N0?K&C9JEHc~CYf)rx z`_G0edaYQdqDp+>HKLY+hsOu24DhrVGE*zz8;dMIG!|PyT?#Ef8aH(Fab%rCNOtcH zK-U17mGhu%g)xOYB^ z`;L-`umNIv5tUf&~- zTu!vBn^)jv3{iB9BhcY(6=gJZ{(Bt>`>8WBl{jsypW_XRy)*M=FzWDS;Oek{1XGIL z-b&Odp_ZX)JFOw%Q?a`$OQ#Ib_Dluwrrk7FcXV5jT{Nt2s`W0wHuJ;$ql1whplTZt zoZAMK5dA8@KDc)A3{h9dg|oV+Puy$&8C&TN(| z(s`RoTpBK!z|Y!MR5fna6X+~1Amr24Pt@m4Myqq50!h%mhNP9?DZBB=G^SXf;)203 zo0jX^}=X%>_RkoQ=@tU`cl;(b0U)I=pfPL8~?48Nwyw6_9 z&A6-VUjD;eif{jP9ze2Y3=xOb*-Ra4JQL*Q^P4lmm!=mPzsEyPHxA3EG-ajb#Um|+ z=Q^O!j;3v~$fD~&%bs%0psgDb?OwyqOJGiHf|rF^J>np@=Z8ho!Nj)WFY9M-A;CvzwoU!XQp=CpJ9qiSwjQ)qdCmQsMaV~YF!}4U@UuB32)}|M zW}z|#m}i?59|u(h*mGG09&vSTT)x?Wp67$QfapSY1k!WkR9<7JdSkjM_!~ f_u0hR#n8#c Date: Fri, 1 Sep 2017 18:02:05 -0400 Subject: [PATCH 08/18] Small changes in documentation Small changes in documentation --- documentation/pcm_toolbox_manual.md | 21 +++++++++++---------- pcm_likelihood.m | 13 ++++--------- pcm_likelihoodIndivid.m | 12 +++++------- 3 files changed, 20 insertions(+), 26 deletions(-) diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index bf3774e..377ae90 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -25,7 +25,7 @@ author: \pagebreak # How to use this manual -This manual provides an introduction to how to use the Pattern component modelling (PCM) toolbox. The theory behind this approach is laid out in an accompanying paper (REF) - but the main ideas are sketched out here in the introduction. We then provide an overview over the toolbox functions, and explain the different steps of model specification, model estimation, visualisation, and model comparison following real examples presented in the paper. The toolbox comes with a few example "recipes", which we hope will be useful to provide a full example of usage. Finally, the last section contains some of the mathematical details readers that would like to understand all algorithmic details. +This manual provides an introduction to how to use the Pattern component modelling (PCM) toolbox. The theory behind this approach is laid out in an accompanying paper [@RN3702] - but the main ideas are described here in the introduction. We then provide an overview over the toolbox functions, and explain the different steps of model specification, model estimation, visualisation, and model comparison following the real examples presented in the paper. The toolbox comes with a few example "recipes" that provide examples of usage on empricial data. Finally, the last section contains some of the mathematical and algorithmic details necessary to understand the implementation. # Introduction The study of brain representations aims to illuminate the relationship between complex patterns of activity occurring in the brain and "things in the world" - be it objects, actions, or abstract concepts. By understanding internal syntax of brain representations, and especially how the structure of representations changes across different brain regions, we ultimately hope to gain insight into the way the brain processes information. @@ -50,7 +50,7 @@ In this manual we will show how to use the PCM toolbox to estimate and compare f \pagebreak # Overview -the toolbox provides function for model fitting, comparison, and some basic visualization. What the toolbox does *not* provide are functions to extract the required data from the first-level GLM or raw data, search-light code or code for ROI definition. We have omitted these function as they strongly depend on the analysis package used for basic imaging analysis. Some useful tools for the extraction of multivariate data from the standard first-level GLM, please see the [RSA-toolbox](https://github.com/rsagroup/rsatoolbox) and [Surfing toolbox](https://github.com/nno/surfing). +The toolbox provides function for model fitting, model comparison, and some basic visualization. What the toolbox does *not* provide are functions to extract the required data from the first-level GLM or raw data, or to run search-light or ROI analyses. We have omitted these function as they strongly depend on the analysis package used for the basic imaging analysis. Some useful tools for the extraction of multivariate data from the standard first-level GLM, please see the [RSA-toolbox](https://github.com/rsagroup/rsatoolbox) and [Surfing toolbox](https://github.com/nno/surfing). The functions provided in the toolbox can be categorized into different categories: @@ -59,14 +59,15 @@ The functions provided in the toolbox can be categorized into different categori These are the functions that perform the core statistical functions of the toolbox. | Function | Comment -|:--------------------------|:----------------------------- -| `pcm_likelihoodIndivid` | Likelihood of a single data set under a model -| `pcm_likelihoodGroup` | Likelihood of a group data set under a model -| `pcm_NR` | Newton Raphson optimisation -| `pcm_NR_diag` | Newton Raphson for diagonalized models (faster) -| `pcm_NR_free` | Newton Raphson for a free model -| `pcm_EM` | Expectation-Maximization -| `pcm_minimize` | Conjugate gradient descent +|:-----------------------------------|:----------------------------- +| `pcm_likelihood` | Likelihood of a single data set under a model +| `pcm_likelihoodIndivid` | pcm_likelihood with optional random block effect +| `pcm_likelihoodGroup` | Likelihood of a group data set under a model +| `pcm_NR` | Newton Raphson optimisation +| `pcm_NR_diag` | Newton Raphson for diagonalized models (faster) +| `pcm_NR_free` | Newton Raphson for a free model +| `pcm_EM` | Expectation-Maximization +| `pcm_minimize` | Conjugate gradient descent ### Model Evaluation These functions are higher level functions that perform fitting and crossvalidation of either individual data set or group data sets. diff --git a/pcm_likelihood.m b/pcm_likelihood.m index 44a3e31..7a5e531 100755 --- a/pcm_likelihood.m +++ b/pcm_likelihood.m @@ -2,19 +2,15 @@ % function [negLogLike,dnldtheta,L,dLdtheta] = pcm_likelihood(theta,YY,M,Z,X,P,varargin); % Returns negative log likelihood for the model, and the derivatives in % respect to the model parameters for an individual subject / dataset -% It works very similar to pcm_likelihood, only that a run-effect can be -% specified to model as an extra random effect -% % % INPUT: % theta: Vector of (log-)model parameters: These include model % parameters, noise parameter, and (option) run parameter -% YY: NxN Matrix of data -% M: Model specification. Model can be either given by -% b. Model Structure containing the fields +% YY: NxN Matrix of inner product of the data +% M: Model specification. Structures with fields % Model.type: fixed, component, feature, nonlinear % Model.numGparams: Number of model parameters (without the noise or run parameter) -% Model.modelpred: Function handle for nonlinear model, returning [G,dGdtheta]= modelpred(theta); +% ... % Z: NxK Design matrix - relating the trials (N) to the random effects (K) % X: Fixed effects design matrix - will be accounted for by ReML % P: Number of voxels @@ -39,8 +35,7 @@ K = size(Z,2); S = []; -runEffect =[]; -pcm_vararginoptions(varargin,{'S','runEffect'}); +pcm_vararginoptions(varargin,{'S'}); % Get G-matrix and derivative of G-matrix in respect to parameters diff --git a/pcm_likelihoodIndivid.m b/pcm_likelihoodIndivid.m index c946102..f093564 100644 --- a/pcm_likelihoodIndivid.m +++ b/pcm_likelihoodIndivid.m @@ -3,18 +3,16 @@ % Returns negative log likelihood for the model, and the derivatives in % respect to the model parameters for an individual subject / dataset % It works very similar to pcm_likelihood, only that a run-effect can be -% specified to model as an extra random effect -% +% specified to be modelled as an extra random effect % % INPUT: % theta: Vector of (log-)model parameters: These include model -% parameters, noise parameter, and (option) run parameter -% YY: NxN Matrix of data -% M: Model specification. Model can be either given by -% b. Model Structure containing the fields +% parameters, noise parameter, and (optional) run parameter +% YY: NxN Matrix of outer product of the activity data (Y*Y') +% M: Model structure with fields % Model.type: fixed, component, feature, nonlinear % Model.numGparams: Number of model parameters (without the noise or run parameter) -% Model.modelpred: Function handle for nonlinear model, returning [G,dGdtheta]= modelpred(theta); +% ... % Z: NxK Design matrix - relating the trials (N) to the random effects (K) % X: Fixed effects design matrix - will be accounted for by ReML % P: Number of voxels From ffedfa2b07ba404ac2bb1d9044f5780871c73669 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Tue, 5 Sep 2017 18:02:20 -0400 Subject: [PATCH 09/18] Changes to Documentation, comments, and pcm_vararginoptions Documentation updates Updates to comments Updates to pcm_vararginoptions for speed --- documentation/pcm_toolbox_manual.md | 8 +- pcm_NR.m | 286 ++++------------------------ pcm_NR_comp.m | 269 ++++++++++++++++++++++++++ pcm_NR_diag.m | 26 +-- pcm_fitModelGroup.m | 7 +- pcm_fitModelIndivid.m | 3 - pcm_getStartingval.m | 12 +- pcm_likelihoodIndivid.m | 5 +- pcm_minimize.m | 13 +- pcm_vararginoptions.m | 26 ++- 10 files changed, 363 insertions(+), 292 deletions(-) create mode 100644 pcm_NR_comp.m diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index 377ae90..492ce0e 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -92,7 +92,7 @@ These functions are higher level functions that perform fitting and crossvalidat | Function | Comment |:-----------------------------|:----------------------------- | `pcm_classicalMDS` | Multidimensional scaling -| `pcm_plotModelLikelihood` | Displays marginal likelihood (results from `pcm_fitModel` functions) +| `pcm_plotModelLikelihood` | Displays marginal likelihood for different models ### Recipes | Function | Comment @@ -641,7 +641,7 @@ $$ ## Expected second derivative of the log-likelihood For the Newton-Raphson algorithm of optimisation, we need also the negative expected second derivative of the restricted log-likelihood, also called Fisher-information $$ -I_{i,j}(\theta) = - E \left[ \frac{\partial^2 }{\partial \theta_i \partial \theta_j} L_{ReML}\right]=trace\left(\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_i}\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_j} \right). +I_{i,j}(\theta) = - E \left[ \frac{\partial^2 }{\partial \theta_i \partial \theta_j} L_{ReML}\right]=\frac{P}{2}trace\left(\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_i}\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_j} \right). $$ ## Conjugate Gradient descent @@ -652,7 +652,7 @@ One way of optiminzing the likelihood is simply using the first derviative and d The Newton-Raphson algorithm is currently implemented and used for feature and component models. Generally is is by factor 10-20 times faster than conjugate gradient descent. The implementation is provided by the function `pcm_NR` for unconstrained problems in which $\mathbf{G}$ can take any form. The algorithm first finds reasonable starting values for the parameters ($\boldsymbol{\theta}^0$) from cross-validated estimates, and then updates on every step the current estimates by $$ -\boldsymbol{\theta}^{u+1}=\boldsymbol{\theta}^{u}+\mathbf{I}(\boldsymbol{\theta}^{u})^{-1}\frac{\partial}{\partial \boldsymbol{\theta}^{u}} L_{ReML}. +\boldsymbol{\theta}^{u+1}=\boldsymbol{\theta}^{u}-\mathbf{I}(\boldsymbol{\theta}^{u})^{-1}\frac{\partial L_{ReML}}{\partial \boldsymbol{\theta}^{u}} . $$ Because the update can become in tad unstable, we are regularising the Fisher information matrix by adding a small value to the diagonal. @@ -660,7 +660,7 @@ The algorithm can be sped up by another tick if the component matrices $\mathbf{ ## Acceleration of matrix inversion -In most functions, the inverse of the variance-covariance has to be computed. Because this can become quickly very costly (especially if original time series data is to be fitted), we can exploit the special structure of $\mathbf{V}$ to speed up the computation: +When calculating the likelihood or the derviatives of the likelihood, the inverse of the variance-covariance has to be computed. Because this can become quickly very costly (especially if original time series data is to be fitted), we can exploit the special structure of $\mathbf{V}$ to speed up the computation: $$ \begin{array}{c}{{\bf{V}}^{ - 1}} = {\left( {s{\bf{ZG}}{{\bf{Z}}^T} + {\bf{S}}\sigma _\varepsilon ^2} \right)^{ - 1}}\\ = {{\bf{S}}^{ - 1}}\sigma _\varepsilon ^{ - 2} - {{\bf{S}}^{ - 1}}{\bf{Z}}\sigma _\varepsilon ^{ - 2}{\left( {{s^{ - 1}}{\mathbf{G}^{ - 1}} + {{\bf{Z}}^T}{{\bf{S}}^{ - 1}}{\bf{Z}}\sigma _\varepsilon ^{ - 2}} \right)^{ - 1}}{{\bf{Z}}^T}{{\bf{S}}^{ - 1}}\sigma _\varepsilon ^{ - 2}\\ = \left( {{{\bf{S}}^{ - 1}} - {{\bf{S}}^{ - 1}}{\bf{Z}}{{\left( {{s^{ - 1}}{\mathbf{G}^{ - 1}}\sigma _\varepsilon ^2 + {{\bf{Z}}^T}{{\bf{S}}^{ - 1}}{\bf{Z}}} \right)}^{ - 1}}{{\bf{Z}}^T}{{\bf{S}}^{ - 1}}} \right)/\sigma _\varepsilon ^2 \end{array} $$ diff --git a/pcm_NR.m b/pcm_NR.m index 11e7a84..e35edb1 100755 --- a/pcm_NR.m +++ b/pcm_NR.m @@ -1,277 +1,75 @@ -function [G,theta,u,l,k]=pcm_NR(Y,Z,varargin) -% pcm_NR: estimate random-effects variance component coefficients using -% Newton-Raphson gradient descent. +function [theta,l,k]=pcm_NR(theta0,likefcn,varargin) +% function [theta,l,k]=pcm_NR(theta0,likefcn,varargin) +% Newton-Raphson algorithm. % -% function [G,theta,u,l,k]=pcm_NR(y,Z,varargin) -% Estimates the variance coefficients of the model described in: -% Diedrichsen, Ridgway, Friston & Wiestler (2011). -% -% y_n = X b_n + Z u_n + e, -% u ~ (b, G) -% G = sum (theta * Gc) -% -% Y: N x P observations -% Z: N x Q random effects matrix -% -% N: numbers of observations (trials) -% P: numbers of experimental units (voxels) -% Q: number of random effects +% likefcn: Function handle that returns the +% a) Negative log-likelihood +% b) First derivative of the negative log-likelihood +% c) Expected second derivative of the negative log-likelhood % % VARARGIN: % 'numIter' : Maximal number of iterations -% 'Gc' : QxQxH tensor of variance components -% matrix G = sum(h_m Gc(:,:,m)), with m=1...H -% 'h0' : Starting values for the parameters (Hx1 vector) -% (otherwise uses starting guess based on Laird & Lange) +% 'theta0' : Starting values for the parameters (Hx1 vector) % 'TolL' : Tolerance of the likelihood (l-l'), where l' is % projected likelihood -% 'meanS' : Remove the mean for each pattern component (a) -% (Logical flag, true by default) -% 'X' : Fixed effects matrix that will be removed from y -% In this case, ReML will be used for the estimation of -% G. -% 'S': Explicit noise covariance matrix structure matrix. The For speed, -% this is a cell array that contains -% S.S: Structure of noise -% S.invS: inverse of the noise covariance matrix -% +% 'HessReg': Regulariser on the Hessian to increase the stability of +% the fit (set to 1/256) % % OUTPUT: -% G : variance-covariance matrix % theta : Variance coefficients (one column for each iteration) -% u : hidden patterns components -% l : 1x2 vector of likelihoods -% l(1) = likelihood p(y|theta) for maximal theta, i.e. the maximal -% liklihood type II for the best estimates of theta, integrated over u -% l(2) = marginal liklihood p(y) based on the Laplace (Normal) -% approximation around the posterior mode of log(theta) -% -% Examples: -% See mva_component_examples -% -% See also: mva_component_examples, spm_reml, spm_reml_sc, spm_sp_reml -% Where spm_* are from the SPM software, http://www.fil.ion.ucl.ac.uk/spm +% l : Log-likelihood of p(y|theta) for maximal theta +% This is Type II liklihood type II the best estimates of theta, integrated over u % -% v.3.0: +% See also: pcm_NR_diag, pcm_NR_comp +% v.1: % -% Copyright 2014 Joern Diedrichsen, j.diedrichsen@ucl.ac.uk +% Copyright 2017 Joern Diedrichsen, joern.diedrichsen@googlemail.com % Defaults %-------------------------------------------------------------------------- -meanS = 0; % Mean subtract ac = []; % Which terms do I want to include? -numIter = 32; % Maximal number of iterations -Gc = {}; -h0 = []; -low = -16; -thres = 1e-2; -hE = -8; % Hyper prior: Set of the floor to collect evidence -hP = 1/256; % Precision on hyper prior -X = []; % By default fixed effects are empty -S = []; +OPT.numIter = 32; % Maximal number of iterations +OPT.low = -16; % Low value of parameters to cut them out +OPT.thres = 1e-2; +OPT.HessReg = 1/256; % Regularisation on the Hessian (Fisher) matrix % Variable argument otions %-------------------------------------------------------------------------- -vararginoptions(varargin, ... - {'Gc','meanS','h0','ac','hE','hP','thres','X','numIter','S'}); - -% check input size -%-------------------------------------------------------------------------- -[N,P] = size(Y); -[N2,Q] = size(Z); -if N2 ~= N - error('Mismatched numbers of rows in data (%d) and design (%d)', N, N2) -end - -% Intialize the Model structure -%-------------------------------------------------------------------------- -H = size(Gc,3)+1; % Number of Hyperparameters (+ 1 for noise term) +rsa.getUserOptions(varargin, {'theta0','HessReg','thres','low','numIter'}); -% Caluclate Sufficient Stats on Y -YY = Y*Y'; % This is Suffient stats 1 (S1) -trYY = sum(diag(YY)); - -% Figure out which terms to include into the model (set others to -32) -%-------------------------------------------------------------------------- -if (isempty(ac)) - as = 1:H; - nas = []; -else - as = find(ac); - nas = find(ac==0); -end; - -% initialise h -%-------------------------------------------------------------------------- -if (isempty(h0)) - rs = Y-X*pinv(X)*Y; - Gd = zeros(Q,H-1); - for i=1:H-1 - Gd(:,i) = diag(Gc(:,:,i)); - end; - h = ones(H,1)*low; - u = pinv(Z)*rs; - h(H,1) = (trYY-traceAB(u'*Z',rs))/(P*N); - D = u*u'/P-h(H)*pinv(Z'*Z)/P; % Crude approx for variance-covariance matrix - hD = diag(D); % Use the size of the diagnal values to get starting - % Starting values for constrained estimates - h(1:H-1,1) = real(log(pinv(Gd)*hD(:))); % (xC'*xC)\(xC'*hD(:)) - h(heps; - Zu = Z*u(:,idx); - if (isempty(S)) - iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*Zu)*Zu')./exp(h(H)); % Matrix inversion lemma - else - iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(h(H)); % Matrix inversion lemma - end; - - if (~isempty(X)) - iVX = iV * X; - iVr = iV - iVX*((X'*iVX)\iVX'); % Correction for the fixed effects - else - iVr = iV; - end; - - % ReML estimate of hyperparameters - - % Gradient dF/dh (first derivatives) - %---------------------------------------------------------------------- - A = iVr*Z; - B = YY*A/P; - for i = as(1:end-1) - - % dF/dh = -trace(dF/diC*iC*Q{i}*iC) - %------------------------------------------------------------------ - C{i} = (A*Gc(:,:,i)); - CZ{i} = C{i}*Z'; - dFdh(i) = -P/2*(traceABtrans(C{i},Z)-traceABtrans(C{i},B)); - end - dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); - - % Expected curvature E{dF/dhh} (second derivatives) - %---------------------------------------------------------------------- - if (isempty(S)) - iVrS = iVr; - else - iVrS = iVr; - end; - for i = 1:length(as)-1 - for j = i:length(as)-1 - - % dF/dhh = -trace{iV*Z*G*Z'*iV*Z*G*Z'} - %-------------------------------------------------------------- - dFdhh(as(i),as(j)) = -P/2*traceAB(CZ{as(i)},CZ{as(j)}); - dFdhh(as(j),as(i)) = dFdhh(as(i),as(j)); - end - dFdhh(as(i),H) = -P/2*traceABtrans(CZ{as(i)},iVrS); - dFdhh(H,as(i)) = dFdhh(as(i),H); - end - dFdhh(H,H) = -P/2*traceABtrans(iVrS,iVrS); - - - % modulate - %---------------------------------------------------------------------- - dFdh = dFdh.*exp(h); - dFdhh = dFdhh.*(exp(h)*exp(h)'); - - % add hyperpriors + % Add slight regularisation to second derivative %---------------------------------------------------------------------- - % e = h - hE; - % dFdh = dFdh - hP*e; - dFdhh = dFdhh - hP; + dFdhh = dFdhh + OPT.HessReg; - % Fisher scoring: update dh = -inv(ddF/dhh)*dF/dh + % Fisher scoring: update dh = inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- - % dh = spm_dx(dFdhh(as,as),dFdh(as),{t}); % This is actually much - % less accurate it seems than - dh = -dFdhh(as,as)\dFdh(as); - h(as) = h(as) + dh; - - - % predicted change in F - increase regularisation if increasing - %---------------------------------------------------------------------- - pF = dFdh(as)'*dh; - dF = pF; + dtheta = dFdhh(as,as)\dFdh(as); + theta(as) = theta(as) - dtheta; + dF = dFdh(as)'*dtheta; % convergence %---------------------------------------------------------------------- - % fprintf('%s %-23d: %10s%e [%+3.2f]\n',' ReML Iteration',k,'...',full(dF),t); - if dF < thres + if dF < OPT.thres break; else - % eliminate redundant components (automatic selection) - %------------------------------------------------------------------ - as = find(h > low); - h(h low); + % h(heps; -Zu = Z*u(:,idx); -if (isempty(S)) - iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma -else - iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(theta(H)); % Matrix inversion lemma -end; - -if (~isempty(X)) - iVX = iV * X; - iVr = iV - iVX*((X'*iVX)\iVX'); % Correction for the fixed effects -else - iVr = iV; -end; - -if nargout > 2 - u=G*Z'*iVr*Y; -end; -if ~all(isreal(u(:))); - keyboard; -end; - -if nargout > 3 - ldet = -2*sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu - l = -P/2*(ldet)-0.5*traceABtrans(iVr,YY); - if (~isempty(X)) % Correct for ReML estimates - l = l - P*sum(log(diag(chol(X'*iV*X)))); % - P/2 log(det(X'V^-1*X)); - end; -end; +% Return likelihood +if(nargout>1) + l = -likefcn(theta); +end; \ No newline at end of file diff --git a/pcm_NR_comp.m b/pcm_NR_comp.m new file mode 100644 index 0000000..2dc3428 --- /dev/null +++ b/pcm_NR_comp.m @@ -0,0 +1,269 @@ +function [G,theta,u,l,k]=pcm_NR_comp(Y,Z,varargin) +% function [G,theta,u,l,k]=pcm_NR_comp(Y,Z,varargin) +% Estimate random-effects variance component coefficients using +% Newton-Raphson gradient descent. +% Diedrichsen, Ridgway, Friston & Wiestler (2011). +% +% y_n = X b_n + Z u_n + e, +% u ~ (b, G) +% G = sum (theta * Gc) +% +% Y: N x P observations +% Z: N x Q random effects matrix +% +% N: numbers of observations (trials) +% P: numbers of experimental units (voxels) +% Q: number of random effects +% +% VARARGIN: +% 'numIter' : Maximal number of iterations +% 'Gc' : QxQxH tensor of variance components +% matrix G = sum(h_m Gc(:,:,m)), with m=1...H +% 'h0' : Starting values for the parameters (Hx1 vector) +% (otherwise uses starting guess based on Laird & Lange) +% 'TolL' : Tolerance of the likelihood (l-l'), where l' is +% projected likelihood +% 'meanS' : Remove the mean for each pattern component (a) +% (Logical flag, true by default) +% 'X' : Fixed effects matrix that will be removed from y +% In this case, ReML will be used for the estimation of +% G. +% 'S': Explicit noise covariance matrix structure matrix. The For speed, +% this is a cell array that contains +% S.S: Structure of noise +% S.invS: inverse of the noise covariance matrix +% 'HessReg': Regulariser on the Hessian to increase the stability of +% the fit (set to 1/256) +% +% +% +% OUTPUT: +% G : variance-covariance matrix +% theta : Variance coefficients (one column for each iteration) +% u : hidden patterns components +% l : Log-likelihood of p(y|theta) for maximal theta +% This is Type II liklihood type II the best estimates of theta, integrated over u +% +% +% See also: pcm_NR_diag, pcm_NR_comp +% v.1.1: +% +% Copyright 2017 Joern Diedrichsen, joern.diedrichsen@googlemail.com + +% Defaults +%-------------------------------------------------------------------------- +meanS = 0; % Mean subtract +ac = []; % Which terms do I want to include? +numIter = 32; % Maximal number of iterations +Gc = {}; +h0 = []; +low = -16; +thres = 1e-2; +HessReg = 1/256; % Precision on hyper prior +X = []; % By default fixed effects are empty +S = []; + +% Variable argument otions +%-------------------------------------------------------------------------- +vararginoptions(varargin, ... + {'Gc','meanS','h0','ac','HessReg','thres','X','numIter','S'}); + +% check input size +%-------------------------------------------------------------------------- +[N,P] = size(Y); +[N2,Q] = size(Z); +if N2 ~= N + error('Mismatched numbers of rows in data (%d) and design (%d)', N, N2) +end + +% Intialize the Model structure +%-------------------------------------------------------------------------- +H = size(Gc,3)+1; % Number of Hyperparameters (+ 1 for noise term) + +% Caluclate Sufficient Stats on Y +YY = Y*Y'; % This is Suffient stats 1 (S1) +trYY = sum(diag(YY)); + + +% Figure out which terms to include into the model (set others to -32) +%-------------------------------------------------------------------------- +if (isempty(ac)) + as = 1:H; + nas = []; +else + as = find(ac); + nas = find(ac==0); +end; + +% initialise h +%-------------------------------------------------------------------------- +if (isempty(h0)) + rs = Y-X*pinv(X)*Y; + Gd = zeros(Q,H-1); + for i=1:H-1 + Gd(:,i) = diag(Gc(:,:,i)); + end; + h = ones(H,1)*low; + u = pinv(Z)*rs; + h(H,1) = (trYY-traceAB(u'*Z',rs))/(P*N); + D = u*u'/P-h(H)*pinv(Z'*Z)/P; % Crude approx for variance-covariance matrix + hD = diag(D); % Use the size of the diagnal values to get starting + % Starting values for constrained estimates + h(1:H-1,1) = real(log(pinv(Gd)*hD(:))); % (xC'*xC)\(xC'*hD(:)) + h(heps; + Zu = Z*u(:,idx); + if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*Zu)*Zu')./exp(h(H)); % Matrix inversion lemma + else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(h(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(h(H)); % Matrix inversion lemma + end; + + if (~isempty(X)) + iVX = iV * X; + iVr = iV - iVX*((X'*iVX)\iVX'); % Correction for the fixed effects + else + iVr = iV; + end; + + % ReML estimate of hyperparameters + + % Gradient dF/dh (first derivatives) + %---------------------------------------------------------------------- + A = iVr*Z; + B = YY*A/P; + for i = as(1:end-1) + + % dF/dh = -trace(dF/diC*iC*Q{i}*iC) + %------------------------------------------------------------------ + C{i} = (A*Gc(:,:,i)); + CZ{i} = C{i}*Z'; + dFdh(i) = -P/2*(traceABtrans(C{i},Z)-traceABtrans(C{i},B)); + end + dFdh(H) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P)); + + % Expected curvature E{dF/dhh} (second derivatives) + %---------------------------------------------------------------------- + if (isempty(S)) + iVrS = iVr; + else + iVrS = iVr*S.S; + end; + for i = 1:length(as)-1 + for j = i:length(as)-1 + + % dF/dhh = -trace{iV*Z*G*Z'*iV*Z*G*Z'} + %-------------------------------------------------------------- + dFdhh(as(i),as(j)) = -P/2*traceAB(CZ{as(i)},CZ{as(j)}); + dFdhh(as(j),as(i)) = dFdhh(as(i),as(j)); + end + dFdhh(as(i),H) = -P/2*traceABtrans(CZ{as(i)},iVrS); + dFdhh(H,as(i)) = dFdhh(as(i),H); + end + dFdhh(H,H) = -P/2*traceABtrans(iVrS,iVrS); + + + % modulate + %---------------------------------------------------------------------- + dFdh = dFdh.*exp(h); + dFdhh = dFdhh.*(exp(h)*exp(h)'); + + % Add slight regularisation to second derivative + %---------------------------------------------------------------------- + dFdhh = dFdhh - HessReg; + + % Fisher scoring: update dh = -inv(ddF/dhh)*dF/dh + %---------------------------------------------------------------------- + % dh = spm_dx(dFdhh(as,as),dFdh(as),{t}); % This is actually much + % less accurate it seems than + dh = -dFdhh(as,as)\dFdh(as); + h(as) = h(as) + dh; + + + % predicted change in F - increase regularisation if increasing + %---------------------------------------------------------------------- + pF = dFdh(as)'*dh; + dF = pF; + + % convergence + %---------------------------------------------------------------------- + % fprintf('%s %-23d: %10s%e [%+3.2f]\n',' ReML Iteration',k,'...',full(dF),t); + if dF < thres + break; + else + % eliminate redundant components (automatic selection) + %------------------------------------------------------------------ + as = find(h > low); + h(heps; +Zu = Z*u(:,idx); +if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*Zu)*Zu')./exp(theta(H)); % Matrix inversion lemma +else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(theta(H))+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(theta(H)); % Matrix inversion lemma +end; + +if (~isempty(X)) + iVX = iV * X; + iVr = iV - iVX*((X'*iVX)\iVX'); % Correction for the fixed effects +else + iVr = iV; +end; + +if nargout > 2 + u=G*Z'*iVr*Y; +end; +if ~all(isreal(u(:))); + warning('U-estimates are not all real: should not happen'); + keyboard; +end; + +if nargout > 3 + ldet = -2*sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu + l = -P/2*(ldet)-0.5*traceABtrans(iVr,YY); + if (~isempty(X)) % Correct for ReML estimates + l = l - P*sum(log(diag(chol(X'*iV*X)))); % - P/2 log(det(X'V^-1*X)); + end; +end; diff --git a/pcm_NR_diag.m b/pcm_NR_diag.m index 8fee4a5..5fba822 100755 --- a/pcm_NR_diag.m +++ b/pcm_NR_diag.m @@ -1,13 +1,15 @@ function [G,theta,u,l,numIter]=pcm_NR_diag(Y,Z,varargin) -% pcm_NR: estimate random-effects variance component coefficients using -% Newton-Raphson gradient descent. -% % function [G,theta,u,l,numIter]=pcm_NR_diag(y,Z,varargin) -% The G-matrix has diagonal, but otherwise arbitrarily constrained -% structure with diag(G)=sum(Gc*hc)) -% +% Estimate random-effects variance component coefficients using +% Newton-Raphson gradient descent. +% For this form of the algorithm, the G-matrix components need to be diagnoal +% But otherwise can be arbitrarily constrained +% with diag(G)=sum(Gc*hc)) % The diagonal structure can be specified by giving either Gd or Gc -% +% +% For models with non-diagnoal Gc matrices, use pcm_NR. +% In many applications pcm_NR_diag should be faster. +% % Estimates the variance coefficients of the model described in: % Diedrichsen, Ridgway, Friston & Wiestler (2011). % @@ -41,6 +43,8 @@ % this is a cell array that contains % S.S: Structure of noise % S.invS: inverse of the noise covariance matrix +% 'HessReg': Regulariser on the Hessian to increase the stability of +% the fit (set to 1/256) % % OUTPUT: % G : variance-covariance matrix @@ -65,12 +69,12 @@ thres = 1e-2; X = []; S = []; -hP = 1/256; % Precision on hyper prior +HessReg = 1/256; % Regulariser on Hessian i = 0; % Variable argument otions %-------------------------------------------------------------------------- vararginoptions(varargin, ... - {'Gc','Gd','meanS','h0','ac','thres','X','numIter','S'}); + {'Gc','Gd','meanS','h0','ac','thres','X','numIter','S','HessReg'}); % check input size %-------------------------------------------------------------------------- @@ -135,7 +139,7 @@ dF = Inf; dFdh = zeros(H,1); dFdhh = zeros(H,H); -hP = hP*speye(H,H); % Prior precision (1/variance) of h +HessReg = HessReg*speye(H,H); % Regulariser on Hessian for k = 1:numIter @@ -197,7 +201,7 @@ dFdhh = dFdhh.*(exp(h)*exp(h)'); % Regularise second moment by a little bit - dFdhh = dFdhh - hP; + dFdhh = dFdhh - HessReg; % Fisher scoring: update dh = -inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- diff --git a/pcm_fitModelGroup.m b/pcm_fitModelGroup.m index a915ffd..3325584 100644 --- a/pcm_fitModelGroup.m +++ b/pcm_fitModelGroup.m @@ -55,16 +55,13 @@ % as a seperate random effects parameter. % 'fixed': Consider run effect a fixed effect, will be removed % implicitly using ReML. -% 'remove': Forced removal of the run effect before -% random effects modelling - Simply adjusts the -% error covariance matrix to reflect he removal % 'fitScale': Fit additional scaling parameter for each of the % subjects? Defaults to 1. This makes a lot of sense, if the scaling of the % data is not of the same intensity across subjects. % However, when you want to test strongly against a null model that % does not predict any difference between different conditions, % then the scaling parameter makes the alternative model -% more flexible and it will more often. +% more flexible % 'isCheckDeriv: Check the derivative accuracy of theta params. Done using % 'pcm_checkderiv'. This function compares input to finite % differences approximations. See function documentation. @@ -87,7 +84,7 @@ % run: Run variance (if runEffect = 'random'); % % theta_hat: Estimated parameters at the overall fitting (including -% noise and scale parameters). +% noise, scale and run parameters). % Gpred: Predicted second moment matrix for the model from group % fit for each model diff --git a/pcm_fitModelIndivid.m b/pcm_fitModelIndivid.m index d145c01..daf9909 100755 --- a/pcm_fitModelIndivid.m +++ b/pcm_fitModelIndivid.m @@ -48,9 +48,6 @@ % as a seperate random effects parameter. % 'fixed': Consider run effect a fixed effect, will be removed % implicitly using ReML. -% 'remove': Forced removal of the run effect before -% random effects modelling - Simply adjusts the -% error covariance matrix to reflect he removal % % 'isCheckDeriv: Check the derivative accuracy of theta params. Done using % 'checkderiv'. This function compares input to finite diff --git a/pcm_getStartingval.m b/pcm_getStartingval.m index e510ccc..a4e372d 100755 --- a/pcm_getStartingval.m +++ b/pcm_getStartingval.m @@ -12,15 +12,21 @@ case {'fixed','noiseceiling'} theta0=[]; case 'component' - for i=1:size(M.Gc,3) + for i=1:size(M.Gc,3) % Use normal against crossvalidated G-matrix to estimate starting parameters g = M.Gc(:,:,i); X(:,i)= g(:); end; - h0 = pinv(X)*G_hat(:); % Use normal regression to estimate parameters + h0 = pinv(X)*G_hat(:); h0(h0<10e-6)=10e-6; % Ensure positivity of the parameters theta0 = log(h0); case {'squareroot','feature'} - error('not implemented yet'); + for i=1:size(M.Ac,3); + g = M.Ac(:,:,i)*M.Ac(:,:,i)'; + X(:,i)= g(:); + end; + h0 = pinv(X)*G_hat(:); % Use normal regression to estimate parameters + h0(h0<10e-6)=10e-6; % Ensure positivity of the parameters + theta0 = log(h0); case 'freechol' % Totally free model using cholesky decomposition G_hat = pcm_makePD(G_hat); G = (G_hat+G_hat')/2; % Symmetrize diff --git a/pcm_likelihoodIndivid.m b/pcm_likelihoodIndivid.m index f093564..bec855a 100644 --- a/pcm_likelihoodIndivid.m +++ b/pcm_likelihoodIndivid.m @@ -28,9 +28,8 @@ % negLogLike: Negative Log likelihood of all subject's data % We use the negative log liklihood to be able to plug the function into % minimize or other optimisation routines. -% dnldtheta: Derivative of the negtive log-likelihood -% L: Log likelihood (not inverted) for all the subject -% dLdtheta: Derivate of Log likelihood for each subject +% dnldtheta: Derivative of the negative log-likelihood in respect to +% the parameters % % Joern Diedrichsen & Atsushi Yokoi, 6/2016, joern.diedrichsen@googlemail.com % diff --git a/pcm_minimize.m b/pcm_minimize.m index bb39ffa..52c42e7 100755 --- a/pcm_minimize.m +++ b/pcm_minimize.m @@ -35,21 +35,14 @@ % G : variance-covariance matrix % theta : Variance coefficients (one column for each iteration) % u : hidden patterns components -% l : 1x2 vector of likelihoods -% l(1) = likelihood p(y|theta) for maximal theta, i.e. the maximal +% l : log-likelihood p(y|theta) for maximal theta, i.e. the maximal % liklihood type II for the best estimates of theta, integrated over u -% l(2) = marginal liklihood p(y) based on the Laplace (Normal) -% approximation around the posterior mode of log(theta) % % Examples: -% See mva_component_examples % -% See also: mva_component_examples, spm_reml, spm_reml_sc, spm_sp_reml -% Where spm_* are from the SPM software, http://www.fil.ion.ucl.ac.uk/spm +% v.1.1: % -% v.3.0: -% -% Copyright 2014 Joern Diedrichsen, j.diedrichsen@ucl.ac.uk +% Copyright 2017 Joern Diedrichsen, joern.diedrichsen@googlemail.com % Defaults %-------------------------------------------------------------------------- diff --git a/pcm_vararginoptions.m b/pcm_vararginoptions.m index 8f1c1fb..2f64a24 100644 --- a/pcm_vararginoptions.m +++ b/pcm_vararginoptions.m @@ -24,16 +24,11 @@ checkflags=0; end; -% Check if options is a structure of length 1 -if (length(options)==1 & isstruct(options{1})) - options=struct2list(options{1}); -end; - c=1; while c<=length(options) a=[]; if ~ischar(options{c}) - error('Options must be strings on argument %d',c); + error(sprintf('Options must be strings on argument %d',c)); end; if checkflags a=find(strcmp(options{c},allowed_flags)); @@ -43,15 +38,28 @@ c=c+1; else if checkvars - a=strmatch(options{c},allowed_vars); + a=find(strcmp(options{c},allowed_vars)); if (isempty(a)) - error(['unknown option: ' options{c}]); + error(['unknown option:' options{c}]); end; end; if (c==length(options)) error(sprintf('Option %s must be followed by a argument',options{c})); end; - assignin('caller',options{c},options{c+1}); + p=strfind(options{c},'.'); + if (~isempty(p)) + structname=options{c}(1:p-1); + fieldname=options{c}(p+1:end); + if (evalin('caller',['exist(''' structname ''')'])); + S=evalin('caller',structname); + else + S=[]; + end; + S.(fieldname)=options{c+1}; + assignin('caller',structname,S); + else + assignin('caller',options{c},options{c+1}); + end; c=c+2; end; end; \ No newline at end of file From fb4962da555ea513098ccf6813cc9dfe53f96439 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Mon, 11 Sep 2017 08:18:40 -0400 Subject: [PATCH 10/18] Flexible methods for model fitting Option of NR for model fitting --- pcm_NR.m | 9 +++- pcm_NR_comp.m | 3 +- pcm_fitModelIndivid.m | 54 ++++++++++++++------- pcm_likelihoodIndivid.m | 103 ++++++++++++++++++++++++---------------- 4 files changed, 108 insertions(+), 61 deletions(-) mode change 100755 => 100644 pcm_fitModelIndivid.m diff --git a/pcm_NR.m b/pcm_NR.m index e35edb1..70dcc4f 100755 --- a/pcm_NR.m +++ b/pcm_NR.m @@ -46,7 +46,14 @@ theta=theta0; as = true(H,1); for k = 1:OPT.numIter - [logLik(k),dFdh,dFdhh]=likefcn(theta); + [nl(k),dFdh,dFdhh]=likefcn(theta); + + % Safety check if likelihood decreased + %---------------------------------------------------------------------- + if (k>1 & nl(k)>nl(k-1)) + warning('likelihood decreased. Exiting...\n'); + break; + end; % Add slight regularisation to second derivative %---------------------------------------------------------------------- diff --git a/pcm_NR_comp.m b/pcm_NR_comp.m index 2dc3428..430a8a8 100644 --- a/pcm_NR_comp.m +++ b/pcm_NR_comp.m @@ -121,8 +121,7 @@ dF = Inf; dFdh = zeros(H,1); dFdhh = zeros(H,H); -hE = hE*ones(H,1); % Prior mean of h -hP = hP*speye(H,H); % Prior precision (1/variance) of h +HessReg = HessReg*speye(H,H); % Prior precision (1/variance) of h for k = 1:numIter diff --git a/pcm_fitModelIndivid.m b/pcm_fitModelIndivid.m old mode 100755 new mode 100644 index daf9909..8fe21ad --- a/pcm_fitModelIndivid.m +++ b/pcm_fitModelIndivid.m @@ -86,6 +86,9 @@ % Preallocate output structure T.SN = [1:numSubj]'; +% Determine optimal algorithm for each of the models +M = pcm_optimalAlgorithm(M); + % Now loop over subject and provide inidivdual fits for s = 1:numSubj @@ -106,7 +109,7 @@ Z{s} = cV; end; - % Prepare matrices and data depnding on how to deal with run effect + % Prepare matrices and data depending on how to deal with run effect [N(s,1),P(s,1)] = size(Y{s}); numCond= size(Z{s},2); YY{s} = (Y{s} * Y{s}'); @@ -148,13 +151,6 @@ M{m}.Gc = pcm_makePD(G_hat(:,:,s)); end; - % Now set up the function that returns likelihood and derivative - if (isempty(S)) - fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); - else - fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},[],P(s),'runEffect',B{s},'S',S(s)); - end; - % Set up overall starting values switch (runEffect) case {'fixed','remove'} @@ -163,22 +159,44 @@ x0 = [theta0;noise0(s);run0(s)]; end; - % Use minimize to find maximum liklhood estimate - [theta,fX,i] = minimize(x0, fcn, MaxIteration); - theta_hat{m}(:,s) = theta; + % Now set up the function that returns likelihood and derivative + switch (M{m}.fitAlgorithm) + case 'minimize' % Use minimize to find maximum liklhood estimate runEffect',B{s}); + if (isempty(S)) + fcn = @(x) pcm_likelihoodIndividFirstDeriv(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); + else + fcn = @(x) pcm_likelihoodIndividFirstDeriv(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); + end; + [theta_hat{m}(:,s),fX,T.iterations(s,m)] = ... + minimize(x0, fcn, MaxIteration); + T.likelihood(s,m) = -fX(end); %invert the sign + case 'NR_diag' + numDiag = size(M{m}.MM,2); + [~,theta_hat{m}(:,s),~,T.likelihood(s,m),T.iterations(s,m)] = ... + pcm_NR_diag(Y{s},Z{s}*M{m}.MM,'X',X{s},'Gd',ones(numDiag,1)); + case 'NR_comp' + [~,theta_hat{m}(:,s),~,T.likelihood(s,m),T.iterations(s,m)] = ... + pcm_NR_comp(Y{s},Z{s},'X',X{s},'Gc',M{1}.Gc,'h0',x0); + case 'NR' + if (isempty(S)) + fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); + else + fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); + end; + [theta_hat{m}(:,s),T.likelihood(s,m),T.iterations(s,m)]=pcm_NR(x0,fcn); + end; + G_pred{m}(:,:,s) = pcm_calculateG(M{m},theta_hat{m}(1:M{m}.numGparams,s)); - T.noise(s,m) = exp(theta(M{m}.numGparams+1)); + T.noise(s,m) = exp(theta_hat{m}(M{m}.numGparams+1,s)); if strcmp(runEffect,'random') - T.run(s,m) = exp(theta(M{m}.numGparams+2)); + T.run(s,m) = exp(theta_hat{m}(M{m}.numGparams+2,s)); end; - T.likelihood(s,m) = -fX(end); %invert the sign - T.iterations(s,m) = i; T.time(s,m) = toc; % This is an optional check if the dervivate calculation is correct if (isCheckDeriv) - d = pcm_checkderiv(fcn,theta-0.01,0.0000001); + d = pcm_checkderiv(fcn,theta_hat{m}(:,s)-0.01,0.00001); + fprintf('discrepency :%d\n',d); end; end; % for each model -end; % for each subject - +end; % for each subject \ No newline at end of file diff --git a/pcm_likelihoodIndivid.m b/pcm_likelihoodIndivid.m index bec855a..1357618 100644 --- a/pcm_likelihoodIndivid.m +++ b/pcm_likelihoodIndivid.m @@ -1,9 +1,9 @@ -function [negLogLike,dnldtheta] = pcm_likelihoodIndivid(theta,YY,M,Z,X,P,varargin); -% function [negLogLike,dnldtheta,L,dLdtheta] = pcm_likelihoodIndivid(theta,YY,M,Z,X,P,varargin); +function [negLogLike,dnl,d2nl] = pcm_likelihoodIndivid2(theta,YY,M,Z,X,P,varargin); +% function [negLogLike,dnl,d2nl] = pcm_likelihoodIndivid(theta,YY,M,Z,X,P,varargin); % Returns negative log likelihood for the model, and the derivatives in -% respect to the model parameters for an individual subject / dataset +% respect to the model parameters for an individual subject / dataset % It works very similar to pcm_likelihood, only that a run-effect can be -% specified to be modelled as an extra random effect +% specified to be modelled as an extra random effect % % INPUT: % theta: Vector of (log-)model parameters: These include model @@ -12,7 +12,7 @@ % M: Model structure with fields % Model.type: fixed, component, feature, nonlinear % Model.numGparams: Number of model parameters (without the noise or run parameter) -% ... +% ... % Z: NxK Design matrix - relating the trials (N) to the random effects (K) % X: Fixed effects design matrix - will be accounted for by ReML % P: Number of voxels @@ -23,13 +23,17 @@ % this is a cell array that contains % S.S: Structure of noise % S.invS: inverse of the noise covariance matrix -% +% 'calcLikelihood': If set to zero, will skip calculating the +% log-liklihood +% % OUTPUT: % negLogLike: Negative Log likelihood of all subject's data % We use the negative log liklihood to be able to plug the function into % minimize or other optimisation routines. -% dnldtheta: Derivative of the negative log-likelihood in respect to -% the parameters +% dnl : Derivative of the negative log-likelihood in respect to +% the parameters +% d2nl : Expected second derivative of the negative +% log-likelihood % % Joern Diedrichsen & Atsushi Yokoi, 6/2016, joern.diedrichsen@googlemail.com % @@ -37,9 +41,10 @@ N = size(YY,1); K = size(Z,2); S = []; - +calcLikelihood = 1; runEffect =[]; -pcm_vararginoptions(varargin,{'S','runEffect'}); + +pcm_vararginoptions(varargin,{'S','runEffect','calcLikelihood'}); % Get G-matrix and derivative of G-matrix in respect to parameters @@ -71,7 +76,7 @@ idx = dS>eps; Zu = Z*u(:,idx); % Apply the matrix inversion lemma. The following statement is the same as -% V = (Z*G*Z' + S.S*exp(theta(H))); % As S is not identity, matrix inversion lemma does not have big advantage here (ay)? +% V = (Z*G*Z' + S.S*exp(theta(H))); % iV = pinv(V); if (isempty(S)) iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*Zu)*Zu')./exp(noiseParam); % Matrix inversion lemma @@ -89,39 +94,57 @@ end; % Computation of (restricted) likelihood -ldet = -2* sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu -l = -P/2*(ldet)-0.5*traceABtrans(iVr,YY); -if (~isempty(X)) % Correct for ReML estimates - l = l - P*sum(log(diag(chol(X'*iV*X)))); % - P/2 log(det(X'V^-1*X)); +if (calcLikelihood) + ldet = -2* sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu + l = -P/2*(ldet)-0.5*traceABtrans(iVr,YY); + if (~isempty(X)) % Correct for ReML estimates + l = l - P*sum(log(diag(chol(X'*iV*X)))); % - P/2 log(det(X'V^-1*X)); + end; + negLogLike = -l; % Invert sign end; -% Precompute some matrices -A = iVr*Z; -B = YY*A/P; - -% Get the derivatives for all the parameters -for i = 1:M.numGparams - C = (A*pcm_blockdiag(dGdtheta(:,:,i),zeros(numRuns))); - dLdtheta(i,1) = -P/2*(traceABtrans(C,Z)-traceABtrans(C,B)); -end - -% Get the derivatives for the Noise parameters -indx = M.numGparams+1; % Which number parameter is it? -if (isempty(S)) - dLdtheta(indx,1) = -P/2*traceABtrans(iVr,(speye(N)-YY*iVr/P))*exp(noiseParam); -else - dLdtheta(indx,1) = -P/2*traceABtrans(iVr*S.S,(speye(N)-YY*iVr/P))*exp(noiseParam); +% Calcualte the first derivative +if (nargout>1) + A = iVr*Z; % Precompute some matrices + B = YY*iVr; + % Get the derivatives for all the parameters + for i = 1:M.numGparams + iVdV{i} = A*pcm_blockdiag(dGdtheta(:,:,i),zeros(numRuns))*Z'; + dLdtheta(i,1) = -P/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + end + + % Get the derivatives for the Noise parameters + i = M.numGparams+1; % Which number parameter is it? + if (isempty(S)) + dVdtheta{i} = eye(N)*exp(noiseParam); + else + dVdtheta{i} = S.S*exp(noiseParam); + end; + iVdV{i} = iVr*dVdtheta{i}; + dLdtheta(i,1) = -P/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + + % Get the derivatives for the block parameter + if (~isempty(runEffect) && ~isempty(runEffect)) + i = M.numGparams+2; % Which number parameter is it? + %C = A*pcm_blockdiag(zeros(size(G,1)),eye(numRuns)); + iVdV{i} = A*pcm_blockdiag(zeros(K),eye(numRuns))*Z'*exp(runParam); + dLdtheta(i,1) = -P/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + end; + + % invert sign + dnl = -dLdtheta; + numTheta=i; end; -% Get the derivatives for the block parameter -if (~isempty(runEffect) && ~isempty(runEffect)) - indx = M.numGparams+2; % Which number parameter is it? - %C = A*pcm_blockdiag(zeros(size(G,1)),eye(numRuns)); - C = A*pcm_blockdiag(zeros(K),eye(numRuns)); - dLdtheta(indx,1) = -P/2*(traceABtrans(C,Z)-traceABtrans(C,B))*exp(runParam); +% Calculate expected second derivative? +if (nargout>2) + for i=1:numTheta + for j=i:numTheta; + d2nl(i,j)=-P/2*traceABtrans(iVdV{i},iVdV{j}); + d2nl(j,i)=d2nl(i,j); + end; + end; + d2nl=-d2nl; end; -% invert sign -negLogLike = -l; -dnldtheta = -dLdtheta; From cdc2773938111dfbbdc3e6c141e1c414f85d4afd Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Thu, 14 Sep 2017 15:07:23 -0400 Subject: [PATCH 11/18] NR updated with Levenberg-type regularization --- pcm_NR.m | 34 +++++++++++++++++++++------------- pcm_fitModelIndivid.m | 6 +++--- pcm_optimalAlgorithm.m | 26 ++++++++++++++++++++++++++ 3 files changed, 50 insertions(+), 16 deletions(-) create mode 100755 pcm_optimalAlgorithm.m diff --git a/pcm_NR.m b/pcm_NR.m index 70dcc4f..a6f560e 100755 --- a/pcm_NR.m +++ b/pcm_NR.m @@ -27,33 +27,40 @@ % Defaults %-------------------------------------------------------------------------- -ac = []; % Which terms do I want to include? OPT.numIter = 32; % Maximal number of iterations -OPT.low = -16; % Low value of parameters to cut them out -OPT.thres = 1e-2; +OPT.thres = 1e-5; OPT.HessReg = 1/256; % Regularisation on the Hessian (Fisher) matrix % Variable argument otions %-------------------------------------------------------------------------- -rsa.getUserOptions(varargin, {'theta0','HessReg','thres','low','numIter'}); +OPT=rsa.getUserOptions(varargin,OPT,{'HessReg','thres','low','numIter'}); % Initialize Interations %-------------------------------------------------------------------------- dF = Inf; H = length(theta0); % Number of parameters -OPT.HessReg = OPT.HessReg*speye(H,H); % Prior precision (1/variance) of h +OPT.HessReg = OPT.HessReg*eye(H,H); % Prior precision (1/variance) of h theta=theta0; -as = true(H,1); for k = 1:OPT.numIter + thetaH(:,k)=theta; [nl(k),dFdh,dFdhh]=likefcn(theta); % Safety check if likelihood decreased %---------------------------------------------------------------------- - if (k>1 & nl(k)>nl(k-1)) - warning('likelihood decreased. Exiting...\n'); - break; + if (k>1 & (nl(k)-nl(k-1))>eps) + OPT.HessReg = OPT.HessReg*10; + % warning('likelihood decreased. Regularisation %2.3f\n',OPT.HessReg(1)); + theta = thetaH(:,k-1); + thetaH(:,k)=theta; + nl(k)=nl(k-1); + dFdh = dFdh_old; + dFdhh = dFdhh_old; + else + OPT.HessReg = OPT.HessReg/10; end; + dFdh_old=dFdh; + dFdhh_old = dFdhh; % Add slight regularisation to second derivative %---------------------------------------------------------------------- @@ -61,9 +68,10 @@ % Fisher scoring: update dh = inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- - dtheta = dFdhh(as,as)\dFdh(as); - theta(as) = theta(as) - dtheta; - dF = dFdh(as)'*dtheta; + dtheta = dFdhh\dFdh; + % dtheta = -spm_dx(-dFdhh,-dFdh,{1}); + theta = theta - dtheta; + dF = dFdh'*dtheta; % convergence %---------------------------------------------------------------------- @@ -74,7 +82,7 @@ % h(h1) diff --git a/pcm_fitModelIndivid.m b/pcm_fitModelIndivid.m index 8fe21ad..168def6 100644 --- a/pcm_fitModelIndivid.m +++ b/pcm_fitModelIndivid.m @@ -141,7 +141,7 @@ % Get starting guess for theta if not provided if (isfield(M{m},'theta0')) - theta0 = M{m}.theta0; + theta0 = M{m}.theta0(1:M{m}.numGparams); else theta0 = pcm_getStartingval(M{m},G_hat(:,:,s)); end; @@ -163,9 +163,9 @@ switch (M{m}.fitAlgorithm) case 'minimize' % Use minimize to find maximum liklhood estimate runEffect',B{s}); if (isempty(S)) - fcn = @(x) pcm_likelihoodIndividFirstDeriv(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); + fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); else - fcn = @(x) pcm_likelihoodIndividFirstDeriv(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); + fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); end; [theta_hat{m}(:,s),fX,T.iterations(s,m)] = ... minimize(x0, fcn, MaxIteration); diff --git a/pcm_optimalAlgorithm.m b/pcm_optimalAlgorithm.m new file mode 100755 index 0000000..1213d2f --- /dev/null +++ b/pcm_optimalAlgorithm.m @@ -0,0 +1,26 @@ +function M = pcm_optimalAlgorithm(M); +% Determine the fastest fitting algorithm for each of the PCM +% model - if not given. +numModels = numel(M); +for m=1:numModels + if (~isfield(M{m},'fitAlgorithm')) + switch (M{m}.type) + case 'component' + if (isfield(M{m},'Gd')) + M{m}.fitAlgorithm = 'NR_diag'; + else + M{m}.fitAlgorithm = 'NR'; + end; + case 'feature' + M{m}.fitAlgorithm = 'NR'; + case 'nonlinear' + M{m}.fitAlgorithm = 'NR'; + case 'freechol' + M{m}.fitAlgorithm = 'minimize'; + case 'fixed' + M{m}.MM = pcm_diagonalize(M{m}.Gc); %Model matrix for diagonalisation + M{m}.fitAlgorithm = 'pcm_NR_diag'; + end; + end; +end; % Over models + From 94cf8a162394f100c954932f54a19666c1d9c30f Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Thu, 14 Sep 2017 16:58:55 -0400 Subject: [PATCH 12/18] NR For group fits Changes not finished yet. --- documentation/pcm_toolbox_manual.md | 32 ++++-- pcm_getUserOptions.m | 73 +++++++++++++ pcm_likelihoodGroup.m | 138 +++++++++++++----------- pcm_likelihoodIndivid.m | 29 +++-- recipe_nonlinear/pcm_recipe_nonlinear.m | 127 ++++++++++------------ recipe_nonlinear/ra_modelpred_add.m | 69 +++++------- recipe_nonlinear/ra_modelpred_addsc.m | 85 ++++++--------- recipe_nonlinear/ra_modelpred_scale.m | 40 +++---- 8 files changed, 326 insertions(+), 267 deletions(-) create mode 100644 pcm_getUserOptions.m diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index 492ce0e..64caf4f 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -172,7 +172,7 @@ The weights for each component need to be positive - allowing negative weights w For fast optimization of the likelihood, we require the derivate of the second moment matrix in respect to each of the parameters. Thus derivative can then be used to calculate the derivative of the log-likelihood in respect to the parameters (see section 4.3. Derivative of the log-likelihood). In the case of linear component models this is easy to obtain. $$ -\frac{\partial G}{\partial {\theta }_{h}}=\exp(\theta_{h}) {\bf{G}}_{h} +\frac{\partial \mathbf{G}}{\partial {\theta }_{h}}=\exp(\theta_{h}) {\bf{G}}_{h} $$ {#eq:derivative_componentModel} @@ -384,9 +384,13 @@ To be provided ## Fitting to group data sets -The function `pcm_fitModelGroup` fits a model to a group of subjects. All parameters that change the G matrix, that is all `M.numGparams`, are shared across all subjects. To account for the individual signal-to-noise level, by default a separate signal strength (scale) and noise parameter are fitted for each subject. The scaling parameter for each subject is additionally stored under `T.scale` in the output structure. The fitting of an additional scale parameter can be switched off by providing the optional input argument `pcm_fitModelGroup(...,'fitScale',0)`. Often, it speeds up the computation to perform a group fit first, so it can serve as a starting value for the crossvalidated group fit (see below). Otherwise the input and output parameters are identical to `pcm_fitModelIndivid`. +The function `pcm_fitModelGroup` fits a model to a group of subjects. All parameters that change the **G** matrix, that is all `M.numGparams`, are shared across all subjects. To account for the individual signal-to-noise level, by default a separate signal strength ($s_i$) and noise parameter ($\sigma^{2}_{\epsilon,i}$) are fitted for each subject. That is, for each individual subject, the predicted covariance matrix of the data is: -The output `theta` for each model contains not only the `M.numGparams` model parameters, but also the noise parameters for all the subjects, then (optional) the scale parameters for all the subjects, and (if the runEffect is set to random) the run-effect parameter for all the subjects. + +$$ +{\bf{V}_i}=s_i\bf{ZGZ^{T}+S}\sigma^{2}_{\epsilon,i}. +$$ +The output `theta` for each model contains not only the `M.numGparams` model parameters, but also the noise parameters for all the subjects, then (optional) the scale parameters for all the subjects, and (if the runEffect is set to random) the run-effect parameter for all the subjects. The resultant scaling parameter for each subject is additionally stored under `T.scale` in the output structure. The fitting of an additional scale parameter can be switched off by providing the optional input argument `pcm_fitModelGroup(...,'fitScale',0)`. Often, it speeds up the computation to perform a group fit first, so it can serve as a starting value for the crossvalidated group fit (see below). Otherwise the input and output parameters are identical to `pcm_fitModelIndivid`. Note that the introduction of the scale parameter introduces a certain amount of parameter redundancy. For example, if a model has only one single component and parameter, then the overall scaling is simply `s*theta`. One can remove the redundancy by forcing one model parameter to be 1 - in practice this, however, is not necessary. @@ -573,7 +577,7 @@ $$ {#eq:restrictedLikelihodTrick} ## First derivatives of the log-likelihood -Next, we find the derivatives of *L* with respect to each hyper parameter $\theta_{i}$, which influence G. Also we need to estimate the hyper parameters that describe the noise, at least the noise parameter $\sigma_{\epsilon}^{2}$. To take these derivatives we need to use two general rules of taking derivatives of matrices (or determinants) of matrices: +Next, we find the derivatives of *L* with respect to each hyper parameter $\theta_{i}$, which influence G. Also we need to estimate the hyper-parameters that describe the noise, at least the noise parameter $\sigma_{\epsilon}^{2}$. To take these derivatives we need to use two general rules of taking derivatives of matrices (or determinants) of matrices: $$ \frac{{\partial \ln \left( {\bf{V}} \right)}}{{\partial {\theta _i}}} = trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right) $$ @@ -618,9 +622,8 @@ $$ $$ {#eq:derivative_restrictedLogLikelihood2} -The last step is not easily proven, except for diligently applying the product rule and seeing a lot of terms cancel. +The last step is not easily proven, except for diligently applying the product rule and seeing a lot of terms cancel. Putting these two results together with the derivative of the normal likelihood gives us: -Putting these two results together with the derivative of the normal likelihood gives us: $$ \frac{\partial(L_{ReML})}{\partial{\theta_i}}=-\frac{P}{2}trace\left( \mathbf{V}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) $$ @@ -638,6 +641,23 @@ $$ $$ {#eq:derivative_restrictedLogLikelihoodSimple} +## Derivates for specific parameters +From the general term for the derivative of the log-likelihood, we can derive the specific expressions for each parameter. In general, we model $\mathbf{V}$ + + +Each model provides the partial derivaratives for $\mathbf{G}$ in respect to the parameters (see above). From this we can easily obtain the derviative of $\mathbf{V}$ +$$ +\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} = \mathbf{Z} \frac{\partial{\mathbf{G}}}{\partial{\theta_i}}\mathbf{Z}^T +$$ + +The noise + + +$$ +\frac{\partial{\mathbf{V}}}{\partial{\theta_{\epsilon}}} = \mathbf{S}exp(\theta_{\epsilon}) +$$ + + ## Expected second derivative of the log-likelihood For the Newton-Raphson algorithm of optimisation, we need also the negative expected second derivative of the restricted log-likelihood, also called Fisher-information $$ diff --git a/pcm_getUserOptions.m b/pcm_getUserOptions.m new file mode 100644 index 0000000..7188a04 --- /dev/null +++ b/pcm_getUserOptions.m @@ -0,0 +1,73 @@ +function options=pcm_getUserOptions(newOptions,defOptions,allowed); +% function Opt=getUserOptions(options,Opt); +% +% Deals with user-option structure. It allows the user to specify user +% options as a structure, or as a set of fieldnames and values +% +% INPUTS +% options: either a structure of user options or a cell array +% of varargins with 'fieldname1',value1,'fieldname2',value2 ... +% OPTIONAL: +% Opt: structure of default options +% allowed: Cell array of allowed fieldnames for error checking +% +% EXAMPLE: +% function myFunc(input,varargin); +% % Specify default options +% Opt.wdir = 'test'; +% Opt.method = 1; +% % Allow user to overwrite defaults +% Opt = rsa_getUserOptions(varargin,Opt,{'wdir','method'); +% +% % User can call this with +% myFunc(input,myOpts) Or +% myFunc(input,'wdir','root','method',2); +% myFunc(input,myOpts,'fieldname',value,otherOptions); +% Joern Diedrichsen +% j.diedrichsen@ucl.ac.uk +% 2/2015 + +if (nargin<3) + allowed=[]; +end; +if (nargin<2) + defOptions = []; +end; +options = defOptions; + +% Deal with option structure +c=1; +while c<=length(newOptions) + if (isstruct(newOptions{c})) + names = fieldnames(newOptions{c}); + for f=1:length(names); + if ~isempty(allowed) + if ~any(strcmp(names{f},allowed)); + msg = sprintf('User argument ''%s'' is not allowed',names{f}) + msg = [msg sprintf('Allowed names are:\n')]; + msg = [msg sprintf('%s\n',allowed{:})]; + error(msg); + end; + end; + options.(names{f})=newOptions{c}.(names{f}); + end; + c=c+1; + % Alternatively, deal with number of input strings + elseif (ischar(newOptions{c})) + if ~isempty(allowed) + if ~any(strcmp(newOptions{c},allowed)); + msg = sprintf('User argument ''%s'' is not allowed',newOptions{c}) + msg = [msg sprintf('Allowed names are:\n')]; + msg = [msg sprintf('%s\n',allowed{:})]; + error(msg); + end; + end; + if length(newOptions)==c + error(sprintf('Option ''%s'' must be followed by a value',newOptions{c})); + end; + options.(newOptions{c})=newOptions{c+1}; + c=c+2; + else + error('Options must be either fieldnames or structures'); + end; +end; diff --git a/pcm_likelihoodGroup.m b/pcm_likelihoodGroup.m index f0dbfe6..c54a1cb 100644 --- a/pcm_likelihoodGroup.m +++ b/pcm_likelihoodGroup.m @@ -1,8 +1,8 @@ -function [negLogLike,dnldtheta,L,dLdtheta] = pcm_likelihoodGroup(theta,YY,M,Z,X,P,varargin); -% function [negLogLike,dnldtheta,L,dLdtheta] = pcm_groupLikelihood(theta,YY,M,Z,X,P,varargin); +function [negLogLike,dnl,d2nl,LogLike] = pcm_likelihoodGroup(theta,YY,M,Z,X,P,varargin); +% function [negLogLike,dnl,d2nl] = pcm_likelihoodGroup(theta,YY,M,Z,X,P,varargin); % Returns negative log likelihood of the data from a group of subjects under the -% representational model specified by M. The function uses common model -% parameters (theta) for all subjects , i.e the structure of the second-moment +% representational model specified by M. The function uses common model +% parameters (theta) for all subjects , i.e the structure of the second-moment % matrix is supposed to be same across all subjects. % To link the group prediction to individual second-moment matrices, a % number of individual-level nuisance parameters are introduced: @@ -15,7 +15,7 @@ % theta: Vector of model parameters + subject-specific nuisance parameters % 1...numGParams : model parameters % numGParams+1... +numSubj : log(noise variance) -% numGParams+numSubj+1... : log(scaling parameters) - used if fitScale +% numGParams+numSubj+1... : log(scaling parameters) - used if fitScale % numGParams+numSubj*2+1...: log(run effect variance)- used if runEffect is provided % YY: cell array {numSubj}: Y*Y': Outer product of the data (NxN) % M: Model for G (same for the whole group): @@ -35,7 +35,7 @@ % 'runEffect',B: cell array {numSubj} of design matrices for the run effect, % which is modelled as a individual subject-specific random effect. % 'fitScale' Introduce additional scaling parameter for each -% participant? - default is true +% participant? - default is true % 'S',S: Optional structured noise matrix - default is the identity matrix % S should be a structure-array (number of subjects) with two fields % S.S: noise structure matrix @@ -45,26 +45,26 @@ % negLogLike: Negative Log likelihood of all subject's data % We use the negative log liklihood to be able to plug the function into % minimize or other optimisation routines. -% dnldtheta: Derivative of the negative log-likelihood -% L: Log likelihood (not inverted) for all the subject -% dLdtheta: Derivate of Log likelihood for each subject +% dnl: Derivative of the negative log-likelihood +% d2nl: expected second derivative of the negative log-likelihood +% LogLike: Log likelihood (not inverted) for individual subjects % % Joern Diedrichsen, 6/2016, joern.diedrichsen@googlemail.com -S = []; -verbose = 0; -runEffect = []; -fitScale = 1; -pcm_vararginoptions(varargin,{'S','verbose','runEffect','fitScale'}); +OPT.S = []; +OPT.verbose = 0; +OPT.runEffect = []; +OPT.fitScale = 1; +OPT = pcm_getUserOptions(varargin,OPT,{'S','verbose','runEffect','fitScale'}); -% Get G-matrix and derivative of G-matrix in respect to parameters +% Get G-matrix and derivative of G-matrix in respect to parameters if (isstruct(M)) - [G,dGdtheta] = pcm_calculateG(M,theta(1:M.numGparams)); -else + [G,dGdtheta] = pcm_calculateG(M,theta(1:M.numGparams)); +else G=M; - M=[]; - M.numGparams=0; -end; + M=[]; + M.numGparams=0; +end; % Loop over subjects numSubj = length(YY); @@ -72,18 +72,18 @@ % Get parameter and sizes noiseParam = theta(M.numGparams+s); % Subject Noise Parameter - if (fitScale) + if (OPT.fitScale) scaleParam = theta(M.numGparams+numSubj+s); % Subject Noise Parameter - else - scaleParam = 0; - end; + else + scaleParam = 0; + end; Gs = G*exp(scaleParam); % Scale the subject G matrix up by individual scale parameter N = size(Z{s},1); % If Run effect is to ne modelled as a random effect - add to G and % design matrix - if (~isempty(runEffect{s})) - numRuns = size(runEffect{s},2); + if (~isempty(OPT.runEffect{s})) + numRuns = size(OPT.runEffect{s},2); runParam = theta(M.numGparams+numSubj*(1+fitScale)+s); % Subject run effect parameter Gs = pcm_blockdiag(Gs,eye(numRuns)*exp(runParam)); % Include run effect in G Z{s} = [Z{s} runEffect{s}]; % Include run effect in design matrix @@ -99,7 +99,7 @@ Zu = Z{s}*u(:,idx); % Give warning if G was not invertible - if (verbose) + if (OPT.verbose) if (any(dS<-1e-5)) %error('negative eigenvalues in G'); warning('negative eigenvalues in G: num=%d, min=%d',sum(dS<-1e-5),dS(dS<-1e-5)); % ay @@ -115,9 +115,9 @@ % Compute inv(V) over matrix inversion lemma - use particular noise % structure if given. - if (~isempty(S)); - sS = S(s).S; % noise covariance - iS = S(s).invS; % inverse noise covariance + if (~isempty(OPT.S)); + sS = OPT.S(s).S; % noise covariance + iS = OPT.S(s).invS; % inverse noise covariance iV = (iS-iS*Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*iS*Zu)*Zu'*iS)./exp(noiseParam); % Matrix inversion lemma else iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*Zu)*Zu')./exp(noiseParam); % Matrix inversion lemma @@ -132,45 +132,55 @@ iVr = iV - iVX*((X{s}'*iVX)\iVX'); end; - % Precompute some matrices - A = iVr*Z{s}; - B = YY{s}*A/P(s); - % Get the derivatives for all the parameters - for i = 1:M.numGparams - C{i} = (A*pcm_blockdiag(dGdtheta(:,:,i),zeros(numRuns))); - dLdtheta(i,s) = -P(s)/2*(traceABtrans(C{i},Z{s})-traceABtrans(C{i},B))*exp(scaleParam); - end - - % Get the derivatives for the Noise parameters - indx = M.numGparams+s; % Which number parameter is it? - if (isempty(S)) - dLdtheta(indx,s) = -P(s)/2*traceABtrans(iVr,(speye(N)-YY{s}*iVr/P(s)))*exp(noiseParam); - else - dLdtheta(indx,s) = -P(s)/2*traceABtrans(iVr*S(s).S,(speye(N)-YY{s}*iVr/P(s)))*exp(noiseParam); + % Compute the (restricted) likelihood for this Subject + ldet = -2* sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu + LogLike(s) = -P(s)/2*(ldet)-0.5*traceABtrans(iVr,YY{s}); + if (~isempty(X) && ~isempty(X{s})) % Correct for ReML estimates + LogLike(s) = LogLike(s) - P(s)*sum(log(diag(chol(X{s}'*iV*X{s})))); % - P/2 log(det(X'V^-1*X)); end; - % Get the derivatives for the scaling parameters - if (fitScale) - indx = M.numGparams+numSubj+s; % Which number parameter is it? - C{indx} = A*pcm_blockdiag(G,zeros(numRuns)); - dLdtheta(indx,s) = -P(s)/2*(traceABtrans(C{indx},Z{s})-traceABtrans(C{indx},B))*exp(scaleParam); + % Calculate the first derivative + if (nargout>1) + A = iVr*Z{s}; + B = YY{s}*iVr; + + % Get the derivatives for all the parameters + for i = 1:M.numGparams + iVdV{i} = A*pcm_blockdiag(dGdtheta(:,:,i),zeros(numRuns))*Z{s}'*exp(scaleParam); + dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + end + + % Get the derivatives for the Noise parameters + i = M.numGparams+s; % Which number parameter is it? + if (isempty(OPT.S)) + dVdtheta{i} = eye(N)*exp(noiseParam); + else + dVdtheta{i} = sS*exp(noiseParam); + end; + iVdV{i} = iVr*dVdtheta{i}; + dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + + % Get the derivatives for the scaling parameters + if (OPT.fitScale) + i = M.numGparams+numSubj+s; % Which number parameter is it? + iVdV{i} = A*pcm_blockdiag(G,zeros(numRuns))*Z{s}'*exp(scaleParam); + dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})-1/2*traceABtrans(iVdV,B); + end; + + % Get the derivatives for the block parameter + if (~isempty(OPT.runEffect) && ~isempty(OPT.runEffect)) + i = M.numGparams+numSubj*(1+fitScale)+s; % Which number parameter is it? + iVdV{i} = A*pcm_blockdiag(zeros(K),eye(numRuns))*Z{s}'*exp(runParam); + dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + end; + end; - - % Get the derivatives for the block parameter - if (~isempty(runEffect) && ~isempty(runEffect{s})) - indx = M.numGparams+numSubj*(1+fitScale)+s; % Which number parameter is it? - C{indx} = A*pcm_blockdiag(zeros(size(G,1)),eye(numRuns)); - dLdtheta(indx,s) = -P(s)/2*(traceABtrans(C{indx},Z{s})-traceABtrans(C{indx},B))*exp(runParam); + if (narargout>2) + keyboard; end; - % Calculate the overall Likelihood for this subject - ldet = -2* sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu - L(s) = -P(s)/2*(ldet)-0.5*traceABtrans(iVr,YY{s}); - if (~isempty(X) && ~isempty(X{s})) % Correct for ReML estimates - L(s) = L(s) - P(s)*sum(log(diag(chol(X{s}'*iV*X{s})))); % - P/2 log(det(X'V^-1*X)); - end; end % Sum over participants -negLogLike = -sum(L); -dnldtheta = -sum(dLdtheta,2); +negLogLike = -sum(LogLike); +dnl = -sum(dLdtheta,2); diff --git a/pcm_likelihoodIndivid.m b/pcm_likelihoodIndivid.m index 1357618..2e5c92f 100644 --- a/pcm_likelihoodIndivid.m +++ b/pcm_likelihoodIndivid.m @@ -1,4 +1,4 @@ -function [negLogLike,dnl,d2nl] = pcm_likelihoodIndivid2(theta,YY,M,Z,X,P,varargin); +function [negLogLike,dnl,d2nl] = pcm_likelihoodIndivid(theta,YY,M,Z,X,P,varargin); % function [negLogLike,dnl,d2nl] = pcm_likelihoodIndivid(theta,YY,M,Z,X,P,varargin); % Returns negative log likelihood for the model, and the derivatives in % respect to the model parameters for an individual subject / dataset @@ -40,11 +40,10 @@ N = size(YY,1); K = size(Z,2); -S = []; -calcLikelihood = 1; -runEffect =[]; +OPT.S = []; +OPT.runEffect =[]; -pcm_vararginoptions(varargin,{'S','runEffect','calcLikelihood'}); +OPT=pcm_vararginoptions(varargin,OPT,{'S','runEffect'}); % Get G-matrix and derivative of G-matrix in respect to parameters @@ -60,11 +59,11 @@ % design matrix noiseParam = theta(M.numGparams+1); -if (~isempty(runEffect)) - numRuns = size(runEffect,2); +if (~isempty(OPT.runEffect)) + numRuns = size(OPT.runEffect,2); runParam = theta(M.numGparams+2); % Subject run effect parameter G = pcm_blockdiag(G,eye(numRuns)*exp(runParam)); % Include run effect in G - Z = [Z runEffect]; % Include run effect in design matrix + Z = [Z OPT.runEffect]; % Include run effect in design matrix else numRuns = 0; % No run effects modelled end; @@ -78,10 +77,10 @@ % Apply the matrix inversion lemma. The following statement is the same as % V = (Z*G*Z' + S.S*exp(theta(H))); % iV = pinv(V); -if (isempty(S)) +if (isempty(OPT.S)) iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*Zu)*Zu')./exp(noiseParam); % Matrix inversion lemma else - iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(noiseParam); % Matrix inversion lemma + iV = (OPT.S.invS-OPT.S.invS*Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*OPT.S.invS*Zu)*Zu'*OPT.S.invS)./exp(noiseParam); % Matrix inversion lemma end; iV = real(iV); % sometimes iV gets complex @@ -94,17 +93,15 @@ end; % Computation of (restricted) likelihood -if (calcLikelihood) ldet = -2* sum(log(diag(chol(iV)))); % Safe computation of the log determinant (V) Thanks to code from D. lu l = -P/2*(ldet)-0.5*traceABtrans(iVr,YY); if (~isempty(X)) % Correct for ReML estimates l = l - P*sum(log(diag(chol(X'*iV*X)))); % - P/2 log(det(X'V^-1*X)); end; negLogLike = -l; % Invert sign -end; -% Calcualte the first derivative +% Calculate the first derivative if (nargout>1) A = iVr*Z; % Precompute some matrices B = YY*iVr; @@ -116,16 +113,16 @@ % Get the derivatives for the Noise parameters i = M.numGparams+1; % Which number parameter is it? - if (isempty(S)) + if (isempty(OPT.S)) dVdtheta{i} = eye(N)*exp(noiseParam); else - dVdtheta{i} = S.S*exp(noiseParam); + dVdtheta{i} = OPT.S.S*exp(noiseParam); end; iVdV{i} = iVr*dVdtheta{i}; dLdtheta(i,1) = -P/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); % Get the derivatives for the block parameter - if (~isempty(runEffect) && ~isempty(runEffect)) + if (~isempty(OPT.runEffect) && ~isempty(OPT.runEffect)) i = M.numGparams+2; % Which number parameter is it? %C = A*pcm_blockdiag(zeros(size(G,1)),eye(numRuns)); iVdV{i} = A*pcm_blockdiag(zeros(K),eye(numRuns))*Z'*exp(runParam); diff --git a/recipe_nonlinear/pcm_recipe_nonlinear.m b/recipe_nonlinear/pcm_recipe_nonlinear.m index b5f870b..0ef820e 100644 --- a/recipe_nonlinear/pcm_recipe_nonlinear.m +++ b/recipe_nonlinear/pcm_recipe_nonlinear.m @@ -18,21 +18,18 @@ % % The ratio between paired finger pattern distances remains stable as activity % increases (i.e. as # of presses increase), but the distances increase. In -% this recipe, we fit one model of how the finger patterns may scale as the -% number of presses increases. Model: +% this recipe, we attept to model how the finger patterns scaling as the +% number of presses increases. We do this by fitting three nonlinear models +% of interest: % 'Scaling': patterns multiplicatively scaled by constant dependent -% on the number of presses (G_2 = s*G_1, where G is the second -% moment martix at one pressing speed, and s is # presses scaling -% constant) -% 'Additive': patterns are shifted from baseline by a constant background -% patten dependent on the speed. Therefore, the covariances -% will remain approximately consistent, but the variance of -% each condition in the second moment will increase with -% pressing speed. -% 'Combination': patterns are scaled multiplicatively and shifted from -% baseline by some additive background pattern. +% on the number of presses (Y = s*f, where f are finger +% patterns and s is # presses scaling constant) +% 'Additive': patterns scaled by additive constant (Y = f + a, where a is +% pressing-dependent background activity pattern) +% 'Combo': patterns scale as combo of additive and scaling functions +% (Y = s*f + a). Scaling and additive models are orthogonal. % -% In addition to the above three nonlinear models, we fit two additional +% In addition to the three models of interest, we fit two additional % models: % 'Null': model that returns data where all distances are equal (i.e. % a bad model). This is used as the zero point when scaling @@ -41,45 +38,48 @@ % observed G as a fixed model, meaning it is the best possible % model. Likelihood of the non-crossvalidated group fit % of this model is set to be 1 when scaling likelihoods. +% Note that these models don't predict actual pattern estimates, rather +% their (co-)variances, but it is easier to understand the model functions +% when described in relation to actual patterns. % - +% SArbuckle 2016 + load data_recipe_nonlinear.mat % loads struct I -runEffect = 'random'; -% The run effect is considered a random effect with zero mean this is -% important, as we want to preserve the information of where the baseline is - +runEffect = 'random'; % The run effect is considered a random effect with zero mean + % this is important, as we want to preserve the + % information of where the baseline sits % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - % (1) Estimate crossvalidated G from acivity patterns % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - for s=1:length(I) % Each row of I is one subject - N = length(I(s).run); % number of condition regressors - Y{s} = I(s).betaW(1:N,:); % condition-specific activity pattern + N = length(I(s).run); % number of condition regressors + Y{s} = I(s).betaW(1:N,:); % condition-specific activity pattern conditionVec{s} = I(s).tt; partitionVec{s} = I(s).run; - G_hat(:,:,s) = pcm_estGCrossval(Y{s},I(s).run,I(s).tt); + G_hat(:,:,s) = pcm_estGCrossval(Y{s},I(s).run,I(s).tt); end; % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - % (2) Guess starting theta values % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -% PCM toolbox cannot estimate starting values for nonlinear scaling. +% PCM toolbox cannot estimate starting values for nonlinear models. % Starting vals can be arbitrary but can drastically increase computation % time. scale_vals = [log(0.30);log(0.62);log(0.85)]; -add_vals = [log(0.2); log(0.62); log(1)]; +add_vals = [log(0.2);log(0.62);log(1)]; % Get starting values for the finger structure (Omega). Because we're interested -% in how these patterns scale, we use the (co-)variances from the portion -% fo the second moment matrix (G) that correspond to one pressing speed. +% in how these patterns scale, we will take finger params of G for that +% reflect the (co-)variances of the fingers at the same number of presses. % These values will be used to estimate the (co-)variances of the fingers -% at the other three pressing soeeds. Importantly, results will be the same +% at the other three number of presses. Importantly, results will be the same % no matter what of the 4 different pressing conditions are used to % determine the starting values. Here we take the 15 G values for 16 % presses. We can further reduce the number of parameters to minimize by % scaling the parameters such that the first param is equal to 1. -G_mean = mean(G_hat,3); -[Fx0,~,~] = pcm_free_startingval(G_mean([16:20],[16:20])); % scales params such that G(1,1) is 1. +G_mean = mean(G_hat,3); +[Fx0,~,~] = pcm_free_startingval(G_mean([16:20],[16:20])); % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - @@ -89,30 +89,29 @@ M{1}.type = 'fixed'; M{1}.name = 'Null'; M{1}.Gc = eye(20); -M{1}.numGparams = 0; % totally fixed model- no free params -% Use likelihood fit of this model as 0 scaling point in each subject +M{1}.numGparams = 0; % Scaling model- distances multiplied by constant scaler dependent on number of presses M{2}.type = 'nonlinear'; M{2}.name = 'Scaling'; M{2}.modelpred = @ra_modelpred_scale; M{2}.numGparams = 17; % 14 free theta params in Fx0 and 3 free scaling params -M{2}.theta0 = [Fx0;scale_vals]; +M{2}.theta0 = [Fx0;scale_vals]; -% Additive independent model- adds independent pattern (NOT mean -% pattern) that scales with pressing speed +% Additive independent model- adds independent pattern that scales with the +% number of presses (independent of the scaling model) M{3}.type = 'nonlinear'; -M{3}.modelpred = @ra_modelpred_add; -M{3}.numGparams = 17; % 14 free theta params in Fx0 and 3 additive params -M{3}.theta0 = [Fx0;add_vals]; M{3}.name = 'Additive'; +M{3}.modelpred = @ra_modelpred_add; +M{3}.numGparams = 17; +M{3}.theta0 = [Fx0;add_vals]; -% Additive independent + Scaling model combo -M{4}.type = 'nonlinear'; +% Combo model: additive independent & scaling models combined +M{4}.type = 'nonlinear'; +M{4}.name = 'Combo'; M{4}.modelpred = @ra_modelpred_addsc; -M{4}.numGparams = 20; % 14 free theta params in Fx0 and 3 free scaling params + 3 additive params -M{4}.theta0 = [Fx0;scale_vals;add_vals]; -M{4}.name = 'Combination'; +M{4}.numGparams = 20; +M{4}.theta0 = [Fx0;scale_vals;add_vals]; % Naive averaging model- noise ceiling M{5}.type = 'noiseceiling'; @@ -121,6 +120,8 @@ M{5}.theta0 = []; % Use likelihood fit of this model as 1 scaling point in each subject +Mi = M; % create a copy of the model structure for use in the Individual fitting + % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - % (4) Fit Models and plot group lvl results % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - @@ -135,58 +136,48 @@ 'runEffect',runEffect,'isCheckDeriv',0,'groupFit',theta_all); % Can scale and plot group likelihoods of model fits. -T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5),'style','bar'); +figure(1); +T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5),'style','bar','normalize',1); % Returns T with subfields for scaled likelihoods (relative to null model (M1) -% and noise ceiling (M5). +% and noise ceiling (M3). % We can also plot and compare the real/observed and estimate (co-)variance % matrices. for s = 1:size(G_pred{2},3) % for each subject G_scaling(:,:,s) = G_pred{2}(:,:,s).*Tcross.scale(s,2); - G_additive(:,:,s) = G_pred{3}(:,:,s).*Tcross.scale(s,2); - G_combo(:,:,s) = G_pred{4}(:,:,s).*Tcross.scale(s,2); + G_additive(:,:,s) = G_pred{3}(:,:,s).*Tcross.scale(s,3); + G_combo(:,:,s) = G_pred{4}(:,:,s).*Tcross.scale(s,4); end G_scaling = mean(G_scaling,3); G_additive = mean(G_additive,3); G_combo = mean(G_combo,3); -clim_max = max([max(max(G_scaling)) max(max(G_additive)) max(max(G_combo)) max(max(G_mean))]); +maxColorLimit = max([max(max(G_mean)),... + max(max(G_scaling)),... + max(max(G_additive)),... + max(max(G_combo))]); +colorLimits = [0 maxColorLimit]; % plot group crossval fitted G_scaling against mean of G_hat figure(2); subplot(1,4,1); -imagesc(G_mean,[0 clim_max]); +imagesc(G_mean,colorLimits); title('group G-hat') subplot(1,4,2); -imagesc(G_scaling,[0 clim_max]); +imagesc(G_scaling,colorLimits); title('group scaling G') subplot(1,4,3); -imagesc(G_additive,[0 clim_max]); +imagesc(G_additive,colorLimits); title('group additive G') subplot(1,4,4); -imagesc(G_combo,[0 clim_max]); -title('group combination G'); - -% We can also evalute how effective the scaling parameter estimtes using -% simple line plots. For example, we can take the diagonal of G_mean and -% G_scaling: -figure(3); -hold on; -plot(diag(G_mean),'LineWidth',2); -plot(diag(G_scaling),'LineWidth',2); -hold off; -legend({'observed','scaling'}); -legend boxoff -xlabel('condition number'); -xlim([1 20]); -ylabel('variance (a.u.)'); -box off +imagesc(G_combo,colorLimits); +title('group combination G') % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - % (5) Fit Model to single subjects and plot fits for one subj % - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - [Tindivid,~,G_pred_individ] = pcm_fitModelIndivid(Y,M,partitionVec,conditionVec,... 'runEffect',runEffect,'isCheckDeriv',0); -figure(4); +figure(3); pcm_plotModelLikelihood(Tindivid,M,'subj',4,'normalize',0,'plotceil',0); % We don't plot a lower noise ceiling because the noiseceiling model in % Tindivid is NOT crossvalidated, and so it is not appropriate for a lower -% noise ceiling. +% noise ceiling. \ No newline at end of file diff --git a/recipe_nonlinear/ra_modelpred_add.m b/recipe_nonlinear/ra_modelpred_add.m index 3918dd3..b008576 100644 --- a/recipe_nonlinear/ra_modelpred_add.m +++ b/recipe_nonlinear/ra_modelpred_add.m @@ -1,49 +1,34 @@ function [G,dGdtheta] = ra_modelpred_add(theta) -% function [G,dGdtheta] = ra_modelpred_add(theta) -% This is an example of a nonlinear pattern component model -% For an experiment with 5 fingers, measured at 4 different tapping -% speeds. -% The first 14 paramters determine the stucture of the Finger patterns -% encoded in A. With OM = A*A'. -% Then there are 3 different additive parameters for the 1-3 speed. The -% additive parameter for the 4th speed is fixed to one. -% So the prediction of the ith finger for the jth speed is -% y_i,j = f_i + s_q -% Where f_i is a full pattern and s_q a background additive pattern. -% It then calculates the derivative of the G matrix in respect to the -% parameters. -fingerParams = [1;theta(1:14)]; -addParams = exp(theta(15:17)); -indx1 = double(tril(true(5),0)); -indx1(indx1>0) = [1:15]; -indx2 = indx1'; -M = [kron(ones(4,1),eye(5)) kron([0;addParams],ones(5,1))]; - -A = zeros(6); -for i = 1:15 - d = zeros(5); - d(indx1==i | indx2==i) = 1; - d(6,6) = 0; - dA(:,:,i) = d; - A = A+dA(:,:,i)*fingerParams(i); +% Predicts distaces and G-matrix for additive independent +fingerParams=[1;theta(1:14)]; +addParams = exp(theta(15:17)); +indx1=double(tril(true(5),0)); +indx1(indx1>0)=[1:15]; +indx2 = indx1'; +M = [kron(ones(4,1),eye(5)) kron([0;addParams],ones(5,1))]; +% Finger parameters +A=zeros(6); +for i=1:15 + d=zeros(5); + d(indx1==i | indx2==i)=1; + d(6,6)=0; + dA(:,:,i)=d; + A=A+dA(:,:,i)*fingerParams(i); end; -A(6,6) = 1; -OM = A*A'; -G = M*OM*M'; % Second moment matrix - -% % Build dertivatives -% finger params -for i = 1:15 +A(6,6)=1; +OM = A*A'; +for i=1:15 if (i>1) - dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; - dGdtheta(:,:,i-1) = M*dOM*M'; + dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; + dGdtheta(:,:,i-1)=M*dOM*M'; end; end; -% additive params +G=M*OM*M'; % Second moment matrix +% Additive parameters for i=1:3 - add = zeros(4,1); - add(i+1) = 1; - dM = [zeros(20,5) kron(add,ones(5,1))]; - dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; % derivative for tapping speed i - dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*addParams(i); % scaled derivative + add=zeros(4,1); + add(i+1)=1; + dM=[zeros(20,5) kron(add,ones(5,1))]; + dGdtheta(:,:,14+i)=dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,14+i)=dGdtheta(:,:,14+i)*addParams(i); end; diff --git a/recipe_nonlinear/ra_modelpred_addsc.m b/recipe_nonlinear/ra_modelpred_addsc.m index 31befed..8b86c40 100644 --- a/recipe_nonlinear/ra_modelpred_addsc.m +++ b/recipe_nonlinear/ra_modelpred_addsc.m @@ -1,62 +1,45 @@ function [G,dGdtheta] = ra_modelpred_addsc(theta) -% function [G,dGdtheta] = ra_modelpred_addsc(theta) -% This is an example of a nonlinear pattern component model -% For an experiment with 5 fingers, measured at 4 different tapping -% speeds. -% The first 14 paramters determine the stucture of the Finger patterns -% encoded in A. With OM = A*A'. -% Then there are 3 different scaling parameters for the 1-3 speed. The -% scaling parameter for the 4th speed is fixed to one. -% Finally, there are 3 different additive parameters, also one per speed. -% Again, the additive parameter for the 4th speed is fixed to one. -% So the prediction of the ith finger for the jth speed is -% y_i,j = s_j * f_i + s_q -% Where f_i is a full pattern and s_j a scalar and s_q an additive -% background pattern. -% It then calculates the derivative of the G matrix in respect to the -% parameters. - -fingerParams = [1;theta(1:14)]; -scaleParams = exp(theta(15:17)); -addParams = exp(theta(18:20)); -indx1 = double(tril(true(5),0)); -indx1(indx1>0) = [1:15]; -indx2 = indx1'; -A = zeros(5); -M = [kron([scaleParams;1],eye(5)) kron([0;addParams],ones(5,1))]; +% Predicts distaces and G-matrix for combo model +fingerParams=[1;theta(1:14)]; +scaleParams=exp(theta(15:17)); +addParams = exp(theta(18:20)); +indx1=double(tril(true(5),0)); +indx1(indx1>0)=[1:15]; +indx2 = indx1'; +A=zeros(5); +M = [kron([scaleParams;1],eye(5)) kron([0;addParams],ones(5,1))]; % Finger parameters -A = zeros(6); -for i = 1:15 - d = zeros(5); - d(indx1==i | indx2==i) = 1; - d(6,6) = 0; - dA(:,:,i) = d; - A = A+dA(:,:,i)*fingerParams(i); +A=zeros(6); +for i=1:15 + d=zeros(5); + d(indx1==i | indx2==i)=1; + d(6,6)=0; + dA(:,:,i)=d; + A=A+dA(:,:,i)*fingerParams(i); end; -A(6,6) = 1; -OM = A*A'; -G = M*OM*M'; % Second moment matrix +A(6,6)=1; +OM = A*A'; +G=M*OM*M'; % Second moment matrix -% % Build derivatives -for i = 1:15 +for i=1:15 if (i>1) - dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; - dGdtheta(:,:,i-1) = M*dOM*M'; + dOM = dA(:,:,i)*A'+A*dA(:,:,i)'; + dGdtheta(:,:,i-1)=M*dOM*M'; end; end; % Scale parameters -for i = 1:3 - sc = zeros(4,1); - sc(i) = 1; - dM = [kron(sc,eye(5)) zeros(20,1)]; - dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; - dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*scaleParams(i); +for i=1:3 + sc=zeros(4,1); + sc(i)=1; + dM=[kron(sc,eye(5)) zeros(20,1)]; + dGdtheta(:,:,14+i)=dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,14+i)=dGdtheta(:,:,14+i)*scaleParams(i); end; % Additive parameters -for i = 1:3 - add = zeros(4,1); - add(i+1) = 1; - dM = [zeros(20,5) kron(add,ones(5,1))]; - dGdtheta(:,:,17+i) = dM*OM*M'+M*OM*dM'; - dGdtheta(:,:,17+i) = dGdtheta(:,:,17+i)*addParams(i); +for i=1:3 + add=zeros(4,1); + add(i+1)=1; + dM=[zeros(20,5) kron(add,ones(5,1))]; + dGdtheta(:,:,17+i)=dM*OM*M'+M*OM*dM'; + dGdtheta(:,:,17+i)=dGdtheta(:,:,17+i)*addParams(i); end; \ No newline at end of file diff --git a/recipe_nonlinear/ra_modelpred_scale.m b/recipe_nonlinear/ra_modelpred_scale.m index 781fcba..e868591 100644 --- a/recipe_nonlinear/ra_modelpred_scale.m +++ b/recipe_nonlinear/ra_modelpred_scale.m @@ -12,15 +12,15 @@ % Where f_i is a full pattern and s_j a scalar. % It then calculates the derivative of the G matrix in respect to the % parameters. -fingerParams = theta(1:14); -scaleParams = exp(theta(15:17)); -indx1 = double(tril(true(5),0)); -indx1(indx1>0) = [-1 1:14]; -indx2 = indx1'; -A = zeros(5); -A(indx1==-1) = 1; -M = kron([scaleParams;1],eye(5)); -for i = 1:14 +fingerParams=theta(1:14); +scaleParams=exp(theta(15:17)); +indx1=double(tril(true(5),0)); +indx1(indx1>0)=[-1 1:14]; +indx2 = indx1'; +A=zeros(5); +A(indx1==-1)=1; +M=kron([scaleParams;1],eye(5)); +for i=1:14 A(indx1==i | indx2==i) = fingerParams(i); end; OM = A*A'; @@ -28,16 +28,16 @@ % Build dertivatives for i=1:14 - dA = zeros(5); - dA(indx1==i | indx2==i) = 1; - dOM = dA*A'+A*dA; - dGdtheta(:,:,i) = M*dOM*M'; + dA=zeros(5); + dA(indx1==i | indx2==i)=1; + dOM=dA*A'+A*dA; + dGdtheta(:,:,i)=M*dOM*M'; end; -for i = 1:3 - sc = zeros(4,1); - sc(i) = 1; - dM = kron(sc,eye(5)); - dGdtheta(:,:,14+i) = dM*OM*M'+M*OM*dM'; % derivative for tapping speed i - dGdtheta(:,:,14+i) = dGdtheta(:,:,14+i)*scaleParams(i); % scaled derivative -end; +for i=1:3 + sc=zeros(4,1); + sc(i)=1; + dM=kron(sc,eye(5)); + dGdtheta(:,:,14+i)=dM*OM*M'+M*OM*dM'; % derivative for tapping speed i + dGdtheta(:,:,14+i)=dGdtheta(:,:,14+i)*scaleParams(i); % scaled derivative +end; \ No newline at end of file From 2a05c538a0a87c2caed00f8f349c57b23b7a0732 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Fri, 15 Sep 2017 00:09:57 -0400 Subject: [PATCH 13/18] NR fitting from Group and Group Crossval Switch NR to Levenberg-marquardt-style algorithm Group fit now with NR --- pcm_NR.m | 47 +++++++++++------ pcm_fitModelGroup.m | 39 ++++++++------ pcm_fitModelGroupCrossval.m | 48 ++++++++++-------- pcm_fitModelIndivid.m | 2 +- pcm_likelihoodGroup.m | 56 +++++++++++++-------- pcm_likelihoodIndivid.m | 2 +- recipe_correlation/pcm_recipe_correlation.m | 4 +- 7 files changed, 123 insertions(+), 75 deletions(-) diff --git a/pcm_NR.m b/pcm_NR.m index a6f560e..5ad4989 100755 --- a/pcm_NR.m +++ b/pcm_NR.m @@ -28,54 +28,69 @@ % Defaults %-------------------------------------------------------------------------- OPT.numIter = 32; % Maximal number of iterations -OPT.thres = 1e-5; -OPT.HessReg = 1/256; % Regularisation on the Hessian (Fisher) matrix +OPT.thres = 1e-3; % Tolerance on decrease of likelihood +OPT.HessReg = 1; % Regularisation on the Hessian (Fisher) matrix % Variable argument otions %-------------------------------------------------------------------------- OPT=rsa.getUserOptions(varargin,OPT,{'HessReg','thres','low','numIter'}); +% Set warning to error, so it can be caught +warning('error','MATLAB:nearlySingularMatrix'); + % Initialize Interations %-------------------------------------------------------------------------- dF = Inf; H = length(theta0); % Number of parameters -OPT.HessReg = OPT.HessReg*eye(H,H); % Prior precision (1/variance) of h +% OPT.HessReg = OPT.HessReg*eye(H,H); % Prior precision (1/variance) of h theta=theta0; for k = 1:OPT.numIter thetaH(:,k)=theta; [nl(k),dFdh,dFdhh]=likefcn(theta); - % Safety check if likelihood decreased + % Safety check if negative likelihood decreased %---------------------------------------------------------------------- - if (k>1 & (nl(k)-nl(k-1))>eps) - OPT.HessReg = OPT.HessReg*10; + if (k>1 & (nl(k)-nl(k-1))>eps) % If not.... + OPT.HessReg = OPT.HessReg*10; % Increase regularisation % warning('likelihood decreased. Regularisation %2.3f\n',OPT.HessReg(1)); theta = thetaH(:,k-1); thetaH(:,k)=theta; nl(k)=nl(k-1); dFdh = dFdh_old; dFdhh = dFdhh_old; - else - OPT.HessReg = OPT.HessReg/10; + dL = inf; % Definitely try again + else + if (OPT.HessReg>1e-8) + OPT.HessReg = OPT.HessReg/10; + end; + dL = inf; + if (k>1) + dL = nl(k-1)-nl(k); + end; end; dFdh_old=dFdh; dFdhh_old = dFdhh; - % Add slight regularisation to second derivative + % Add slight Levenberg-Marquardt-style regularisation to second derivative %---------------------------------------------------------------------- - dFdhh = dFdhh + OPT.HessReg; + dFdhh = dFdhh + diag(diag(dFdhh))*OPT.HessReg; % Fisher scoring: update dh = inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- - dtheta = dFdhh\dFdh; - % dtheta = -spm_dx(-dFdhh,-dFdh,{1}); - theta = theta - dtheta; - dF = dFdh'*dtheta; - + try + dtheta = dFdhh\dFdh; + theta = theta - dtheta; + catch % Likely matrix close to singluar + OPT.HessReg = OPT.HessReg*10; + dFdhh = dFdhh_old + diag(diag(dFdhh_old))*OPT.HessReg; + dtheta = dFdhh\dFdh; + theta = theta - dtheta; + keyboard; + end; % convergence %---------------------------------------------------------------------- - if dF < OPT.thres + if dL < OPT.thres break; else % as = find(theta > low); diff --git a/pcm_fitModelGroup.m b/pcm_fitModelGroup.m index 3325584..9c84120 100644 --- a/pcm_fitModelGroup.m +++ b/pcm_fitModelGroup.m @@ -77,7 +77,7 @@ %-------------------------------------------------------------------------- % OUTPUT: % T: Structure with following subfields: -% SN: Subject number +% SN: Subject number % likelihood: Group-fit likelihood (with subj included) % noise: Noise Variance % scale: Scale parameter for each subject (if fitScale set to 1) @@ -96,12 +96,17 @@ S = []; % Structure of noise matrix pcm_vararginoptions(varargin,{'runEffect','isCheckDeriv','MaxIteration',... 'verbose','fitScale','S'}); - numSubj = numel(Y); numModels = numel(M); + % Preallocate output structure T.SN = [1:numSubj]'; +T.iterations = zeros(numSubj,1); +T.time = zeros(numSubj,1); + +% Determine optimal algorithm for each of the models +M = pcm_optimalAlgorithm(M); % -------------------------------------------------------- % Figure out a starting values for the noise parameters @@ -158,6 +163,7 @@ fprintf('Overall fitting model:%d\n',m); end; end; + tic; % Get starting guess for theta if not provided if (isfield(M{m},'theta0')) @@ -177,8 +183,6 @@ G0 = pcm_calculateG(M{m},theta0); end; g0 = G0(:); - - % Estimate starting scaling value for each subject if (fitScale) for s = 1:numSubj g_hat = G_hat(:,:,s); @@ -191,7 +195,7 @@ % Put together the vector of starting value x0 = theta0; - x0=[x0;noise0]; + x0 = [x0;noise0]; if(fitScale) x0 = [x0;scale0(:,m)]; end; @@ -200,13 +204,18 @@ end; % Now do the fitting - if (M{m}.numGparams==0) - fcn = @(x) pcm_likelihoodGroup(x,YY,G0,Z,X,P,'runEffect',B,'S',S,'fitScale',fitScale); - else - fcn = @(x) pcm_likelihoodGroup(x,YY,M{m},Z,X,P,'runEffect',B,'S',S,'fitScale',fitScale); - end; - [theta_hat{m},fx] = minimize(x0, fcn, MaxIteration); - + switch (M{m}.fitAlgorithm) + case 'minimize' % Use minimize to find maximum liklhood estimate runEffect',B{s}); + fcn = @(x) pcm_likelihoodGroup(x,YY,M{m},Z,X,P,'runEffect',B,'S',S,'fitScale',fitScale); + [theta_hat{m},~,T.iterations(:,m)] = minimize(x0, fcn, MaxIteration); + case 'NR' + fcn = @(x) pcm_likelihoodGroup(x,YY,M{m},Z,X,P,'runEffect',B,'S',S,'fitScale',fitScale); + [theta_hat{m},~,T.iterations(:,m)] = pcm_NR(x0, fcn); + otherwise + error('unknown fitting Algorith: %s',M{m}.fitAlgorithm); + end; + + % retrieve parameters T.noise(:,m) = exp(theta_hat{m}(M{m}.numGparams+1:M{m}.numGparams+numSubj)); if (fitScale) T.scale(:,m) = exp(theta_hat{m}(M{m}.numGparams+numSubj+1:M{m}.numGparams+2*numSubj)); @@ -214,14 +223,14 @@ if (strcmp(runEffect,'random')) T.run(:,m) = exp(theta_hat{m}(M{m}.numGparams+(1+fitScale)*numSubj+1:M{m}.numGparams+(2+fitScale)*numSubj)); end; - G_pred{m} = pcm_calculateG(M{m},theta_hat{m}(1:M{m}.numGparams)); % Compute log-likelihood under the estimated parameters - [~,~,T.likelihood(:,m)] = fcn(theta_hat{m}); + [~,~,~,T.likelihood(:,m)] = fcn(theta_hat{m}); + T.time(:,m) = toc; % This is an optional check if the dervivate calculation is correct if (isCheckDeriv) - d = pcm_checkderiv(fcn,thetaAll-0.01,0.0000001); + d = pcm_checkderiv(fcn,theta_hat{m}-0.01,0.0000001); end; end; diff --git a/pcm_fitModelGroupCrossval.m b/pcm_fitModelGroupCrossval.m index bfd2c46..ff81d5c 100755 --- a/pcm_fitModelGroupCrossval.m +++ b/pcm_fitModelGroupCrossval.m @@ -96,7 +96,6 @@ % Gpred{model}(:,:,subject): Predicted second moment matrix for each model % from cross-validation fit. 3rd dimension is for % subjects - runEffect = 'random'; isCheckDeriv = 0; MaxIteration = 1000; @@ -115,9 +114,13 @@ end; numModels = numel(M); - % Preallocate output structure T.SN = [1:numSubj]'; +T.iterations = zeros(numSubj,1); +T.time = zeros(numSubj,1); + +% Determine optimal algorithm for each of the models +M = pcm_optimalAlgorithm(M); % -------------------------------------------------------- % Figure out a starting values for the noise parameters @@ -236,14 +239,6 @@ G = pcm_makePD(G); i = 0; otherwise - if (isempty(S)) - fcn = @(x) pcm_likelihoodGroup(x,{YY{notS}},M{m},{Z{notS}},{X{notS}},P(notS(:)),... - 'runEffect',{B{notS}},'fitScale',fitScale); - else - fcn = @(x) pcm_likelihoodGroup(x,{YY{notS}},M{m},{Z{notS}},{X{notS}},P(notS(:)),... - 'runEffect',{B{notS}},'S',S(notS),'fitScale',fitScale); - end; - % Generate the starting vector x0 = [theta0{m};noise0(notS,m)]; if (fitScale) @@ -252,9 +247,25 @@ if (strcmp(runEffect,'random')) x0 = [x0;run0(notS,m)]; % Start with G-params from group fit end; - [theta,fX,i] = minimize(x0, fcn, MaxIteration); - M{m}.thetaCross(:,s)=theta(1:M{m}.numGparams); - G = pcm_calculateG(M{m},M{m}.thetaCross(1:M{m}.numGparams,s)); + + % Now do the Group fit + if (isempty(S)) + fcn = @(x) pcm_likelihoodGroup(x,{YY{notS}},M{m},{Z{notS}},{X{notS}},P(notS(:)),... + 'runEffect',{B{notS}},'fitScale',fitScale); + else + fcn = @(x) pcm_likelihoodGroup(x,{YY{notS}},M{m},{Z{notS}},{X{notS}},P(notS(:)),... + 'runEffect',{B{notS}},'S',S(notS),'fitScale',fitScale); + end; + + switch (M{m}.fitAlgorithm) + case 'minimize' + [theta,~,i] = minimize(x0, fcn, MaxIteration); + case 'NR' + [theta,~,i] = pcm_NR(x0, fcn); + end; + + theta_hat{m}(:,s)=theta(1:M{m}.numGparams); + G = pcm_calculateG(M{m},theta_hat{m}(1:M{m}.numGparams,s)); end; % Collect G_pred used for each left-out subject @@ -278,21 +289,18 @@ 'runEffect',{B{s}},'S',S(s),'fitScale',fitScale); % Minize scaling params only end; - [th{m}(:,s),fX] = minimize(x0, fcn, MaxIteration); - - T.likelihood(s,m) = -fX(end); + [theta,T.likelihood(s,m)] = pcm_NR(x0, fcn); T.iterations(s,m) = i; T.time(s,m) = toc; if verbose fprintf('\t Iterations %d, Elapsed time: %3.3f\n',T.iterations(s,m),T.time(s,m)); end; - T.noise(s,m) = exp(th{m}(1,s)); + T.noise(s,m) = exp(theta(1)); if (fitScale) - T.scale(s,m) = exp(th{m}(2,s)); + T.scale(s,m) = exp(theta(2)); end; if (strcmp(runEffect,'random')) - T.run(s,m) = exp(th{m}(fitScale+1,s)); + T.run(s,m) = exp(theta(fitScale+1)); end; - theta_hat{m}=th{m}'; end; % Loop over Models end; % Loop over Subjects diff --git a/pcm_fitModelIndivid.m b/pcm_fitModelIndivid.m index 168def6..14e1d1c 100644 --- a/pcm_fitModelIndivid.m +++ b/pcm_fitModelIndivid.m @@ -159,7 +159,7 @@ x0 = [theta0;noise0(s);run0(s)]; end; - % Now set up the function that returns likelihood and derivative + % Now do the fitting, using the preferred optimization routine switch (M{m}.fitAlgorithm) case 'minimize' % Use minimize to find maximum liklhood estimate runEffect',B{s}); if (isempty(S)) diff --git a/pcm_likelihoodGroup.m b/pcm_likelihoodGroup.m index c54a1cb..2040934 100644 --- a/pcm_likelihoodGroup.m +++ b/pcm_likelihoodGroup.m @@ -66,10 +66,14 @@ M.numGparams=0; end; -% Loop over subjects +% Preallocate arrays numSubj = length(YY); -for s=1:numSubj - +numParams = 1 + (~isempty(OPT.runEffect{1})) + (OPT.fitScale>0); % Number of parameters per subject +numParams = numSubj * numParams + M.numGparams; % Total number of subjects +dLdtheta=zeros(numParams,numSubj); +d2L=zeros(numParams,numParams,numSubj); + +for s=1:numSubj % Get parameter and sizes noiseParam = theta(M.numGparams+s); % Subject Noise Parameter if (OPT.fitScale) @@ -78,7 +82,7 @@ scaleParam = 0; end; Gs = G*exp(scaleParam); % Scale the subject G matrix up by individual scale parameter - N = size(Z{s},1); + [N,K] = size(Z{s}); % If Run effect is to ne modelled as a random effect - add to G and % design matrix @@ -145,42 +149,52 @@ B = YY{s}*iVr; % Get the derivatives for all the parameters - for i = 1:M.numGparams + indx = [1:M.numGparams]; + for i = indx iVdV{i} = A*pcm_blockdiag(dGdtheta(:,:,i),zeros(numRuns))*Z{s}'*exp(scaleParam); dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); end % Get the derivatives for the Noise parameters - i = M.numGparams+s; % Which number parameter is it? + i = M.numGparams+1; + indx(i) = M.numGparams+s; % Which number parameter is it? if (isempty(OPT.S)) - dVdtheta{i} = eye(N)*exp(noiseParam); + dVdtheta = eye(N)*exp(noiseParam); else - dVdtheta{i} = sS*exp(noiseParam); + dVdtheta = sS*exp(noiseParam); end; - iVdV{i} = iVr*dVdtheta{i}; - dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + iVdV{indx(i)} = iVr*dVdtheta; + dLdtheta(indx(i),s) = -P(s)/2*trace(iVdV{indx(i)})+1/2*traceABtrans(iVdV{indx(i)},B); % Get the derivatives for the scaling parameters if (OPT.fitScale) - i = M.numGparams+numSubj+s; % Which number parameter is it? - iVdV{i} = A*pcm_blockdiag(G,zeros(numRuns))*Z{s}'*exp(scaleParam); - dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})-1/2*traceABtrans(iVdV,B); + i = i+1; + indx(i) = M.numGparams+numSubj+s; % Which number parameter is it? + iVdV{indx(i)} = A*pcm_blockdiag(G,zeros(numRuns))*Z{s}'*exp(scaleParam); + dLdtheta(indx(i),s) = -P(s)/2*trace(iVdV{indx(i)})+1/2*traceABtrans(iVdV{indx(i)},B); end; % Get the derivatives for the block parameter - if (~isempty(OPT.runEffect) && ~isempty(OPT.runEffect)) - i = M.numGparams+numSubj*(1+fitScale)+s; % Which number parameter is it? - iVdV{i} = A*pcm_blockdiag(zeros(K),eye(numRuns))*Z{s}'*exp(runParam); - dLdtheta(i,s) = -P(s)/2*trace(iVdV{i})+1/2*traceABtrans(iVdV{i},B); + if (~isempty(OPT.runEffect{s})) + i = i+1; + indx(i) = M.numGparams+numSubj*(1+OPT.fitScale)+s; % Which number parameter is it? + iVdV{indx(i)} = A*pcm_blockdiag(zeros(K),eye(numRuns))*Z{s}'*exp(runParam); + dLdtheta(indx(i),s) = -P(s)/2*trace(iVdV{indx(i)})+1/2*traceABtrans(iVdV{indx(i)},B); end; - - end; - if (narargout>2) - keyboard; end; + % Determine second derivative for non-zero entries + if (nargout>2) + for i=1:length(indx) + for j=i:length(indx) + d2L(indx(i),indx(j),s)=-P(s)/2*traceABtrans(iVdV{indx(i)},iVdV{indx(j)}); + d2L(indx(j),indx(i),s)=d2L(indx(i),indx(j),s); + end; + end; + end; end % Sum over participants negLogLike = -sum(LogLike); dnl = -sum(dLdtheta,2); +d2nl = -sum(d2L,3); diff --git a/pcm_likelihoodIndivid.m b/pcm_likelihoodIndivid.m index 2e5c92f..f1af840 100644 --- a/pcm_likelihoodIndivid.m +++ b/pcm_likelihoodIndivid.m @@ -43,7 +43,7 @@ OPT.S = []; OPT.runEffect =[]; -OPT=pcm_vararginoptions(varargin,OPT,{'S','runEffect'}); +OPT=pcm_getUserOptions(varargin,OPT,{'S','runEffect'}); % Get G-matrix and derivative of G-matrix in respect to parameters diff --git a/recipe_correlation/pcm_recipe_correlation.m b/recipe_correlation/pcm_recipe_correlation.m index 42818ea..cff12c5 100644 --- a/recipe_correlation/pcm_recipe_correlation.m +++ b/recipe_correlation/pcm_recipe_correlation.m @@ -35,6 +35,7 @@ M{1}.Ac(:,11 ,11) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (theta_d) M{1}.Ac(:,12 ,12) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (theta_e) M{1}.theta0=ones(12,1); % Starting values: could be closer, but converges anyways +M{1}.fitAlgorithm = 'NR'; % -------------------------------------- % Model2: Model with a flexible correlation for each finger @@ -51,6 +52,7 @@ M{2}.Ac(:,11 ,16) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (theta_d) M{2}.Ac(:,12 ,17) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (theta_e) M{2}.theta0=ones(17,1); +M{2}.fitAlgorithm = 'NR'; % -------------------------------------- % Model3: Model with a fixed r=1 correlation (ipsilateral = scaled version of contralateral pattern) @@ -66,7 +68,7 @@ M{3}.Ac(:,6,11) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (theta_d) M{3}.Ac(:,7,12) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (theta_e) M{3}.theta0=ones(12,1); - +M{3}.fitAlgorithm = 'NR'; % -------------------------------------- % 1. Calculate empricial correlation for p=1:12 From caa0b523de0032b05a9244f67bd1f30315a54e38 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Fri, 22 Sep 2017 19:25:32 -0400 Subject: [PATCH 14/18] Increasing stability of NR Increased stability and convergence criteria for NR --- documentation/pcm_toolbox_manual.md | 45 ++++++++++++--------- pcm_NR.m | 25 ++++++++---- pcm_fitModelGroup.m | 2 +- pcm_fitModelGroupCrossval.m | 6 +-- pcm_fitModelIndivid.m | 2 +- recipe_correlation/pcm_recipe_correlation.m | 17 ++++---- 6 files changed, 58 insertions(+), 39 deletions(-) diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index 64caf4f..ebe456e 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -64,7 +64,7 @@ These are the functions that perform the core statistical functions of the toolb | `pcm_likelihoodIndivid` | pcm_likelihood with optional random block effect | `pcm_likelihoodGroup` | Likelihood of a group data set under a model | `pcm_NR` | Newton Raphson optimisation -| `pcm_NR_diag` | Newton Raphson for diagonalized models (faster) +| `pcm_NR_diag` | Newton Raphson for diagonalized component models | `pcm_NR_free` | Newton Raphson for a free model | `pcm_EM` | Expectation-Maximization | `pcm_minimize` | Conjugate gradient descent @@ -279,7 +279,7 @@ The last option is to estimate the covariance structure of the noise from the da ADD EXAMPLE AND CODE SNIPPETS FOR THE DIFFERENT OPTIONS # Model fitting and crossvalidation -Details of the different optimization routines that maximize the likelihood can be found in section on Mathematical and Algorithmic details. Currently, the toolbox is using `pcm_minimize` (conjugate gradient descent), as it provides a universal solution for all model types. However, Newton-Raphson (especially when exploiting special forms) can be substantially faster in some cases. Future versions will select the optimisation of adaptively. +Details of the different optimization routines that maximize the likelihood can be found in section on Mathematical and Algorithmic details. Currently, the toolbox is using `minimize` (conjugate gradient descent), as it provides a universal and stable solution for all model types. However, Newton-Raphson can be substantially faster in cases in which there are relatively few free parameters. The optimisation routine can be set for each model seperately . Future versions will select the optimisation of adaptively. The following routines are wrapper functions around the actual optimisation routines that fit models to individual or group data. Noise and (possibly) scale paramaters are added to the fit for each subject. To compare models of different complexity, 2 types of crossvalidation are implemented. @@ -642,41 +642,48 @@ $$ {#eq:derivative_restrictedLogLikelihoodSimple} ## Derivates for specific parameters -From the general term for the derivative of the log-likelihood, we can derive the specific expressions for each parameter. In general, we model $\mathbf{V}$ - - -Each model provides the partial derivaratives for $\mathbf{G}$ in respect to the parameters (see above). From this we can easily obtain the derviative of $\mathbf{V}$ +From the general term for the derivative of the log-likelihood, we can derive the specific expressions for each parameter. In general, we model the co-variance matrix of the data $\mathbf{V}$ as: $$ -\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} = \mathbf{Z} \frac{\partial{\mathbf{G}}}{\partial{\theta_i}}\mathbf{Z}^T +{\bf{V}}=s{\bf{ZG}}(\boldsymbol{\theta}_h){\bf{Z}}^{T}+S\sigma^{2}_{\epsilon}\\ +s=exp(\theta_{s})\\ +\sigma^2_{\epsilon} = exp(\theta_{\epsilon}) $$ -The noise +Where $\theta_s$ is the signal scaling parameter, the $\theta_{\epsilon}$ the noise parameter. We are using the exponential of the parameter, to ensure that the noise variance and the scaling will always be strictly positive. When taking the derivatives, we use the simple rule of $\partial exp(x) / \partial x=exp(x)$. Each model provides the partial derivaratives for $\mathbf{G}$ in respect to the model parameters (see above). From this we can easily obtain the derviative of $\mathbf{V}$ +$$ +\frac{\partial{\mathbf{V}}}{\partial{\theta_h}} = \mathbf{Z} \frac{\partial{\mathbf{G(\boldsymbol{\theta_h})}}}{\partial{\theta_h}}\mathbf{Z}^T exp(\theta_{s}). +$$ +The derivate in respect to the noise parameter $$ -\frac{\partial{\mathbf{V}}}{\partial{\theta_{\epsilon}}} = \mathbf{S}exp(\theta_{\epsilon}) +\frac{\partial{\mathbf{V}}}{\partial{\theta_{\epsilon}}} = \mathbf{S}exp(\theta_{\epsilon}). $$ - -## Expected second derivative of the log-likelihood -For the Newton-Raphson algorithm of optimisation, we need also the negative expected second derivative of the restricted log-likelihood, also called Fisher-information +And in respect to the signal scaling parameter $$ -I_{i,j}(\theta) = - E \left[ \frac{\partial^2 }{\partial \theta_i \partial \theta_j} L_{ReML}\right]=\frac{P}{2}trace\left(\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_i}\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_j} \right). +\frac{\partial{\mathbf{V}}}{\partial{\theta_{s}}} = {\bf{ZG}}(\boldsymbol{\theta}_h){\bf{Z}}^T exp(\theta_s). $$ ## Conjugate Gradient descent - -One way of optiminzing the likelihood is simply using the first derviative and doing a line-search algorith, as implemented in the function `minimize`, written by Carl Rassmussen. The function `pcm_minimize` forms a wrapper that allows the optimisation of simple models. +One way of optiminzing the likelihood is simply using the first derviative and performing a conjugate-gradient descent algorithm. For this, the routines `pcm_likelihoodIndivid` and `pcm_likelihoodGroup` return the negative log-likelihood, as well as a vector of the first derivatives of the negative log-likelihood in respect to the parameter. The implementation of conjugate-gradient descent we are using here based on Carl Rassmussen's excellent function `minimize`. ## Newton Raphson algorithm +A alternative to conjugate gradients, which can be considerably faster, are optimisation routines that exploit the matrix of second derivatives of the log-liklihood. The local curvature information is then used to "jump" to suspected bottom of the bowl of the likelihood surface. The negative expected second derivative of the restricted log-likelihood, also called Fisher-information can be calculated efficiently from terms that we needed to compute for the first derivative anyway: +$$ +{\mathbf{F}}_{i,j}(\theta) = - E \left[ \frac{\partial^2 }{\partial \theta_i \partial \theta_j} L_{ReML}\right]=\frac{P}{2}trace\left(\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_i}\mathbf{V}^{-1}_{R} \frac{\partial \mathbf{V}}{\partial \theta_j} \right). +$$ + +The update then uses a slightly regularized version of the second derviate to compute the next update on the parameters. -The Newton-Raphson algorithm is currently implemented and used for feature and component models. Generally is is by factor 10-20 times faster than conjugate gradient descent. The implementation is provided by the function `pcm_NR` for unconstrained problems in which $\mathbf{G}$ can take any form. The algorithm first finds reasonable starting values for the parameters ($\boldsymbol{\theta}^0$) from cross-validated estimates, and then updates on every step the current estimates by $$ -\boldsymbol{\theta}^{u+1}=\boldsymbol{\theta}^{u}-\mathbf{I}(\boldsymbol{\theta}^{u})^{-1}\frac{\partial L_{ReML}}{\partial \boldsymbol{\theta}^{u}} . +\boldsymbol{\theta}^{u+1}=\boldsymbol{\theta}^{u}-\left( \mathbf{F}(\boldsymbol{\theta}^{u})+{\mathbf{I}}\lambda\right)^{-1}\frac{\partial L_{ReML}}{\partial \boldsymbol{\theta}^{u}} . $$ -Because the update can become in tad unstable, we are regularising the Fisher information matrix by adding a small value to the diagonal. +Because the update can become unstable, we are regularising the Fisher information matrix by adding a small value to the diagonal, similar to a Levenberg regularisation for least-square problems. If the likelihood increased, $\lambda$ is decreases, if the liklihood accidentially decreased, then we take a step backwards and increase $\lambda$. The algorithm is implemented in `pcm_NR` . + +## Choosing an optimisation algorithm -The algorithm can be sped up by another tick if the component matrices $\mathbf{G}_c$ are all diagonal. This can be achieved by redefining $\mathbf{Z}_c=\mathbf{Z}_c \mathbf{v}$, where $\mathbf{v}$ are the eigenvectors of $\mathbf{G}_c$, and redefining $\mathbf{G_c}$ to the diagonal martrix of eigenvalues. The function `pcm_NR_diag` then exploits this special structure to speed up the computation of the first and second derivative. Using this function is definitely worth it when the model is diagonal to begin with. +While the Newton-Raphson algorithm can be considerably faster for many problems, it is not always the case. Newton-Raphson usually arrives at the goal with many fewer steps than conjugate gradient descent, but on each step it has to calculate the matrix second derviatives, which grows in the square of the number of parameters . So for highly-parametrized models, the simple conjugate gradient algorithm is better. You can set for each model the desired algorithm by setting the field `M.fitAlgorithm = 'NR';` for Newton-Raphson and `M.fitAlgorithm = 'minimize';` for conjugate gradient descent. If no such field is given, then fitting function will call `M=pcm_optimalAlgorithm(M)` to obtain a guess of what will be the best algorithm for the problem. While this function provides a good heuristic strategy, it is recommended to try both and compare both the returned likelihood and time. Small differences in the likelihood ($<0.1$) are due to different stopping criteria and should be of no concern. Larger differences can indicate failed convergence. ## Acceleration of matrix inversion diff --git a/pcm_NR.m b/pcm_NR.m index 5ad4989..93ab84a 100755 --- a/pcm_NR.m +++ b/pcm_NR.m @@ -1,4 +1,4 @@ -function [theta,l,k]=pcm_NR(theta0,likefcn,varargin) +function [theta,l,k,reg]=pcm_NR(theta0,likefcn,varargin) % function [theta,l,k]=pcm_NR(theta0,likefcn,varargin) % Newton-Raphson algorithm. % @@ -27,13 +27,15 @@ % Defaults %-------------------------------------------------------------------------- -OPT.numIter = 32; % Maximal number of iterations -OPT.thres = 1e-3; % Tolerance on decrease of likelihood +OPT.numIter = 80; % Maximal number of iterations +OPT.thres = 1e-4; % Tolerance on decrease of likelihood OPT.HessReg = 1; % Regularisation on the Hessian (Fisher) matrix +OPT.verbose = 0; +OPT.regularization = 'L'; % Type of regularisation 'L':Levenberg, 'LM': Levenberg-Marquardt % Variable argument otions %-------------------------------------------------------------------------- -OPT=rsa.getUserOptions(varargin,OPT,{'HessReg','thres','low','numIter'}); +OPT=rsa.getUserOptions(varargin,OPT,{'HessReg','thres','low','numIter','verbose','regularization'}); % Set warning to error, so it can be caught warning('error','MATLAB:nearlySingularMatrix'); @@ -47,13 +49,16 @@ theta=theta0; for k = 1:OPT.numIter thetaH(:,k)=theta; + regH(k)=OPT.HessReg; [nl(k),dFdh,dFdhh]=likefcn(theta); % Safety check if negative likelihood decreased %---------------------------------------------------------------------- if (k>1 & (nl(k)-nl(k-1))>eps) % If not.... OPT.HessReg = OPT.HessReg*10; % Increase regularisation - % warning('likelihood decreased. Regularisation %2.3f\n',OPT.HessReg(1)); + if (OPT.verbose) + fprintf('likelihood decreased. Regularisation %2.3f\n',OPT.HessReg(1)); + end; theta = thetaH(:,k-1); thetaH(:,k)=theta; nl(k)=nl(k-1); @@ -74,7 +79,12 @@ % Add slight Levenberg-Marquardt-style regularisation to second derivative %---------------------------------------------------------------------- - dFdhh = dFdhh + diag(diag(dFdhh))*OPT.HessReg; + switch (OPT.regularization) + case 'LM' % Levenberg-Marquardt + dFdhh = dFdhh + diag(diag(dFdhh))*OPT.HessReg; + case 'L' % Levenberg + dFdhh = dFdhh + eye(size(dFdhh,1))*OPT.HessReg; + end; % Fisher scoring: update dh = inv(ddF/dhh)*dF/dh %---------------------------------------------------------------------- @@ -102,4 +112,5 @@ % Return likelihood if(nargout>1) l = -likefcn(theta); -end; \ No newline at end of file +end; +reg=OPT.HessReg; \ No newline at end of file diff --git a/pcm_fitModelGroup.m b/pcm_fitModelGroup.m index 9c84120..64d177a 100644 --- a/pcm_fitModelGroup.m +++ b/pcm_fitModelGroup.m @@ -210,7 +210,7 @@ [theta_hat{m},~,T.iterations(:,m)] = minimize(x0, fcn, MaxIteration); case 'NR' fcn = @(x) pcm_likelihoodGroup(x,YY,M{m},Z,X,P,'runEffect',B,'S',S,'fitScale',fitScale); - [theta_hat{m},~,T.iterations(:,m)] = pcm_NR(x0, fcn); + [theta_hat{m},~,T.iterations(:,m),T.reg(:,m)] = pcm_NR(x0, fcn); otherwise error('unknown fitting Algorith: %s',M{m}.fitAlgorithm); end; diff --git a/pcm_fitModelGroupCrossval.m b/pcm_fitModelGroupCrossval.m index ff81d5c..53338a8 100755 --- a/pcm_fitModelGroupCrossval.m +++ b/pcm_fitModelGroupCrossval.m @@ -259,9 +259,10 @@ switch (M{m}.fitAlgorithm) case 'minimize' - [theta,~,i] = minimize(x0, fcn, MaxIteration); + [theta,nlv,T.iterations(s,m)] = minimize(x0, fcn, MaxIteration); + T.fitLike(s,m)=-nlv(end); case 'NR' - [theta,~,i] = pcm_NR(x0, fcn); + [theta,T.fitLike(s,m),T.iterations(s,m),T.reg(s,m)] = pcm_NR(x0, fcn); end; theta_hat{m}(:,s)=theta(1:M{m}.numGparams); @@ -290,7 +291,6 @@ end; [theta,T.likelihood(s,m)] = pcm_NR(x0, fcn); - T.iterations(s,m) = i; T.time(s,m) = toc; if verbose fprintf('\t Iterations %d, Elapsed time: %3.3f\n',T.iterations(s,m),T.time(s,m)); diff --git a/pcm_fitModelIndivid.m b/pcm_fitModelIndivid.m index 14e1d1c..72ec1fc 100644 --- a/pcm_fitModelIndivid.m +++ b/pcm_fitModelIndivid.m @@ -183,7 +183,7 @@ else fcn = @(x) pcm_likelihoodIndivid(x,YY{s},M{m},Z{s},X{s},P(s),'runEffect',B{s}); end; - [theta_hat{m}(:,s),T.likelihood(s,m),T.iterations(s,m)]=pcm_NR(x0,fcn); + [theta_hat{m}(:,s),T.likelihood(s,m),T.iterations(s,m),T.reg(s,m)]=pcm_NR(x0,fcn,'verbose',verbose); end; G_pred{m}(:,:,s) = pcm_calculateG(M{m},theta_hat{m}(1:M{m}.numGparams,s)); diff --git a/recipe_correlation/pcm_recipe_correlation.m b/recipe_correlation/pcm_recipe_correlation.m index cff12c5..c646b9b 100644 --- a/recipe_correlation/pcm_recipe_correlation.m +++ b/recipe_correlation/pcm_recipe_correlation.m @@ -18,7 +18,7 @@ % component load data_recipe_correlation.mat runEffect = 'fixed'; - +alg = 'minimize'; % -------------------------------------- % Model1: Model with independent contra and ipsilateral patterns (zero @@ -35,7 +35,7 @@ M{1}.Ac(:,11 ,11) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (theta_d) M{1}.Ac(:,12 ,12) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (theta_e) M{1}.theta0=ones(12,1); % Starting values: could be closer, but converges anyways -M{1}.fitAlgorithm = 'NR'; +M{1}.fitAlgorithm = alg; % -------------------------------------- % Model2: Model with a flexible correlation for each finger @@ -52,7 +52,7 @@ M{2}.Ac(:,11 ,16) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (theta_d) M{2}.Ac(:,12 ,17) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (theta_e) M{2}.theta0=ones(17,1); -M{2}.fitAlgorithm = 'NR'; +M{2}.fitAlgorithm = alg; % -------------------------------------- % Model3: Model with a fixed r=1 correlation (ipsilateral = scaled version of contralateral pattern) @@ -68,7 +68,7 @@ M{3}.Ac(:,6,11) = [ones(5,1);zeros(5,1)]; % Hand-specific component contra (theta_d) M{3}.Ac(:,7,12) = [zeros(5,1);ones(5,1)]; % Hand-specific component ipsi (theta_e) M{3}.theta0=ones(12,1); -M{3}.fitAlgorithm = 'NR'; +M{3}.fitAlgorithm = alg; % -------------------------------------- % 1. Calculate empricial correlation for p=1:12 @@ -93,12 +93,12 @@ % -------------------------------------- % 3. Fit model 2 and infer correlations from the parameters -[D,theta,G_hat] = pcm_fitModelIndivid(Data,M(2),partVec,condVec,'runEffect',runEffect); +[D,theta,G_hat] = pcm_fitModelIndivid(Data,M,partVec,condVec,'runEffect',runEffect); % Get the correlations -var1 = (theta{1}(1:5,:).^2)'; -var2 = (theta{1}(6:10,:).^2+theta{1}(11:15,:).^2)'; -cov12 = (theta{1}(1:5,:).*theta{1}(6:10,:))'; +var1 = (theta{2}(1:5,:).^2)'; +var2 = (theta{2}(6:10,:).^2+theta{2}(11:15,:).^2)'; +cov12 = (theta{2}(1:5,:).*theta{2}(6:10,:))'; T.r_model2 = mean(cov12,2)./sqrt(mean(var1,2).*mean(var2,2)); % -------------------------------------- @@ -123,6 +123,7 @@ [Tcross,thetaCr] = pcm_fitModelGroupCrossval(Data,M,partVec,condVec,'runEffect',runEffect,'groupFit',thetaGr,'fitScale',1); subplot(1,4,4); pcm_plotModelLikelihood(Tcross,M,'normalize',0,'Nnull',1); +varargout={D,Tgroup,Tcross}; % -------------------------------------- % Get the correlation from a a covariance matrix From f50e017bdc4c50c5d8576bda47e601944aca7c73 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Thu, 28 Sep 2017 23:19:13 -0400 Subject: [PATCH 15/18] Clean up before release 1.1 Edits to various functions, pcm_generateData added --- documentation/pcm_toolbox_manual.md | 42 ++++++++++++++------- pcm_calculateG.m | 2 +- pcm_fitModelGroup.m | 2 +- pcm_fitModelGroupCrossval.m | 10 ++--- pcm_fitModelIndivid.m | 4 +- pcm_generateData.m | 49 +++++++++++++++++++++++++ pcm_likelihoodGroup.m | 4 +- pcm_normMean.m | 4 -- pcm_optimalAlgorithm.m | 11 ++++-- recipe_nonlinear/pcm_recipe_nonlinear.m | 25 ++++--------- 10 files changed, 105 insertions(+), 48 deletions(-) create mode 100755 pcm_generateData.m delete mode 100755 pcm_normMean.m diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index ebe456e..f8f8709 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -76,17 +76,22 @@ These functions are higher level functions that perform fitting and crossvalidat |:-----------------------------|:----------------------------- | `pcm_fitModelIndivid` | Fits G and noise parameter to individual data | `pcm_fitModelIndividCrossval`| Within-subject crossvalidation of models -| `pcm_fitModelGroup` | Fit common G to all subjects, using individual noise and scale parameter +| `pcm_fitModelGroup` | Fit common G to all subjects | `pcm_fitModelGroupCrossval` | Between-subject crossvalidation of models - ### Utility functions | Function | Comment |:-----------------------------|:----------------------------- -| `pcm_checkderiv` | Checks derivate of a nonlinear model -| `pcm_estGcrossval` | Cross-validated estimate of G -| `pcm_indicatorMatrix` | Generates indicator matrices -| `pcm_vararginoptions` | Dealing with variable options to functions +| `pcm_checkderiv` | Checks derivate of a nonlinear model +| `pcm_estGcrossval` | Cross-validated estimate of G +| `pcm_indicatorMatrix` | Generates indicator matrices +| `pcm_vararginoptions` | Dealing with variable options to functions +| `pcm_optimalAlgorithm` | Makes a recommendation for the best optimisation algorithm +| `pcm_getStartingval` | Estimates starting values for optimisation +| `pcm_estimateU` | Calculates voxel-pattern estimates under the current model +| `pcm_prepFreeModel` | Sets up free model (freechol) +| `pcm_makePD` | Forces covariance estimate to be semipositive +| `pcm_generateData` | Generates data under a specific model for simulations ### Visualization functions | Function | Comment @@ -268,18 +273,18 @@ M.name = 'noiseceiling'; M = pcm_prepFreeModel(M); ``` -## Noise models +For a quick and approximate noise ceiling, you can also set the model type to `freedirect`. In the case, the fitting algorithms simply use the crossvalidated second moment to determine the parameters - basically the starting values of the complete model. This may lead to a slightly lower noise ceiling, as full optimization is avoided in the interest of speed. -The noise is assumed to come from a multivariate normal distribution with covariance matrix $\mathbf{S}\sigma^{2}$. What is a reasonable noise structure to assume? First, the data can usually be assumed to be independent across imaging runs. If the data are regression estimates from a first-level model, and if the design of the experiment is balanced, then it is usually also permissible to make the assumption that the noise is independent within each imaging run $\mathbf{S}=\mathbf{I}$, [@RN3033]. Usually, however, the regression coefficients from a single imaging run show positive correlations with each other. This is due to the fact that the regression weights measure the activation during a condition as compared to a resting baseline, and the resting baseline is common to all conditions within the run [@RN3033]. To account for this, one can model the mean activation (across conditions) for each voxel with a separate fixed effect for each run. This effectively accounts for any uniform correlation. +## Noise assumptions -Usually, assuming equal correlations of the activation estimates within a run is only a rough approximation to the real co-varince structure. A better estimate can be obtained by using an estimate derived from the design matrix and the estimated temporal autocorrelation of the raw signal. As pointed out recently [@RN3638], the particular design can have substantial influence on the estimation of the second moment matrix. This is especially evident in cases where the design is such that the trial sequence is not random, but has an invariant structure (where trials of one condition are often to follow trials of another specific condition). The accuracy of our approximation hinges critically on the quality of our estimate of the temporal auto-covariance structure of the true noise. Note that it has been recently demonstrated that especially for high sampling rates, a simple autoregressive model of the noise is insufficient [@RN3550]. +The noise is assumed to come from a multivariate normal distribution with covariance matrix $\mathbf{S}\sigma^{2}$. What is a reasonable noise structure to assume? First, the data can usually be assumed to be independent across imaging runs. If the data are regression estimates from a first-level model, and if the design of the experiment is balanced, then it is usually also permissible to make the assumption that the noise is independent within each imaging run $\mathbf{S}=\mathbf{I}$, [@RN3033]. Usually, however, the regression coefficients from a single imaging run show positive correlations with each other. This is due to the fact that the regression weights measure the activation during a condition as compared to a resting baseline, and the resting baseline is common to all conditions within the run [@RN3033]. To account for this, it is recommended to remove the mean pattern across by modeling the run mean as a fixed effects. This can be done by setting the option `runEffect = 'fixed'` in the model fittting routines mentioned below. This effectively accounts for any uniform correlation between activity estimates withn a run. -The last option is to estimate the covariance structure of the noise from the data itself. This can be achieved by introducing random effects into the generative model equation in section \ref{generativemodel}, which account for the covariance structure across the data. One example used here is to assume that the data are independent within each imaging run, but share an unknown covariance within each run, which is then estimated as a part of the covariance matrix [@RN3033]. While this approach is similar to just removing the run mean from the data as a fixed effect (see above) it is a good strategy if we actually want to model the difference of each activation pattern against the resting baseline. When treating the mean activation pattern in each run as a random effect, the algorithm finds a compromise between how much of the shared pattern in each run to ascribe to the random run-to-run fluctuations, and how much to ascribe to a stable mean activation. +Usually, assuming equal correlations of the activation estimates within a run is only a rough approximation to the real co-varince structure. A better estimate can be obtained by using an estimate derived from the design matrix and the estimated temporal autocorrelation of the raw signal. As pointed out recently [@RN3638], the particular design can have substantial influence on the estimation of the second moment matrix. This is especially evident in cases where the design is such that the trial sequence is not random, but has an invariant structure (where trials of one condition are often to follow trials of another specific condition). The accuracy of our approximation hinges critically on the quality of our estimate of the temporal auto-covariance structure of the true noise. Note that it has been recently demonstrated that especially for high sampling rates, a simple autoregressive model of the noise is insufficient [@RN3550]. In all optimisation routine, a specific noise covariance structure can be specified by setting the option `'S'` in the model fitting routines to the NxN covariance estimate. -ADD EXAMPLE AND CODE SNIPPETS FOR THE DIFFERENT OPTIONS +The last option is to estimate the covariance structure of the noise from the data itself. This can be achieved by introducing random effects into the generative model equation in section \ref{generativemodel}, which account for the covariance structure across the data. One example used here is to assume that the data are independent within each imaging run, but share an unknown covariance within each run, which is then estimated as a part of the covariance matrix [@RN3033]. While this approach is similar to just removing the run mean from the data as a fixed effect, it is a good strategy if we actually want to model the difference of each activation pattern against the resting baseline. When treating the mean activation pattern in each run as a random effect, the algorithm finds a compromise between how much of the shared pattern in each run to ascribe to the random run-to-run fluctuations, and how much to ascribe to a stable mean activation. This can be done by setting the option `runEffect = 'random'` in the model fitting routines. This approach is taken for example in `pcm_recipe_nonlinear` as here the resting baseline is of interest and should not be artificially removed. # Model fitting and crossvalidation -Details of the different optimization routines that maximize the likelihood can be found in section on Mathematical and Algorithmic details. Currently, the toolbox is using `minimize` (conjugate gradient descent), as it provides a universal and stable solution for all model types. However, Newton-Raphson can be substantially faster in cases in which there are relatively few free parameters. The optimisation routine can be set for each model seperately . Future versions will select the optimisation of adaptively. +Details of the different optimization routines that maximize the likelihood can be found in section on Mathematical and Algorithmic details. Currently, the toolbox either uses `minimize` (conjugate gradient descent) or `pcm_NR` (Newton-Raphson). Newton-Raphson can be substantially faster in cases in which there are relatively few free parameters. The optimisation routine can be set for each model seperately by setting the field `M.fitAlgorithm`. The following routines are wrapper functions around the actual optimisation routines that fit models to individual or group data. Noise and (possibly) scale paramaters are added to the fit for each subject. To compare models of different complexity, 2 types of crossvalidation are implemented. @@ -386,10 +391,17 @@ To be provided The function `pcm_fitModelGroup` fits a model to a group of subjects. All parameters that change the **G** matrix, that is all `M.numGparams`, are shared across all subjects. To account for the individual signal-to-noise level, by default a separate signal strength ($s_i$) and noise parameter ($\sigma^{2}_{\epsilon,i}$) are fitted for each subject. That is, for each individual subject, the predicted covariance matrix of the data is: - $$ {\bf{V}_i}=s_i\bf{ZGZ^{T}+S}\sigma^{2}_{\epsilon,i}. $$ + +To prevent scaling or noise variance parameters to become negative, we actually optimise the log of these parameter, such that + +$$ +s_i = exp(\theta_{s,i})\\ +\sigma^{2}_{\epsilon,i} = exp(\theta_{\epsilon, i}). +$$ + The output `theta` for each model contains not only the `M.numGparams` model parameters, but also the noise parameters for all the subjects, then (optional) the scale parameters for all the subjects, and (if the runEffect is set to random) the run-effect parameter for all the subjects. The resultant scaling parameter for each subject is additionally stored under `T.scale` in the output structure. The fitting of an additional scale parameter can be switched off by providing the optional input argument `pcm_fitModelGroup(...,'fitScale',0)`. Often, it speeds up the computation to perform a group fit first, so it can serve as a starting value for the crossvalidated group fit (see below). Otherwise the input and output parameters are identical to `pcm_fitModelIndivid`. Note that the introduction of the scale parameter introduces a certain amount of parameter redundancy. For example, if a model has only one single component and parameter, then the overall scaling is simply `s*theta`. One can remove the redundancy by forcing one model parameter to be 1 - in practice this, however, is not necessary. @@ -501,6 +513,10 @@ Another approach to visualize model results is to plot the model evidence (i.e. T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5)); ``` +### Visualising the voxel-feature weights + +Finally, like in an encoding model, we can also estimate and visualise the voxel-feature weights for feature models. + # Mathematical and Algorithmic details ## Likelihood diff --git a/pcm_calculateG.m b/pcm_calculateG.m index b81ef4d..c1d69de 100755 --- a/pcm_calculateG.m +++ b/pcm_calculateG.m @@ -21,7 +21,7 @@ error('M should have a type of fixed / component / feature / nonlinear'); end; switch (M.type) - case {'fixed','noiseceiling'} + case {'fixed','freedirect'} G = mean(M.Gc,3); dGdtheta =[]; case 'component' diff --git a/pcm_fitModelGroup.m b/pcm_fitModelGroup.m index 64d177a..5320b8f 100644 --- a/pcm_fitModelGroup.m +++ b/pcm_fitModelGroup.m @@ -175,7 +175,7 @@ % Use normal linear regression to get scaling parameter for the % subject switch (M{m}.type) - case 'noiseceiling' + case 'freedirect' G0 = mean(G_hat,3); M{m}.numGparams=0; M{m}.Gc = G0; diff --git a/pcm_fitModelGroupCrossval.m b/pcm_fitModelGroupCrossval.m index 53338a8..5940d1d 100755 --- a/pcm_fitModelGroupCrossval.m +++ b/pcm_fitModelGroupCrossval.m @@ -26,9 +26,9 @@ % weighted components Ac % 'nonlinear': Nonlinear model with own function % to return G-matrix and derivatives -% 'noiseceiling': Uses the mean estimated +% 'freedirect': Uses the mean estimated % G-matrix from crossvalidation to get an -% estimate of the best achievavle fit +% estimate of the best achievable fit % .numGparams: Scalar that defines the number of parameters % included in model. % .theta0: Vector of starting values for theta. If not given, @@ -233,11 +233,11 @@ else G = M{m}.Gc; end - i = 0; - case 'noiseceiling' + T.iterations(s,m)=0; + case 'freedirect' G = mean(G_hat(:,:,notS),3); % uses the mean of all other subjects G = pcm_makePD(G); - i = 0; + T.iterations(s,m)=0; otherwise % Generate the starting vector x0 = [theta0{m};noise0(notS,m)]; diff --git a/pcm_fitModelIndivid.m b/pcm_fitModelIndivid.m index 72ec1fc..f2c7fd2 100644 --- a/pcm_fitModelIndivid.m +++ b/pcm_fitModelIndivid.m @@ -58,6 +58,8 @@ % 'verbose': Optional flag to show display message in the command % line (e.g., elapsed time). Default is 1. % +% 'S': Optional specific covariance structureof the noise +% %-------------------------------------------------------------------------- % OUTPUT: % T: Structure with following subfields: @@ -147,7 +149,7 @@ end; % if naive noise ceiling model, use crossvalidated G as component - if strcmp(M{m}.type,'noiseceiling') + if strcmp(M{m}.type,'freedirect') M{m}.Gc = pcm_makePD(G_hat(:,:,s)); end; diff --git a/pcm_generateData.m b/pcm_generateData.m new file mode 100755 index 0000000..31bae44 --- /dev/null +++ b/pcm_generateData.m @@ -0,0 +1,49 @@ +function [Y,part,conditions] = pcm_generateData(Model,theta,D,numSim,scale,noise,varargin); +% function [Y,part,conditions] =pcm_generateData(Model,theta,D,numSim,scale,noise); +% pcm_generateData: Simulate multivariate data using the generative model +% specified in M, using the parameters theta and the experimental +% paramaters as specified in D. +% +% Experimental structure D: +% D.numPart = number of partititions +% D.numVox = number of independent voxels + +noiseDist = @(x) norminv(x,0,1); % Standard normal inverse for Noise generation +signalDist = @(x) norminv(x,0,1); % Standard normal inverse for Signal generation + +pcm_vararginoptions(varargin,{'noiseDist','signalDist'}); + +% Make the overall generative model +G = pcm_calculateG(Model,theta); +D.numCond = size(G,1); + +D.N = D.numPart*D.numCond; % Number of trials +part = kron([1:D.numPart]',ones(D.numCond,1)); % Partitions +conditions = kron(ones(D.numPart,1),[1:D.numCond]'); % Conditions + +% Get design matrix +Za = kron(ones(D.numPart,1),eye(D.numCond)); +if (length(scale)==1); + scale=ones(numSim,1)*scale; +end; +if (length(noise)==1); + noise=ones(numSim,1)*noise; +end; +for n = 1:numSim + + % Generate true pattern from predicted distances + K = size(G,1); + pSignal = unifrnd(0,1,D.numCond,D.numVox); + U = signalDist(pSignal); + E = (U*U'); + Z = E^(-0.5)*U; % Make random orthonormal vectors + A = pcm_diagonalize(G*scale(n)); + if (size(A,2)>D.numVox) + error('not enough voxels to represent G'); + end; + trueU = A*Z(1:size(A,2),:)*sqrt(D.numVox); + pNoise = unifrnd(0,1,D.N,D.numVox); + Noise = sqrt(noise(n)) * noiseDist(pNoise); + Y{n} = Za*trueU + Noise; +end; + diff --git a/pcm_likelihoodGroup.m b/pcm_likelihoodGroup.m index 2040934..c183aeb 100644 --- a/pcm_likelihoodGroup.m +++ b/pcm_likelihoodGroup.m @@ -88,9 +88,9 @@ % design matrix if (~isempty(OPT.runEffect{s})) numRuns = size(OPT.runEffect{s},2); - runParam = theta(M.numGparams+numSubj*(1+fitScale)+s); % Subject run effect parameter + runParam = theta(M.numGparams+numSubj*(1+OPT.fitScale)+s); % Subject run effect parameter Gs = pcm_blockdiag(Gs,eye(numRuns)*exp(runParam)); % Include run effect in G - Z{s} = [Z{s} runEffect{s}]; % Include run effect in design matrix + Z{s} = [Z{s} OPT.runEffect{s}]; % Include run effect in design matrix else numRuns = 0; % No run effects modelled end; diff --git a/pcm_normMean.m b/pcm_normMean.m deleted file mode 100755 index 019b450..0000000 --- a/pcm_normMean.m +++ /dev/null @@ -1,4 +0,0 @@ -function G=pcm_normMean(G_hat); -% Means estimated G-matrix after normalizing each -factor = sqrt(sum(sum(G_hat.^2,1),2)); -G = mean(bsxfun(@rdivide,G_hat,factor),3); \ No newline at end of file diff --git a/pcm_optimalAlgorithm.m b/pcm_optimalAlgorithm.m index 1213d2f..c7ca76b 100755 --- a/pcm_optimalAlgorithm.m +++ b/pcm_optimalAlgorithm.m @@ -7,7 +7,7 @@ switch (M{m}.type) case 'component' if (isfield(M{m},'Gd')) - M{m}.fitAlgorithm = 'NR_diag'; + M{m}.fitAlgorithm = 'NR'; else M{m}.fitAlgorithm = 'NR'; end; @@ -15,11 +15,16 @@ M{m}.fitAlgorithm = 'NR'; case 'nonlinear' M{m}.fitAlgorithm = 'NR'; - case 'freechol' + case 'freechol' % A free cholesky model, to estimate parameters: Line search better here M{m}.fitAlgorithm = 'minimize'; case 'fixed' M{m}.MM = pcm_diagonalize(M{m}.Gc); %Model matrix for diagonalisation - M{m}.fitAlgorithm = 'pcm_NR_diag'; + M{m}.fitAlgorithm = 'NR'; + case 'freedirect' % A free model (arbitrary G) directly estimated from crossvalidated G + M{m}.fitAlgorithm = 'NR'; + end; + if (M{m}.numGparams>15) + M{m}.fitAlgorithm = 'minimize'; end; end; end; % Over models diff --git a/recipe_nonlinear/pcm_recipe_nonlinear.m b/recipe_nonlinear/pcm_recipe_nonlinear.m index 0ef820e..290300d 100644 --- a/recipe_nonlinear/pcm_recipe_nonlinear.m +++ b/recipe_nonlinear/pcm_recipe_nonlinear.m @@ -114,7 +114,7 @@ M{4}.theta0 = [Fx0;scale_vals;add_vals]; % Naive averaging model- noise ceiling -M{5}.type = 'noiseceiling'; +M{5}.type = 'freedirect'; M{5}.name = 'noiseceiling'; M{5}.numGparams = 0; % totally fixed model- no free params M{5}.theta0 = []; @@ -136,7 +136,7 @@ 'runEffect',runEffect,'isCheckDeriv',0,'groupFit',theta_all); % Can scale and plot group likelihoods of model fits. -figure(1); +subplot(2,3,1); T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5),'style','bar','normalize',1); % Returns T with subfields for scaled likelihoods (relative to null model (M1) % and noise ceiling (M3). @@ -157,27 +157,16 @@ max(max(G_combo))]); colorLimits = [0 maxColorLimit]; % plot group crossval fitted G_scaling against mean of G_hat -figure(2); -subplot(1,4,1); +subplot(2,3,2); imagesc(G_mean,colorLimits); title('group G-hat') -subplot(1,4,2); +subplot(2,3,3); imagesc(G_scaling,colorLimits); title('group scaling G') -subplot(1,4,3); +subplot(2,3,5); imagesc(G_additive,colorLimits); title('group additive G') -subplot(1,4,4); +subplot(2,3,6); imagesc(G_combo,colorLimits); title('group combination G') - -% - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -% (5) Fit Model to single subjects and plot fits for one subj -% - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -[Tindivid,~,G_pred_individ] = pcm_fitModelIndivid(Y,M,partitionVec,conditionVec,... - 'runEffect',runEffect,'isCheckDeriv',0); -figure(3); -pcm_plotModelLikelihood(Tindivid,M,'subj',4,'normalize',0,'plotceil',0); -% We don't plot a lower noise ceiling because the noiseceiling model in -% Tindivid is NOT crossvalidated, and so it is not appropriate for a lower -% noise ceiling. \ No newline at end of file + \ No newline at end of file From a6ab59e11aa896880c00b1097cd2f0f70527bac8 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Fri, 29 Sep 2017 16:05:57 -0400 Subject: [PATCH 16/18] Voxel-feature weight estimation pcm_estimateU and pcm_estimateW implemented. Documentation update --- documentation/bblibrary.bib | 42177 +++++++++++++------------ documentation/pcm_toolbox_manual.md | 32 +- documentation/pcm_toolbox_manual.pdf | Bin 282772 -> 289843 bytes pcm_estimateU.m | 16 +- pcm_estimateW.m | 86 + 5 files changed, 21527 insertions(+), 20784 deletions(-) create mode 100644 pcm_estimateW.m diff --git a/documentation/bblibrary.bib b/documentation/bblibrary.bib index 5667d06..d13e715 100644 --- a/documentation/bblibrary.bib +++ b/documentation/bblibrary.bib @@ -1,4476 +1,4811 @@ -@article{RN2354, - author = {Hazeltine, E. and Aparicio, P. and Ivry, R. B.}, - title = {The integrative coordination of multiple responses}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - year = {under revision}, +@article{RN3708, + author = {Bassett, D. S. and Yang, M. and Wymbs, N. F. and Grafton, S. T.}, + title = {Learning-induced autonomy of sensorimotor systems}, + journal = {Nat Neurosci}, + volume = {18}, + number = {5}, + pages = {744-51}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3993}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/25849989}, + year = {2015}, type = {Journal Article} } -@article{RN2304, - author = {Smith, M. A. and Shadmehr, R.}, - title = {Dysfunctional Error Feedback Control in Huntington's Disease in the Absence of Visual Feedback}, - year = {under review}, +@article{RN3707, + author = {Hay, E. and Ritter, P. and Lobaugh, N. J. and McIntosh, A. R.}, + title = {Multiregional integration in the brain during resting-state fMRI activity}, + journal = {PLoS Comput Biol}, + volume = {13}, + number = {3}, + pages = {e1005410}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1005410}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28248957}, + year = {2017}, type = {Journal Article} } -@article{RN427, - author = {Gehring, William J.}, - title = {Executive control in individuals with prefrontal lesions: An electrophysiological study}, - journal = {Journal of Cognitive Neuroscience}, - year = {submitted}, +@article{RN3705, + author = {Xu, J. and Ejaz, N. and Hertler, B. and Branscheidt, M. and Widmer, M. and Faria, A. V. and Harran, M. D. and Cortes, J. C. and Kim, N. and Celnik, P. A. and Kitago, T. and Luft, A. R. and Krakauer, J. W. and Diedrichsen, J.}, + title = {Separable systems for recovery of finger strength and control after stroke}, + journal = {J Neurophysiol}, + volume = {118}, + number = {2}, + pages = {1151-1163}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00123.2017}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28566461}, + year = {2017}, type = {Journal Article} } -@article{RN2342, - author = {Taylor, Janet L.}, - title = {Independent control of voluntary movement and associated anticipatory postural responses in a bimanual task.}, - journal = {Clinical Neurophysiology}, - year = {in press}, +@article{RN3704, + author = {Waters, S. and Wiestler, T. and Diedrichsen, J.}, + title = {Cooperation Not Competition: Bihemispheric tDCS and fMRI Show Role for Ipsilateral Hemisphere in Motor Learning}, + journal = {J Neurosci}, + volume = {37}, + number = {31}, + pages = {7500-7512}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.3414-16.2017}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28674174}, + year = {2017}, type = {Journal Article} } -@article{RN554, - author = {Semjen, Andras}, - title = {On the timing basis of bimanual coordination in discrete and continuous task}, - year = {in press}, +@article{RN3703, + author = {Mehler, D. M. A. and Reichenbach, A. and Klein, J. and Diedrichsen, J.}, + title = {Minimizing endpoint variability through reinforcement learning during reaching movements involving shoulder, elbow and wrist}, + journal = {PLoS One}, + volume = {12}, + number = {7}, + pages = {e0180803}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0180803}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28719661}, + year = {2017}, type = {Journal Article} } -@article{RN544, - author = {Ravizza, S. M. and Ivry, R. B.}, - title = {Comparison of the basal ganglia and cerebellum in shifting attention}, - journal = {Jornal of Cognitive Neuroscience}, - year = {in press}, +@article{RN3702, + author = {Diedrichsen, J. and Yokoi, A. and Arbuckle, S. A.}, + title = {Pattern component modeling: A flexible approach for understanding the representational structure of brain activity patterns}, + journal = {Neuroimage}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2017.08.051}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28843540}, + year = {2017}, type = {Journal Article} } -@article{RN2989, - author = {Nozaki, D. and Yokoi, A. and Hirashima, M.}, - title = {Gain-field encoding of both arms' kinematics in the internal model enables -flexible bimanual action}, - journal = {Journal of Neuroscience}, - year = {in press}, +@article{RN3701, + author = {Cole, M. W. and Bassett, D. S. and Power, J. D. and Braver, T. S. and Petersen, S. E.}, + title = {Intrinsic and task-evoked network architectures of the human brain}, + journal = {Neuron}, + volume = {83}, + number = {1}, + pages = {238-51}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2014.05.014}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24991964}, + year = {2014}, type = {Journal Article} } -@article{RN295, - author = {Mayr, Ulrich and Keele, Steven W.}, - title = {Backward inhibition during intentional shifts between task sets}, - year = {in press}, +@article{RN3700, + author = {Wang, S. S. and Kloth, A. D. and Badura, A.}, + title = {The cerebellum, sensitive periods, and autism}, + journal = {Neuron}, + volume = {83}, + number = {3}, + pages = {518-32}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2014.07.016}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/25102558}, + year = {2014}, type = {Journal Article} } -@inbook{RN560, - author = {Logan, Gordon D. and Zbrodoff, N. Jane}, - title = {Response features in the coordination of perception and action}, - booktitle = {Attention and Performance}, - editor = {Hommel, B. and Prinz, W.}, - year = {in press}, - type = {Book Section} +@article{RN3699, + author = {Andreasen, N. C. and Pierson, R.}, + title = {The role of the cerebellum in schizophrenia}, + journal = {Biol Psychiatry}, + volume = {64}, + number = {2}, + pages = {81-8}, + ISSN = {1873-2402 (Electronic) +0006-3223 (Linking)}, + DOI = {10.1016/j.biopsych.2008.01.003}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/18395701}, + year = {2008}, + type = {Journal Article} } -@article{RN642, - author = {Hommel, Bernhard and Schneider, W. X.}, - title = {Visual attention and the selection of manual response: Distinct mechanisms operating on the same codes}, - journal = {Visual Cognition}, - year = {in press}, +@article{RN3698, + author = {Laycock, S. K. and Wilkinson, I. D. and Wallis, L. I. and Darwent, G. and Wonders, S. H. and Fawcett, A. J. and Griffiths, P. D. and Nicolson, R. I.}, + title = {Cerebellar volume and cerebellar metabolic characteristics in adults with dyslexia}, + journal = {Ann N Y Acad Sci}, + volume = {1145}, + pages = {222-36}, + ISSN = {1749-6632 (Electronic) +0077-8923 (Linking)}, + DOI = {10.1196/annals.1416.002}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/19076400}, + year = {2008}, type = {Journal Article} } -@article{RN429, - author = {Hollands, J. G. and Dyre, B. P.}, - title = {Bias in proportion judgments: the cyclical power model}, - journal = {Psychological Review}, - year = {in press}, +@article{RN3697, + author = {Baillieux, H. and Vandervliet, E. J. and Manto, M. and Parizel, P. M. and De Deyn, P. P. and Marien, P.}, + title = {Developmental dyslexia and widespread activation across the cerebellar hemispheres}, + journal = {Brain Lang}, + volume = {108}, + number = {2}, + pages = {122-32}, + ISSN = {1090-2155 (Electronic) +0093-934X (Linking)}, + DOI = {10.1016/j.bandl.2008.10.001}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/18986695}, + year = {2009}, type = {Journal Article} } -@article{RN540, - author = {Hazeltine, Eliot and Poldrack, Russell and Gabrieli, John D. E.}, - title = {Neural activation during response competition}, - journal = {Journal of Cognitive Neuroscience}, - year = {in press}, +@article{RN3696, + author = {Chen, Y. L. and Tu, P. C. and Lee, Y. C. and Chen, Y. S. and Li, C. T. and Su, T. P.}, + title = {Resting-state fMRI mapping of cerebellar functional dysconnections involving multiple large-scale networks in patients with schizophrenia}, + journal = {Schizophr Res}, + volume = {149}, + number = {1-3}, + pages = {26-34}, + ISSN = {1573-2509 (Electronic) +0920-9964 (Linking)}, + DOI = {10.1016/j.schres.2013.05.029}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23810119}, + year = {2013}, type = {Journal Article} } -@article{RN981, - author = {Glover, S.}, - title = {Separate visual representations in the planning and control of action}, - journal = {Behavioral and Brain Sciences}, - year = {in press}, +@article{RN3695, + author = {Allen, G. and Courchesne, E.}, + title = {Differential effects of developmental cerebellar abnormality on cognitive and motor functions in the cerebellum: an fMRI study of autism}, + journal = {Am J Psychiatry}, + volume = {160}, + number = {2}, + pages = {262-73}, + ISSN = {0002-953X (Print) +0002-953X (Linking)}, + DOI = {10.1176/appi.ajp.160.2.262}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/12562572}, + year = {2003}, type = {Journal Article} } -@article{RN3207, - author = {Corbett, E.A. and Koerding, K.P. and Perreault, E.J.}, - title = {Real-time evaluation of a Non-invasive Neuroprosthetic Interface for Control of Reach}, - journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering}, - year = {in press}, +@article{RN3694, + author = {Eckert, M. A. and Leonard, C. M. and Richards, T. L. and Aylward, E. H. and Thomson, J. and Berninger, V. W.}, + title = {Anatomical correlates of dyslexia: frontal and cerebellar findings}, + journal = {Brain}, + volume = {126}, + number = {Pt 2}, + pages = {482-94}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/12538414}, + year = {2003}, type = {Journal Article} } -@article{RN133, - author = {Connor, C. E. and Preddie, D. C. and Gallant, J. L. and Van Essen, D. C.}, - title = {Spatial attention effects in macaque area V4}, - journal = {Journal of Neuroscience}, - year = {in press}, +@article{RN3693, + author = {Sparks, B. F. and Friedman, S. D. and Shaw, D. W. and Aylward, E. H. and Echelard, D. and Artru, A. A. and Maravilla, K. R. and Giedd, J. N. and Munson, J. and Dawson, G. and Dager, S. R.}, + title = {Brain structural abnormalities in young children with autism spectrum disorder}, + journal = {Neurology}, + volume = {59}, + number = {2}, + pages = {184-92}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/12136055}, + year = {2002}, type = {Journal Article} } -@article{RN3275, - author = {Callaghan, M F and Freund, P and Draganski, B. and Anderson, E. and Cappelletti, M. and Chowdhury, R. and Diedrichsen, J. and Fitzgerald, T.G. and Smittenaar, P. and Helms, G. and Lutti, A. and Weiskopf, N.}, - title = {Wide-spread age-related differences in human brain microstructure revealed by quantitative MRI}, - journal = {Neurobiol Aging}, - year = {in press}, +@article{RN3692, + author = {Cohen-Adad, J.}, + title = {Functional Magnetic Resonance Imaging of the Spinal Cord: Current Status and Future Developments}, + journal = {Semin Ultrasound CT MR}, + volume = {38}, + number = {2}, + pages = {176-186}, + ISSN = {1558-5034 (Electronic) +0887-2171 (Linking)}, + DOI = {10.1053/j.sult.2016.07.007}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28347420}, + year = {2017}, type = {Journal Article} } -@article{RN134, - author = {Ashby, F. G. and Alfonso-Reese, L. A. and Turken, A. U.}, - title = {A Formal Neuropsychological theory of multiple systems in category learing}, - year = {in press}, +@article{RN3691, + author = {Simony, E. and Honey, C. J. and Chen, J. and Lositsky, O. and Yeshurun, Y. and Wiesel, A. and Hasson, U.}, + title = {Dynamic reconfiguration of the default mode network during narrative comprehension}, + journal = {Nat Commun}, + volume = {7}, + pages = {12141}, + ISSN = {2041-1723 (Electronic) +2041-1723 (Linking)}, + DOI = {10.1038/ncomms12141}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27424918}, + year = {2016}, type = {Journal Article} } -@article{RN2355, - author = {Hazeltine, E. and Ivry, R.B.}, - title = {Response selection and bimanual interference after callosotomy: Evidence against subcortical dual-task limitations}, - year = {in preparation}, +@article{RN3690, + author = {Cohen-Adad, J. and Gauthier, C. J. and Brooks, J. C. and Slessarev, M. and Han, J. and Fisher, J. A. and Rossignol, S. and Hoge, R. D.}, + title = {BOLD signal responses to controlled hypercapnia in human spinal cord}, + journal = {Neuroimage}, + volume = {50}, + number = {3}, + pages = {1074-84}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2009.12.122}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20060914}, + year = {2010}, type = {Journal Article} } -@article{RN3119, - author = {Ledoit, O. and Wolf, M.}, - title = {Improved estimation of the covariance matrix of stock returns with an application to portfolio selection}, - journal = {Journal of Empirical Finance}, - volume = {10(5)}, - number = {603–621}, - year = { 2003}, +@article{RN3689, + author = {Brooks, J. C. and Faull, O. K. and Pattinson, K. T. and Jenkinson, M.}, + title = {Physiological noise in brainstem FMRI}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {623}, + ISSN = {1662-5161 (Print) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00623}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24109446}, + year = {2013}, type = {Journal Article} } -@article{RN3650, - author = {Poldrack, R. A. and Baker, C. I. and Durnez, J. and Gorgolewski, K. J. and Matthews, P. M. and Munafo, M. R. and Nichols, T. E. and Poline, J. B. and Vul, E. and Yarkoni, T.}, - title = {Scanning the horizon: towards transparent and reproducible neuroimaging research}, - journal = {Nat Rev Neurosci}, - volume = {18}, - number = {2}, - pages = {115-126}, - ISSN = {1471-0048 (Electronic) -1471-003X (Linking)}, - DOI = {10.1038/nrn.2016.167}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/28053326}, +@article{RN3688, + author = {Eippert, F. and Kong, Y. and Jenkinson, M. and Tracey, I. and Brooks, J. C. W.}, + title = {Denoising spinal cord fMRI data: Approaches to acquisition and analysis}, + journal = {Neuroimage}, + volume = {154}, + pages = {255-266}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2016.09.065}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27693613}, year = {2017}, type = {Journal Article} } -@article{RN3657, - author = {Khaligh-Razavi, S. M. and Henriksson, L. and Kay, K. and Kriegeskorte, N.}, - title = {Fixed versus mixed RSA: Explaining visual representations by fixed and mixed feature sets from shallow and deep computational models}, - journal = {J Math Psychol}, - volume = {76}, - number = {Pt B}, - pages = {184-197}, - ISSN = {0022-2496 (Print) -0022-2496 (Linking)}, - DOI = {10.1016/j.jmp.2016.10.007}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/28298702}, - year = {2017}, +@article{RN3687, + author = {Lambert, C. and Lutti, A. and Helms, G. and Frackowiak, R. and Ashburner, J.}, + title = {Multiparametric brainstem segmentation using a modified multivariate mixture of Gaussians}, + journal = {Neuroimage Clin}, + volume = {2}, + pages = {684-94}, + ISSN = {2213-1582 (Print) +2213-1582 (Linking)}, + DOI = {10.1016/j.nicl.2013.04.017}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24179820}, + year = {2013}, type = {Journal Article} } -@article{RN3659, - author = {Jonas, E. and Kording, K. P.}, - title = {Could a Neuroscientist Understand a Microprocessor?}, - journal = {PLoS Comput Biol}, - volume = {13}, - number = {1}, - pages = {e1005268}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1005268}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/28081141}, - year = {2017}, +@article{RN3686, + author = {Weiskopf, N. and Suckling, J. and Williams, G. and Correia, M. M. and Inkster, B. and Tait, R. and Ooi, C. and Bullmore, E. T. and Lutti, A.}, + title = {Quantitative multi-parameter mapping of R1, PD(*), MT, and R2(*) at 3T: a multi-center validation}, + journal = {Front Neurosci}, + volume = {7}, + pages = {95}, + ISSN = {1662-4548 (Print) +1662-453X (Linking)}, + DOI = {10.3389/fnins.2013.00095}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23772204}, + year = {2013}, type = {Journal Article} } -@article{RN3651, - author = {Hammerbeck, U. and Yousif, N. and Hoad, D. and Greenwood, R. and Diedrichsen, J. and Rothwell, J.}, - title = {Chronic stroke surviors improve reaching accuracy by reducing movement variabilty at the trained movement speed}, - journal = {Neurorehabil Neural Repair}, - year = {2017}, +@article{RN3684, + author = {Weiskopf, N. and Lutti, A. and Helms, G. and Novak, M. and Ashburner, J. and Hutton, C.}, + title = {Unified segmentation based correction of R1 brain maps for RF transmit field inhomogeneities (UNICORT)}, + journal = {Neuroimage}, + volume = {54}, + number = {3}, + pages = {2116-24}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.10.023}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20965260}, + year = {2011}, type = {Journal Article} } -@article{RN3539, - author = {Xu, J. and Ejaz, N. and Hertler, B. and Branscheidt, M. and Widmer, M. and ... and Luft, A. R. and Krakauer, J. W. and Diedrichsen, J.}, - title = {Recovery of hand function after stroke: separable systems for finger strength and control}, - journal = {BioRxiv}, - DOI = {10.1101/079269}, - year = {2016}, +@article{RN3683, + author = {Helms, G. and Dathe, H. and Kallenberg, K. and Dechent, P.}, + title = {High-resolution maps of magnetization transfer with inherent correction for RF inhomogeneity and T1 relaxation obtained from 3D FLASH MRI}, + journal = {Magn Reson Med}, + volume = {60}, + number = {6}, + pages = {1396-407}, + ISSN = {1522-2594 (Electronic) +0740-3194 (Linking)}, + DOI = {10.1002/mrm.21732}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/19025906}, + year = {2008}, type = {Journal Article} } -@article{RN3538, - author = {Waters-Metenier, S. and Wiestler, T. and Diedrichsen, J.}, - title = {Cooperation not competition: bihemispheric tDCS and fMRI show role for ipsilateral hemisphere in motor sequence learning}, - journal = {BioRxiv}, - year = {2016}, +@article{RN3682, + author = {Popa, D. and Spolidoro, M. and Proville, R. D. and Guyon, N. and Belliveau, L. and Lena, C.}, + title = {Functional role of the cerebellum in gamma-band synchronization of the sensory and motor cortices}, + journal = {J Neurosci}, + volume = {33}, + number = {15}, + pages = {6552-6}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5521-12.2013}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23575852}, + year = {2013}, type = {Journal Article} } -@article{RN3574, - author = {Wardle, S. G. and Kriegeskorte, N. and Grootswagers, T. and Khaligh-Razavi, S. M. and Carlson, T. A.}, - title = {Perceptual similarity of visual patterns predicts dynamic neural activation patterns measured with MEG}, - journal = {Neuroimage}, - volume = {132}, - pages = {59-70}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2016.02.019}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26899210}, - year = {2016}, +@article{RN3681, + author = {Proville, R. D. and Spolidoro, M. and Guyon, N. and Dugue, G. P. and Selimi, F. and Isope, P. and Popa, D. and Lena, C.}, + title = {Cerebellum involvement in cortical sensorimotor circuits for the control of voluntary movements}, + journal = {Nat Neurosci}, + volume = {17}, + number = {9}, + pages = {1233-9}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3773}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/25064850}, + year = {2014}, type = {Journal Article} } -@article{RN3565, - author = {Walther, A. and Nili, H. and Ejaz, N. and Alink, A. and Kriegeskorte, N. and Diedrichsen, J.}, - title = {Reliability of dissimilarity measures for multi-voxel pattern analysis}, - journal = {Neuroimage}, - volume = {137}, - pages = {188-200}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2015.12.012}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26707889}, - year = {2016}, +@article{RN3680, + author = {Huang, C. C. and Sugino, K. and Shima, Y. and Guo, C. and Bai, S. and Mensh, B. D. and Nelson, S. B. and Hantman, A. W.}, + title = {Convergence of pontine and proprioceptive streams onto multimodal cerebellar granule cells}, + journal = {Elife}, + volume = {2}, + pages = {e00400}, + ISSN = {2050-084X (Print) +2050-084X (Linking)}, + DOI = {10.7554/eLife.00400}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23467508}, + year = {2013}, type = {Journal Article} } -@article{RN3551, - author = {Todd, N. and Moeller, S. and Auerbach, E. J. and Yacoub, E. and Flandin, G. and Weiskopf, N.}, - title = {Evaluation of 2D multiband EPI imaging for high-resolution, whole-brain, task-based fMRI studies at 3T: Sensitivity and slice leakage artifacts}, - journal = {Neuroimage}, - volume = {124}, - number = {Pt A}, - pages = {32-42}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2015.08.056}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26341029}, +@article{RN3679, + author = {Glasser, M. F. and Coalson, T. S. and Robinson, E. C. and Hacker, C. D. and Harwell, J. and Yacoub, E. and Ugurbil, K. and Andersson, J. and Beckmann, C. F. and Jenkinson, M. and Smith, S. M. and Van Essen, D. C.}, + title = {A multi-modal parcellation of human cerebral cortex}, + journal = {Nature}, + volume = {536}, + number = {7615}, + pages = {171-178}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature18933}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27437579}, year = {2016}, type = {Journal Article} } -@article{RN3647, - author = {Tavor, I. and Parker Jones, O. and Mars, R. B. and Smith, S. M. and Behrens, T. E. and Jbabdi, S.}, - title = {Task-free MRI predicts individual differences in brain activity during task performance}, - journal = {Science}, - volume = {352}, - number = {6282}, - pages = {216-20}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {10.1126/science.aad8127}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/27124457}, - year = {2016}, +@article{RN3678, + author = {Gupta, C. N. and Calhoun, V. D. and Rachakonda, S. and Chen, J. and Patel, V. and Liu, J. and Segall, J. and Franke, B. and Zwiers, M. P. and Arias-Vasquez, A. and Buitelaar, J. and Fisher, S. E. and Fernandez, G. and van Erp, T. G. and Potkin, S. and Ford, J. and Mathalon, D. and McEwen, S. and Lee, H. J. and Mueller, B. A. and Greve, D. N. and Andreassen, O. and Agartz, I. and Gollub, R. L. and Sponheim, S. R. and Ehrlich, S. and Wang, L. and Pearlson, G. and Glahn, D. C. and Sprooten, E. and Mayer, A. R. and Stephen, J. and Jung, R. E. and Canive, J. and Bustillo, J. and Turner, J. A.}, + title = {Patterns of Gray Matter Abnormalities in Schizophrenia Based on an International Mega-analysis}, + journal = {Schizophr Bull}, + volume = {41}, + number = {5}, + pages = {1133-42}, + ISSN = {1745-1701 (Electronic) +0586-7614 (Linking)}, + DOI = {10.1093/schbul/sbu177}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/25548384}, + year = {2015}, type = {Journal Article} } -@article{RN3597, - author = {Naros, G. and Geyer, M. and Koch, S. and Mayr, L. and Ellinger, T. and Grimm, F. and Gharabaghi, A.}, - title = {Enhanced motor learning with bilateral transcranial direct current stimulation: Impact of polarity or current flow direction?}, - journal = {Clin Neurophysiol}, - volume = {127}, - number = {4}, - pages = {2119-26}, - ISSN = {1872-8952 (Electronic) -1388-2457 (Linking)}, - DOI = {10.1016/j.clinph.2015.12.020}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26818881}, - year = {2016}, +@article{RN3677, + author = {Kansal, K. and Yang, Z. and Fishman, A. M. and Sair, H. I. and Ying, S. H. and Jedynak, B. M. and Prince, J. L. and Onyike, C. U.}, + title = {Structural cerebellar correlates of cognitive and motor dysfunctions in cerebellar degeneration}, + journal = {Brain}, + volume = {140}, + number = {3}, + pages = {707-720}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {10.1093/brain/aww327}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28043955}, + year = {2017}, type = {Journal Article} } -@article{RN3644, - author = {Moberget, T. and Ivry, R. B.}, - title = {Cerebellar contributions to motor control and language comprehension: searching for common computational principles}, - journal = {Ann N Y Acad Sci}, - volume = {1369}, +@article{RN3676, + author = {Grill-Spector, K. and Henson, R. and Martin, A.}, + title = {Repetition and the brain: neural models of stimulus-specific effects}, + journal = {Trends Cogn Sci}, + volume = {10}, number = {1}, - pages = {154-71}, - ISSN = {1749-6632 (Electronic) -0077-8923 (Linking)}, - DOI = {10.1111/nyas.13094}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/27206249}, - year = {2016}, + pages = {14-23}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2005.11.006}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/16321563}, + year = {2006}, type = {Journal Article} } -@article{RN3656, - author = {McClure, P. and Kriegeskorte, N.}, - title = {Representational Distance Learning for Deep Neural Networks}, +@article{RN3675, + author = {Lescroart, M. D. and Stansbury, D. E. and Gallant, J. L.}, + title = {Fourier power, subjective distance, and object categories all provide plausible models of BOLD responses in scene-selective visual areas}, journal = {Front Comput Neurosci}, - volume = {10}, - pages = {131}, - ISSN = {1662-5188 (Linking)}, - DOI = {10.3389/fncom.2016.00131}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/28082889}, - year = {2016}, + volume = {9}, + pages = {135}, + ISSN = {1662-5188 (Print) +1662-5188 (Linking)}, + DOI = {10.3389/fncom.2015.00135}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/26594164}, + year = {2015}, type = {Journal Article} } -@article{RN3658, - author = {Marblestone, A. H. and Wayne, G. and Kording, K. P.}, - title = {Toward an Integration of Deep Learning and Neuroscience}, - journal = {Front Comput Neurosci}, - volume = {10}, - pages = {94}, - ISSN = {1662-5188 (Linking)}, - DOI = {10.3389/fncom.2016.00094}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/27683554}, - year = {2016}, +@article{RN3674, + author = {de Heer, W. A. and Huth, A. G. and Griffiths, T. L. and Gallant, J. L. and Theunissen, F. E.}, + title = {The Hierarchical Cortical Organization of Human Speech Processing}, + journal = {J Neurosci}, + volume = {37}, + number = {27}, + pages = {6539-6557}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.3267-16.2017}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28588065}, + year = {2017}, type = {Journal Article} } -@article{RN3542, - author = {Leo, A. and Handjaras, G. and Bianchi, M. and Marino, H. and Gabiccini, M. and Guidi, A. and Scilingo, E. P. and Pietrini, P. and Bicchi, A. and Santello, M. and Ricciardi, E.}, - title = {A synergy-based hand control is encoded in human motor cortical areas}, - journal = {Elife}, - volume = {5}, - ISSN = {2050-084X (Electronic) -2050-084X (Linking)}, - DOI = {10.7554/eLife.13420}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26880543}, +@article{RN3673, + author = {Sheahan, H. R. and Franklin, D. W. and Wolpert, D. M.}, + title = {Motor Planning, Not Execution, Separates Motor Memories}, + journal = {Neuron}, + volume = {92}, + number = {4}, + pages = {773-779}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2016.10.017}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27817979}, year = {2016}, type = {Journal Article} } -@article{RN3568, - author = {Kriegeskorte, N. and Diedrichsen, J.}, - title = {Inferring brain-computational mechanisms with models of activity measurements}, - journal = {Proceedings of the Royal Society}, - year = {2016}, +@article{RN3672, + author = {Diedrichsen, J. and Kriegeskorte, N.}, + title = {Representational models: A common framework for understanding encoding, pattern-component, and representational-similarity analysis}, + journal = {PLoS Comput Biol}, + volume = {13}, + number = {4}, + pages = {e1005508}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1005508}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28437426}, + year = {2017}, type = {Journal Article} } -@article{RN3571, - author = {Kording, K. and Jonas, E.}, - title = {Could a neuroscientist understand a microprocessor? }, - journal = {BioRxiv}, - DOI = {10.1101/055624}, - url = {biorxiv.org/content/early/2016/05/26/055624}, - year = {2016}, +@article{RN3670, + author = {Ernst, T. M. and Thurling, M. and Muller, S. and Kahl, F. and Maderwald, S. and Schlamann, M. and Boele, H. J. and Koekkoek, S. K. E. and Diedrichsen, J. and De Zeeuw, C. I. and Ladd, M. E. and Timmann, D.}, + title = {Modulation of 7 T fMRI Signal in the Cerebellar Cortex and Nuclei During Acquisition, Extinction, and Reacquisition of Conditioned Eyeblink Responses}, + journal = {Hum Brain Mapp}, + ISSN = {1097-0193 (Electronic) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.23641}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28474470}, + year = {2017}, type = {Journal Article} } -@article{RN3570, - author = {Kobak, D. and Brendel, W. and Constantinidis, C. and Feierstein, C. E. and Kepecs, A. and Mainen, Z. F. and Qi, X. L. and Romo, R. and Uchida, N. and Machens, C. K.}, - title = {Demixed principal component analysis of neural population data}, +@article{RN3669, + author = {Hammerbeck, U. and Yousif, N. and Hoad, D. and Greenwood, R. and Diedrichsen, J. and Rothwell, J. C.}, + title = {Chronic stroke survivors improve reaching accuracy by reducing movement variability at the trained movement speed}, + journal = {Neurorehabil Neural Repair}, + volume = {31}, + number = {6}, + pages = {499-508}, + ISSN = {1552-6844 (Electronic) +1545-9683 (Linking)}, + DOI = {10.1177/1545968317693112}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28506150}, + year = {2017}, + type = {Journal Article} +} + +@article{RN3668, + author = {Moberget, T. and Doan, N. T. and Alnaes, D. and Kaufmann, T. and Cordova-Palomera, A. and Lagerberg, T. V. and Diedrichsen, J. and Schwarz, E. and Zink, M. and Eisenacher, S. and Kirsch, P. and Jonsson, E. G. and Fatouros-Bergman, H. and Flyckt, L. and KaSp and Pergola, G. and Quarto, T. and Bertolino, A. and Barch, D. and Meyer-Lindenberg, A. and Agartz, I. and Andreassen, O. A. and Westlye, L. T.}, + title = {Cerebellar volume and cerebellocerebral structural covariance in schizophrenia: a multisite mega-analysis of 983 patients and 1349 healthy controls}, + journal = {Mol Psychiatry}, + ISSN = {1476-5578 (Electronic) +1359-4184 (Linking)}, + DOI = {10.1038/mp.2017.106}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28507318}, + year = {2017}, + type = {Journal Article} +} + +@article{RN3667, + author = {Mohammadi, S. and Carey, D. and Dick, F. and Diedrichsen, J. and Sereno, M. I. and Reisert, M. and Callaghan, M. F. and Weiskopf, N.}, + title = {Whole-Brain In-vivo Measurements of the Axonal G-Ratio in a Group of 37 Healthy Volunteers}, + journal = {Front Neurosci}, + volume = {9}, + pages = {441}, + ISSN = {1662-4548 (Print) +1662-453X (Linking)}, + DOI = {10.3389/fnins.2015.00441}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/26640427}, + year = {2015}, + type = {Journal Article} +} + +@article{RN3666, + author = {Hagura, N. and Haggard, P. and Diedrichsen, J.}, + title = {Perceptual decisions are biased by the cost to act}, journal = {Elife}, - volume = {5}, + volume = {6}, ISSN = {2050-084X (Electronic) 2050-084X (Linking)}, - DOI = {10.7554/eLife.10989}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/27067378}, - year = {2016}, + DOI = {10.7554/eLife.18422}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28219479}, + year = {2017}, type = {Journal Article} } -@article{RN3642, - author = {Khaligh-Razavi, S.M. and Henriksson, L. and Kay, K. and Kriegeskorte, N. }, - title = {Fixed versus mixed RSA: Explaining visual representations by fixed and mixed feature sets from shallow and deep computational models }, - journal = {BioRxiv}, - year = {2016}, +@article{RN3665, + author = {Hernandez-Castillo, C. R. and Diedrichsen, J. and Aguilar-Castaneda, E. and Iglesias, M.}, + title = {Decoupling between the hand territory and the default mode network after bilateral arm transplantation: four-year follow-up case study}, + journal = {Brain Imaging Behav}, + ISSN = {1931-7565 (Electronic) +1931-7557 (Linking)}, + DOI = {10.1007/s11682-017-9683-1}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28185062}, + year = {2017}, type = {Journal Article} } -@article{RN3641, - author = {Jozwik, K. M. and Kriegeskorte, N. and Mur, M.}, - title = {Visual features as stepping stones toward semantics: Explaining object similarity in IT and perception with non-negative least squares}, - journal = {Neuropsychologia}, - volume = {83}, - pages = {201-26}, - ISSN = {1873-3514 (Electronic) -0028-3932 (Linking)}, - DOI = {10.1016/j.neuropsychologia.2015.10.023}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/26493748}, - year = {2016}, +@article{RN3664, + author = {King, M. and Hernandez-Castillo, C. and Diedrichsen, J.}, + title = {Towards a multi-function mapping of the cerebellar cortex}, + journal = {Brain}, + volume = {140}, + number = {3}, + pages = {522-524}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {10.1093/brain/aww348}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28364553}, + year = {2017}, type = {Journal Article} } -@article{RN3566, - author = {Huth, A. G. and de Heer, W. A. and Griffiths, T. L. and Theunissen, F. E. and Gallant, J. L.}, - title = {Natural speech reveals the semantic maps that tile human cerebral cortex}, - journal = {Nature}, - volume = {532}, - number = {7600}, - pages = {453-8}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {10.1038/nature17637}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/27121839}, +@article{RN3663, + author = {Yokoi, A. and Bai, W. and Diedrichsen, J.}, + title = {Restricted transfer of learning between unimanual and bimanual finger sequences}, + journal = {J Neurophysiol}, + volume = {117}, + number = {3}, + pages = {1043-1051}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00387.2016}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27974447}, + year = {2017}, + type = {Journal Article} +} + +@book{RN3662, + author = {Dennett, D. C.}, + title = {The intentional stance}, + publisher = {The MIT Press}, + address = {Cambridge, MA}, + year = {1987}, + type = {Book} +} + +@article{RN3661, + author = {Hong, H. and Yamins, D. L. and Majaj, N. J. and DiCarlo, J. J.}, + title = {Explicit information for category-orthogonal object properties increases along the ventral stream}, + journal = {Nat Neurosci}, + volume = {19}, + number = {4}, + pages = {613-22}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.4247}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/26900926}, year = {2016}, type = {Journal Article} } -@article{RN3572, - author = {Guntupalli, J. S. and Hanke, M. and Halchenko, Y. O. and Connolly, A. C. and Ramadge, P. J. and Haxby, J. V.}, - title = {A Model of Representational Spaces in Human Cortex}, - journal = {Cereb Cortex}, - volume = {26}, - number = {6}, - pages = {2919-34}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {10.1093/cercor/bhw068}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26980615}, - year = {2016}, +@article{RN3660, + author = {Hung, C. P. and Kreiman, G. and Poggio, T. and DiCarlo, J. J.}, + title = {Fast readout of object identity from macaque inferior temporal cortex}, + journal = {Science}, + volume = {310}, + number = {5749}, + pages = {863-6}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.1117593}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/16272124}, + year = {2005}, type = {Journal Article} } -@article{RN3564, - author = {Franklin, D. W. and Reichenbach, A. and Franklin, S. and Diedrichsen, J.}, - title = {Temporal Evolution of Spatial Computations for Visuomotor Control}, - journal = {J Neurosci}, - volume = {36}, - number = {8}, - pages = {2329-41}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.0052-15.2016}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26911681}, - year = {2016}, +@article{RN3659, + author = {Jonas, E. and Kording, K. P.}, + title = {Could a Neuroscientist Understand a Microprocessor?}, + journal = {PLoS Comput Biol}, + volume = {13}, + number = {1}, + pages = {e1005268}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1005268}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28081141}, + year = {2017}, type = {Journal Article} } -@article{RN3543, - author = {Diedrichsen, J. and Zareamoghaddam, H. and Provost, S.}, - title = {The distribution of crossvalidated mahalanobis distances}, - journal = {ArXiv}, +@article{RN3658, + author = {Marblestone, A. H. and Wayne, G. and Kording, K. P.}, + title = {Toward an Integration of Deep Learning and Neuroscience}, + journal = {Front Comput Neurosci}, + volume = {10}, + pages = {94}, + ISSN = {1662-5188 (Linking)}, + DOI = {10.3389/fncom.2016.00094}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27683554}, year = {2016}, type = {Journal Article} } -@misc{RN3569, - author = {Diedrichsen, J. and Arbuckle, S. and Yokoi, A.}, - title = {Pattern component modeling toolbox}, - url = {https://github.com/jdiedrichsen/pcm_toolbox}, - year = {2016}, - type = {Generic} +@article{RN3657, + author = {Khaligh-Razavi, S. M. and Henriksson, L. and Kay, K. and Kriegeskorte, N.}, + title = {Fixed versus mixed RSA: Explaining visual representations by fixed and mixed feature sets from shallow and deep computational models}, + journal = {J Math Psychol}, + volume = {76}, + number = {Pt B}, + pages = {184-197}, + ISSN = {0022-2496 (Print) +0022-2496 (Linking)}, + DOI = {10.1016/j.jmp.2016.10.007}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28298702}, + year = {2017}, + type = {Journal Article} } -@article{RN3573, - author = {Diedrichsen, J. and Kriegeskorte, N.}, - title = {Representational models: A common framework for understanding encoding, pattern-component, and representational-similarity analysis}, - journal = {BioRxiv}, - DOI = {10.1101/071472}, +@article{RN3656, + author = {McClure, P. and Kriegeskorte, N.}, + title = {Representational Distance Learning for Deep Neural Networks}, + journal = {Front Comput Neurosci}, + volume = {10}, + pages = {131}, + ISSN = {1662-5188 (Linking)}, + DOI = {10.3389/fncom.2016.00131}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28082889}, year = {2016}, type = {Journal Article} } -@article{RN3559, - author = {Diedrichsen, J. and Kriegeskorte, N.}, - title = {Inference of representational models}, - journal = {BioRxiv}, - year = {2016}, +@article{RN3655, + author = {Shenoy, K. V. and Sahani, M. and Churchland, M. M.}, + title = {Cortical control of arm movements: a dynamical systems perspective}, + journal = {Annu Rev Neurosci}, + volume = {36}, + pages = {337-59}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-062111-150509}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23725001}, + year = {2013}, type = {Journal Article} } -@article{RN3638, - author = {Cai, M. B. and Schuck, N. W. and Pillow, J. and Niv, Y.}, - title = {A Bayesian method for reducing bias in neural representational similarity analysis}, - journal = {BioRxiv}, - DOI = {10.1101/073932}, - year = {2016}, +@article{RN3654, + author = {Kass, R. E. and Raftery, A. E.}, + title = {Bayes Factors}, + journal = {Journal of the American Statistical Association}, + volume = {90}, + number = {430}, + pages = {773-795}, + ISSN = {0162-1459}, + DOI = {10.1080/01621459.1995.10476572}, + url = {://WOS:A1995RA10400045}, + year = {1995}, type = {Journal Article} } -@article{RN3407, - author = {Yousif, N. and Cole, J. and Rothwell, J. and Diedrichsen, J.}, - title = {Proprioception in motor learning: lessons from a deafferented subject}, - journal = {Exp Brain Res}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-015-4315-8}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25990821}, - year = {2015}, +@article{RN3653, + author = {Stephan, K. E. and Penny, W. D. and Daunizeau, J. and Moran, R. J. and Friston, K. J.}, + title = {Bayesian model selection for group studies}, + journal = {Neuroimage}, + volume = {46}, + number = {4}, + pages = {1004-17}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2009.03.025}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/19306932}, + year = {2009}, type = {Journal Article} } -@article{RN3410, - author = {Thurling, M. and Kahl, F. and Maderwald, S. and Stefanescu, R. M. and Schlamann, M. and Boele, H. J. and De Zeeuw, C. I. and Diedrichsen, J. and Ladd, M. E. and Koekkoek, S. K. and Timmann, D.}, - title = {Cerebellar cortex and cerebellar nuclei are concomitantly activated during eyeblink conditioning: a 7T fMRI study in humans}, - journal = {J Neurosci}, - volume = {35}, +@article{RN3652, + author = {Penny, W. D. and Stephan, K. E. and Mechelli, A. and Friston, K. J.}, + title = {Comparing dynamic causal models}, + journal = {Neuroimage}, + volume = {22}, number = {3}, - pages = {1228-39}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.2492-14.2015}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25609637}, - year = {2015}, + pages = {1157-72}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2004.03.026}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/15219588}, + year = {2004}, type = {Journal Article} } -@inproceedings{RN3401, - author = {Thomik, A and Faisal, AA}, - title = {Sparse coding of natural human motion yields eigenmotions consistent across people}, - booktitle = {American Physical Society Meeting}, - type = {Conference Proceedings} -} - -@article{RN3408, - author = {Stefanescu, M. R. and Dohnalek, M. and Maderwald, S. and Thurling, M. and Minnerop, M. and Beck, A. and Schlamann, M. and Diedrichsen, J. and Ladd, M. E. and Timmann, D.}, - title = {Structural and functional MRI abnormalities of cerebellar cortex and nuclei in SCA3, SCA6 and Friedreich's ataxia}, - journal = {Brain}, - volume = {138}, - number = {Pt 5}, - pages = {1182-97}, - ISSN = {1460-2156 (Electronic) -0006-8950 (Linking)}, - DOI = {10.1093/brain/awv064}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25818870}, - year = {2015}, +@article{RN3650, + author = {Poldrack, R. A. and Baker, C. I. and Durnez, J. and Gorgolewski, K. J. and Matthews, P. M. and Munafo, M. R. and Nichols, T. E. and Poline, J. B. and Vul, E. and Yarkoni, T.}, + title = {Scanning the horizon: towards transparent and reproducible neuroimaging research}, + journal = {Nat Rev Neurosci}, + volume = {18}, + number = {2}, + pages = {115-126}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {10.1038/nrn.2016.167}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/28053326}, + year = {2017}, type = {Journal Article} } -@article{RN3409, - author = {Scharnowski, F. and Veit, R. and Zopf, R. and Studer, P. and Bock, S. and Diedrichsen, J. and Goebel, R. and Mathiak, K. and Birbaumer, N. and Weiskopf, N.}, - title = {Manipulating motor performance and memory through real-time fMRI neurofeedback}, - journal = {Biol Psychol}, - volume = {108}, - pages = {85-97}, - ISSN = {1873-6246 (Electronic) -0301-0511 (Linking)}, - DOI = {10.1016/j.biopsycho.2015.03.009}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25796342}, - year = {2015}, +@article{RN3649, + author = {Hasson, U. and Malach, R. and Heeger, D. J.}, + title = {Reliability of cortical activity during natural stimulation}, + journal = {Trends Cogn Sci}, + volume = {14}, + number = {1}, + pages = {40-8}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2009.10.011}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20004608}, + year = {2010}, type = {Journal Article} } -@article{RN3406, - author = {Pruszynski, J. A. and Diedrichsen, J.}, - title = {Neuroscience. Reading the mind to move the body}, +@article{RN3647, + author = {Tavor, I. and Parker Jones, O. and Mars, R. B. and Smith, S. M. and Behrens, T. E. and Jbabdi, S.}, + title = {Task-free MRI predicts individual differences in brain activity during task performance}, journal = {Science}, - volume = {348}, - number = {6237}, - pages = {860-1}, + volume = {352}, + number = {6282}, + pages = {216-20}, ISSN = {1095-9203 (Electronic) 0036-8075 (Linking)}, - DOI = {10.1126/science.aab3464}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25999491}, - year = {2015}, + DOI = {10.1126/science.aad8127}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27124457}, + year = {2016}, type = {Journal Article} } -@article{RN3441, - author = {Norman-Haignere, S. and Kanwisher, N. G. and McDermott, J. H.}, - title = {Distinct Cortical Pathways for Music and Speech Revealed by Hypothesis-Free Voxel Decomposition}, - journal = {Neuron}, - volume = {88}, - number = {6}, - pages = {1281-96}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {10.1016/j.neuron.2015.11.035}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26687225}, - year = {2015}, +@article{RN3646, + author = {Schmahmann, J. D.}, + title = {From movement to thought: anatomic substrates of the cerebellar contribution to cognitive processing}, + journal = {Hum Brain Mapp}, + volume = {4}, + number = {3}, + pages = {174-98}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(SICI)1097-0193(1996)4:3<174::AID-HBM3>3.0.CO;2-0}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20408197}, + year = {1996}, type = {Journal Article} } -@article{RN3545, - author = {Khaligh-Razavi, S. M. and Carlin, J. and Martin Cichy, R. and Kriegeskorte, N.}, - title = {The effects of recurrent dynamics on ventral-stream representational geometry}, - journal = {J Vis}, - volume = {15}, - number = {12}, - pages = {1089}, - ISSN = {1534-7362 (Electronic) -1534-7362 (Linking)}, - DOI = {10.1167/15.12.1089}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26326777}, - year = {2015}, +@article{RN3645, + author = {Moberget, T. and Gullesen, E. H. and Andersson, S. and Ivry, R. B. and Endestad, T.}, + title = {Generalized role for the cerebellum in encoding internal models: evidence from semantic processing}, + journal = {J Neurosci}, + volume = {34}, + number = {8}, + pages = {2871-8}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2264-13.2014}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24553928}, + year = {2014}, type = {Journal Article} } -@article{RN3442, - author = {Kell, A. and Yamins, D. and Norman-Haignere, S. and Seibert, D. and Hong, H. and DiCarlo, J. and McDermott, J.}, - title = {Computational similarities between visual and auditory cortex studied with convolutional neural networks, fMRI, and electrophysiology}, - journal = {J Vis}, - volume = {15}, - number = {12}, - pages = {1093}, - ISSN = {1534-7362 (Electronic) -1534-7362 (Linking)}, - DOI = {10.1167/15.12.1093}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26326781}, - year = {2015}, +@article{RN3644, + author = {Moberget, T. and Ivry, R. B.}, + title = {Cerebellar contributions to motor control and language comprehension: searching for common computational principles}, + journal = {Ann N Y Acad Sci}, + volume = {1369}, + number = {1}, + pages = {154-71}, + ISSN = {1749-6632 (Electronic) +0077-8923 (Linking)}, + DOI = {10.1111/nyas.13094}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/27206249}, + year = {2016}, type = {Journal Article} } -@article{RN3428, - author = {Kasuga, S. and Telgen, S. and Ushiba, J. and Nozaki, D. and Diedrichsen, J.}, - title = {Learning feedback and feedforward control in a mirror-reversed visual environment}, - journal = {J Neurophysiol}, - volume = {114}, - number = {4}, - pages = {2187-93}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00096.2015}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26245313}, - year = {2015}, +@article{RN3643, + author = {Kriegeskorte, N. and Cusack, R. and Bandettini, P.}, + title = {How does an fMRI voxel sample the neuronal activity pattern: compact-kernel or complex spatiotemporal filter?}, + journal = {Neuroimage}, + volume = {49}, + number = {3}, + pages = {1965-76}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2009.09.059}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/19800408}, + year = {2010}, type = {Journal Article} } -@article{RN3414, - author = {Galea, J. M. and Mallia, E. and Rothwell, J. and Diedrichsen, J.}, - title = {The dissociable effects of punishment and reward on motor learning}, - journal = {Nat Neurosci}, - volume = {18}, - number = {4}, - pages = {597-602}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.3956}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25706473}, - year = {2015}, +@article{RN3642, + author = {Khaligh-Razavi, S.M. and Henriksson, L. and Kay, K. and Kriegeskorte, N. }, + title = {Fixed versus mixed RSA: Explaining visual representations by fixed and mixed feature sets from shallow and deep computational models }, + journal = {BioRxiv}, + year = {2016}, type = {Journal Article} } -@article{RN3394, - author = {Galea, J. M. and Mallia, E. and Rothwell, J. and Diedrichsen, J.}, - title = {The dissociable effects of punishment and reward on motor learning}, - journal = {Nat Neurosci}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.3956}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25706473}, - year = {2015}, +@article{RN3641, + author = {Jozwik, K. M. and Kriegeskorte, N. and Mur, M.}, + title = {Visual features as stepping stones toward semantics: Explaining object similarity in IT and perception with non-negative least squares}, + journal = {Neuropsychologia}, + volume = {83}, + pages = {201-26}, + ISSN = {1873-3514 (Electronic) +0028-3932 (Linking)}, + DOI = {10.1016/j.neuropsychologia.2015.10.023}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/26493748}, + year = {2016}, type = {Journal Article} } -@article{RN3426, - author = {Franklin, D. W. and Reichenbach, A. and Franklin, S. and J., Diedrichsen}, - title = {Temporal evolution of spatial computations for visuomotor control}, - journal = {Journal of Neuroscience}, - year = {2015}, +@article{RN3640, + author = {Kriegeskorte, N. and Bandettini, P.}, + title = {Analyzing for information, not activation, to exploit high-resolution fMRI}, + journal = {Neuroimage}, + volume = {38}, + number = {4}, + pages = {649-62}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.02.022}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/17804260}, + year = {2007}, type = {Journal Article} } -@article{RN3415, - author = {Ejaz, N. and Hamada, M. and Diedrichsen, J.}, - title = {Hand use predicts the structure of representations in sensorimotor cortex}, +@article{RN3639, + author = {Golub, G. H. and Heath, M. and Wahba, G.}, + title = {Generalized Cross-Validation as a Method for Choosing a Good Ridge Parameter}, + journal = {Technometrics}, + volume = {21}, + number = {2}, + pages = {215-223}, + ISSN = {0040-1706}, + DOI = {10.1080/00401706.1979.10489751}, + url = {://WOS:A1979GW16700008}, + year = {1979}, + type = {Journal Article} +} + +@inbook{RN3638, + author = {Cai, M. B. and Schuck, N. W. and Pillow, J. and Niv, Y.}, + title = {A Bayesian method for reducing bias in neural representational similarity analysis}, + booktitle = {Advances in Neural Information Processing Systems}, + pages = {4952--4960}, + DOI = {10.1101/073932}, + year = {2016}, + type = {Book Section} +} + +@article{RN3637, + author = {Cichy, R. M. and Pantazis, D. and Oliva, A.}, + title = {Resolving human object recognition in space and time}, journal = {Nat Neurosci}, - volume = {18}, - number = {7}, - pages = {1034-40}, + volume = {17}, + number = {3}, + pages = {455-62}, ISSN = {1546-1726 (Electronic) 1097-6256 (Linking)}, - DOI = {10.1038/nn.4038}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26030847}, - year = {2015}, + DOI = {10.1038/nn.3635}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/24464044}, + year = {2014}, type = {Journal Article} } -@article{RN3421, - author = {Diedrichsen, J. and Zotow, E.}, - title = {Surface-Based Display of Volume-Averaged Cerebellar Imaging Data}, - journal = {PLoS One}, - volume = {7}, - pages = {e0133402}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0133402}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/26230510}, - year = {2015}, +@article{RN3636, + author = {Carlson, T. and Tovar, D. A. and Alink, A. and Kriegeskorte, N.}, + title = {Representational dynamics of object vision: the first 1000 ms}, + journal = {J Vis}, + volume = {13}, + number = {10}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/13.10.1}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23908380}, + year = {2013}, type = {Journal Article} } -@article{RN3411, - author = {Diedrichsen, J. and Kornysheva, K.}, - title = {Motor skill learning between selection and execution}, - journal = {Trends Cogn Sci}, - volume = {19}, - number = {4}, - pages = {227-33}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - DOI = {10.1016/j.tics.2015.02.003}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25746123}, - year = {2015}, +@article{RN3635, + author = {Siero, J. C. and Hermes, D. and Hoogduin, H. and Luijten, P. R. and Petridou, N. and Ramsey, N. F.}, + title = {BOLD consistently matches electrophysiology in human sensorimotor cortex at increasing movement rates: a combined 7T fMRI and ECoG study on neurovascular coupling}, + journal = {J Cereb Blood Flow Metab}, + volume = {33}, + number = {9}, + pages = {1448-56}, + ISSN = {1559-7016 (Electronic) +0271-678X (Linking)}, + DOI = {10.1038/jcbfm.2013.97}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23801242}, + year = {2013}, type = {Journal Article} } -@article{RN3620, - author = {Zimerman, M. and Heise, K. F. and Gerloff, C. and Cohen, L. G. and Hummel, F. C.}, - title = {Disrupting the ipsilateral motor cortex interferes with training of a complex motor task in older adults}, - journal = {Cereb Cortex}, - volume = {24}, - number = {4}, - pages = {1030-6}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {10.1093/cercor/bhs385}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/23242199}, - year = {2014}, +@article{RN3634, + author = {Hermes, D. and Siero, J. C. and Aarnoutse, E. J. and Leijten, F. S. and Petridou, N. and Ramsey, N. F.}, + title = {Dissociation between neuronal activity in sensorimotor cortex and hand movement revealed as a function of movement rate}, + journal = {J Neurosci}, + volume = {32}, + number = {28}, + pages = {9736-44}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.0357-12.2012}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/22787059}, + year = {2012}, type = {Journal Article} } -@article{RN3382, - author = {Zhou, H. and Lin, Z. and Voges, K. and Ju, C. and Gao, Z. and Bosman, L. W. and Ruigrok, T. J. and Hoebeek, F. E. and De Zeeuw, C. I. and Schonewille, M.}, - title = {Cerebellar modules operate at different frequencies}, - journal = {Elife}, - volume = {3}, - pages = {e02536}, - ISSN = {2050-084X (Electronic) -2050-084X (Linking)}, - DOI = {10.7554/eLife.02536}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24843004}, - year = {2014}, +@article{RN3633, + author = {Dale, A. M. and Buckner, R. L.}, + title = {Selective averaging of rapidly presented individual trials using fMRI}, + journal = {Hum Brain Mapp}, + volume = {5}, + number = {5}, + pages = {329-40}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(SICI)1097-0193(1997)5:5<329::AID-HBM1>3.0.CO;2-5 +10.1002/(SICI)1097-0193(1997)5:5<329::AID-HBM1>3.0.CO;2-5}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20408237}, + year = {1997}, type = {Journal Article} } -@article{RN3336, - author = {Wymbs, N. F. and Grafton, S. T.}, - title = {The Human Motor System Supports Sequence-Specific Representations over Multiple Training-Dependent Timescales}, - journal = {Cereb Cortex}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {10.1093/cercor/bhu144}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24969473}, - year = {2014}, +@article{RN3632, + author = {Lawrence, D. G. and Kuypers, H. G.}, + title = {The functional organization of the motor system in the monkey. I. The effects of bilateral pyramidal lesions}, + journal = {Brain}, + volume = {91}, + number = {1}, + pages = {1-14}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/4966862}, + year = {1968}, type = {Journal Article} } -@article{RN3289, - author = {Wu, H. G. and Miyamoto, Y. R. and Gonzalez Castro, L. N. and Olveczky, B. P. and Smith, M. A.}, - title = {Temporal structure of motor variability is dynamically regulated and predicts motor learning ability}, - journal = {Nat Neurosci}, - volume = {17}, - number = {2}, - pages = {312-21}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.3616}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24413700}, - year = {2014}, +@inbook{RN3631, + author = {Lashley, K. S.}, + title = {In seach of the engram}, + year = {1950}, + type = {Book Section} +} + +@article{RN3630, + author = {Robinson, G.K. }, + title = {That BLUP is a Good Thing: The Estimation of Random Effects}, + journal = {Statistical Science}, + volume = {6}, + number = {1}, + pages = {15–32}, + DOI = {10.1214/ss/1177011926}, + year = {1991}, type = {Journal Article} } -@article{RN3419, - author = {Wiestler, T. and Waters-Metenier, S. and Diedrichsen, J.}, - title = {Effector-independent motor sequence representations exist in extrinsic and intrinsic reference frames}, +@article{RN3629, + author = {Ramirez, F. M. and Cichy, R. M. and Allefeld, C. and Haynes, J. D.}, + title = {The neural code for face orientation in the human fusiform face area}, journal = {J Neurosci}, volume = {34}, - number = {14}, - pages = {5054-64}, + number = {36}, + pages = {12155-67}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.5363-13.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24695723}, + DOI = {10.1523/JNEUROSCI.3156-13.2014}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/25186759}, year = {2014}, type = {Journal Article} } -@article{RN3278, - author = {Wiestler, T. and Waters-Metenier, S. and Diedrichsen, J.}, - title = {Effector-independent motor sequence representations exist in extrinsic and intrinsic reference frames}, - journal = {J Neurosci}, - volume = {34}, - number = {14}, - pages = {5054-64}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.5363-13.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24695723}, - year = {2014}, +@article{RN3628, + author = {Chaimow, D. and Yacoub, E. and Ugurbil, K. and Shmuel, A.}, + title = {Modeling and analysis of mechanisms underlying fMRI-based decoding of information conveyed in cortical columns}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {627-42}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.09.037}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/20868757}, + year = {2011}, type = {Journal Article} } -@article{RN3261, - author = {Waters-Metenier, S. and Husain, M. and Wiestler, T. and Diedrichsen, J.}, - title = {Bihemispheric transcranial direct current stimulation enhances effector-independent representations of motor synergy and sequence learning}, - journal = {J Neurosci}, - volume = {34}, +@article{RN3627, + author = {DiCarlo, J. J. and Zoccolan, D. and Rust, N. C.}, + title = {How does the brain solve visual object recognition?}, + journal = {Neuron}, + volume = {73}, number = {3}, - pages = {1037-50}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/jneurosci.2282-13.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24431461}, - year = {2014}, + pages = {415-34}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2012.01.010}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/22325196}, + year = {2012}, type = {Journal Article} } -@misc{RN3294, - year = {2014}, - type = {Conference Paper} +@article{RN3626, + author = {DiCarlo, J. J. and Cox, D. D.}, + title = {Untangling invariant object recognition}, + journal = {Trends Cogn Sci}, + volume = {11}, + number = {8}, + pages = {333-41}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2007.06.010}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/17631409}, + year = {2007}, + type = {Journal Article} } -@article{RN3604, - author = {Truong, D. Q. and Huber, M. and Xie, X. and Datta, A. and Rahman, A. and Parra, L. C. and Dmochowski, J. P. and Bikson, M.}, - title = {Clinician Accessible Tools for GUI Computational Models of Transcranial Electrical Stimulation: BONSAI and SPHERES}, - journal = {Brain Stimul}, - DOI = {10.1016/j.brs.2014.03.009 -10.1016/j.brs.2014.03.009.}, - url = {http://ac.els-cdn.com/S1935861X14001247/1-s2.0-S1935861X14001247-main.pdf?_tid=651b7aae-e37e-11e3-aeef-00000aab0f6b&acdnat=1400961955_988b4c08ba3d018b65cff87da3adafd5 -http://www.sciencedirect.com/science/article/pii/S1935861X14001247 -http://ac.els-cdn.com/S1935861X14001247/1-s2.0-S1935861X14001247-main.pdf?_tid=2eca38d6-970c-11e4-b379-00000aab0f27&acdnat=1420704110_2b3e5e2b2e038e750e5c83b528b10fb9}, - year = {2014}, +@article{RN3625, + author = {Kriegeskorte, N.}, + title = {Pattern-information analysis: from stimulus decoding to computational-model testing}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {411-21}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2011.01.061}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/21281719}, + year = {2011}, type = {Journal Article} } -@article{RN3416, - author = {Telgen, S. and Parvin, D. and Diedrichsen, J.}, - title = {Mirror reversal and visual rotation are learned and consolidated via separate mechanisms: recalibrating or learning de novo?}, - journal = {J Neurosci}, - volume = {34}, - number = {41}, - pages = {13768-79}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.5306-13.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25297103}, - year = {2014}, +@article{RN3624, + author = {Quiroga, R. Q. and Reddy, L. and Kreiman, G. and Koch, C. and Fried, I.}, + title = {Invariant visual representation by single neurons in the human brain}, + journal = {Nature}, + volume = {435}, + number = {7045}, + pages = {1102-7}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature03687}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/15973409}, + year = {2005}, type = {Journal Article} } -@article{RN3366, - author = {Telgen, S. and Parvin, D. and Diedrichsen, J.}, - title = {Mirror reversal and visual rotation are learned and consolidated via separate mechanisms: recalibrating or learning de novo?}, - journal = {J Neurosci}, - volume = {34}, - number = {41}, - pages = {13768-79}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.5306-13.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25297103}, - year = {2014}, +@article{RN3623, + author = {deCharms, R. C. and Zador, A.}, + title = {Neural representation and the cortical code}, + journal = {Annu Rev Neurosci}, + volume = {23}, + pages = {613-47}, + ISSN = {0147-006X (Print) +0147-006X (Linking)}, + DOI = {10.1146/annurev.neuro.23.1.613}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/10845077}, + year = {2000}, type = {Journal Article} } -@article{RN3262, - author = {Smittenaar, P. and Prichard, G. and Fitzgerald, T. H. and Diedrichsen, J. and Dolan, R. J.}, - title = {Transcranial direct current stimulation of right dorsolateral prefrontal cortex does not affect model-based or model-free reinforcement learning in humans}, - journal = {PLoS One}, - volume = {9}, - number = {1}, - pages = {e86850}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0086850}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24475185}, - year = {2014}, +@article{RN3622, + author = {Zimerman, M. and Heise, K. F. and Hoppe, J. and Cohen, L. G. and Gerloff, C. and Hummel, F. C.}, + title = {Modulation of training by single-session transcranial direct current stimulation to the intact motor cortex enhances motor skill acquisition of the paretic hand}, + journal = {Stroke}, + volume = {43}, + number = {8}, + pages = {2185-91}, + ISSN = {1524-4628 (Electronic) +0039-2499 (Linking)}, + DOI = {10.1161/STROKEAHA.111.645382}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/22618381}, + year = {2012}, type = {Journal Article} } -@article{RN3332, - author = {Shmuelof, L. and Yang, J. and Caffo, B. and Mazzoni, P. and Krakauer, J. W.}, - title = {The neural correlates of learned motor acuity}, - journal = {J Neurophysiol}, - volume = {112}, +@article{RN3621, + author = {Johansen-Berg, H. and Rushworth, M. F. and Bogdanovic, M. D. and Kischka, U. and Wimalaratna, S. and Matthews, P. M.}, + title = {The role of ipsilateral premotor cortex in hand movement after stroke}, + journal = {Proc Natl Acad Sci U S A}, + volume = {99}, + number = {22}, + pages = {14518-23}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.222536799}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/12376621}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3620, + author = {Zimerman, M. and Heise, K. F. and Gerloff, C. and Cohen, L. G. and Hummel, F. C.}, + title = {Disrupting the ipsilateral motor cortex interferes with training of a complex motor task in older adults}, + journal = {Cereb Cortex}, + volume = {24}, number = {4}, - pages = {971-80}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00897.2013}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24848466}, + pages = {1030-6}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhs385}, + url = {https://www.ncbi.nlm.nih.gov/pubmed/23242199}, year = {2014}, type = {Journal Article} } -@article{RN3335, - author = {Shmuelof, L. and Krakauer, J. W.}, - title = {Recent insights into perceptual and motor skill learning}, - journal = {Front Hum Neurosci}, - volume = {8}, - pages = {683}, - ISSN = {1662-5161 (Electronic) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2014.00683}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25232311}, - year = {2014}, +@article{RN3619, + author = {Russo, R. and Wallace, D. and Fitzgerald, P. B. and Cooper, N. R.}, + title = {Perception of Comfort During Active and Sham Transcranial Direct Current Stimulation: A Double Blind Study}, + journal = {Brain Stimul}, + volume = {doi: 10.1016/j.brs.2013.05.009. [Epub ahead of print]}, + ISSN = {1935-861X (Electronic)}, + DOI = {10.1016/j.brs.2013.05.009}, + url = {http://ac.els-cdn.com/S1935861X13001678/1-s2.0-S1935861X13001678-main.pdf?_tid=d72456da-ebcb-11e2-89b5-00000aacb360&acdnat=1373727329_cb737ebe5f3567b925e351cc6fe35459}, + year = {2013}, type = {Journal Article} } -@inproceedings{RN3389, - author = {Sereno, M. I. and J., Diedrichsen and Tachrout, M. and Silva, G. and De Zeeuw, C. I.}, - title = {Reconstruction and unfolding of the human cerbellar cortex from high-resolution post-mortem MRI}, - booktitle = {Annual meeting of the Society for Neuroscience }, - type = {Conference Proceedings} +@article{RN3618, + author = {Kessler, S. K. and Turkeltaub, P. E. and Benson, J. G. and Hamilton, R. H.}, + title = {Differences in the experience of active and sham transcranial direct current stimulation}, + journal = {Brain Stimul}, + volume = {5}, + number = {2}, + pages = {155-62}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2011.02.007}, + url = {http://ac.els-cdn.com/S1935861X11000246/1-s2.0-S1935861X11000246-main.pdf?_tid=7d2db064-c483-11e2-8008-00000aacb360&acdnat=1369408159_a59d0163eac81c31194c61d041f2d6e4}, + year = {2012}, + type = {Journal Article} } -@article{RN3299, - author = {Ruitenberg, M. F. and Verwey, W. B. and Schutter, D. J. and Abrahamse, E. L.}, - title = {Cognitive and neural foundations of discrete sequence skill: a TMS study}, - journal = {Neuropsychologia}, - volume = {56}, - pages = {229-38}, - ISSN = {1873-3514 (Electronic) -0028-3932 (Linking)}, - DOI = {10.1016/j.neuropsychologia.2014.01.014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24486768}, - year = {2014}, +@article{RN3617, + author = {Beaule, V. and Tremblay, S. and Theoret, H.}, + title = {Interhemispheric control of unilateral movement}, + journal = {Neural Plast}, + volume = {2012}, + pages = {627816}, + ISSN = {1687-5443 (Electronic)}, + DOI = {10.1155/2012/627816 +10.1155/2012/627816. Epub 2012 Dec 6.}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23304559}, + year = {2013}, type = {Journal Article} } -@article{RN3295, - author = {Reid, C. S. and Serrien, D. J.}, - title = {Primary motor cortex and ipsilateral control: A TMS study}, - journal = {Neuroscience}, - volume = {270C}, - pages = {20-26}, - ISSN = {1873-7544 (Electronic) -0306-4522 (Linking)}, - DOI = {10.1016/j.neuroscience.2014.04.005}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24726982}, - year = {2014}, +@article{RN3616, + author = {Van Essen, D. C. and Lewis, J. W. and Drury, H. A. and Hadjikhani, N. and Tootell, R. B. and Bakircioglu, M. and Miller, M. I.}, + title = {Mapping visual cortex in monkeys and humans using surface-based atlases}, + journal = {Vision Res}, + volume = {41}, + number = {10-11}, + pages = {1359-78}, + ISSN = {0042-6989 (Print) +0042-6989 (Linking)}, + url = {http://ac.els-cdn.com/S0042698901000451/1-s2.0-S0042698901000451-main.pdf?_tid=e03d9864-7fa8-11e3-bb8d-00000aab0f26&acdnat=1389985084_da38b19c67b891a2eb6eddde6c40e030}, + year = {2001}, type = {Journal Article} } -@article{RN3417, - author = {Reichenbach, A. and Franklin, D. W. and Zatka-Haas, P. and Diedrichsen, J.}, - title = {A dedicated binding mechanism for the visual control of movement}, - journal = {Curr Biol}, - volume = {24}, - number = {7}, - pages = {780-5}, - ISSN = {1879-0445 (Electronic) -0960-9822 (Linking)}, - DOI = {10.1016/j.cub.2014.02.030}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24631246}, - year = {2014}, +@article{RN3615, + author = {Worsley, K. J. and Marrett, S. and Neelin, P. and Vandal, A. C. and Friston, K. J. and Evans, A. C.}, + title = {A unified statistical approach for determining significant signals in images of cerebral activation}, + journal = {Hum Brain Mapp}, + volume = {4}, + number = {1}, + pages = {58-73}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(sici)1097-0193(1996)4:1<58::aid-hbm4>3.0.co;2-o}, + url = {http://onlinelibrary.wiley.com/store/10.1002/(SICI)1097-0193(1996)4:1<58::AID-HBM4>3.0.CO;2-O/asset/4_ftp.pdf?v=1&t=h5pt4yuf&s=7cfd1c626ac51917c4c33e2b42a408c8b385e88f}, + year = {1996}, type = {Journal Article} } -@article{RN3629, - author = {Ramirez, F. M. and Cichy, R. M. and Allefeld, C. and Haynes, J. D.}, - title = {The neural code for face orientation in the human fusiform face area}, - journal = {J Neurosci}, - volume = {34}, - number = {36}, - pages = {12155-67}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.3156-13.2014}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/25186759}, - year = {2014}, - type = {Journal Article} +@book{RN3614, + author = {Friston, K.J. and Ashburner, J. and Kiebel, S.J. and Nichols, T.E. and Penny, W.D. }, + title = {Statistical Parametric Mapping: The Analysis of Functional Brain Images}, + publisher = {Academic Press}, + year = {2007}, + type = {Edited Book} } -@article{RN3340, - author = {Poldrack, R. A.}, - title = {Is "efficiency" a useful concept in cognitive neuroscience?}, - journal = {Dev Cogn Neurosci}, - ISSN = {1878-9307 (Electronic) -1878-9293 (Linking)}, - DOI = {10.1016/j.dcn.2014.06.001}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24981045}, - year = {2014}, +@article{RN3613, + author = {WMA}, + title = {World Medical Association Declaration of Helsinki: ethical principles for medical research involving human subjects}, + journal = {J Postgrad Med}, + volume = {48}, + number = {3}, + pages = {206-8}, + ISSN = {0022-3859 (Print)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12432198 +http://www.jpgmonline.com/article.asp?issn=0022-3859;year=2002;volume=48;issue=3;spage=206;epage=8;aulast=}, + year = {2002}, type = {Journal Article} } -@article{RN3292, - author = {Peters, J. and Chen, S. X. and Komiyama, T.}, - title = {Emergence of reproducible spatiotemporal acitivity patterns during motor learning}, - journal = {Nature}, - year = {2014}, +@article{RN3612, + author = {Stagg, C. J. and Best, J. G. and Stephenson, M. C. and O'Shea, J. and Wylezinska, M. and Kincses, Z. T. and Morris, P. G. and Matthews, P. M. and Johansen-Berg, H.}, + title = {Polarity-sensitive modulation of cortical neurotransmitters by transcranial stimulation}, + journal = {J Neurosci}, + volume = {29}, + number = {16}, + pages = {5202-6}, + ISSN = {1529-2401 (Electronic)}, + DOI = {29/16/5202 [pii] +10.1523/JNEUROSCI.4432-08.2009 [doi]}, + year = {2009}, type = {Journal Article} } -@article{RN3589, - author = {O'Shea, J. and Boudrias, M. H. and Stagg, C. J. and Bachtiar, V. and Kischka, U. and Blicher, J. U. and Johansen-Berg, H.}, - title = {Predicting behavioural response to TDCS in chronic motor stroke}, - journal = {Neuroimage}, - volume = {85 Pt 3}, - pages = {924-33}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2013.05.096}, - url = {http://ac.els-cdn.com/S1053811913005983/1-s2.0-S1053811913005983-main.pdf?_tid=fa52cef8-7c70-11e3-a54c-00000aab0f26&acdnat=1389631222_ee7943c7fe0513f378bf228d05d662e0}, - year = {2014}, +@article{RN3611, + author = {Stagg, C. J. and O'Shea, J. and Kincses, Z. T. and Woolrich, M. and Matthews, P. M. and Johansen-Berg, H.}, + title = {Modulation of movement-associated cortical activation by transcranial direct current stimulation}, + journal = {Eur J Neurosci}, + volume = {30}, + number = {7}, + pages = {1412-23}, + ISSN = {1460-9568 (Electronic)}, + DOI = {EJN6937 [pii] +10.1111/j.1460-9568.2009.06937.x [doi]}, + year = {2009}, type = {Journal Article} } -@article{RN3300, - author = {Nili, H. and Wingfield, C. and Walther, A. and Su, L. and Marslen-Wilson, W. and Kriegeskorte, N.}, - title = {A toolbox for representational similarity analysis}, - journal = {PLoS Comput Biol}, - volume = {10}, +@article{RN3610, + author = {Kim, C. R. and Kim, D. Y. and Kim, L. S. and Chun, M. H. and Kim, S. J. and Park, C. H.}, + title = {Modulation of cortical activity after anodal transcranial direct current stimulation of the lower limb motor cortex: a functional MRI study}, + journal = {Brain Stimul}, + volume = {5}, number = {4}, - pages = {e1003553}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1003553}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24743308}, - year = {2014}, + pages = {462-7}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2011.08.002}, + url = {http://ac.els-cdn.com/S1935861X11001161/1-s2.0-S1935861X11001161-main.pdf?_tid=9745b23e-a2e2-11e2-bfa5-00000aab0f01&acdnat=1365710665_ec14e48fd9dc6a559a0464ffab92bacb}, + year = {2012}, type = {Journal Article} } -@article{RN3301, - author = {Mollazadeh, M. and Aggarwal, V. and Thakor, N. V. and Schieber, M. H.}, - title = {Principal components of hand kinematics and neurophysiological signals in motor cortex during reach to grasp movements}, - journal = {J Neurophysiol}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00481.2013}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24990564}, - year = {2014}, +@article{RN3609, + author = {Jang, S. H. and Ahn, S. H. and Byun, W. M. and Kim, C. S. and Lee, M. Y. and Kwon, Y. H.}, + title = {The effect of transcranial direct current stimulation on the cortical activation by motor task in the human brain: an fMRI study}, + journal = {Neurosci Lett}, + volume = {460}, + number = {2}, + pages = {117-20}, + ISSN = {1872-7972 (Electronic) +0304-3940 (Linking)}, + DOI = {S0304-3940(09)00662-4 [pii] +10.1016/j.neulet.2009.05.037 [doi]}, + url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-4W9XBHK-8-3&_cdi=4862&_user=125795&_pii=S0304394009006624&_origin=search&_coverDate=08%2F28%2F2009&_sk=995399997&view=c&wchp=dGLbVlb-zSkWA&md5=13526f47ea6e8d6ee4a22861eaae3a42&ie=/sdarticle.pdf}, + year = {2009}, type = {Journal Article} } -@article{RN3645, - author = {Moberget, T. and Gullesen, E. H. and Andersson, S. and Ivry, R. B. and Endestad, T.}, - title = {Generalized role for the cerebellum in encoding internal models: evidence from semantic processing}, - journal = {J Neurosci}, - volume = {34}, - number = {8}, - pages = {2871-8}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.2264-13.2014}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/24553928}, - year = {2014}, +@article{RN3608, + author = {Kwon, Y. H. and Ko, M. H. and Ahn, S. H. and Kim, Y. H. and Song, J. C. and Lee, C. H. and Chang, M. C. and Jang, S. H.}, + title = {Primary motor cortex activation by transcranial direct current stimulation in the human brain}, + journal = {Neurosci Lett}, + volume = {435}, + number = {1}, + pages = {56-9}, + ISSN = {0304-3940 (Print) +0304-3940 (Linking)}, + DOI = {S0304-3940(08)00180-8 [pii] +10.1016/j.neulet.2008.02.012 [doi]}, + url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-4RTM34M-4-5&_cdi=4862&_user=125795&_pii=S0304394008001808&_origin=search&_coverDate=04%2F11%2F2008&_sk=995649998&view=c&wchp=dGLzVtb-zSkzV&md5=e84e238e92baf6b9a52578bc6d129950&ie=/sdarticle.pdf}, + year = {2008}, type = {Journal Article} } -@article{RN3276, - author = {Manley, H. and Dayan, P. and Diedrichsen, J.}, - title = {When money is not enough: awareness, success, and variability in motor learning}, - journal = {PLoS One}, - volume = {9}, - number = {1}, - pages = {e86580}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0086580}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24489746}, - year = {2014}, +@article{RN3607, + author = {Baudewig, J. and Nitsche, M. A. and Paulus, W. and Frahm, J.}, + title = {Regional modulation of BOLD MRI responses to human sensorimotor activation by transcranial direct current stimulation}, + journal = {Magn Reson Med}, + volume = {45}, + number = {2}, + pages = {196-201}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + DOI = {10.1002/1522-2594(200102)45:2<196::AID-MRM1026>3.0.CO;2-1 [pii]}, + url = {http://onlinelibrary.wiley.com/store/10.1002/1522-2594(200102)45:2<196::AID-MRM1026>3.0.CO;2-1/asset/1026_ftp.pdf?v=1&t=gxvrf2rh&s=638fddb376fe7c3a085a3341eb8ebe33b9022a33}, + year = {2001}, type = {Journal Article} } -@article{RN3370, - author = {Lungu, O. and Monchi, O. and Albouy, G. and Jubault, T. and Ballarin, E. and Burnod, Y. and Doyon, J.}, - title = {Striatal and hippocampal involvement in motor sequence chunking depends on the learning strategy}, - journal = {PLoS One}, - volume = {9}, - number = {8}, - pages = {e103885}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0103885}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25148078}, - year = {2014}, +@article{RN3606, + author = {Stagg, C. J. and Bachtiar, V. and O'Shea, J. and Allman, C. and Bosnell, R. A. and Kischka, U. and Matthews, P. M. and Johansen-Berg, H.}, + title = {Cortical activation changes underlying stimulation-induced behavioural gains in chronic stroke}, + journal = {Brain}, + volume = {135}, + number = {Pt 1}, + pages = {276-84}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {10.1093/brain/awr313}, + url = {http://brain.oxfordjournals.org/content/135/1/276.full.pdf}, + year = {2012}, type = {Journal Article} } -@article{RN3584, - author = {Lefebvre, S. and Thonnard, J. L. and Laloux, P. and Peeters, A. and Jamart, J. and Vandermeeren, Y.}, - title = {Single Session of Dual-tDCS Transiently Improves Precision Grip and Dexterity of the Paretic Hand After Stroke}, - journal = {Neurorehabil Neural Repair}, - volume = {28}, +@article{RN3605, + author = {Kwon, Y. H. and Jang, S. H.}, + title = {The enhanced cortical activation induced by transcranial direct current stimulation during hand movements}, + journal = {Neurosci Lett}, + volume = {492}, number = {2}, - pages = {100-10}, - ISSN = {1545-9683}, - DOI = {10.1177/1545968313478485}, - url = {http://nnr.sagepub.com/content/28/2/100.full.pdf}, - year = {2014}, - type = {Journal Article} -} - -@article{RN3290, - author = {Lee, S. J. and Chun, M. H.}, - title = {Combination transcranial direct current stimulation and virtual reality therapy for upper extremity training in patients with subacute stroke}, - journal = {Arch Phys Med Rehabil}, - volume = {95}, - number = {3}, - pages = {431-8}, - ISSN = {1532-821X (Electronic) -0003-9993 (Linking)}, - DOI = {10.1016/j.apmr.2013.10.027}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24239790}, - year = {2014}, + pages = {105-8}, + ISSN = {1872-7972 (Electronic) +0304-3940 (Linking)}, + DOI = {S0304-3940(11)00112-1 [pii] +10.1016/j.neulet.2011.01.066 [doi]}, + url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-5230PY6-2-1&_cdi=4862&_user=125795&_pii=S0304394011001121&_origin=gateway&_coverDate=04%2F01%2F2011&_sk=995079997&view=c&wchp=dGLbVlW-zSkzk&md5=f5e9faffc685885d8a668d0e2709479f&ie=/sdarticle.pdf}, + year = {2011}, type = {Journal Article} } -@article{RN3310, - author = {Kraskov, A. and Philipp, R. and Waldert, S. and Vigneswaran, G. and Quallo, M. M. and Lemon, R. N.}, - title = {Corticospinal mirror neurons}, - journal = {Philos Trans R Soc Lond B Biol Sci}, - volume = {369}, - number = {1644}, - pages = {20130174}, - ISSN = {1471-2970 (Electronic) -0962-8436 (Linking)}, - DOI = {10.1098/rstb.2013.0174}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24778371}, +@article{RN3604, + author = {Truong, D. Q. and Huber, M. and Xie, X. and Datta, A. and Rahman, A. and Parra, L. C. and Dmochowski, J. P. and Bikson, M.}, + title = {Clinician Accessible Tools for GUI Computational Models of Transcranial Electrical Stimulation: BONSAI and SPHERES}, + journal = {Brain Stimul}, + DOI = {10.1016/j.brs.2014.03.009 +10.1016/j.brs.2014.03.009.}, + url = {http://ac.els-cdn.com/S1935861X14001247/1-s2.0-S1935861X14001247-main.pdf?_tid=651b7aae-e37e-11e3-aeef-00000aab0f6b&acdnat=1400961955_988b4c08ba3d018b65cff87da3adafd5 +http://www.sciencedirect.com/science/article/pii/S1935861X14001247 +http://ac.els-cdn.com/S1935861X14001247/1-s2.0-S1935861X14001247-main.pdf?_tid=2eca38d6-970c-11e4-b379-00000aab0f27&acdnat=1420704110_2b3e5e2b2e038e750e5c83b528b10fb9}, year = {2014}, type = {Journal Article} } -@article{RN3418, - author = {Kornysheva, K. and Diedrichsen, J.}, - title = {Human premotor areas parse sequences into their spatial and temporal features}, - journal = {Elife}, - volume = {3}, - pages = {e03043}, - ISSN = {2050-084X (Electronic) -2050-084X (Linking)}, - DOI = {10.7554/eLife.03043}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25117541}, - year = {2014}, +@article{RN3603, + author = {Jeffery, D. T. and Norton, J. A. and Roy, F. D. and Gorassini, M. A.}, + title = {Effects of transcranial direct current stimulation on the excitability of the leg motor cortex}, + journal = {Exp Brain Res}, + volume = {182}, + number = {2}, + pages = {281-7}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-007-1093-y [doi]}, + url = {http://www.springerlink.com/content/851rm4243p124275/fulltext.pdf}, + year = {2007}, type = {Journal Article} } -@article{RN3343, - author = {Kirsch, E. and Rivlis, G. and Schieber, M. H.}, - title = {Primary Motor Cortex Neurons during Individuated Finger and Wrist Movements: Correlation of Spike Firing Rates with the Motion of Individual Digits versus Their Principal Components}, - journal = {Front Neurol}, +@article{RN3602, + author = {Mordillo-Mateos, L. and Turpin-Fenoll, L. and Millan-Pascual, J. and Nunez-Perez, N. and Panyavin, I. and Gomez-Arguelles, J. M. and Botia-Paniagua, E. and Foffani, G. and Lang, N. and Oliviero, A.}, + title = {Effects of simultaneous bilateral tDCS of the human motor cortex}, + journal = {Brain Stimul}, volume = {5}, - pages = {70}, - ISSN = {1664-2295 (Electronic) -1664-2295 (Linking)}, - DOI = {10.3389/fneur.2014.00070}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24904516}, - year = {2014}, + number = {3}, + pages = {214-22}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2011.05.001}, + url = {http://ac.els-cdn.com/S1935861X11000660/1-s2.0-S1935861X11000660-main.pdf?_tid=0d5dc260-6b19-11e2-9e05-00000aab0f6b&acdnat=1359576791_810405906d387936c337524cf43e3741}, + year = {2012}, type = {Journal Article} } -@article{RN3544, - author = {Khaligh-Razavi, S. M. and Kriegeskorte, N.}, - title = {Deep supervised, but not unsupervised, models may explain IT cortical representation}, - journal = {PLoS Comput Biol}, - volume = {10}, - number = {11}, - pages = {e1003915}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1003915}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25375136}, - year = {2014}, +@article{RN3601, + author = {Cengiz, B. and Murase, N. and Rothwell, J. C.}, + title = {Opposite effects of weak transcranial direct current stimulation on different phases of short interval intracortical inhibition (SICI)}, + journal = {Exp Brain Res}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-012-3369-0}, + url = {http://link.springer.com/content/pdf/10.1007%2Fs00221-012-3369-0}, + year = {2013}, type = {Journal Article} } -@article{RN3373, - author = {Jin, X. and Tecuapetla, F. and Costa, R. M.}, - title = {Basal ganglia subcircuits distinctively encode the parsing and concatenation of action sequences}, - journal = {Nat Neurosci}, - volume = {17}, - number = {3}, - pages = {423-30}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.3632}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24464039}, - year = {2014}, +@article{RN3600, + author = {Vernieri, F. and Assenza, G. and Maggio, P. and Tibuzzi, F. and Zappasodi, F. and Altamura, C. and Corbetto, M. and Trotta, L. and Palazzo, P. and Ercolani, M. and Tecchio, F. and Rossini, P. M.}, + title = {Cortical neuromodulation modifies cerebral vasomotor reactivity}, + journal = {Stroke}, + volume = {41}, + number = {9}, + pages = {2087-90}, + ISSN = {1524-4628 (Electronic) +0039-2499 (Linking)}, + DOI = {STROKEAHA.110.583088 [pii] +10.1161/STROKEAHA.110.583088 [doi]}, + url = {http://stroke.ahajournals.org/cgi/reprint/41/9/2087.pdf}, + year = {2010}, type = {Journal Article} } -@article{RN3342, - author = {Haxby, J. V. and Connolly, A. C. and Guntupalli, J. S.}, - title = {Decoding neural representational spaces using multivariate pattern analysis}, - journal = {Annu Rev Neurosci}, - volume = {37}, - pages = {435-56}, - ISSN = {1545-4126 (Electronic) -0147-006X (Linking)}, - DOI = {10.1146/annurev-neuro-062012-170325}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25002277}, - year = {2014}, +@article{RN3599, + author = {Mielke, D. and Wrede, A. and Schulz-Schaeffer, W. and Taghizadeh-Waghefi, A. and Nitsche, M. A. and Rohde, V. and Liebetanz, D.}, + title = {Cathodal transcranial direct current stimulation induces regional, long-lasting reductions of cortical blood flow in rats}, + journal = {Neurol Res}, + ISSN = {1743-1328 (Electronic) +0161-6412 (Linking)}, + DOI = {10.1179/1743132813y.0000000248}, + year = {2013}, type = {Journal Article} } -@article{RN3263, - author = {Hammerbeck, U. and Yousif, N. and Greenwood, R. and Rothwell, J. C. and Diedrichsen, J.}, - title = {Movement speed is biased by prior experience}, - journal = {J Neurophysiol}, - volume = {111}, - number = {1}, - pages = {128-34}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00522.2013}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24133220}, +@article{RN3598, + author = {Antal, A. and Bikson, M. and Datta, A. and Lafon, B. and Dechent, P. and Parra, L. C. and Paulus, W.}, + title = {Imaging artifacts induced by electrical stimulation during conventional fMRI of the brain}, + journal = {Neuroimage}, + volume = {85 Pt 3}, + pages = {1040-7}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.10.026}, + url = {http://ac.els-cdn.com/S1053811912010294/1-s2.0-S1053811912010294-main.pdf?_tid=fd04e424-79b4-11e3-a7ff-00000aacb35f&acdnat=1389330579_d493398f0e717bbf9d71e2e41cc6400e}, year = {2014}, type = {Journal Article} } -@article{RN3592, - author = {Ganguli, D. and Simoncelli, E. P.}, - title = {Efficient sensory encoding and Bayesian inference with heterogeneous neural populations}, - journal = {Neural Comput}, - volume = {26}, - number = {10}, - pages = {2103-34}, - ISSN = {1530-888X (Electronic) -0899-7667 (Linking)}, - DOI = {10.1162/NECO_a_00638}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25058702 -http://www.mitpressjournals.org/doi/pdfplus/10.1162/NECO_a_00638}, - year = {2014}, +@article{RN3597, + author = {Naros, G. and Geyer, M. and Koch, S. and Mayr, L. and Ellinger, T. and Grimm, F. and Gharabaghi, A.}, + title = {Enhanced motor learning with bilateral transcranial direct current stimulation: Impact of polarity or current flow direction?}, + journal = {Clin Neurophysiol}, + volume = {127}, + number = {4}, + pages = {2119-26}, + ISSN = {1872-8952 (Electronic) +1388-2457 (Linking)}, + DOI = {10.1016/j.clinph.2015.12.020}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26818881}, + year = {2016}, type = {Journal Article} } -@article{RN3422, - author = {Fairhall, A. and Sompolinsky, H.}, - title = {Editorial overview: theoretical and computational neuroscience}, - journal = {Curr Opin Neurobiol}, - volume = {25}, - pages = {v-viii}, - ISSN = {1873-6882 (Electronic) -0959-4388 (Linking)}, - DOI = {10.1016/j.conb.2014.02.010}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24656299}, - year = {2014}, +@article{RN3596, + author = {Sehm, B. and Kipping, J. and Schafer, A. and Villringer, A. and Ragert, P.}, + title = {A Comparison between Uni- and Bilateral tDCS Effects on Functional Connectivity of the Human Motor Cortex}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {183}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00183}, + url = {http://www.frontiersin.org/Journal/DownloadFile/1/231282/47765/1/21/fnhum-07-00183_pdf}, + year = {2013}, type = {Journal Article} } -@article{RN3315, - author = {Fabbri, S. and Strnad, L. and Caramazza, A. and Lingnau, A.}, - title = {Overlapping representations for grip type and reach direction}, - journal = {Neuroimage}, - volume = {94}, - pages = {138-46}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2014.03.017}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24650596}, - year = {2014}, +@article{RN3595, + author = {Lindenberg, R. and Nachtigall, L. and Meinzer, M. and Sieg, M. M. and Floel, A.}, + title = {Differential Effects of Dual and Unihemispheric Motor Cortex Stimulation in Older Adults}, + journal = {J Neurosci}, + volume = {33}, + number = {21}, + pages = {9176-9183}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/jneurosci.0055-13.2013}, + url = {http://www.jneurosci.org/content/33/21/9176.full.pdf}, + year = {2013}, type = {Journal Article} } -@article{RN3423, - author = {Eliasmith, C. and Trujillo, O.}, - title = {The use and abuse of large-scale brain models}, - journal = {Curr Opin Neurobiol}, - volume = {25}, - pages = {1-6}, - ISSN = {1873-6882 (Electronic) -0959-4388 (Linking)}, - DOI = {10.1016/j.conb.2013.09.009}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24709593}, - year = {2014}, +@article{RN3594, + author = {Karok, S. and Witney, A. G.}, + title = {Enhanced motor learning following task-concurrent dual transcranial direct current stimulation}, + journal = {PLoS ONE}, + volume = {8}, + number = {12}, + pages = {e85693}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0085693}, + url = {http://www.plosone.org/article/fetchObject.action?uri=info%3Adoi%2F10.1371%2Fjournal.pone.0085693&representation=PDF}, + year = {2013}, type = {Journal Article} } -@inbook{RN3268, - author = {Diedrichsen, J. and Bastian, A. J.}, - title = {Cerebellar Function}, - booktitle = {The cognitive Neurosciences, fifth edition}, - editor = {Gazzaniga, M. S.}, - publisher = {MIT press}, - address = {Cambridge, MA}, - pages = {451-460}, - year = {2014}, - type = {Book Section} +@article{RN3593, + author = {Mahmoudi, H. and Borhani Haghighi, A. and Petramfar, P. and Jahanshahi, S. and Salehi, Z. and Fregni, F.}, + title = {Transcranial direct current stimulation: electrode montage in stroke}, + journal = {Disabil Rehabil}, + volume = {33}, + number = {15-16}, + pages = {1383-8}, + ISSN = {1464-5165 (Electronic) +0963-8288 (Linking)}, + DOI = {10.3109/09638288.2010.532283 [doi]}, + url = {http://informahealthcare.com/doi/abs/10.3109/09638288.2010.532283 +http://informahealthcare.com/doi/pdfplus/10.3109/09638288.2010.532283}, + year = {2011}, + type = {Journal Article} } -@article{RN3535, - author = {Di Pino, G. and Pellegrino, G. and Assenza, G. and Capone, F. and Ferreri, F. and Formica, D. and Ranieri, F. and Tombini, M. and Ziemann, U. and Rothwell, J. C. and Di Lazzaro, V.}, - title = {Modulation of brain plasticity in stroke: a novel model for neurorehabilitation}, - journal = {Nat Rev Neurol}, - volume = {10}, +@article{RN3592, + author = {Ganguli, D. and Simoncelli, E. P.}, + title = {Efficient sensory encoding and Bayesian inference with heterogeneous neural populations}, + journal = {Neural Comput}, + volume = {26}, number = {10}, - pages = {597-608}, - ISSN = {1759-4766 (Electronic) -1759-4758 (Linking)}, - DOI = {10.1038/nrneurol.2014.162}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25201238}, + pages = {2103-34}, + ISSN = {1530-888X (Electronic) +0899-7667 (Linking)}, + DOI = {10.1162/NECO_a_00638}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25058702 +http://www.mitpressjournals.org/doi/pdfplus/10.1162/NECO_a_00638}, year = {2014}, type = {Journal Article} } -@article{RN3374, - author = {Crowe, D. A. and Zarco, W. and Bartolo, R. and Merchant, H.}, - title = {Dynamic representation of the temporal and sequential structure of rhythmic movements in the primate medial premotor cortex}, - journal = {J Neurosci}, - volume = {34}, - number = {36}, - pages = {11972-83}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.2177-14.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25186744}, - year = {2014}, +@article{RN3591, + author = {Allison, J. D. and Meador, K. J. and Loring, D. W. and Figueroa, R. E. and Wright, J. C.}, + title = {Functional MRI cerebral activation and deactivation during finger movement}, + journal = {Neurology}, + volume = {54}, + number = {1}, + pages = {135-42}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {http://www.neurology.org/content/54/1/135.full.pdf}, + year = {2000}, type = {Journal Article} } -@article{RN3637, - author = {Cichy, R. M. and Pantazis, D. and Oliva, A.}, - title = {Resolving human object recognition in space and time}, - journal = {Nat Neurosci}, - volume = {17}, - number = {3}, - pages = {455-62}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.3635}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/24464044}, - year = {2014}, +@article{RN3590, + author = {Rahman, A. and Reato, D. and Arlotti, M. and Gasca, F. and Datta, A. and Parra, L. C. and Bikson, M.}, + title = {Cellular Effects of Acute Direct Current Stimulation: Somatic and Synaptic Terminal Effects}, + journal = {J Physiol}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2012.247171}, + url = {http://jp.physoc.org/content/early/2013/03/06/jphysiol.2012.247171.full.pdf}, + year = {2013}, type = {Journal Article} } -@article{RN3598, - author = {Antal, A. and Bikson, M. and Datta, A. and Lafon, B. and Dechent, P. and Parra, L. C. and Paulus, W.}, - title = {Imaging artifacts induced by electrical stimulation during conventional fMRI of the brain}, +@article{RN3589, + author = {O'Shea, J. and Boudrias, M. H. and Stagg, C. J. and Bachtiar, V. and Kischka, U. and Blicher, J. U. and Johansen-Berg, H.}, + title = {Predicting behavioural response to TDCS in chronic motor stroke}, journal = {Neuroimage}, volume = {85 Pt 3}, - pages = {1040-7}, + pages = {924-33}, ISSN = {1095-9572 (Electronic) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.10.026}, - url = {http://ac.els-cdn.com/S1053811912010294/1-s2.0-S1053811912010294-main.pdf?_tid=fd04e424-79b4-11e3-a7ff-00000aacb35f&acdnat=1389330579_d493398f0e717bbf9d71e2e41cc6400e}, + DOI = {10.1016/j.neuroimage.2013.05.096}, + url = {http://ac.els-cdn.com/S1053811913005983/1-s2.0-S1053811913005983-main.pdf?_tid=fa52cef8-7c70-11e3-a54c-00000aab0f26&acdnat=1389631222_ee7943c7fe0513f378bf228d05d662e0}, year = {2014}, type = {Journal Article} } -@article{RN3316, - author = {Allefeld, C. and Haynes, J. D.}, - title = {Searchlight-based multi-voxel pattern analysis of fMRI by cross-validated MANOVA}, - journal = {Neuroimage}, - volume = {89}, - pages = {345-57}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2013.11.043}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24296330}, - year = {2014}, +@article{RN3588, + author = {Batsikadze, G. and Moliadze, V. and Paulus, W. and Kuo, M. F. and Nitsche, M. A.}, + title = {Partially non-linear stimulation intensity-dependent effects of direct current stimulation on motor cortex excitability in humans}, + journal = {J Physiol}, + volume = {591}, + number = {Pt 7}, + pages = {1987-2000}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2012.249730}, + url = {http://jp.physoc.org/content/early/2013/01/20/jphysiol.2012.249730.full.pdf}, + year = {2013}, type = {Journal Article} } -@article{RN3364, - author = {Acuna, D. E. and Wymbs, N. F. and Reynolds, C. A. and Picard, N. and Turner, R. S. and Strick, P. L. and Grafton, S. T. and Kording, K.}, - title = {Multi-faceted aspects of chunking enable robust algorithms}, - journal = {J Neurophysiol}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00028.2014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/25080566}, - year = {2014}, +@article{RN3587, + author = {Takeuchi, N. and Izumi, S.}, + title = {Maladaptive plasticity for motor recovery after stroke: mechanisms and approaches}, + journal = {Neural Plast}, + volume = {2012}, + pages = {359728}, + ISSN = {1687-5443 (Electronic)}, + DOI = {10.1155/2012/359728}, + url = {http://downloads.hindawi.com/journals/np/2012/359728.pdf}, + year = {2012}, type = {Journal Article} } -@article{RN3257, - author = {Yang, Y. and Lisberger, S. G.}, - title = {Interaction of plasticity and circuit organization during the acquisition of cerebellum-dependent motor learning}, - journal = {Elife}, - volume = {2}, - number = {0}, - pages = {e01574}, - ISSN = {2050-084X (Electronic)}, - DOI = {10.7554/eLife.01574}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24381248}, - year = {2013}, +@article{RN3586, + author = {Williams, J. A. and Pascual-Leone, A. and Fregni, F.}, + title = {Interhemispheric modulation induced by cortical stimulation and motor training}, + journal = {Phys Ther}, + volume = {90}, + number = {3}, + pages = {398-410}, + ISSN = {1538-6724 (Electronic) +0031-9023 (Linking)}, + DOI = {ptj.20090075 [pii] +10.2522/ptj.20090075 [doi]}, + url = {http://ptjournal.apta.org/content/90/3/398.full.pdf}, + year = {2010}, type = {Journal Article} } -@article{RN3222, - author = {Wiestler, T. and Diedrichsen, J.}, - title = {Skill learning strengthens cortical representations of motor sequences}, - journal = {Elife}, - volume = {2}, - pages = {e00801}, - ISSN = {2050-084X (Electronic)}, - DOI = {10.7554/eLife.00801}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23853714}, - year = {2013}, +@article{RN3585, + author = {Nitsche, M. A. and Paulus, W.}, + title = {Transcranial direct current stimulation--update 2011}, + journal = {Restor Neurol Neurosci}, + volume = {29}, + number = {6}, + pages = {463-92}, + ISSN = {0922-6028 (Print) +0922-6028 (Linking)}, + DOI = {10.3233/rnn-2011-0618}, + url = {http://iospress.metapress.com/content/252r1135vu705h53/}, + year = {2011}, type = {Journal Article} } -@article{RN3161, - author = {White, O. and Diedrichsen, J.}, - title = {Flexible switching of feedback control mechanisms allows for learning of different task dynamics}, - journal = {PLoS One}, - volume = {8}, - number = {2}, - pages = {e54771}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0054771 -PONE-D-12-21077 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23405093}, - year = {2013}, +@article{RN3584, + author = {Lefebvre, S. and Thonnard, J. L. and Laloux, P. and Peeters, A. and Jamart, J. and Vandermeeren, Y.}, + title = {Single Session of Dual-tDCS Transiently Improves Precision Grip and Dexterity of the Paretic Hand After Stroke}, + journal = {Neurorehabil Neural Repair}, + volume = {28}, + number = {2}, + pages = {100-10}, + ISSN = {1545-9683}, + DOI = {10.1177/1545968313478485}, + url = {http://nnr.sagepub.com/content/28/2/100.full.pdf}, + year = {2014}, type = {Journal Article} } -@article{RN3391, - author = {Van Essen, D. C. and Smith, S. M. and Barch, D. M. and Behrens, T. E. and Yacoub, E. and Ugurbil, K.}, - title = {The WU-Minn Human Connectome Project: an overview}, - journal = {Neuroimage}, - volume = {80}, - pages = {62-79}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2013.05.041}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23684880}, - year = {2013}, +@article{RN3583, + author = {Bolognini, N. and Vallar, G. and Casati, C. and Latif, L. A. and El-Nazer, R. and Williams, J. and Banco, E. and Macea, D. D. and Tesio, L. and Chessa, C. and Fregni, F.}, + title = {Neurophysiological and behavioral effects of tDCS combined with constraint-induced movement therapy in poststroke patients}, + journal = {Neurorehabil Neural Repair}, + volume = {25}, + number = {9}, + pages = {819-29}, + ISSN = {1552-6844 (Electronic) +1545-9683 (Linking)}, + DOI = {1545968311411056 [pii] +10.1177/1545968311411056 [doi]}, + url = {http://nnr.sagepub.com/content/25/9/819.full.pdf}, + year = {2011}, type = {Journal Article} } -@article{RN3148, - author = {van der Zwaag, W. and Kusters, R. and Magill, A. and Gruetter, R. and Martuzzi, R. and Blanke, O. and Marques, J. P.}, - title = {Digit somatotopy in the human cerebellum: a 7T fMRI study}, - journal = {Neuroimage}, - volume = {67}, - pages = {354-62}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(12)01153-6 [pii] -10.1016/j.neuroimage.2012.11.041}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23238433}, +@article{RN3582, + author = {Krause, B. and Marquez-Ruiz, J. and Kadosh, R. C.}, + title = {The effect of transcranial direct current stimulation: a role for cortical excitation/inhibition balance?}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {602}, + ISSN = {1662-5161 (Print) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00602}, + url = {http://www.frontiersin.org/Journal/DownloadFile/1/345965/59351/1/21/fnhum-07-00602_pdf}, year = {2013}, type = {Journal Article} } -@article{RN3227, - author = {van Beers, R. J. and Brenner, E. and Smeets, J. B.}, - title = {Random walk of motor planning in task-irrelevant dimensions}, - journal = {J Neurophysiol}, - volume = {109}, +@article{RN3581, + author = {Nitsche, M. A. and Nitsche, M. S. and Klein, C. C. and Tergau, F. and Rothwell, J. C. and Paulus, W.}, + title = {Level of action of cathodal DC polarisation induced inhibition of the human motor cortex}, + journal = {Clin Neurophysiol}, + volume = {114}, number = {4}, - pages = {969-77}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00706.2012 [pii] -10.1152/jn.00706.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23175799}, - year = {2013}, - type = {Journal Article} -} - -@article{RN3224, - author = {Todd, M. T. and Nystrom, L. E. and Cohen, J. D.}, - title = {Confounds in multivariate pattern analysis: Theory and rule representation case study}, - journal = {Neuroimage}, - volume = {77}, - pages = {157-65}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(13)00288-7 [pii] -10.1016/j.neuroimage.2013.03.039}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23558095}, - year = {2013}, + pages = {600-4}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245702004121 [pii]}, + year = {2003}, type = {Journal Article} } -@article{RN3312, - author = {Stelzer, J. and Chen, Y. and Turner, R.}, - title = {Statistical inference and multiple testing correction in classification-based multi-voxel pattern analysis (MVPA): random permutations and cluster size control}, - journal = {Neuroimage}, - volume = {65}, - pages = {69-82}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.09.063}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23041526}, - year = {2013}, +@article{RN3580, + author = {Nitsche, M. A. and Paulus, W.}, + title = {Excitability changes induced in the human motor cortex by weak transcranial direct current stimulation}, + journal = {J Physiol}, + volume = {527 Pt 3}, + pages = {633-9}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10990547}, + year = {2000}, type = {Journal Article} } -@article{RN3264, - author = {Stefanescu, M. R. and Thurling, M. and Maderwald, S. and Wiestler, T. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, - title = {A 7T fMRI study of cerebellar activation in sequential finger movement tasks}, - journal = {Exp Brain Res}, - volume = {228}, - number = {2}, - pages = {243-54}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-013-3558-5}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23732948}, - year = {2013}, +@article{RN3579, + author = {Nitsche, M. A.}, + title = {Beyond the target area: remote effects of non-invasive brain stimulation in humans}, + journal = {J Physiol}, + volume = {589}, + number = {Pt 13}, + pages = {3053-4}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2011.211599}, + url = {http://jp.physoc.org/content/589/13/3053 +http://jp.physoc.org/content/589/13/3053.full.pdf}, + year = {2011}, type = {Journal Article} } -@article{RN3229, - author = {Stanley, J. and Krakauer, J. W.}, - title = {Motor skill depends on knowledge of facts}, - journal = {Front Hum Neurosci}, - volume = {7}, - pages = {503}, - ISSN = {1662-5161 (Electronic) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2013.00503}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=24009571}, - year = {2013}, +@article{RN3578, + author = {Hummel, F. C. and Cohen, L. G.}, + title = {Non-invasive brain stimulation: a new strategy to improve neurorehabilitation after stroke?}, + journal = {Lancet Neurol}, + volume = {5}, + number = {8}, + pages = {708-12}, + ISSN = {1474-4422 (Print) +1474-4422 (Linking)}, + DOI = {S1474-4422(06)70525-7 [pii] +10.1016/S1474-4422(06)70525-7 [doi]}, + url = {http://ac.els-cdn.com/S1474442206705257/1-s2.0-S1474442206705257-main.pdf?_tid=5a443de8be7a27796400c2d967428e7e&acdnat=1338119400_19f94d437ecd2893fcabff48f2ba1ae0}, + year = {2006}, type = {Journal Article} } -@article{RN3635, - author = {Siero, J. C. and Hermes, D. and Hoogduin, H. and Luijten, P. R. and Petridou, N. and Ramsey, N. F.}, - title = {BOLD consistently matches electrophysiology in human sensorimotor cortex at increasing movement rates: a combined 7T fMRI and ECoG study on neurovascular coupling}, - journal = {J Cereb Blood Flow Metab}, - volume = {33}, - number = {9}, - pages = {1448-56}, - ISSN = {1559-7016 (Electronic) -0271-678X (Linking)}, - DOI = {10.1038/jcbfm.2013.97}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/23801242}, - year = {2013}, +@article{RN3577, + author = {Takeuchi, N. and Oouchida, Y. and Izumi, S.}, + title = {Motor control and neural plasticity through interhemispheric interactions}, + journal = {Neural Plast}, + volume = {2012}, + pages = {823285}, + ISSN = {1687-5443 (Electronic)}, + DOI = {10.1155/2012/823285}, + url = {http://downloads.hindawi.com/journals/np/2012/823285.pdf}, + year = {2012}, type = {Journal Article} } -@article{RN3655, - author = {Shenoy, K. V. and Sahani, M. and Churchland, M. M.}, - title = {Cortical control of arm movements: a dynamical systems perspective}, - journal = {Annu Rev Neurosci}, - volume = {36}, - pages = {337-59}, - ISSN = {1545-4126 (Electronic) -0147-006X (Linking)}, - DOI = {10.1146/annurev-neuro-062111-150509}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/23725001}, - year = {2013}, +@article{RN3576, + author = {Chen, R. and Cohen, L. G. and Hallett, M.}, + title = {Role of the ipsilateral motor cortex in voluntary movement}, + journal = {Can J Neurol Sci}, + volume = {24}, + number = {4}, + pages = {284-91}, + ISSN = {0317-1671 (Print) +0317-1671 (Linking)}, + year = {1997}, type = {Journal Article} } -@article{RN3596, - author = {Sehm, B. and Kipping, J. and Schafer, A. and Villringer, A. and Ragert, P.}, - title = {A Comparison between Uni- and Bilateral tDCS Effects on Functional Connectivity of the Human Motor Cortex}, - journal = {Front Hum Neurosci}, - volume = {7}, - pages = {183}, - ISSN = {1662-5161 (Electronic) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2013.00183}, - url = {http://www.frontiersin.org/Journal/DownloadFile/1/231282/47765/1/21/fnhum-07-00183_pdf}, - year = {2013}, +@article{RN3575, + author = {Ohlson, M. and Koski, T.}, + title = {On the Distribution of Matrix Quadratic Forms}, + journal = {Communications in Statistics - Theory and Methods}, + volume = {41}, + number = {18}, + pages = {3403-315}, + DOI = {10.1080/03610926.2011.563009}, + year = {2012}, type = {Journal Article} } -@article{RN3619, - author = {Russo, R. and Wallace, D. and Fitzgerald, P. B. and Cooper, N. R.}, - title = {Perception of Comfort During Active and Sham Transcranial Direct Current Stimulation: A Double Blind Study}, - journal = {Brain Stimul}, - volume = {doi: 10.1016/j.brs.2013.05.009. [Epub ahead of print]}, - ISSN = {1935-861X (Electronic)}, - DOI = {10.1016/j.brs.2013.05.009}, - url = {http://ac.els-cdn.com/S1935861X13001678/1-s2.0-S1935861X13001678-main.pdf?_tid=d72456da-ebcb-11e2-89b5-00000aacb360&acdnat=1373727329_cb737ebe5f3567b925e351cc6fe35459}, - year = {2013}, +@article{RN3574, + author = {Wardle, S. G. and Kriegeskorte, N. and Grootswagers, T. and Khaligh-Razavi, S. M. and Carlson, T. A.}, + title = {Perceptual similarity of visual patterns predicts dynamic neural activation patterns measured with MEG}, + journal = {Neuroimage}, + volume = {132}, + pages = {59-70}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2016.02.019}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26899210}, + year = {2016}, type = {Journal Article} } -@article{RN3237, - author = {Ruddy, K. L. and Carson, R. G.}, - title = {Neural pathways mediating cross education of motor function}, - journal = {Front Hum Neurosci}, - volume = {7}, - pages = {397}, - ISSN = {1662-5161 (Electronic) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2013.00397}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23908616}, - year = {2013}, - type = {Journal Article} -} - -@article{RN3265, - author = {Reichenbach, A. and Costello, A. and Zatka-Haas, P. and Diedrichsen, J.}, - title = {Mechanisms of responsibility assignment during redundant reaching movements}, - journal = {J Neurophysiol}, - volume = {109}, - number = {8}, - pages = {2021-8}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.01052.2012}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23365179}, - year = {2013}, +@article{RN3572, + author = {Guntupalli, J. S. and Hanke, M. and Halchenko, Y. O. and Connolly, A. C. and Ramadge, P. J. and Haxby, J. V.}, + title = {A Model of Representational Spaces in Human Cortex}, + journal = {Cereb Cortex}, + volume = {26}, + number = {6}, + pages = {2919-34}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhw068}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26980615}, + year = {2016}, type = {Journal Article} } -@article{RN3260, - author = {Rehme, A. K. and Eickhoff, S. B. and Grefkes, C.}, - title = {State-dependent differences between functional and effective connectivity of the human cortical motor system}, - journal = {Neuroimage}, - volume = {67}, - pages = {237-46}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.11.027}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23201364}, - year = {2013}, +@article{RN3571, + author = {Kording, K. and Jonas, E.}, + title = {Could a neuroscientist understand a microprocessor? }, + journal = {BioRxiv}, + DOI = {10.1101/055624}, + url = {biorxiv.org/content/early/2016/05/26/055624}, + year = {2016}, type = {Journal Article} } -@article{RN3590, - author = {Rahman, A. and Reato, D. and Arlotti, M. and Gasca, F. and Datta, A. and Parra, L. C. and Bikson, M.}, - title = {Cellular Effects of Acute Direct Current Stimulation: Somatic and Synaptic Terminal Effects}, - journal = {J Physiol}, - ISSN = {1469-7793 (Electronic) -0022-3751 (Linking)}, - DOI = {10.1113/jphysiol.2012.247171}, - url = {http://jp.physoc.org/content/early/2013/03/06/jphysiol.2012.247171.full.pdf}, - year = {2013}, +@article{RN3570, + author = {Kobak, D. and Brendel, W. and Constantinidis, C. and Feierstein, C. E. and Kepecs, A. and Mainen, Z. F. and Qi, X. L. and Romo, R. and Uchida, N. and Machens, C. K.}, + title = {Demixed principal component analysis of neural population data}, + journal = {Elife}, + volume = {5}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.10989}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/27067378}, + year = {2016}, type = {Journal Article} } -@article{RN3339, - author = {Picard, N. and Matsuzaka, Y. and Strick, P. L.}, - title = {Extended practice of a motor skill is associated with reduced metabolic activity in M1}, - journal = {Nat Neurosci}, - volume = {16}, - number = {9}, - pages = {1340-7}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.3477}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23912947}, - year = {2013}, - type = {Journal Article} +@misc{RN3569, + url = {https://github.com/jdiedrichsen/pcm_toolbox}, + year = {2016}, + type = {Generic} } -@article{RN3223, - author = {Penhune, V. B.}, - title = {Neural encoding of movement sequences in the human brain}, - journal = {Trends Cogn Sci}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - DOI = {S1364-6613(13)00173-3 [pii] -10.1016/j.tics.2013.08.008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23973185}, - year = {2013}, +@article{RN3568, + author = {Kriegeskorte, N. and Diedrichsen, J.}, + title = {Inferring brain-computational mechanisms with models of activity measurements}, + journal = {Proceedings of the Royal Society}, + year = {2016}, type = {Journal Article} } -@article{RN3326, - author = {Park, S. W. and Dijkstra, T. M. and Sternad, D.}, - title = {Learning to never forget-time scales and specificity of long-term memory of a motor skill}, - journal = {Front Comput Neurosci}, - volume = {7}, - pages = {111}, - ISSN = {1662-5188 (Electronic) -1662-5188 (Linking)}, - DOI = {10.3389/fncom.2013.00111}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24032015}, - year = {2013}, - type = {Journal Article} +@book{RN3567, + author = {Murphy, K. P.}, + title = {Machine Learning: A probabilistic perspective}, + publisher = {MIT press}, + address = {Cambridge, MA}, + year = {2012}, + type = {Book} } -@article{RN3163, - author = {Omrani, M. and Diedrichsen, J. and Scott, S. H.}, - title = {Rapid feedback corrections during a bimanual postural task}, - journal = {J Neurophysiol}, - volume = {109}, - number = {1}, - pages = {147-61}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00669.2011 [pii] -10.1152/jn.00669.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23054604}, - year = {2013}, +@article{RN3566, + author = {Huth, A. G. and de Heer, W. A. and Griffiths, T. L. and Theunissen, F. E. and Gallant, J. L.}, + title = {Natural speech reveals the semantic maps that tile human cerebral cortex}, + journal = {Nature}, + volume = {532}, + number = {7600}, + pages = {453-8}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature17637}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/27121839}, + year = {2016}, type = {Journal Article} } -@article{RN3398, - author = {Oby, E. R. and Ethier, C. and Miller, L. E.}, - title = {Movement representation in the primary motor cortex and its contribution to generalizable EMG predictions}, - journal = {J Neurophysiol}, - volume = {109}, - number = {3}, - pages = {666-78}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00331.2012}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23155172}, - year = {2013}, +@article{RN3565, + author = {Walther, A. and Nili, H. and Ejaz, N. and Alink, A. and Kriegeskorte, N. and Diedrichsen, J.}, + title = {Reliability of dissimilarity measures for multi-voxel pattern analysis}, + journal = {Neuroimage}, + volume = {137}, + pages = {188-200}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2015.12.012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26707889}, + year = {2016}, type = {Journal Article} } -@article{RN3443, - author = {Norman-Haignere, S. and Kanwisher, N. and McDermott, J. H.}, - title = {Cortical pitch regions in humans respond primarily to resolved harmonics and are located in specific tonotopic regions of anterior auditory cortex}, +@article{RN3564, + author = {Franklin, D. W. and Reichenbach, A. and Franklin, S. and Diedrichsen, J.}, + title = {Temporal Evolution of Spatial Computations for Visuomotor Control}, journal = {J Neurosci}, - volume = {33}, - number = {50}, - pages = {19451-69}, + volume = {36}, + number = {8}, + pages = {2329-41}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.2880-13.2013}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24336712}, - year = {2013}, + DOI = {10.1523/JNEUROSCI.0052-15.2016}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26911681}, + year = {2016}, type = {Journal Article} } -@article{RN3599, - author = {Mielke, D. and Wrede, A. and Schulz-Schaeffer, W. and Taghizadeh-Waghefi, A. and Nitsche, M. A. and Rohde, V. and Liebetanz, D.}, - title = {Cathodal transcranial direct current stimulation induces regional, long-lasting reductions of cortical blood flow in rats}, - journal = {Neurol Res}, - ISSN = {1743-1328 (Electronic) -0161-6412 (Linking)}, - DOI = {10.1179/1743132813y.0000000248}, - year = {2013}, +@article{RN3563, + author = {Edelman, S.}, + title = {Representation is representation of similarities}, + journal = {Behav Brain Sci}, + volume = {21}, + number = {4}, + pages = {449-67; discussion 467-98}, + ISSN = {0140-525X (Print) +0140-525X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10097019}, + year = {1998}, type = {Journal Article} } -@article{RN3375, - author = {Merchant, H. and Perez, O. and Zarco, W. and Gamez, J.}, - title = {Interval tuning in the primate medial premotor cortex as a general timing mechanism}, - journal = {J Neurosci}, - volume = {33}, - number = {21}, - pages = {9082-96}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.5513-12.2013}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23699519}, - year = {2013}, +@article{RN3562, + author = {Aguirre, G. K.}, + title = {Continuous carry-over designs for fMRI}, + journal = {Neuroimage}, + volume = {35}, + number = {4}, + pages = {1480-94}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.02.005}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17376705}, + year = {2007}, type = {Journal Article} } -@article{RN3595, - author = {Lindenberg, R. and Nachtigall, L. and Meinzer, M. and Sieg, M. M. and Floel, A.}, - title = {Differential Effects of Dual and Unihemispheric Motor Cortex Stimulation in Older Adults}, - journal = {J Neurosci}, - volume = {33}, - number = {21}, - pages = {9176-9183}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/jneurosci.0055-13.2013}, - url = {http://www.jneurosci.org/content/33/21/9176.full.pdf}, - year = {2013}, +@article{RN3560, + author = {Kiani, R. and Esteky, H. and Mirpour, K. and Tanaka, K.}, + title = {Object category structure in response patterns of neuronal population in monkey inferior temporal cortex}, + journal = {J Neurophysiol}, + volume = {97}, + number = {6}, + pages = {4296-309}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00024.2007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17428910}, + year = {2007}, type = {Journal Article} } -@article{RN3284, - author = {Laje, R. and Buonomano, D. V.}, - title = {Robust timing and motor patterns by taming chaos in recurrent neural networks}, +@article{RN3559, + author = {Diedrichsen, J. and Kriegeskorte, N.}, + title = {Inference of representational models}, + journal = {BioRxiv}, + year = {2016}, + type = {Journal Article} +} + +@article{RN3558, + author = {Dumoulin, S. O. and Wandell, B. A.}, + title = {Population receptive field estimates in human visual cortex}, + journal = {Neuroimage}, + volume = {39}, + number = {2}, + pages = {647-60}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.09.034}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17977024}, + year = {2008}, + type = {Journal Article} +} + +@article{RN3557, + author = {Stevenson, I. H. and Kording, K. P.}, + title = {How advances in neural recording affect data analysis}, journal = {Nat Neurosci}, - volume = {16}, - number = {7}, - pages = {925-33}, + volume = {14}, + number = {2}, + pages = {139-42}, ISSN = {1546-1726 (Electronic) 1097-6256 (Linking)}, - DOI = {10.1038/nn.3405}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23708144}, - year = {2013}, + DOI = {10.1038/nn.2731}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21270781}, + year = {2011}, type = {Journal Article} } -@article{RN3179, - author = {Kurtzer, I. and Trautman, P. and Rasquinha, R. J. and Bhanpuri, N. H. and Scott, S. H. and Bastian, A. J.}, - title = {Cerebellar damage diminishes long-latency responses to multijoint perturbations}, +@article{RN3556, + author = {Stevenson, I. H. and Cherian, A. and London, B. M. and Sachs, N. A. and Lindberg, E. and Reimer, J. and Slutzky, M. W. and Hatsopoulos, N. G. and Miller, L. E. and Kording, K. P.}, + title = {Statistical assessment of the stability of neural movement representations}, journal = {J Neurophysiol}, - volume = {109}, - number = {8}, - pages = {2228-41}, + volume = {106}, + number = {2}, + pages = {764-74}, ISSN = {1522-1598 (Electronic) 0022-3077 (Linking)}, - DOI = {jn.00145.2012 [pii] -10.1152/jn.00145.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23390311}, - year = {2013}, + DOI = {10.1152/jn.00626.2010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21613593}, + year = {2011}, type = {Journal Article} } -@article{RN3293, - author = {Kuo, H. I. and Bikson, M. and Datta, A. and Minhas, P. and Paulus, W. and Kuo, M. F. and Nitsche, M. A.}, - title = {Comparing cortical plasticity induced by conventional and high-definition 4 x 1 ring tDCS: a neurophysiological study}, - journal = {Brain Stimul}, - volume = {6}, - number = {4}, - pages = {644-8}, - ISSN = {1935-861X (Print)}, - DOI = {10.1016/j.brs.2012.09.010}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23149292}, - year = {2013}, - type = {Journal Article} +@book{RN3555, + author = {Izenman, A. J.}, + title = {Modern multivatiate stasitical techniques}, + publisher = {Spinger}, + address = {New York}, + year = {2008}, + type = {Book} } -@article{RN3225, - author = {Kriegeskorte, N. and Kievit, R. A.}, - title = {Representational geometry: integrating cognition, computation, and the brain}, - journal = {Trends Cogn Sci}, - volume = {17}, - number = {8}, - pages = {401-12}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - DOI = {10.1016/j.tics.2013.06.007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23876494}, - year = {2013}, +@article{RN3554, + author = {Dawid, A. P.}, + title = {Some matrix-variate distribution theory: Notational considerations and a Bayesian application}, + journal = {Biometrika}, + volume = {68}, + number = {1}, + pages = {265-274}, + DOI = {10.1093/biomet/68.1.265}, + url = {http://biomet.oxfordjournals.org/content/68/1/265.abstract}, + year = {1981}, type = {Journal Article} } -@article{RN3582, - author = {Krause, B. and Marquez-Ruiz, J. and Kadosh, R. C.}, - title = {The effect of transcranial direct current stimulation: a role for cortical excitation/inhibition balance?}, - journal = {Front Hum Neurosci}, - volume = {7}, - pages = {602}, - ISSN = {1662-5161 (Print) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2013.00602}, - url = {http://www.frontiersin.org/Journal/DownloadFile/1/345965/59351/1/21/fnhum-07-00602_pdf}, - year = {2013}, +@article{RN3553, + author = {Churchland, M. M. and Yu, B. M. and Cunningham, J. P. and Sugrue, L. P. and Cohen, M. R. and Corrado, G. S. and Newsome, W. T. and Clark, A. M. and Hosseini, P. and Scott, B. B. and Bradley, D. C. and Smith, M. A. and Kohn, A. and Movshon, J. A. and Armstrong, K. M. and Moore, T. and Chang, S. W. and Snyder, L. H. and Lisberger, S. G. and Priebe, N. J. and Finn, I. M. and Ferster, D. and Ryu, S. I. and Santhanam, G. and Sahani, M. and Shenoy, K. V.}, + title = {Stimulus onset quenches neural variability: a widespread cortical phenomenon}, + journal = {Nat Neurosci}, + volume = {13}, + number = {3}, + pages = {369-78}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.2501}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20173745}, + year = {2010}, type = {Journal Article} } -@article{RN3162, - author = {Kornysheva, K. and Sierk, A. and Diedrichsen, J.}, - title = {Interaction of temporal and ordinal representations in movement sequences}, +@article{RN3552, + author = {Yu, B. M. and Cunningham, J. P. and Santhanam, G. and Ryu, S. I. and Shenoy, K. V. and Sahani, M.}, + title = {Gaussian-process factor analysis for low-dimensional single-trial analysis of neural population activity}, journal = {J Neurophysiol}, - volume = {109}, - number = {5}, - pages = {1416-24}, - ISSN = {1522-1598 (Electronic) + volume = {102}, + number = {1}, + pages = {614-35}, + ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {jn.00509.2012 [pii] -10.1152/jn.00509.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23221413}, - year = {2013}, + DOI = {10.1152/jn.90941.2008}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19357332}, + year = {2009}, type = {Journal Article} } -@article{RN3594, - author = {Karok, S. and Witney, A. G.}, - title = {Enhanced motor learning following task-concurrent dual transcranial direct current stimulation}, - journal = {PLoS ONE}, - volume = {8}, - number = {12}, - pages = {e85693}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0085693}, - url = {http://www.plosone.org/article/fetchObject.action?uri=info%3Adoi%2F10.1371%2Fjournal.pone.0085693&representation=PDF}, - year = {2013}, +@article{RN3551, + author = {Todd, N. and Moeller, S. and Auerbach, E. J. and Yacoub, E. and Flandin, G. and Weiskopf, N.}, + title = {Evaluation of 2D multiband EPI imaging for high-resolution, whole-brain, task-based fMRI studies at 3T: Sensitivity and slice leakage artifacts}, + journal = {Neuroimage}, + volume = {124}, + number = {Pt A}, + pages = {32-42}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2015.08.056}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26341029}, + year = {2016}, type = {Journal Article} } -@article{RN3165, - author = {Huang, Y. and Zhen, Z. and Song, Y. and Zhu, Q. and Wang, S. and Liu, J.}, - title = {Motor training increases the stability of activation patterns in the primary motor cortex}, - journal = {PLoS One}, - volume = {8}, - number = {1}, - pages = {e53555}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0053555 -PONE-D-12-23739 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23308252}, - year = {2013}, +@article{RN3550, + author = {Eklund, A. and Andersson, M. and Josephson, C. and Johannesson, M. and Knutsson, H.}, + title = {Does parametric fMRI analysis with SPM yield valid results? An empirical study of 1484 rest datasets}, + journal = {Neuroimage}, + volume = {61}, + number = {3}, + pages = {565-78}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.03.093}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22507229}, + year = {2012}, type = {Journal Article} } -@article{RN3193, - author = {Hartwigsen, G. and Saur, D. and Price, C. J. and Baumgaertner, A. and Ulmer, S. and Siebner, H. R.}, - title = {Increased facilitatory connectivity from the pre-SMA to the left dorsal premotor cortex during pseudoword repetition}, +@article{RN3549, + author = {Fisher, R. A.}, + title = {The use of multiple measurements in taxonomic problems}, + journal = {Annals of Eugenics}, + volume = {7}, + number = {2}, + pages = {179-188}, + year = {1936}, + type = {Journal Article} +} + +@article{RN3548, + author = {O'Toole, A. J. and Jiang, F. and Abdi, H. and Haxby, J. V.}, + title = {Partially distributed representations of objects and faces in ventral temporal cortex}, journal = {J Cogn Neurosci}, - volume = {25}, + volume = {17}, number = {4}, - pages = {580-94}, - ISSN = {1530-8898 (Electronic) + pages = {580-90}, + ISSN = {0898-929X (Print) 0898-929X (Linking)}, - DOI = {10.1162/jocn_a_00342}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23249347}, - year = {2013}, + DOI = {10.1162/0898929053467550}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15829079}, + year = {2005}, type = {Journal Article} } -@article{RN3142, - author = {Hardwick, R. M. and Rottschy, C. and Miall, R. C. and Eickhoff, S. B.}, - title = {A quantitative meta-analysis and review of motor learning in the human brain}, - journal = {Neuroimage}, - volume = {67}, - pages = {283-97}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(12)01132-9 [pii] -10.1016/j.neuroimage.2012.11.020}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23194819}, - year = {2013}, +@article{RN3547, + author = {Neyman, J. and Pearson, E. S. }, + title = {On the problem of the most efficient test of statistical hypotheses}, + journal = {Philosophical Transactions of the Royal Society A: Mathematical, Physical and Engineering Sciences}, + volume = {231}, + pages = {289–337}, + DOI = {doi:10.1098/rsta.1933.0009.}, + year = {1933}, type = {Journal Article} } -@article{RN3242, - author = {Hammerbeck, U. and Yousif, N. and Greenwood, R. J. and Rothwell, J. C. and Diedrichsen, J.}, - title = {Movement speed is biased by prior experience}, - journal = {J Neurophysiol}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00522.2013}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24133220}, - year = {2013}, - type = {Journal Article} +@misc{RN3546, + year = {2012}, + type = {Conference Paper} } -@article{RN3279, - author = {Haith, A. M. and Krakauer, J. W.}, - title = {Model-based and model-free mechanisms of human motor learning}, - journal = {Adv Exp Med Biol}, - volume = {782}, - pages = {1-21}, - ISSN = {0065-2598 (Print) -0065-2598 (Linking)}, - DOI = {10.1007/978-1-4614-5465-6_1}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23296478}, - year = {2013}, +@article{RN3545, + author = {Khaligh-Razavi, S. M. and Carlin, J. and Martin Cichy, R. and Kriegeskorte, N.}, + title = {The effects of recurrent dynamics on ventral-stream representational geometry}, + journal = {J Vis}, + volume = {15}, + number = {12}, + pages = {1089}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/15.12.1089}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26326777}, + year = {2015}, type = {Journal Article} } -@article{RN3381, - author = {Glasser, M. F. and Sotiropoulos, S. N. and Wilson, J. A. and Coalson, T. S. and Fischl, B. and Andersson, J. L. and Xu, J. and Jbabdi, S. and Webster, M. and Polimeni, J. R. and Van Essen, D. C. and Jenkinson, M.}, - title = {The minimal preprocessing pipelines for the Human Connectome Project}, - journal = {Neuroimage}, - volume = {80}, - pages = {105-24}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2013.04.127}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23668970}, - year = {2013}, +@article{RN3544, + author = {Khaligh-Razavi, S. M. and Kriegeskorte, N.}, + title = {Deep supervised, but not unsupervised, models may explain IT cortical representation}, + journal = {PLoS Comput Biol}, + volume = {10}, + number = {11}, + pages = {e1003915}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1003915}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25375136}, + year = {2014}, type = {Journal Article} } -@article{RN3259, - author = {Garrido, L. and Vaziri-Pashkam, M. and Nakayama, K. and Wilmer, J.}, - title = {The consequences of subtracting the mean pattern in fMRI multivariate correlation analyses}, - journal = {Front Neurosci}, - volume = {7}, - pages = {174}, - ISSN = {1662-4548 (Print) -1662-453X (Linking)}, - DOI = {10.3389/fnins.2013.00174}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24137107}, - year = {2013}, +@article{RN3543, + author = {Diedrichsen, J. and Zareamoghaddam, H. and Provost, S.}, + title = {The distribution of crossvalidated mahalanobis distances}, + journal = {ArXiv}, + year = {2016}, type = {Journal Article} } -@article{RN3172, - author = {Gallivan, J. P. and McLean, D. A. and Flanagan, J. R. and Culham, J. C.}, - title = {Where one hand meets the other: limb-specific and action-dependent movement plans decoded from preparatory signals in single human frontoparietal brain areas}, - journal = {J Neurosci}, - volume = {33}, - number = {5}, - pages = {1991-2008}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {33/5/1991 [pii] -10.1523/JNEUROSCI.0541-12.2013}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23365237}, - year = {2013}, +@article{RN3542, + author = {Leo, A. and Handjaras, G. and Bianchi, M. and Marino, H. and Gabiccini, M. and Guidi, A. and Scilingo, E. P. and Pietrini, P. and Bicchi, A. and Santello, M. and Ricciardi, E.}, + title = {A synergy-based hand control is encoded in human motor cortical areas}, + journal = {Elife}, + volume = {5}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.13420}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26880543}, + year = {2016}, type = {Journal Article} } -@article{RN3243, - author = {Diedrichsen, J. and Wiestler, T. and Krakauer, J. W.}, - title = {Two distinct ipsilateral cortical representations for individuated finger movements}, - journal = {Cereb Cortex}, - volume = {23}, - number = {6}, - pages = {1362-77}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {10.1093/cercor/bhs120}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22610393}, - year = {2013}, +@article{RN3541, + author = {Mitchell, T. M. and Shinkareva, S. V. and Carlson, A. and Chang, K. M. and Malave, V. L. and Mason, R. A. and Just, M. A.}, + title = {Predicting human brain activity associated with the meanings of nouns}, + journal = {Science}, + volume = {320}, + number = {5880}, + pages = {1191-5}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.1152876}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18511683}, + year = {2008}, type = {Journal Article} } -@article{RN3266, - author = {Diedrichsen, J. and Wiestler, T. and Ejaz, N.}, - title = {A multivariate method to determine the dimensionality of neural representation from population activity}, - journal = {Neuroimage}, - volume = {76}, - pages = {225-35}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2013.02.062}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23523802}, - year = {2013}, +@article{RN3539, + author = {Xu, J. and Ejaz, N. and Hertler, B. and Branscheidt, M. and Widmer, M. and ... and Luft, A. R. and Krakauer, J. W. and Diedrichsen, J.}, + title = {Recovery of hand function after stroke: separable systems for finger strength and control}, + journal = {BioRxiv}, + DOI = {10.1101/079269}, + year = {2016}, type = {Journal Article} } -@article{RN3280, - author = {de Berker, A. O. and Bikson, M. and Bestmann, S.}, - title = {Predicting the behavioral impact of transcranial direct current stimulation: issues and limitations}, - journal = {Front Hum Neurosci}, - volume = {7}, - pages = {613}, - ISSN = {1662-5161 (Electronic) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2013.00613}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24109445}, - year = {2013}, +@article{RN3538, + author = {Waters-Metenier, S. and Wiestler, T. and Diedrichsen, J.}, + title = {Cooperation not competition: bihemispheric tDCS and fMRI show role for ipsilateral hemisphere in motor sequence learning}, + journal = {BioRxiv}, + year = {2016}, type = {Journal Article} } -@article{RN3601, - author = {Cengiz, B. and Murase, N. and Rothwell, J. C.}, - title = {Opposite effects of weak transcranial direct current stimulation on different phases of short interval intracortical inhibition (SICI)}, - journal = {Exp Brain Res}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-012-3369-0}, - url = {http://link.springer.com/content/pdf/10.1007%2Fs00221-012-3369-0}, - year = {2013}, +@article{RN3537, + author = {Hyvarinen, A. and Oja, E.}, + title = {Independent component analysis: algorithms and applications}, + journal = {Neural Netw}, + volume = {13}, + number = {4-5}, + pages = {411-30}, + ISSN = {0893-6080 (Print) +0893-6080 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10946390}, + year = {2000}, type = {Journal Article} } -@article{RN3636, - author = {Carlson, T. and Tovar, D. A. and Alink, A. and Kriegeskorte, N.}, - title = {Representational dynamics of object vision: the first 1000 ms}, - journal = {J Vis}, - volume = {13}, - number = {10}, - ISSN = {1534-7362 (Electronic) -1534-7362 (Linking)}, - DOI = {10.1167/13.10.1}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/23908380}, - year = {2013}, +@article{RN3536, + author = {Calhoun, V. D. and Liu, J. and Adali, T.}, + title = {A review of group ICA for fMRI data and ICA for joint inference of imaging, genetic, and ERP data}, + journal = {Neuroimage}, + volume = {45}, + number = {1 Suppl}, + pages = {S163-72}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2008.10.057}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19059344}, + year = {2009}, type = {Journal Article} } -@article{RN3617, - author = {Beaule, V. and Tremblay, S. and Theoret, H.}, - title = {Interhemispheric control of unilateral movement}, - journal = {Neural Plast}, - volume = {2012}, - pages = {627816}, - ISSN = {1687-5443 (Electronic)}, - DOI = {10.1155/2012/627816 -10.1155/2012/627816. Epub 2012 Dec 6.}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23304559}, - year = {2013}, +@article{RN3535, + author = {Di Pino, G. and Pellegrino, G. and Assenza, G. and Capone, F. and Ferreri, F. and Formica, D. and Ranieri, F. and Tombini, M. and Ziemann, U. and Rothwell, J. C. and Di Lazzaro, V.}, + title = {Modulation of brain plasticity in stroke: a novel model for neurorehabilitation}, + journal = {Nat Rev Neurol}, + volume = {10}, + number = {10}, + pages = {597-608}, + ISSN = {1759-4766 (Electronic) +1759-4758 (Linking)}, + DOI = {10.1038/nrneurol.2014.162}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25201238}, + year = {2014}, type = {Journal Article} } -@article{RN3588, - author = {Batsikadze, G. and Moliadze, V. and Paulus, W. and Kuo, M. F. and Nitsche, M. A.}, - title = {Partially non-linear stimulation intensity-dependent effects of direct current stimulation on motor cortex excitability in humans}, - journal = {J Physiol}, - volume = {591}, - number = {Pt 7}, - pages = {1987-2000}, - ISSN = {1469-7793 (Electronic) -0022-3751 (Linking)}, - DOI = {10.1113/jphysiol.2012.249730}, - url = {http://jp.physoc.org/content/early/2013/01/20/jphysiol.2012.249730.full.pdf}, - year = {2013}, +@article{RN3534, + author = {Murase, N. and Duque, J. and Mazzocchio, R. and Cohen, L. G.}, + title = {Influence of interhemispheric interactions on motor function in chronic stroke}, + journal = {Ann Neurol}, + volume = {55}, + number = {3}, + pages = {400-9}, + ISSN = {0364-5134 (Print) +0364-5134 (Linking)}, + DOI = {10.1002/ana.10848}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/14991818}, + year = {2004}, type = {Journal Article} } -@article{RN3390, - author = {Barch, D. M. and Burgess, G. C. and Harms, M. P. and Petersen, S. E. and Schlaggar, B. L. and Corbetta, M. and Glasser, M. F. and Curtiss, S. and Dixit, S. and Feldt, C. and Nolan, D. and Bryant, E. and Hartley, T. and Footer, O. and Bjork, J. M. and Poldrack, R. and Smith, S. and Johansen-Berg, H. and Snyder, A. Z. and Van Essen, D. C.}, - title = {Function in the human connectome: task-fMRI and individual differences in behavior}, - journal = {Neuroimage}, - volume = {80}, - pages = {169-89}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2013.05.033}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23684877}, - year = {2013}, +@article{RN3444, + author = {Fedorenko, E. and McDermott, J. H. and Norman-Haignere, S. and Kanwisher, N.}, + title = {Sensitivity to musical structure in the human brain}, + journal = {J Neurophysiol}, + volume = {108}, + number = {12}, + pages = {3289-300}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00209.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23019005}, + year = {2012}, type = {Journal Article} } -@article{RN3286, - author = {Ali, F. and Otchy, T. M. and Pehlevan, C. and Fantana, A. L. and Burak, Y. and Olveczky, B. P.}, - title = {The basal ganglia is necessary for learning spectral, but not temporal, features of birdsong}, - journal = {Neuron}, - volume = {80}, - number = {2}, - pages = {494-506}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {10.1016/j.neuron.2013.07.049}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/24075977}, +@article{RN3443, + author = {Norman-Haignere, S. and Kanwisher, N. and McDermott, J. H.}, + title = {Cortical pitch regions in humans respond primarily to resolved harmonics and are located in specific tonotopic regions of anterior auditory cortex}, + journal = {J Neurosci}, + volume = {33}, + number = {50}, + pages = {19451-69}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2880-13.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24336712}, year = {2013}, type = {Journal Article} } -@article{RN3285, - author = {Abrahamse, E. L. and Ruitenberg, M. F. and de Kleine, E. and Verwey, W. B.}, - title = {Control of automated behavior: insights from the discrete sequence production task}, - journal = {Front Hum Neurosci}, - volume = {7}, - pages = {82}, - ISSN = {1662-5161 (Electronic) -1662-5161 (Linking)}, - DOI = {10.3389/fnhum.2013.00082}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23515430}, - year = {2013}, +@article{RN3442, + author = {Kell, A. and Yamins, D. and Norman-Haignere, S. and Seibert, D. and Hong, H. and DiCarlo, J. and McDermott, J.}, + title = {Computational similarities between visual and auditory cortex studied with convolutional neural networks, fMRI, and electrophysiology}, + journal = {J Vis}, + volume = {15}, + number = {12}, + pages = {1093}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/15.12.1093}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26326781}, + year = {2015}, type = {Journal Article} } -@article{RN3622, - author = {Zimerman, M. and Heise, K. F. and Hoppe, J. and Cohen, L. G. and Gerloff, C. and Hummel, F. C.}, - title = {Modulation of training by single-session transcranial direct current stimulation to the intact motor cortex enhances motor skill acquisition of the paretic hand}, - journal = {Stroke}, - volume = {43}, - number = {8}, - pages = {2185-91}, - ISSN = {1524-4628 (Electronic) -0039-2499 (Linking)}, - DOI = {10.1161/STROKEAHA.111.645382}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/22618381}, - year = {2012}, +@article{RN3441, + author = {Norman-Haignere, S. and Kanwisher, N. G. and McDermott, J. H.}, + title = {Distinct Cortical Pathways for Music and Speech Revealed by Hypothesis-Free Voxel Decomposition}, + journal = {Neuron}, + volume = {88}, + number = {6}, + pages = {1281-96}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2015.11.035}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26687225}, + year = {2015}, type = {Journal Article} } -@article{RN3267, - author = {Yousif, N. and Diedrichsen, J.}, - title = {Structural learning in feedforward and feedback control}, - journal = {J Neurophysiol}, - volume = {108}, - number = {9}, - pages = {2373-82}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00315.2012}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22896725}, - year = {2012}, +@article{RN3438, + author = {Friston, K. J. and Williams, S. and Howard, R. and Frackowiak, R. S. and Turner, R.}, + title = {Movement-related effects in fMRI time-series}, + journal = {Magn Reson Med}, + volume = {35}, + number = {3}, + pages = {346-55}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8699946}, + year = {1996}, type = {Journal Article} } -@article{RN3337, - author = {Wymbs, N. F. and Bassett, D. S. and Mucha, P. J. and Porter, M. A. and Grafton, S. T.}, - title = {Differential recruitment of the sensorimotor putamen and frontoparietal cortex during motor chunking in humans}, - journal = {Neuron}, - volume = {74}, - number = {5}, - pages = {936-46}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {10.1016/j.neuron.2012.03.038}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22681696}, - year = {2012}, +@article{RN3437, + author = {Grootoonk, S. and Hutton, C. and Ashburner, J. and Howseman, A. M. and Josephs, O. and Rees, G. and Friston, K. J. and Turner, R.}, + title = {Characterization and correction of interpolation effects in the realignment of fMRI time series}, + journal = {Neuroimage}, + volume = {11}, + number = {1}, + pages = {49-57}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.1999.0515}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10686116}, + year = {2000}, type = {Journal Article} } -@article{RN3297, - author = {Vul, E. and Pashler, H.}, - title = {Voodoo and circularity errors}, +@article{RN3436, + author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, + title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, journal = {Neuroimage}, - volume = {62}, + volume = {12}, number = {2}, - pages = {945-8}, - ISSN = {1095-9572 (Electronic) + pages = {196-208}, + ISSN = {1053-8119 (Print) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.01.027}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22270348}, - year = {2012}, + DOI = {10.1006/nimg.2000.0609}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10913325}, + year = {2000}, type = {Journal Article} } -@article{RN3296, - author = {Vul, E. and Pashler, H.}, - title = {Voodoo and circularity errors}, +@article{RN3435, + author = {Penny, W. and Kiebel, S. and Friston, K.}, + title = {Variational Bayesian inference for fMRI time series}, journal = {Neuroimage}, - volume = {62}, - number = {2}, - pages = {945-8}, - ISSN = {1095-9572 (Electronic) + volume = {19}, + number = {3}, + pages = {727-41}, + ISSN = {1053-8119 (Print) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.01.027}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22270348}, - year = {2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12880802}, + year = {2003}, type = {Journal Article} } -@article{RN3365, - author = {Verstynen, T. and Phillips, J. and Braun, E. and Workman, B. and Schunn, C. and Schneider, W.}, - title = {Dynamic sensorimotor planning during long-term sequence learning: the role of variability, response chunking and planning errors}, - journal = {PLoS One}, - volume = {7}, - number = {10}, - pages = {e47336}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0047336}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23056630}, - year = {2012}, +@article{RN3434, + author = {Harrison, L. and Penny, W. D. and Friston, K.}, + title = {Multivariate autoregressive modeling of fMRI time series}, + journal = {Neuroimage}, + volume = {19}, + number = {4}, + pages = {1477-91}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12948704}, + year = {2003}, type = {Journal Article} } -@article{RN3392, - author = {Tucholka, A. and Fritsch, V. and Poline, J. B. and Thirion, B.}, - title = {An empirical comparison of surface-based and volume-based group studies in neuroimaging}, +@article{RN3433, + author = {Penny, W. D. and Trujillo-Barreto, N. J. and Friston, K. J.}, + title = {Bayesian fMRI time series analysis with spatial priors}, journal = {Neuroimage}, - volume = {63}, - number = {3}, - pages = {1443-53}, - ISSN = {1095-9572 (Electronic) + volume = {24}, + number = {2}, + pages = {350-62}, + ISSN = {1053-8119 (Print) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.06.019}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22732555}, - year = {2012}, + DOI = {10.1016/j.neuroimage.2004.08.034}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15627578}, + year = {2005}, type = {Journal Article} } -@article{RN3108, - author = {Tong, F. and Pratte, M. S.}, - title = {Decoding patterns of human brain activity}, - journal = {Annu Rev Psychol}, - volume = {63}, - pages = {483-509}, - ISSN = {1545-2085 (Electronic) -0066-4308 (Linking)}, - DOI = {10.1146/annurev-psych-120710-100412}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21943172}, - year = {2012}, +@article{RN3432, + author = {Ogawa, S. and Lee, T. M. and Kay, A. R. and Tank, D. W.}, + title = {Brain magnetic resonance imaging with contrast dependent on blood oxygenation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {87}, + number = {24}, + pages = {9868-72}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/2124706}, + year = {1990}, type = {Journal Article} } -@article{RN3577, - author = {Takeuchi, N. and Oouchida, Y. and Izumi, S.}, - title = {Motor control and neural plasticity through interhemispheric interactions}, - journal = {Neural Plast}, - volume = {2012}, - pages = {823285}, - ISSN = {1687-5443 (Electronic)}, - DOI = {10.1155/2012/823285}, - url = {http://downloads.hindawi.com/journals/np/2012/823285.pdf}, - year = {2012}, +@article{RN3431, + author = {Kirstein, M. and Brett, J. and Radoff, S. and Ogawa, S. and Stern, D. and Vlassara, H.}, + title = {Advanced protein glycosylation induces transendothelial human monocyte chemotaxis and secretion of platelet-derived growth factor: role in vascular disease of diabetes and aging}, + journal = {Proc Natl Acad Sci U S A}, + volume = {87}, + number = {22}, + pages = {9010-4}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/2247477}, + year = {1990}, type = {Journal Article} } -@article{RN3587, - author = {Takeuchi, N. and Izumi, S.}, - title = {Maladaptive plasticity for motor recovery after stroke: mechanisms and approaches}, - journal = {Neural Plast}, - volume = {2012}, - pages = {359728}, - ISSN = {1687-5443 (Electronic)}, - DOI = {10.1155/2012/359728}, - url = {http://downloads.hindawi.com/journals/np/2012/359728.pdf}, - year = {2012}, +@article{RN3429, + author = {Eisenhauer, Joseph G}, + title = {Regression through the origin}, + journal = {Teaching Statistics}, + volume = {25}, + number = {3}, + pages = {76-80}, + ISSN = {1467-9639}, + year = {2003}, type = {Journal Article} } -@article{RN3329, - author = {Stoodley, C. J. and Valera, E. M. and Schmahmann, J. D.}, - title = {Functional topography of the cerebellum for motor and cognitive tasks: an fMRI study}, - journal = {Neuroimage}, - volume = {59}, - number = {2}, - pages = {1560-70}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2011.08.065}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21907811}, - year = {2012}, +@article{RN3428, + author = {Kasuga, S. and Telgen, S. and Ushiba, J. and Nozaki, D. and Diedrichsen, J.}, + title = {Learning feedback and feedforward control in a mirror-reversed visual environment}, + journal = {J Neurophysiol}, + volume = {114}, + number = {4}, + pages = {2187-93}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00096.2015}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26245313}, + year = {2015}, type = {Journal Article} } -@article{RN3606, - author = {Stagg, C. J. and Bachtiar, V. and O'Shea, J. and Allman, C. and Bosnell, R. A. and Kischka, U. and Matthews, P. M. and Johansen-Berg, H.}, - title = {Cortical activation changes underlying stimulation-induced behavioural gains in chronic stroke}, - journal = {Brain}, - volume = {135}, - number = {Pt 1}, - pages = {276-84}, - ISSN = {1460-2156 (Electronic) -0006-8950 (Linking)}, - DOI = {10.1093/brain/awr313}, - url = {http://brain.oxfordjournals.org/content/135/1/276.full.pdf}, - year = {2012}, +@article{RN3426, + author = {Franklin, D. W. and Reichenbach, A. and Franklin, S. and J., Diedrichsen}, + title = {Temporal evolution of spatial computations for visuomotor control}, + journal = {Journal of Neuroscience}, + year = {2015}, type = {Journal Article} } -@article{RN3333, - author = {Shmuelof, L. and Krakauer, J. W. and Mazzoni, P.}, - title = {How is a motor skill learned? Change and invariance at the levels of task success and trajectory control}, - journal = {J Neurophysiol}, - volume = {108}, - number = {2}, - pages = {578-94}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00856.2011}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22514286}, - year = {2012}, +@article{RN3425, + author = {Eliasmith, C.}, + title = {A unified approach to building and controlling spiking attractor networks}, + journal = {Neural Comput}, + volume = {17}, + number = {6}, + pages = {1276-314}, + ISSN = {0899-7667 (Print) +0899-7667 (Linking)}, + DOI = {10.1162/0899766053630332}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15901399}, + year = {2005}, type = {Journal Article} } -@article{RN3120, - author = {Schlerf, J. and Ivry, R. B. and Diedrichsen, J.}, - title = {Encoding of sensory prediction errors in the human cerebellum}, - journal = {J Neurosci}, - volume = {32}, - number = {14}, - pages = {4913-22}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {32/14/4913 [pii] -10.1523/JNEUROSCI.4504-11.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22492047}, +@article{RN3424, + author = {Eliasmith, C. and Stewart, T. C. and Choo, X. and Bekolay, T. and DeWolf, T. and Tang, Y. and Rasmussen, D.}, + title = {A large-scale model of the functioning brain}, + journal = {Science}, + volume = {338}, + number = {6111}, + pages = {1202-5}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.1225266}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23197532}, year = {2012}, type = {Journal Article} } -@article{RN3249, - author = {Schaefer, S. Y. and Shelly, I. L. and Thoroughman, K. A.}, - title = {Beside the point: motor adaptation without feedback-based error correction in task-irrelevant conditions}, - journal = {J Neurophysiol}, - volume = {107}, - number = {4}, - pages = {1247-56}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00273.2011}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22157120}, - year = {2012}, +@article{RN3423, + author = {Eliasmith, C. and Trujillo, O.}, + title = {The use and abuse of large-scale brain models}, + journal = {Curr Opin Neurobiol}, + volume = {25}, + pages = {1-6}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2013.09.009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24709593}, + year = {2014}, type = {Journal Article} } -@article{RN3134, - author = {Overduin, Simon A. and d’Avella, Andrea and Carmena, Jose M. and Bizzi, Emilio}, - title = {Microstimulation Activates a Handful of Muscle Synergies}, - journal = {Neuron}, - year = {2012}, +@article{RN3422, + author = {Fairhall, A. and Sompolinsky, H.}, + title = {Editorial overview: theoretical and computational neuroscience}, + journal = {Curr Opin Neurobiol}, + volume = {25}, + pages = {v-viii}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2014.02.010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24656299}, + year = {2014}, type = {Journal Article} } -@article{RN3138, - author = {Omrani, M. and Diedrichsen, J. and Scott, S. H.}, - title = {Rapid Feedback Corrections during a Bimanual Postural Task}, - journal = {J Neurophysiol}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00669.2011 [pii] -10.1152/jn.00669.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23054604}, - year = {2012}, +@article{RN3421, + author = {Diedrichsen, J. and Zotow, E.}, + title = {Surface-Based Display of Volume-Averaged Cerebellar Imaging Data}, + journal = {PLoS One}, + volume = {7}, + pages = {e0133402}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0133402}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26230510}, + year = {2015}, type = {Journal Article} } -@article{RN3575, - author = {Ohlson, M. and Koski, T.}, - title = {On the Distribution of Matrix Quadratic Forms}, - journal = {Communications in Statistics - Theory and Methods}, - volume = {41}, - number = {18}, - pages = {3403-315}, - DOI = {10.1080/03610926.2011.563009}, - year = {2012}, +@article{RN3420, + author = {Van Pelt, S. and Toni, I. and Diedrichsen, J. and Medendorp, W. P.}, + title = {Repetition suppression dissociates spatial frames of reference in human saccade generation}, + journal = {J Neurophysiol}, + volume = {104}, + number = {3}, + pages = {1239-48}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00393.2010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20592124}, + year = {2010}, type = {Journal Article} } -@article{RN3191, - author = {Nazarpour, K. and Barnard, A. and Jackson, A.}, - title = {Flexible cortical control of task-specific muscle synergies}, +@article{RN3419, + author = {Wiestler, T. and Waters-Metenier, S. and Diedrichsen, J.}, + title = {Effector-independent motor sequence representations exist in extrinsic and intrinsic reference frames}, journal = {J Neurosci}, - volume = {32}, - number = {36}, - pages = {12349-60}, + volume = {34}, + number = {14}, + pages = {5054-64}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {32/36/12349 [pii] -10.1523/JNEUROSCI.5481-11.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22956825}, - year = {2012}, + DOI = {10.1523/JNEUROSCI.5363-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24695723}, + year = {2014}, type = {Journal Article} } -@book{RN3567, - author = {Murphy, K. P.}, - title = {Machine Learning: A probabilistic perspective}, - publisher = {MIT press}, - address = {Cambridge, MA}, - year = {2012}, - type = {Book} +@article{RN3418, + author = {Kornysheva, K. and Diedrichsen, J.}, + title = {Human premotor areas parse sequences into their spatial and temporal features}, + journal = {Elife}, + volume = {3}, + pages = {e03043}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.03043}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25117541}, + year = {2014}, + type = {Journal Article} } -@article{RN3602, - author = {Mordillo-Mateos, L. and Turpin-Fenoll, L. and Millan-Pascual, J. and Nunez-Perez, N. and Panyavin, I. and Gomez-Arguelles, J. M. and Botia-Paniagua, E. and Foffani, G. and Lang, N. and Oliviero, A.}, - title = {Effects of simultaneous bilateral tDCS of the human motor cortex}, - journal = {Brain Stimul}, - volume = {5}, - number = {3}, - pages = {214-22}, - ISSN = {1935-861X (Print)}, - DOI = {10.1016/j.brs.2011.05.001}, - url = {http://ac.els-cdn.com/S1935861X11000660/1-s2.0-S1935861X11000660-main.pdf?_tid=0d5dc260-6b19-11e2-9e05-00000aab0f6b&acdnat=1359576791_810405906d387936c337524cf43e3741}, - year = {2012}, +@article{RN3417, + author = {Reichenbach, A. and Franklin, D. W. and Zatka-Haas, P. and Diedrichsen, J.}, + title = {A dedicated binding mechanism for the visual control of movement}, + journal = {Curr Biol}, + volume = {24}, + number = {7}, + pages = {780-5}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {10.1016/j.cub.2014.02.030}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24631246}, + year = {2014}, type = {Journal Article} } -@article{RN3291, - author = {Lindenberg, R. and Zhu, L. L. and Schlaug, G.}, - title = {Combined central and peripheral stimulation to facilitate motor recovery after stroke: the effect of number of sessions on outcome}, - journal = {Neurorehabil Neural Repair}, - volume = {26}, - number = {5}, - pages = {479-83}, - ISSN = {1552-6844 (Electronic) -1545-9683 (Linking)}, - DOI = {10.1177/1545968311427568}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22258156}, - year = {2012}, +@article{RN3416, + author = {Telgen, S. and Parvin, D. and Diedrichsen, J.}, + title = {Mirror reversal and visual rotation are learned and consolidated via separate mechanisms: recalibrating or learning de novo?}, + journal = {J Neurosci}, + volume = {34}, + number = {41}, + pages = {13768-79}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.5306-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25297103}, + year = {2014}, type = {Journal Article} } -@article{RN3092, - author = {Latash, M. L.}, - title = {The bliss (not the problem) of motor abundance (not redundancy)}, - journal = {Exp Brain Res}, - volume = {217}, - number = {1}, - pages = {1-5}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-012-3000-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22246105}, - year = {2012}, +@article{RN3415, + author = {Ejaz, N. and Hamada, M. and Diedrichsen, J.}, + title = {Hand use predicts the structure of representations in sensorimotor cortex}, + journal = {Nat Neurosci}, + volume = {18}, + number = {7}, + pages = {1034-40}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.4038}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/26030847}, + year = {2015}, type = {Journal Article} } -@article{RN3199, - author = {Landy, M. S. and Trommershauser, J. and Daw, N. D.}, - title = {Dynamic estimation of task-relevant variance in movement under risk}, - journal = {J Neurosci}, - volume = {32}, - number = {37}, - pages = {12702-11}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {32/37/12702 [pii] -10.1523/JNEUROSCI.6160-11.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22972994}, - year = {2012}, +@article{RN3414, + author = {Galea, J. M. and Mallia, E. and Rothwell, J. and Diedrichsen, J.}, + title = {The dissociable effects of punishment and reward on motor learning}, + journal = {Nat Neurosci}, + volume = {18}, + number = {4}, + pages = {597-602}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3956}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25706473}, + year = {2015}, type = {Journal Article} } -@article{RN3123, - author = {Kutch, J. J. and Valero-Cuevas, F. J.}, - title = {Challenges and new approaches to proving the existence of muscle synergies of neural origin}, - journal = {PLoS Comput Biol}, - volume = {8}, - number = {5}, - pages = {e1002434}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1002434 -PCOMPBIOL-D-11-01006 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22570602}, - year = {2012}, +@article{RN3412, + author = {Timmann, D. and Konczak, J. and Ilg, W. and Donchin, O. and Hermsdorfer, J. and Gizewski, E. R. and Schoch, B.}, + title = {Current advances in lesion-symptom mapping of the human cerebellum}, + journal = {Neuroscience}, + volume = {162}, + number = {3}, + pages = {836-51}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {10.1016/j.neuroscience.2009.01.040}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19409233}, + year = {2009}, type = {Journal Article} } -@misc{RN3546, - year = {2012}, - type = {Conference Paper} -} - -@article{RN3610, - author = {Kim, C. R. and Kim, D. Y. and Kim, L. S. and Chun, M. H. and Kim, S. J. and Park, C. H.}, - title = {Modulation of cortical activity after anodal transcranial direct current stimulation of the lower limb motor cortex: a functional MRI study}, - journal = {Brain Stimul}, - volume = {5}, +@article{RN3411, + author = {Diedrichsen, J. and Kornysheva, K.}, + title = {Motor skill learning between selection and execution}, + journal = {Trends Cogn Sci}, + volume = {19}, number = {4}, - pages = {462-7}, - ISSN = {1935-861X (Print)}, - DOI = {10.1016/j.brs.2011.08.002}, - url = {http://ac.els-cdn.com/S1935861X11001161/1-s2.0-S1935861X11001161-main.pdf?_tid=9745b23e-a2e2-11e2-bfa5-00000aab0f01&acdnat=1365710665_ec14e48fd9dc6a559a0464ffab92bacb}, - year = {2012}, - type = {Journal Article} -} - -@article{RN3618, - author = {Kessler, S. K. and Turkeltaub, P. E. and Benson, J. G. and Hamilton, R. H.}, - title = {Differences in the experience of active and sham transcranial direct current stimulation}, - journal = {Brain Stimul}, - volume = {5}, - number = {2}, - pages = {155-62}, - ISSN = {1935-861X (Print)}, - DOI = {10.1016/j.brs.2011.02.007}, - url = {http://ac.els-cdn.com/S1935861X11000246/1-s2.0-S1935861X11000246-main.pdf?_tid=7d2db064-c483-11e2-8008-00000aacb360&acdnat=1369408159_a59d0163eac81c31194c61d041f2d6e4}, - year = {2012}, + pages = {227-33}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2015.02.003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25746123}, + year = {2015}, type = {Journal Article} } -@article{RN3634, - author = {Hermes, D. and Siero, J. C. and Aarnoutse, E. J. and Leijten, F. S. and Petridou, N. and Ramsey, N. F.}, - title = {Dissociation between neuronal activity in sensorimotor cortex and hand movement revealed as a function of movement rate}, +@article{RN3410, + author = {Thurling, M. and Kahl, F. and Maderwald, S. and Stefanescu, R. M. and Schlamann, M. and Boele, H. J. and De Zeeuw, C. I. and Diedrichsen, J. and Ladd, M. E. and Koekkoek, S. K. and Timmann, D.}, + title = {Cerebellar cortex and cerebellar nuclei are concomitantly activated during eyeblink conditioning: a 7T fMRI study in humans}, journal = {J Neurosci}, - volume = {32}, - number = {28}, - pages = {9736-44}, + volume = {35}, + number = {3}, + pages = {1228-39}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.0357-12.2012}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/22787059}, - year = {2012}, + DOI = {10.1523/JNEUROSCI.2492-14.2015}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25609637}, + year = {2015}, type = {Journal Article} } -@article{RN3168, - author = {Haith, A. M. and Reppert, T. R. and Shadmehr, R.}, - title = {Evidence for hyperbolic temporal discounting of reward in control of movements}, - journal = {J Neurosci}, - volume = {32}, - number = {34}, - pages = {11727-36}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {32/34/11727 [pii] -10.1523/JNEUROSCI.0424-12.2012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22915115}, - year = {2012}, +@article{RN3409, + author = {Scharnowski, F. and Veit, R. and Zopf, R. and Studer, P. and Bock, S. and Diedrichsen, J. and Goebel, R. and Mathiak, K. and Birbaumer, N. and Weiskopf, N.}, + title = {Manipulating motor performance and memory through real-time fMRI neurofeedback}, + journal = {Biol Psychol}, + volume = {108}, + pages = {85-97}, + ISSN = {1873-6246 (Electronic) +0301-0511 (Linking)}, + DOI = {10.1016/j.biopsycho.2015.03.009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25796342}, + year = {2015}, type = {Journal Article} } -@article{RN3444, - author = {Fedorenko, E. and McDermott, J. H. and Norman-Haignere, S. and Kanwisher, N.}, - title = {Sensitivity to musical structure in the human brain}, - journal = {J Neurophysiol}, - volume = {108}, - number = {12}, - pages = {3289-300}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00209.2012}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23019005}, - year = {2012}, +@article{RN3408, + author = {Stefanescu, M. R. and Dohnalek, M. and Maderwald, S. and Thurling, M. and Minnerop, M. and Beck, A. and Schlamann, M. and Diedrichsen, J. and Ladd, M. E. and Timmann, D.}, + title = {Structural and functional MRI abnormalities of cerebellar cortex and nuclei in SCA3, SCA6 and Friedreich's ataxia}, + journal = {Brain}, + volume = {138}, + number = {Pt 5}, + pages = {1182-97}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {10.1093/brain/awv064}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25818870}, + year = {2015}, type = {Journal Article} } -@article{RN3424, - author = {Eliasmith, C. and Stewart, T. C. and Choo, X. and Bekolay, T. and DeWolf, T. and Tang, Y. and Rasmussen, D.}, - title = {A large-scale model of the functioning brain}, - journal = {Science}, - volume = {338}, - number = {6111}, - pages = {1202-5}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {10.1126/science.1225266}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23197532}, - year = {2012}, +@article{RN3407, + author = {Yousif, N. and Cole, J. and Rothwell, J. and Diedrichsen, J.}, + title = {Proprioception in motor learning: lessons from a deafferented subject}, + journal = {Exp Brain Res}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-015-4315-8}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25990821}, + year = {2015}, type = {Journal Article} } -@article{RN3550, - author = {Eklund, A. and Andersson, M. and Josephson, C. and Johannesson, M. and Knutsson, H.}, - title = {Does parametric fMRI analysis with SPM yield valid results? An empirical study of 1484 rest datasets}, - journal = {Neuroimage}, - volume = {61}, - number = {3}, - pages = {565-78}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2012.03.093}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22507229}, - year = {2012}, +@article{RN3406, + author = {Pruszynski, J. A. and Diedrichsen, J.}, + title = {Neuroscience. Reading the mind to move the body}, + journal = {Science}, + volume = {348}, + number = {6237}, + pages = {860-1}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {10.1126/science.aab3464}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25999491}, + year = {2015}, type = {Journal Article} } -@article{RN3038, - author = {Donchin, O. and Rabe, K. and Diedrichsen, J. and Lally, N. and Schoch, B. and Gizewski, E. R. and Timmann, D.}, - title = {Cerebellar regions involved in adaptation to force field and visuomotor perturbation}, - journal = {J Neurophysiol}, - volume = {107}, - number = {1}, - pages = {134-47}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00007.2011 [pii] -10.1152/jn.00007.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21975446}, - year = {2012}, +@article{RN3404, + author = {Gallivan, J. P. and McLean, D. A. and Smith, F. W. and Culham, J. C.}, + title = {Decoding effector-dependent and effector-independent movement intentions from human parieto-frontal brain activity}, + journal = {J Neurosci}, + volume = {31}, + number = {47}, + pages = {17149-68}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.1058-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22114283}, + year = {2011}, type = {Journal Article} } -@article{RN3090, - author = {Dimitriou, M. and Franklin, D. W. and Wolpert, D. M.}, - title = {Task-dependent coordination of rapid bimanual motor responses}, - journal = {J Neurophysiol}, - volume = {107}, - number = {3}, - pages = {890-901}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00787.2011 [pii] -10.1152/jn.00787.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22072514}, - year = {2012}, +@article{RN3402, + author = {Kutch, J. J. and Valero-Cuevas, F. J.}, + title = {Muscle redundancy does not imply robustness to muscle dysfunction}, + journal = {J Biomech}, + volume = {44}, + number = {7}, + pages = {1264-70}, + ISSN = {1873-2380 (Electronic) +0021-9290 (Linking)}, + DOI = {10.1016/j.jbiomech.2011.02.014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21420091}, + year = {2011}, type = {Journal Article} } -@article{RN3139, - author = {Diedrichsen, J. and Classen, J.}, - title = {Stimulating news about modular motor control}, - journal = {Neuron}, - volume = {76}, - number = {6}, - pages = {1043-1045}, - year = {2012}, +@inproceedings{RN3401, + author = {Thomik, A and Faisal, AA}, + title = {Sparse coding of natural human motion yields eigenmotions consistent across people}, + booktitle = {American Physical Society Meeting}, + type = {Conference Proceedings} +} + +@article{RN3400, + author = {Penfield, W and Broldrey, E}, + title = {Somatic motor and sensory representation in the cerebral cortex of man as studied by electrical stimulation}, + journal = {Brain}, + volume = {60}, + number = {389–443}, + year = {1937}, type = {Journal Article} } -@article{RN3140, - author = {Diedrichsen, J.}, - title = {Motor Coordination}, - journal = {Scholarpedia}, - volume = {7}, - number = {12}, - pages = {12309}, - DOI = {10.4249/scholarpedia.12309}, - url = {http://www.scholarpedia.org/article/Motor_coordination}, - year = {2012}, +@article{RN3399, + author = {Lauritzen, M.}, + title = {Reading vascular changes in brain imaging: is dendritic calcium the key?}, + journal = {Nat Rev Neurosci}, + volume = {6}, + number = {1}, + pages = {77-85}, + ISSN = {1471-003X (Print) +1471-003X (Linking)}, + DOI = {10.1038/nrn1589}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15611729}, + year = {2005}, type = {Journal Article} } -@article{RN3627, - author = {DiCarlo, J. J. and Zoccolan, D. and Rust, N. C.}, - title = {How does the brain solve visual object recognition?}, - journal = {Neuron}, - volume = {73}, +@article{RN3398, + author = {Oby, E. R. and Ethier, C. and Miller, L. E.}, + title = {Movement representation in the primary motor cortex and its contribution to generalizable EMG predictions}, + journal = {J Neurophysiol}, + volume = {109}, number = {3}, - pages = {415-34}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {10.1016/j.neuron.2012.01.010}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/22325196}, - year = {2012}, + pages = {666-78}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00331.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23155172}, + year = {2013}, type = {Journal Article} } -@article{RN3341, - author = {Cisek, P.}, - title = {Making decisions through a distributed consensus}, - journal = {Curr Opin Neurobiol}, - volume = {22}, - number = {6}, - pages = {927-36}, - ISSN = {1873-6882 (Electronic) -0959-4388 (Linking)}, - DOI = {10.1016/j.conb.2012.05.007}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22683275}, - year = {2012}, +@article{RN3397, + author = {Schieber, M. H. and Rivlis, G.}, + title = {Partial reconstruction of muscle activity from a pruned network of diverse motor cortex neurons}, + journal = {J Neurophysiol}, + volume = {97}, + number = {1}, + pages = {70-82}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00544.2006}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17035361}, + year = {2007}, type = {Journal Article} } -@article{RN3094, - author = {Churchland, M. M. and Cunningham, J. P. and Kaufman, M. T. and Foster, J. D. and Nuyujukian, P. and Ryu, S. I. and Shenoy, K. V.}, - title = {Neural population dynamics during reaching}, - journal = {Nature}, - volume = {487}, - number = {7405}, - pages = {51-6}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {nature11129 [pii] -10.1038/nature11129}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22722855}, - year = {2012}, +@article{RN3396, + author = {Muir, R. B. and Lemon, R. N.}, + title = {Corticospinal neurons with a special role in precision grip}, + journal = {Brain Res}, + volume = {261}, + number = {2}, + pages = {312-6}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/6831213}, + year = {1983}, type = {Journal Article} } -@article{RN3247, - author = {Boutin, A. and Panzer, S. and Salesse, R. N. and Blandin, Y.}, - title = {Testing promotes effector transfer}, - journal = {Acta Psychol (Amst)}, - volume = {141}, - number = {3}, - pages = {400-7}, - ISSN = {1873-6297 (Electronic) -0001-6918 (Linking)}, - DOI = {10.1016/j.actpsy.2012.09.014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/23098907}, - year = {2012}, +@article{RN3394, + author = {Galea, J. M. and Mallia, E. and Rothwell, J. and Diedrichsen, J.}, + title = {The dissociable effects of punishment and reward on motor learning}, + journal = {Nat Neurosci}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3956}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25706473}, + year = {2015}, type = {Journal Article} } -@article{RN3248, - author = {Boutin, A. and Badets, A. and Salesse, R. N. and Fries, U. and Panzer, S. and Blandin, Y.}, - title = {Practice makes transfer of motor skills imperfect}, - journal = {Psychol Res}, - volume = {76}, - number = {5}, - pages = {611-25}, - ISSN = {1430-2772 (Electronic) -0340-0727 (Linking)}, - DOI = {10.1007/s00426-011-0355-2}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21671102}, - year = {2012}, +@article{RN3393, + author = {Andersen, B. B. and Gundersen, H. J. and Pakkenberg, B.}, + title = {Aging of the human cerebellum: a stereological study}, + journal = {J Comp Neurol}, + volume = {466}, + number = {3}, + pages = {356-65}, + ISSN = {0021-9967 (Print) +0021-9967 (Linking)}, + DOI = {10.1002/cne.10884}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/14556293}, + year = {2003}, type = {Journal Article} } -@article{RN3184, - author = {Bhanpuri, N. H. and Okamura, A. M. and Bastian, A. J.}, - title = {Active force perception depends on cerebellar function}, - journal = {J Neurophysiol}, - volume = {107}, - number = {6}, - pages = {1612-20}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00983.2011 [pii] -10.1152/jn.00983.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22190620}, +@article{RN3392, + author = {Tucholka, A. and Fritsch, V. and Poline, J. B. and Thirion, B.}, + title = {An empirical comparison of surface-based and volume-based group studies in neuroimaging}, + journal = {Neuroimage}, + volume = {63}, + number = {3}, + pages = {1443-53}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.06.019}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22732555}, year = {2012}, type = {Journal Article} } -@article{RN3048, - author = {Yokoi, A. and Hirashima, M. and Nozaki, D.}, - title = {Gain field encoding of the kinematics of both arms in the internal model enables flexible bimanual action}, - journal = {J Neurosci}, - volume = {31}, - number = {47}, - pages = {17058-68}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/47/17058 [pii] -10.1523/JNEUROSCI.2982-11.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22114275}, - year = {2011}, +@article{RN3391, + author = {Van Essen, D. C. and Smith, S. M. and Barch, D. M. and Behrens, T. E. and Yacoub, E. and Ugurbil, K.}, + title = {The WU-Minn Human Connectome Project: an overview}, + journal = {Neuroimage}, + volume = {80}, + pages = {62-79}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.05.041}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23684880}, + year = {2013}, type = {Journal Article} } -@article{RN3209, - author = {Yeo, B. T. and Krienen, F. M. and Sepulcre, J. and Sabuncu, M. R. and Lashkari, D. and Hollinshead, M. and Roffman, J. L. and Smoller, J. W. and Zollei, L. and Polimeni, J. R. and Fischl, B. and Liu, H. and Buckner, R. L.}, - title = {The organization of the human cerebral cortex estimated by intrinsic functional connectivity}, - journal = {J Neurophysiol}, - volume = {106}, - number = {3}, - pages = {1125-65}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00338.2011}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21653723}, - year = {2011}, +@article{RN3390, + author = {Barch, D. M. and Burgess, G. C. and Harms, M. P. and Petersen, S. E. and Schlaggar, B. L. and Corbetta, M. and Glasser, M. F. and Curtiss, S. and Dixit, S. and Feldt, C. and Nolan, D. and Bryant, E. and Hartley, T. and Footer, O. and Bjork, J. M. and Poldrack, R. and Smith, S. and Johansen-Berg, H. and Snyder, A. Z. and Van Essen, D. C.}, + title = {Function in the human connectome: task-fMRI and individual differences in behavior}, + journal = {Neuroimage}, + volume = {80}, + pages = {169-89}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.05.033}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23684877}, + year = {2013}, type = {Journal Article} } -@article{RN2993, - author = {Wolpert, D. M. and Diedrichsen, J. and Flanagan, J. R.}, - title = {Principles of sensorimotor learning}, - journal = {Nat Rev Neurosci}, - volume = {12}, - number = {12}, - pages = {739-51}, - ISSN = {1471-0048 (Electronic) -1471-003X (Linking)}, - DOI = {10.1038/nrn3112}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22033537}, - year = {2011}, - type = {Journal Article} +@inproceedings{RN3389, + author = {Sereno, M. I. and J., Diedrichsen and Tachrout, M. and Silva, G. and De Zeeuw, C. I.}, + title = {Reconstruction and unfolding of the human cerbellar cortex from high-resolution post-mortem MRI}, + booktitle = {Annual meeting of the Society for Neuroscience }, + type = {Conference Proceedings} } -@article{RN3031, - author = {Wiestler, T. and McGonigle, D. J. and Diedrichsen, J.}, - title = {Integration of sensory and motor representations of single fingers in the human cerebellum}, - journal = {J Neurophysiol}, - volume = {105}, - number = {6}, - pages = {3042-53}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00106.2011 [pii] -10.1152/jn.00106.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21471398}, - year = {2011}, - type = {Journal Article} +@inbook{RN3386, + author = {Lashley, K. S.}, + title = {The problem of serial order in behavior}, + booktitle = {Cerebral mechanisms in behavior}, + editor = {Jeffres, L. A.}, + publisher = {Wiley}, + address = {New York}, + pages = {112-146}, + year = {1951}, + type = {Book Section} } -@article{RN2982, - author = {White, O. and Thonnard, J. L. and Wing, A. M. and Bracewell, R. M. and Diedrichsen, J. and Lefevre, P.}, - title = {Grip force regulates hand impedance to optimize object stability in high impact loads}, - journal = {Neuroscience}, - volume = {189C}, - pages = {269-276}, - ISSN = {1873-7544 (Electronic) -0306-4522 (Linking)}, - DOI = {S0306-4522(11)00495-7 [pii] -10.1016/j.neuroscience.2011.04.055}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21640167}, - year = {2011}, +@article{RN3385, + author = {Rosenbaum, D. A. and Kenny, S. B. and Derr, M. A.}, + title = {Hierarchical control of rapid movement sequences}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {9}, + number = {1}, + pages = {86-102}, + ISSN = {0096-1523 (Print) +0096-1523 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/6220126}, + year = {1983}, type = {Journal Article} } -@article{RN3177, - author = {Verstynen, T. and Sabes, P. N.}, - title = {How each movement changes the next: an experimental and theoretical study of fast adaptive priors in reaching}, - journal = {J Neurosci}, - volume = {31}, - number = {27}, - pages = {10050-9}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/27/10050 [pii] -10.1523/JNEUROSCI.6525-10.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21734297}, - year = {2011}, - type = {Journal Article} +@inbook{RN3384, + author = {Hikosaka, O.}, + title = {Role of basal ganglia in control of innate movements, learned behavior and cognition - a hypothesis}, + booktitle = {The basal ganglia IV}, + editor = {Percheron, G. and McKenzie, J. S. and Feger, J. }, + series = {Advances in Behavioral Biology}, + publisher = {Springer}, + address = {New York}, + pages = {589-596}, + DOI = {10.1007/978-1-4613-0485-2_61}, + year = {1994}, + type = {Book Section} } -@article{RN3030, - author = {Verstynen, T. and Ivry, R. B.}, - title = {Network dynamics mediating ipsilateral motor cortex activity during unimanual actions}, - journal = {J Cogn Neurosci}, - volume = {23}, - number = {9}, - pages = {2468-80}, - ISSN = {1530-8898 (Electronic) -0898-929X (Linking)}, - DOI = {10.1162/jocn.2011.21612}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21268666}, - year = {2011}, +@article{RN3383, + author = {Andersson, G. and Oscarsson, O.}, + title = {Climbing fiber microzones in cerebellar vermis and their projection to different groups of cells in the lateral vestibular nucleus}, + journal = {Exp Brain Res}, + volume = {32}, + number = {4}, + pages = {565-79}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/689129}, + year = {1978}, type = {Journal Article} } -@article{RN2995, - author = {Turnham, E. J. and Braun, D. A. and Wolpert, D. M.}, - title = {Inferring visuomotor priors for sensorimotor learning}, - journal = {PLoS Comput Biol}, - volume = {7}, - number = {3}, - pages = {e1001112}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1001112}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21483475}, - year = {2011}, +@article{RN3382, + author = {Zhou, H. and Lin, Z. and Voges, K. and Ju, C. and Gao, Z. and Bosman, L. W. and Ruigrok, T. J. and Hoebeek, F. E. and De Zeeuw, C. I. and Schonewille, M.}, + title = {Cerebellar modules operate at different frequencies}, + journal = {Elife}, + volume = {3}, + pages = {e02536}, + ISSN = {2050-084X (Electronic) +2050-084X (Linking)}, + DOI = {10.7554/eLife.02536}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24843004}, + year = {2014}, type = {Journal Article} } -@article{RN2994, - author = {Turnham, E. J. and Braun, D. A. and Wolpert, D. M.}, - title = {Facilitation of learning induced by both random and gradual visuomotor task variation}, - journal = {J Neurophysiol}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00635.2011 [pii] -10.1152/jn.00635.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22131385}, - year = {2011}, +@article{RN3381, + author = {Glasser, M. F. and Sotiropoulos, S. N. and Wilson, J. A. and Coalson, T. S. and Fischl, B. and Andersson, J. L. and Xu, J. and Jbabdi, S. and Webster, M. and Polimeni, J. R. and Van Essen, D. C. and Jenkinson, M.}, + title = {The minimal preprocessing pipelines for the Human Connectome Project}, + journal = {Neuroimage}, + volume = {80}, + pages = {105-24}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.04.127}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23668970}, + year = {2013}, type = {Journal Article} } -@article{RN3557, - author = {Stevenson, I. H. and Kording, K. P.}, - title = {How advances in neural recording affect data analysis}, - journal = {Nat Neurosci}, - volume = {14}, - number = {2}, - pages = {139-42}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.2731}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21270781}, - year = {2011}, +@book{RN3380, + author = {Tufte, E. R.}, + title = {The visual display of quantitative information}, + publisher = {Graphics Press}, + address = {Cheshire, CT}, + year = {1983}, + type = {Book} +} + +@book{RN3379, + author = {Tukey, J. W.}, + title = {Exploratory data analysis}, + publisher = {Addison-Wesley}, + ISBN = {ISBN 0-201-07616-0}, + year = {1977}, + type = {Book} +} + +@article{RN3378, + author = {Sakai, K. and Hikosaka, O. and Nakamura, K.}, + title = {Emergence of rhythm during motor learning}, + journal = {Trends Cogn Sci}, + volume = {8}, + number = {12}, + pages = {547-53}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2004.10.005}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15556024}, + year = {2004}, type = {Journal Article} } -@article{RN3556, - author = {Stevenson, I. H. and Cherian, A. and London, B. M. and Sachs, N. A. and Lindberg, E. and Reimer, J. and Slutzky, M. W. and Hatsopoulos, N. G. and Miller, L. E. and Kording, K. P.}, - title = {Statistical assessment of the stability of neural movement representations}, +@article{RN3377, + author = {Ben-Shaul, Y. and Drori, R. and Asher, I. and Stark, E. and Nadasdy, Z. and Abeles, M.}, + title = {Neuronal activity in motor cortical areas reflects the sequential context of movement}, journal = {J Neurophysiol}, - volume = {106}, - number = {2}, - pages = {764-74}, - ISSN = {1522-1598 (Electronic) + volume = {91}, + number = {4}, + pages = {1748-62}, + ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {10.1152/jn.00626.2010}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21613593}, - year = {2011}, + DOI = {10.1152/jn.00957.2003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/14645381}, + year = {2004}, type = {Journal Article} } -@article{RN3001, - author = {Sternad, D. and Abe, M. O. and Hu, X. and Muller, H.}, - title = {Neuromotor noise, error tolerance and velocity-dependent costs in skilled performance}, - journal = {PLoS Comput Biol}, - volume = {7}, - number = {9}, - pages = {e1002159}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1002159 -09-PLCB-RA-1522 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21966262}, - year = {2011}, +@article{RN3376, + author = {Shmiel, T. and Drori, R. and Shmiel, O. and Ben-Shaul, Y. and Nadasdy, Z. and Shemesh, M. and Teicher, M. and Abeles, M.}, + title = {Neurons of the cerebral cortex exhibit precise interspike timing in correspondence to behavior}, + journal = {Proc Natl Acad Sci U S A}, + volume = {102}, + number = {51}, + pages = {18655-7}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.0509346102}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/16339894}, + year = {2005}, type = {Journal Article} } -@article{RN2978, - author = {Soteropoulos, D. S. and Edgley, S. A. and Baker, S. N.}, - title = {Lack of evidence for direct corticospinal contributions to control of the ipsilateral forelimb in monkey}, +@article{RN3375, + author = {Merchant, H. and Perez, O. and Zarco, W. and Gamez, J.}, + title = {Interval tuning in the primate medial premotor cortex as a general timing mechanism}, journal = {J Neurosci}, - volume = {31}, - number = {31}, - pages = {11208-19}, + volume = {33}, + number = {21}, + pages = {9082-96}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {31/31/11208 [pii] -10.1523/JNEUROSCI.0257-11.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21813682}, - year = {2011}, + DOI = {10.1523/JNEUROSCI.5513-12.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23699519}, + year = {2013}, type = {Journal Article} } -@article{RN3210, - author = {Shea, C. H. and Kovacs, A. J. and Panzer, S.}, - title = {The coding and inter-manual transfer of movement sequences}, - journal = {Front Psychol}, - volume = {2}, - pages = {52}, - ISSN = {1664-1078 (Electronic)}, - DOI = {10.3389/fpsyg.2011.00052}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21716583}, - year = {2011}, +@article{RN3374, + author = {Crowe, D. A. and Zarco, W. and Bartolo, R. and Merchant, H.}, + title = {Dynamic representation of the temporal and sequential structure of rhythmic movements in the primate medial premotor cortex}, + journal = {J Neurosci}, + volume = {34}, + number = {36}, + pages = {11972-83}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2177-14.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25186744}, + year = {2014}, type = {Journal Article} } -@article{RN3226, - author = {Reis, J. and Fritsch, B.}, - title = {Modulation of motor performance and motor learning by transcranial direct current stimulation}, - journal = {Curr Opin Neurol}, - volume = {24}, - number = {6}, - pages = {590-6}, - ISSN = {1473-6551 (Electronic) -1350-7540 (Linking)}, - DOI = {10.1097/WCO.0b013e32834c3db0}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21968548}, - year = {2011}, +@article{RN3373, + author = {Jin, X. and Tecuapetla, F. and Costa, R. M.}, + title = {Basal ganglia subcircuits distinctively encode the parsing and concatenation of action sequences}, + journal = {Nat Neurosci}, + volume = {17}, + number = {3}, + pages = {423-30}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3632}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24464039}, + year = {2014}, type = {Journal Article} } -@article{RN3004, - author = {Pruszynski, J. A. and Kurtzer, I. and Nashed, J. Y. and Omrani, M. and Brouwer, B. and Scott, S. H.}, - title = {Primary motor cortex underlies multi-joint integration for fast feedback control}, - journal = {Nature}, - volume = {478}, - number = {7369}, - pages = {387-90}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {nature10436 [pii] -10.1038/nature10436}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21964335}, - year = {2011}, +@article{RN3372, + author = {Debas, K. and Carrier, J. and Orban, P. and Barakat, M. and Lungu, O. and Vandewalle, G. and Hadj Tahar, A. and Bellec, P. and Karni, A. and Ungerleider, L. G. and Benali, H. and Doyon, J.}, + title = {Brain plasticity related to the consolidation of motor sequence learning and motor adaptation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {107}, + number = {41}, + pages = {17839-44}, + ISSN = {1091-6490 (Electronic) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.1013176107}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20876115}, + year = {2010}, type = {Journal Article} } -@article{RN3154, - author = {Prsa, M. and Thier, P.}, - title = {The role of the cerebellum in saccadic adaptation as a window into neural mechanisms of motor learning}, - journal = {Eur J Neurosci}, - volume = {33}, - number = {11}, - pages = {2114-28}, - ISSN = {1460-9568 (Electronic) -0953-816X (Linking)}, - DOI = {10.1111/j.1460-9568.2011.07693.x}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21645105}, - year = {2011}, +@article{RN3370, + author = {Lungu, O. and Monchi, O. and Albouy, G. and Jubault, T. and Ballarin, E. and Burnod, Y. and Doyon, J.}, + title = {Striatal and hippocampal involvement in motor sequence chunking depends on the learning strategy}, + journal = {PLoS One}, + volume = {9}, + number = {8}, + pages = {e103885}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0103885}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25148078}, + year = {2014}, type = {Journal Article} } -@article{RN3241, - author = {Orban de Xivry, J. J. and Marko, M. K. and Pekny, S. E. and Pastor, D. and Izawa, J. and Celnik, P. and Shadmehr, R.}, - title = {Stimulation of the human motor cortex alters generalization patterns of motor learning}, +@article{RN3368, + author = {Tchernichovski, O. and Mitra, P. P. and Lints, T. and Nottebohm, F.}, + title = {Dynamics of the vocal imitation process: how a zebra finch learns its song}, + journal = {Science}, + volume = {291}, + number = {5513}, + pages = {2564-9}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + DOI = {10.1126/science.1058522}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11283361}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3366, + author = {Telgen, S. and Parvin, D. and Diedrichsen, J.}, + title = {Mirror reversal and visual rotation are learned and consolidated via separate mechanisms: recalibrating or learning de novo?}, journal = {J Neurosci}, - volume = {31}, - number = {19}, - pages = {7102-10}, + volume = {34}, + number = {41}, + pages = {13768-79}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {31/19/7102 [pii] -10.1523/JNEUROSCI.0273-11.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21562272}, - year = {2011}, + DOI = {10.1523/JNEUROSCI.5306-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25297103}, + year = {2014}, type = {Journal Article} } -@article{RN2983, - author = {Oosterhof, N. N. and Wiestler, T. and Downing, P. E. and Diedrichsen, J.}, - title = {A comparison of volume-based and surface-based multi-voxel pattern analysis}, - journal = {Neuroimage}, - volume = {56}, - number = {2}, - pages = {593-600}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2010.04.270}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20621701}, - year = {2011}, +@article{RN3365, + author = {Verstynen, T. and Phillips, J. and Braun, E. and Workman, B. and Schunn, C. and Schneider, W.}, + title = {Dynamic sensorimotor planning during long-term sequence learning: the role of variability, response chunking and planning errors}, + journal = {PLoS One}, + volume = {7}, + number = {10}, + pages = {e47336}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0047336}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23056630}, + year = {2012}, type = {Journal Article} } -@article{RN3585, - author = {Nitsche, M. A. and Paulus, W.}, - title = {Transcranial direct current stimulation--update 2011}, - journal = {Restor Neurol Neurosci}, - volume = {29}, - number = {6}, - pages = {463-92}, - ISSN = {0922-6028 (Print) -0922-6028 (Linking)}, - DOI = {10.3233/rnn-2011-0618}, - url = {http://iospress.metapress.com/content/252r1135vu705h53/}, - year = {2011}, +@article{RN3364, + author = {Acuna, D. E. and Wymbs, N. F. and Reynolds, C. A. and Picard, N. and Turner, R. S. and Strick, P. L. and Grafton, S. T. and Kording, K.}, + title = {Multi-faceted aspects of chunking enable robust algorithms}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00028.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25080566}, + year = {2014}, type = {Journal Article} } -@article{RN3579, - author = {Nitsche, M. A.}, - title = {Beyond the target area: remote effects of non-invasive brain stimulation in humans}, - journal = {J Physiol}, - volume = {589}, - number = {Pt 13}, - pages = {3053-4}, - ISSN = {1469-7793 (Electronic) -0022-3751 (Linking)}, - DOI = {10.1113/jphysiol.2011.211599}, - url = {http://jp.physoc.org/content/589/13/3053 -http://jp.physoc.org/content/589/13/3053.full.pdf}, - year = {2011}, +@article{RN3363, + author = {Dombeck, D. A. and Graziano, M. S. and Tank, D. W.}, + title = {Functional clustering of neurons in motor cortex determined by cellular resolution imaging in awake behaving mice}, + journal = {J Neurosci}, + volume = {29}, + number = {44}, + pages = {13751-60}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/JNEUROSCI.2985-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19889987}, + year = {2009}, type = {Journal Article} } -@article{RN3096, - author = {Naselaris, T. and Kay, K. N. and Nishimoto, S. and Gallant, J. L.}, - title = {Encoding and decoding in fMRI}, - journal = {Neuroimage}, - volume = {56}, - number = {2}, - pages = {400-10}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2010.07.073}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20691790}, - year = {2011}, +@article{RN3362, + author = {Hahnloser, R. H. and Kozhevnikov, A. A. and Fee, M. S.}, + title = {An ultra-sparse code underlies the generation of neural sequences in a songbird}, + journal = {Nature}, + volume = {419}, + number = {6902}, + pages = {65-70}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/nature00974}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12214232}, + year = {2002}, type = {Journal Article} } -@article{RN3087, - author = {Mussa-Ivaldi, F. A. and Casadio, M. and Danziger, Z. C. and Mosier, K. M. and Scheidt, R. A.}, - title = {Sensory motor remapping of space in human-machine interfaces}, - journal = {Prog Brain Res}, - volume = {191}, - pages = {45-64}, - ISSN = {1875-7855 (Electronic) -0079-6123 (Linking)}, - DOI = {B978-0-444-53752-2.00014-X [pii] -10.1016/B978-0-444-53752-2.00014-X}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21741543}, - year = {2011}, +@article{RN3360, + author = {Ganguly, K. and Carmena, J. M.}, + title = {Emergence of a stable cortical map for neuroprosthetic control}, + journal = {PLoS Biol}, + volume = {7}, + number = {7}, + pages = {e1000153}, + ISSN = {1545-7885 (Electronic) +1544-9173 (Linking)}, + DOI = {10.1371/journal.pbio.1000153}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19621062}, + year = {2009}, type = {Journal Article} } -@article{RN3082, - author = {Martin, J. R. and Budgeon, M. K. and Zatsiorsky, V. M. and Latash, M. L.}, - title = {Stabilization of the total force in multi-finger pressing tasks studied with the 'inverse piano' technique}, - journal = {Hum Mov Sci}, - volume = {30}, - number = {3}, - pages = {446-58}, - ISSN = {1872-7646 (Electronic) -0167-9457 (Linking)}, - DOI = {S0167-9457(10)00180-6 [pii] -10.1016/j.humov.2010.08.021}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21450360}, - year = {2011}, +@article{RN3359, + author = {Komiyama, T. and Sato, T. R. and O'Connor, D. H. and Zhang, Y. X. and Huber, D. and Hooks, B. M. and Gabitto, M. and Svoboda, K.}, + title = {Learning-related fine-scale specificity imaged in motor cortex circuits of behaving mice}, + journal = {Nature}, + volume = {464}, + number = {7292}, + pages = {1182-6}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature08897}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20376005}, + year = {2010}, type = {Journal Article} } -@article{RN3593, - author = {Mahmoudi, H. and Borhani Haghighi, A. and Petramfar, P. and Jahanshahi, S. and Salehi, Z. and Fregni, F.}, - title = {Transcranial direct current stimulation: electrode montage in stroke}, - journal = {Disabil Rehabil}, - volume = {33}, - number = {15-16}, - pages = {1383-8}, - ISSN = {1464-5165 (Electronic) -0963-8288 (Linking)}, - DOI = {10.3109/09638288.2010.532283 [doi]}, - url = {http://informahealthcare.com/doi/abs/10.3109/09638288.2010.532283 -http://informahealthcare.com/doi/pdfplus/10.3109/09638288.2010.532283}, - year = {2011}, +@article{RN3358, + author = {Toni, I. and Krams, M. and Turner, R. and Passingham, R. E.}, + title = {The time course of changes during motor sequence learning: a whole-brain fMRI study}, + journal = {Neuroimage}, + volume = {8}, + number = {1}, + pages = {50-61}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.1998.0349}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9698575}, + year = {1998}, type = {Journal Article} } -@article{RN2954, - author = {Madelain, L. and Paeye, C. and Wallman, J.}, - title = {Modification of saccadic gain by reinforcement}, - journal = {J Neurophysiol}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.01094.2009 [pii] -10.1152/jn.01094.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21525366}, - year = {2011}, +@article{RN3357, + author = {Penhune, V. B. and Doyon, J.}, + title = {Dynamic cortical and subcortical networks in learning and delayed recall of timed motor sequences}, + journal = {Journal of neuroscience}, + volume = {22}, + number = {4}, + pages = {1397-406}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11850466}, + year = {2002}, type = {Journal Article} } -@article{RN3011, - author = {Ma, L. and Narayana, S. and Robin, D. A. and Fox, P. T. and Xiong, J.}, - title = {Changes occur in resting state network of motor system during 4 weeks of motor skill learning}, +@article{RN3356, + author = {Penhune, V. B. and Doyon, J.}, + title = {Cerebellum and M1 interaction during early learning of timed motor sequences}, journal = {Neuroimage}, - volume = {58}, - number = {1}, - pages = {226-33}, - ISSN = {1095-9572 (Electronic) + volume = {26}, + number = {3}, + pages = {801-12}, + ISSN = {1053-8119 (Print) 1053-8119 (Linking)}, - DOI = {S1053-8119(11)00622-7 [pii] -10.1016/j.neuroimage.2011.06.014}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21689765}, - year = {2011}, + DOI = {10.1016/j.neuroimage.2005.02.041}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15955490}, + year = {2005}, type = {Journal Article} } -@article{RN3088, - author = {Liu, X. and Mosier, K. M. and Mussa-Ivaldi, F. A. and Casadio, M. and Scheidt, R. A.}, - title = {Reorganization of finger coordination patterns during adaptation to rotation and scaling of a newly learned sensorimotor transformation}, - journal = {J Neurophysiol}, - volume = {105}, - number = {1}, - pages = {454-73}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00247.2010 [pii] -10.1152/jn.00247.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20980541}, - year = {2011}, +@article{RN3355, + author = {Miller, G. A.}, + title = {The magical number seven plus or minus two: some limits on our capacity for processing information}, + journal = {Psychol Rev}, + volume = {63}, + number = {2}, + pages = {81-97}, + ISSN = {0033-295X (Print) +0033-295X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/13310704}, + year = {1956}, type = {Journal Article} } -@article{RN3014, - author = {Li, S. and Mayhew, S. D. and Kourtzi, Z.}, - title = {Learning Shapes Spatiotemporal Brain Patterns for Flexible Categorical Decisions}, - journal = {Cereb Cortex}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhr309 [pii] -10.1093/cercor/bhr309}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22079922}, - year = {2011}, +@article{RN3354, + author = {Gobet, F. and Lane, P. C. and Croker, S. and Cheng, P. C. and Jones, G. and Oliver, I. and Pine, J. M.}, + title = {Chunking mechanisms in human learning}, + journal = {Trends Cogn Sci}, + volume = {5}, + number = {6}, + pages = {236-243}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11390294}, + year = {2001}, type = {Journal Article} } -@article{RN3037, - author = {Lally, N. and Frendo, B. and Diedrichsen, J.}, - title = {Sensory cancellation of self-movement facilitates visual motion detection}, - journal = {J Vis}, - volume = {11}, - number = {14}, - ISSN = {1534-7362 (Electronic) -1534-7362 (Linking)}, - DOI = {11.14.5 [pii] -10.1167/11.14.5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22147221}, - year = {2011}, +@article{RN3353, + author = {Hick, W. E.}, + title = {On the rate of gain of information}, + journal = {Quarterly Journal of Experimental Psychology}, + volume = {4}, + number = {1}, + pages = {11-26}, + DOI = {doi: 10.1080/17470215208416600}, + year = {1952}, type = {Journal Article} } -@article{RN3605, - author = {Kwon, Y. H. and Jang, S. H.}, - title = {The enhanced cortical activation induced by transcranial direct current stimulation during hand movements}, - journal = {Neurosci Lett}, - volume = {492}, - number = {2}, - pages = {105-8}, - ISSN = {1872-7972 (Electronic) -0304-3940 (Linking)}, - DOI = {S0304-3940(11)00112-1 [pii] -10.1016/j.neulet.2011.01.066 [doi]}, - url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-5230PY6-2-1&_cdi=4862&_user=125795&_pii=S0304394011001121&_origin=gateway&_coverDate=04%2F01%2F2011&_sk=995079997&view=c&wchp=dGLbVlW-zSkzk&md5=f5e9faffc685885d8a668d0e2709479f&ie=/sdarticle.pdf}, - year = {2011}, - type = {Journal Article} +@inbook{RN3352, + author = {Milner, B.}, + title = {Les troubles de la memoire accompagnant des lesions hippocampiques bilaterales}, + booktitle = {Physiologie de l Hippocampe, Paris: Centre National de la Recherche Scientifique}, + pages = {257–272}, + year = {1962}, + type = {Book Section} } -@article{RN3402, - author = {Kutch, J. J. and Valero-Cuevas, F. J.}, - title = {Muscle redundancy does not imply robustness to muscle dysfunction}, - journal = {J Biomech}, - volume = {44}, - number = {7}, - pages = {1264-70}, - ISSN = {1873-2380 (Electronic) -0021-9290 (Linking)}, - DOI = {10.1016/j.jbiomech.2011.02.014}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21420091}, - year = {2011}, +@article{RN3351, + author = {Gabrieli, J. D. and Corkin, S. and Mickel, S. F. and Growdon, J. H.}, + title = {Intact acquisition and long-term retention of mirror-tracing skill in Alzheimer's disease and in global amnesia}, + journal = {Behav Neurosci}, + volume = {107}, + number = {6}, + pages = {899-910}, + ISSN = {0735-7044 (Print) +0735-7044 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8136066}, + year = {1993}, type = {Journal Article} } -@article{RN2985, - author = {Kuper, M. and Thurling, M. and Stefanescu, R. and Maderwald, S. and Roths, J. and Elles, H. G. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, - title = {Evidence for a motor somatotopy in the cerebellar dentate nucleus-an fMRI study in humans}, - journal = {Hum Brain Mapp}, - ISSN = {1097-0193 (Electronic) -1065-9471 (Linking)}, - DOI = {10.1002/hbm.21400}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21938757}, - year = {2011}, +@article{RN3350, + author = {Corkin, S}, + title = {Acquisition of motor skill after bilateral medial temporal-lobe excision}, + journal = {Neuropsychologia}, + volume = {6}, + number = {3}, + pages = {255-261}, + year = {1968}, type = {Journal Article} } -@article{RN2984, - author = {Kuper, M. and Dimitrova, A. and Thurling, M. and Maderwald, S. and Roths, J. and Elles, H. G. and Gizewski, E. R. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, - title = {Evidence for a motor and a non-motor domain in the human dentate nucleus--an fMRI study}, - journal = {Neuroimage}, - volume = {54}, - number = {4}, - pages = {2612-22}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(10)01458-8 [pii] -10.1016/j.neuroimage.2010.11.028}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21081171}, - year = {2011}, - type = {Journal Article} +@book{RN3349, + author = {Schacter, D.L. and Tiulving, E.}, + title = {Memory systems 1994}, + publisher = {MIT Press}, + address = {Cambridge, MA. }, + year = {1994}, + type = {Book} } -@article{RN3625, - author = {Kriegeskorte, N.}, - title = {Pattern-information analysis: from stimulus decoding to computational-model testing}, - journal = {Neuroimage}, - volume = {56}, - number = {2}, - pages = {411-21}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2011.01.061}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/21281719}, - year = {2011}, +@article{RN3347, + author = {Leijnse, J. N.}, + title = {Measuring force transfers in the deep flexors of the musician's hand: theoretical analysis, clinical examples}, + journal = {J Biomech}, + volume = {30}, + number = {9}, + pages = {873-82}, + ISSN = {0021-9290 (Print) +0021-9290 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/9302609}, + year = {1997}, type = {Journal Article} } -@article{RN2956, - author = {Izawa, J. and Shadmehr, R.}, - title = {Learning from sensory and reward prediction errors during motor adaptation}, - journal = {PLoS Comput Biol}, - volume = {7}, - number = {3}, - pages = {e1002012}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1002012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21423711}, - year = {2011}, +@article{RN3346, + author = {Sanger, T. D.}, + title = {Optimal unsupervised motor learning for dimensionality reduction of nonlinear control systems}, + journal = {IEEE Trans Neural Netw}, + volume = {5}, + number = {6}, + pages = {965-73}, + ISSN = {1045-9227 (Print) +1045-9227 (Linking)}, + DOI = {10.1109/72.329694}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18267871}, + year = {1994}, type = {Journal Article} } -@article{RN3051, - author = {Huang, V. S. and Haith, A. and Mazzoni, P. and Krakauer, J. W.}, - title = {Rethinking motor learning and savings in adaptation paradigms: model-free memory for successful actions combines with internal models}, +@article{RN3345, + author = {Yu, W. S. and van Duinen, H. and Gandevia, S. C.}, + title = {Limits to the control of the human thumb and fingers in flexion and extension}, + journal = {J Neurophysiol}, + volume = {103}, + number = {1}, + pages = {278-89}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00797.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19889847}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3344, + author = {Lang, C. E. and Schieber, M. H.}, + title = {Human finger independence: limitations due to passive mechanical coupling versus active neuromuscular control}, + journal = {J Neurophysiol}, + volume = {92}, + number = {5}, + pages = {2802-10}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00480.2004}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15212429}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3343, + author = {Kirsch, E. and Rivlis, G. and Schieber, M. H.}, + title = {Primary Motor Cortex Neurons during Individuated Finger and Wrist Movements: Correlation of Spike Firing Rates with the Motion of Individual Digits versus Their Principal Components}, + journal = {Front Neurol}, + volume = {5}, + pages = {70}, + ISSN = {1664-2295 (Electronic) +1664-2295 (Linking)}, + DOI = {10.3389/fneur.2014.00070}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24904516}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3342, + author = {Haxby, J. V. and Connolly, A. C. and Guntupalli, J. S.}, + title = {Decoding neural representational spaces using multivariate pattern analysis}, + journal = {Annu Rev Neurosci}, + volume = {37}, + pages = {435-56}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-062012-170325}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25002277}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3341, + author = {Cisek, P.}, + title = {Making decisions through a distributed consensus}, + journal = {Curr Opin Neurobiol}, + volume = {22}, + number = {6}, + pages = {927-36}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2012.05.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22683275}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3340, + author = {Poldrack, R. A.}, + title = {Is "efficiency" a useful concept in cognitive neuroscience?}, + journal = {Dev Cogn Neurosci}, + ISSN = {1878-9307 (Electronic) +1878-9293 (Linking)}, + DOI = {10.1016/j.dcn.2014.06.001}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24981045}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3339, + author = {Picard, N. and Matsuzaka, Y. and Strick, P. L.}, + title = {Extended practice of a motor skill is associated with reduced metabolic activity in M1}, + journal = {Nat Neurosci}, + volume = {16}, + number = {9}, + pages = {1340-7}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3477}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23912947}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3338, + author = {Costa, R. M. and Cohen, D. and Nicolelis, M. A.}, + title = {Differential corticostriatal plasticity during fast and slow motor skill learning in mice}, + journal = {Curr Biol}, + volume = {14}, + number = {13}, + pages = {1124-34}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {10.1016/j.cub.2004.06.053}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15242609}, + year = {2004}, + type = {Journal Article} +} + +@article{RN3337, + author = {Wymbs, N. F. and Bassett, D. S. and Mucha, P. J. and Porter, M. A. and Grafton, S. T.}, + title = {Differential recruitment of the sensorimotor putamen and frontoparietal cortex during motor chunking in humans}, journal = {Neuron}, - volume = {70}, - number = {4}, - pages = {787-801}, + volume = {74}, + number = {5}, + pages = {936-46}, ISSN = {1097-4199 (Electronic) 0896-6273 (Linking)}, - DOI = {S0896-6273(11)00338-2 [pii] -10.1016/j.neuron.2011.04.012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21609832}, + DOI = {10.1016/j.neuron.2012.03.038}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22681696}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3336, + author = {Wymbs, N. F. and Grafton, S. T.}, + title = {The Human Motor System Supports Sequence-Specific Representations over Multiple Training-Dependent Timescales}, + journal = {Cereb Cortex}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhu144}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24969473}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3335, + author = {Shmuelof, L. and Krakauer, J. W.}, + title = {Recent insights into perceptual and motor skill learning}, + journal = {Front Hum Neurosci}, + volume = {8}, + pages = {683}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2014.00683}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/25232311}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3334, + author = {Costa, R. M.}, + title = {A selectionist account of de novo action learning}, + journal = {Curr Opin Neurobiol}, + volume = {21}, + number = {4}, + pages = {579-86}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {10.1016/j.conb.2011.05.004}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21641793}, year = {2011}, type = {Journal Article} } -@article{RN2955, - author = {Hosp, J. A. and Pekanovic, A. and Rioult-Pedotti, M. S. and Luft, A. R.}, - title = {Dopaminergic projections from midbrain to primary motor cortex mediate motor skill learning}, - journal = {J Neurosci}, - volume = {31}, +@article{RN3333, + author = {Shmuelof, L. and Krakauer, J. W. and Mazzoni, P.}, + title = {How is a motor skill learned? Change and invariance at the levels of task success and trajectory control}, + journal = {J Neurophysiol}, + volume = {108}, + number = {2}, + pages = {578-94}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00856.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22514286}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3332, + author = {Shmuelof, L. and Yang, J. and Caffo, B. and Mazzoni, P. and Krakauer, J. W.}, + title = {The neural correlates of learned motor acuity}, + journal = {J Neurophysiol}, + volume = {112}, + number = {4}, + pages = {971-80}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00897.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24848466}, + year = {2014}, + type = {Journal Article} +} + +@article{RN3331, + author = {Stoodley, C. J. and Schmahmann, J. D.}, + title = {Evidence for topographic organization in the cerebellum of motor control versus cognitive and affective processing}, + journal = {Cortex}, + volume = {46}, number = {7}, - pages = {2481-7}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/7/2481 [pii] -10.1523/JNEUROSCI.5411-10.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21325515}, - year = {2011}, + pages = {831-44}, + ISSN = {1973-8102 (Electronic) +0010-9452 (Linking)}, + DOI = {10.1016/j.cortex.2009.11.008}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20152963}, + year = {2010}, type = {Journal Article} } -@article{RN3003, - author = {Hatsopoulos, N. G. and Suminski, A. J.}, - title = {Sensing with the motor cortex}, - journal = {Neuron}, - volume = {72}, - number = {3}, - pages = {477-87}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(11)00932-9 [pii] -10.1016/j.neuron.2011.10.020}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22078507}, - year = {2011}, +@article{RN3330, + author = {Stoodley, C. J. and Valera, E. M. and Schmahmann, J. D.}, + title = {An fMRI study of intra-individual functional topography in the human cerebellum}, + journal = {Behav Neurol}, + volume = {23}, + number = {1-2}, + pages = {65-79}, + ISSN = {1875-8584 (Electronic) +0953-4180 (Linking)}, + DOI = {10.3233/BEN-2010-0268}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/20714062}, + year = {2010}, type = {Journal Article} } -@article{RN3219, - author = {Gruetzmacher, N. and Panzer, S. and Blandin, Y. and Shea, C. H.}, - title = {Observation and physical practice: coding of simple motor sequences}, - journal = {Q J Exp Psychol (Hove)}, - volume = {64}, - number = {6}, - pages = {1111-23}, - ISSN = {1747-0226 (Electronic) -1747-0218 (Linking)}, - DOI = {10.1080/17470218.2010.543286}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21302186}, - year = {2011}, +@article{RN3329, + author = {Stoodley, C. J. and Valera, E. M. and Schmahmann, J. D.}, + title = {Functional topography of the cerebellum for motor and cognitive tasks: an fMRI study}, + journal = {Neuroimage}, + volume = {59}, + number = {2}, + pages = {1560-70}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2011.08.065}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21907811}, + year = {2012}, type = {Journal Article} } -@article{RN3126, - author = {Griffin, D. M. and Hudson, H. M. and Belhaj-Saif, A. and Cheney, P. D.}, - title = {Hijacking cortical motor output with repetitive microstimulation}, - journal = {J Neurosci}, - volume = {31}, - number = {37}, - pages = {13088-96}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/37/13088 [pii] -10.1523/JNEUROSCI.6322-10.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21917792}, - year = {2011}, +@article{RN3328, + author = {Slobounov, S. and Johnston, J. and Chiang, H. and Ray, W. J.}, + title = {Motor-related cortical potentials accompanying enslaving effect in single versus combination of fingers force production tasks}, + journal = {Clin Neurophysiol}, + volume = {113}, + number = {9}, + pages = {1444-53}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12169327}, + year = {2002}, type = {Journal Article} } -@article{RN3404, - author = {Gallivan, J. P. and McLean, D. A. and Smith, F. W. and Culham, J. C.}, - title = {Decoding effector-dependent and effector-independent movement intentions from human parieto-frontal brain activity}, - journal = {J Neurosci}, - volume = {31}, - number = {47}, - pages = {17149-68}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.1058-11.2011}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/22114283}, - year = {2011}, +@article{RN3327, + author = {Slobounov, S. and Johnston, J. and Chiang, H. and Ray, W.}, + title = {The role of sub-maximal force production in the enslaving phenomenon}, + journal = {Brain Res}, + volume = {954}, + number = {2}, + pages = {212-9}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12414104}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3326, + author = {Park, S. W. and Dijkstra, T. M. and Sternad, D.}, + title = {Learning to never forget-time scales and specificity of long-term memory of a motor skill}, + journal = {Front Comput Neurosci}, + volume = {7}, + pages = {111}, + ISSN = {1662-5188 (Electronic) +1662-5188 (Linking)}, + DOI = {10.3389/fncom.2013.00111}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24032015}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3324, + author = {Lemon, R. N.}, + title = {Variety of functional organization within the monkey motor cortex}, + journal = {J Physiol}, + volume = {311}, + pages = {521-40}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7264982}, + year = {1981}, + type = {Journal Article} +} + +@article{RN3323, + author = {Lemon, R. N.}, + title = {Functional properties of monkey motor cortex neurones receiving afferent input from the hand and fingers}, + journal = {J Physiol}, + volume = {311}, + pages = {497-519}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7264981}, + year = {1981}, + type = {Journal Article} +} + +@article{RN3322, + author = {Rosen, I. and Asanuma, H.}, + title = {Peripheral afferent inputs to the forelimb area of the monkey motor cortex: input-output relations}, + journal = {Exp Brain Res}, + volume = {14}, + number = {3}, + pages = {257-73}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/4626361}, + year = {1972}, type = {Journal Article} } -@article{RN2981, - author = {Galea, J. M. and Vazquez, A. and Pasricha, N. and Orban de Xivry, J. J. and Celnik, P.}, - title = {Dissociating the Roles of the Cerebellum and Motor Cortex during Adaptive Learning: The Motor Cortex Retains What the Cerebellum Learns}, - journal = {Cereb Cortex}, - volume = {21}, - number = {8}, - pages = {1761-70}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhq246 [pii] -10.1093/cercor/bhq246}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21139077}, - year = {2011}, - type = {Journal Article} +@book{RN3321, + author = {Hocking, R. R.}, + title = {Methods and applications of linear models}, + publisher = {Wiley & son}, + address = {New York}, + series = {Wiley series in probability and statistics}, + year = {1996}, + type = {Book} } -@article{RN3195, - author = {Freeman, J. and Brouwer, G. J. and Heeger, D. J. and Merriam, E. P.}, - title = {Orientation decoding depends on maps, not columns}, - journal = {J Neurosci}, - volume = {31}, - number = {13}, - pages = {4792-804}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/13/4792 [pii] -10.1523/JNEUROSCI.5160-10.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21451017}, - year = {2011}, +@article{RN3319, + author = {Mahalanobis}, + title = {On the generalized distance in statistics}, + journal = {Proceedings of the National Institute of Sciences}, + volume = {2}, + pages = {49-55}, + year = {1936}, type = {Journal Article} } -@article{RN2992, - author = {Fautrelle, L. and Pichat, C. and Ricolfi, F. and Peyrin, C. and Bonnetblanc, F.}, - title = {Catching falling objects: the role of the cerebellum in processing sensory-motor errors that may influence updating of feedforward commands. An fMRI study}, - journal = {Neuroscience}, - volume = {190}, - pages = {135-44}, - ISSN = {1873-7544 (Electronic) -0306-4522 (Linking)}, - DOI = {S0306-4522(11)00718-4 [pii] -10.1016/j.neuroscience.2011.06.034}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21718759}, - year = {2011}, +@article{RN3317, + author = {Ben-Hur, A. and Ong, C. S. and Sonnenburg, S. and Scholkopf, B. and Ratsch, G.}, + title = {Support vector machines and kernels for computational biology}, + journal = {PLoS Comput Biol}, + volume = {4}, + number = {10}, + pages = {e1000173}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000173}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18974822}, + year = {2008}, type = {Journal Article} } -@article{RN3021, - author = {Draganski, B. and Ashburner, J. and Hutton, C. and Kherif, F. and Frackowiak, R. S. and Helms, G. and Weiskopf, N.}, - title = {Regional specificity of MRI contrast parameter changes in normal ageing revealed by voxel-based quantification (VBQ)}, +@article{RN3316, + author = {Allefeld, C. and Haynes, J. D.}, + title = {Searchlight-based multi-voxel pattern analysis of fMRI by cross-validated MANOVA}, journal = {Neuroimage}, - volume = {55}, - number = {4}, - pages = {1423-34}, + volume = {89}, + pages = {345-57}, ISSN = {1095-9572 (Electronic) 1053-8119 (Linking)}, - DOI = {S1053-8119(11)00088-7 [pii] -10.1016/j.neuroimage.2011.01.052}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21277375}, - year = {2011}, + DOI = {10.1016/j.neuroimage.2013.11.043}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24296330}, + year = {2014}, type = {Journal Article} } -@article{RN3033, - author = {Diedrichsen, J. and Ridgway, G. R. and Friston, K. J. and Wiestler, T.}, - title = {Comparing the similarity and spatial structure of neural representations: a pattern-component model}, +@article{RN3315, + author = {Fabbri, S. and Strnad, L. and Caramazza, A. and Lingnau, A.}, + title = {Overlapping representations for grip type and reach direction}, journal = {Neuroimage}, - volume = {55}, - number = {4}, - pages = {1665-78}, + volume = {94}, + pages = {138-46}, ISSN = {1095-9572 (Electronic) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2011.01.044}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21256225}, - year = {2011}, + DOI = {10.1016/j.neuroimage.2014.03.017}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24650596}, + year = {2014}, type = {Journal Article} } -@article{RN2942, - author = {Diedrichsen, J. and Maderwald, S. and Kuper, M. and Thurling, M. and Rabe, K. and Gizewski, E. R. and Ladd, M. E. and Timmann, D.}, - title = {Imaging the deep cerebellar nuclei: a probabilistic atlas and normalization procedure}, - journal = {Neuroimage}, - volume = {54}, +@article{RN3313, + author = {Vul, E. and Harris, C. and Winkielman, P. and Pashler, H.}, + title = {Puzzelingly high correlatations in fMRI studies on emotion, personality, and social cognition}, + journal = {Perspectives on Psychological Science}, + volume = {4}, number = {3}, - pages = {1786-94}, + pages = {274-283}, + year = {2009}, + type = {Journal Article} +} + +@article{RN3312, + author = {Stelzer, J. and Chen, Y. and Turner, R.}, + title = {Statistical inference and multiple testing correction in classification-based multi-voxel pattern analysis (MVPA): random permutations and cluster size control}, + journal = {Neuroimage}, + volume = {65}, + pages = {69-82}, ISSN = {1095-9572 (Electronic) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2010.10.035}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20965257}, - year = {2011}, + DOI = {10.1016/j.neuroimage.2012.09.063}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23041526}, + year = {2013}, type = {Journal Article} } -@article{RN3020, - author = {Dayan, E. and Cohen, L. G.}, - title = {Neuroplasticity subserving motor skill learning}, - journal = {Neuron}, - volume = {72}, - number = {3}, - pages = {443-54}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(11)00918-4 [pii] -10.1016/j.neuron.2011.10.008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22078504}, - year = {2011}, +@article{RN3310, + author = {Kraskov, A. and Philipp, R. and Waldert, S. and Vigneswaran, G. and Quallo, M. M. and Lemon, R. N.}, + title = {Corticospinal mirror neurons}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {369}, + number = {1644}, + pages = {20130174}, + ISSN = {1471-2970 (Electronic) +0962-8436 (Linking)}, + DOI = {10.1098/rstb.2013.0174}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24778371}, + year = {2014}, type = {Journal Article} } -@article{RN3334, - author = {Costa, R. M.}, - title = {A selectionist account of de novo action learning}, - journal = {Curr Opin Neurobiol}, - volume = {21}, - number = {4}, - pages = {579-86}, - ISSN = {1873-6882 (Electronic) -0959-4388 (Linking)}, - DOI = {10.1016/j.conb.2011.05.004}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21641793}, - year = {2011}, +@article{RN3308, + author = {Gitton, Y. and Cohen-Tannoudji, M. and Wassef, M.}, + title = {Specification of somatosensory area identity in cortical explants}, + journal = {J Neurosci}, + volume = {19}, + number = {12}, + pages = {4889-98}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10366623}, + year = {1999}, type = {Journal Article} } -@article{RN3206, - author = {Corbett, E.A. and Perreault, E.J. and Kuiken, T.A.}, - title = {A Comparison of EMG and Force as Interfaces for Prosthetic Control}, - journal = {Journal of Rehabilitation Research and Development}, - volume = {48}, +@article{RN3306, + author = {Donoghue, M. J. and Rakic, P.}, + title = {Molecular gradients and compartments in the embryonic primate cerebral cortex}, + journal = {Cereb Cortex}, + volume = {9}, number = {6}, - pages = {629-642}, - year = {2011}, + pages = {586-600}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10498277}, + year = {1999}, type = {Journal Article} } -@article{RN2958, - author = {Christensen, A. and Ilg, W. and Giese, M. A.}, - title = {Spatiotemporal tuning of the facilitation of biological motion perception by concurrent motor execution}, - journal = {J Neurosci}, - volume = {31}, - number = {9}, - pages = {3493-9}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/9/3493 [pii] -10.1523/JNEUROSCI.4277-10.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21368061}, - year = {2011}, +@article{RN3305, + author = {Rosa, M. G. and Tweedale, R.}, + title = {Brain maps, great and small: lessons from comparative studies of primate visual cortical organization}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {360}, + number = {1456}, + pages = {665-91}, + ISSN = {0962-8436 (Print) +0962-8436 (Linking)}, + DOI = {10.1098/rstb.2005.1626}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15937007}, + year = {2005}, type = {Journal Article} } -@article{RN2990, - author = {Chen, Y. and Namburi, P. and Elliott, L. T. and Heinzle, J. and Soon, C. S. and Chee, M. W. and Haynes, J. D.}, - title = {Cortical surface-based searchlight decoding}, - journal = {Neuroimage}, - volume = {56}, - number = {2}, - pages = {582-92}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(10)01008-6 [pii] -10.1016/j.neuroimage.2010.07.035}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20656043}, - year = {2011}, +@article{RN3304, + author = {Durbin, R. and Mitchison, G.}, + title = {A dimension reduction framework for understanding cortical maps}, + journal = {Nature}, + volume = {343}, + number = {6259}, + pages = {644-7}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/343644a0}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/2304536}, + year = {1990}, + type = {Journal Article} +} + +@article{RN3303, + author = {Santello, M. and Flanders, M. and Soechting, J. F.}, + title = {Postural hand synergies for tool use}, + journal = {J Neurosci}, + volume = {18}, + number = {23}, + pages = {10105-15}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/9822764}, + year = {1998}, type = {Journal Article} } -@article{RN3628, - author = {Chaimow, D. and Yacoub, E. and Ugurbil, K. and Shmuel, A.}, - title = {Modeling and analysis of mechanisms underlying fMRI-based decoding of information conveyed in cortical columns}, - journal = {Neuroimage}, - volume = {56}, - number = {2}, - pages = {627-42}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2010.09.037}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/20868757}, - year = {2011}, +@article{RN3302, + author = {Santello, M. and Flanders, M. and Soechting, J. F.}, + title = {Patterns of hand motion during grasping and the influence of sensory guidance}, + journal = {J Neurosci}, + volume = {22}, + number = {4}, + pages = {1426-35}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11850469}, + year = {2002}, type = {Journal Article} } -@article{RN3208, - author = {Buckner, R. L. and Krienen, F. M. and Castellanos, A. and Diaz, J. C. and Yeo, B. T.}, - title = {The organization of the human cerebellum estimated by intrinsic functional connectivity}, +@article{RN3301, + author = {Mollazadeh, M. and Aggarwal, V. and Thakor, N. V. and Schieber, M. H.}, + title = {Principal components of hand kinematics and neurophysiological signals in motor cortex during reach to grasp movements}, journal = {J Neurophysiol}, - volume = {106}, - number = {5}, - pages = {2322-45}, ISSN = {1522-1598 (Electronic) 0022-3077 (Linking)}, - DOI = {10.1152/jn.00339.2011}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21795627}, - year = {2011}, + DOI = {10.1152/jn.00481.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24990564}, + year = {2014}, type = {Journal Article} } -@article{RN3583, - author = {Bolognini, N. and Vallar, G. and Casati, C. and Latif, L. A. and El-Nazer, R. and Williams, J. and Banco, E. and Macea, D. D. and Tesio, L. and Chessa, C. and Fregni, F.}, - title = {Neurophysiological and behavioral effects of tDCS combined with constraint-induced movement therapy in poststroke patients}, - journal = {Neurorehabil Neural Repair}, - volume = {25}, - number = {9}, - pages = {819-29}, - ISSN = {1552-6844 (Electronic) -1545-9683 (Linking)}, - DOI = {1545968311411056 [pii] -10.1177/1545968311411056 [doi]}, - url = {http://nnr.sagepub.com/content/25/9/819.full.pdf}, - year = {2011}, +@article{RN3300, + author = {Nili, H. and Wingfield, C. and Walther, A. and Su, L. and Marslen-Wilson, W. and Kriegeskorte, N.}, + title = {A toolbox for representational similarity analysis}, + journal = {PLoS Comput Biol}, + volume = {10}, + number = {4}, + pages = {e1003553}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1003553}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24743308}, + year = {2014}, type = {Journal Article} } -@article{RN3122, - author = {Berkes, P. and Orban, G. and Lengyel, M. and Fiser, J.}, - title = {Spontaneous cortical activity reveals hallmarks of an optimal internal model of the environment}, - journal = {Science}, - volume = {331}, - number = {6013}, - pages = {83-7}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {331/6013/83 [pii] -10.1126/science.1195870}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21212356}, - year = {2011}, +@article{RN3299, + author = {Ruitenberg, M. F. and Verwey, W. B. and Schutter, D. J. and Abrahamse, E. L.}, + title = {Cognitive and neural foundations of discrete sequence skill: a TMS study}, + journal = {Neuropsychologia}, + volume = {56}, + pages = {229-38}, + ISSN = {1873-3514 (Electronic) +0028-3932 (Linking)}, + DOI = {10.1016/j.neuropsychologia.2014.01.014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24486768}, + year = {2014}, type = {Journal Article} } -@article{RN2949, - author = {Balsters, J. H. and Ramnani, N.}, - title = {Cerebellar plasticity and the automation of first-order rules}, - journal = {J Neurosci}, - volume = {31}, - number = {6}, - pages = {2305-12}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {31/6/2305 [pii] -10.1523/JNEUROSCI.4358-10.2011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21307266}, - year = {2011}, +@article{RN3298, + author = {Nitsche, M. A. and Paulus, W.}, + title = {Sustained excitability elevations induced by transcranial DC motor cortex stimulation in humans}, + journal = {Neurology}, + volume = {57}, + number = {10}, + pages = {1899-901}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11723286}, + year = {2001}, type = {Journal Article} } -@article{RN3281, - author = {Baker, S. N.}, - title = {The primate reticulospinal tract, hand function and functional recovery}, - journal = {J Physiol}, - volume = {589}, - number = {Pt 23}, - pages = {5603-12}, - ISSN = {1469-7793 (Electronic) -0022-3751 (Linking)}, - DOI = {10.1113/jphysiol.2011.215160}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/21878519}, - year = {2011}, +@article{RN3297, + author = {Vul, E. and Pashler, H.}, + title = {Voodoo and circularity errors}, + journal = {Neuroimage}, + volume = {62}, + number = {2}, + pages = {945-8}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.01.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22270348}, + year = {2012}, type = {Journal Article} } -@article{RN2953, - author = {Abe, M. and Schambra, H. and Wassermann, E. M. and Luckenbaugh, D. and Schweighofer, N. and Cohen, L. G.}, - title = {Reward Improves Long-Term Retention of a Motor Memory through Induction of Offline Memory Gains}, - journal = {Curr Biol}, - volume = {21}, - number = {7}, - pages = {557-62}, - ISSN = {1879-0445 (Electronic) -0960-9822 (Linking)}, - DOI = {S0960-9822(11)00221-1 [pii] -10.1016/j.cub.2011.02.030}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21419628}, - year = {2011}, +@article{RN3296, + author = {Vul, E. and Pashler, H.}, + title = {Voodoo and circularity errors}, + journal = {Neuroimage}, + volume = {62}, + number = {2}, + pages = {945-8}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2012.01.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22270348}, + year = {2012}, type = {Journal Article} } -@article{RN2878, - author = {Ziemann, U.}, - title = {TMS in cognitive neuroscience: virtual lesion and beyond}, - journal = {Cortex}, - volume = {46}, - number = {1}, - pages = {124-7}, - ISSN = {1973-8102 (Electronic) -0010-9452 (Linking)}, - DOI = {S0010-9452(09)00099-9 [pii] -10.1016/j.cortex.2009.02.020}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19344895}, - year = {2010}, +@article{RN3295, + author = {Reid, C. S. and Serrien, D. J.}, + title = {Primary motor cortex and ipsilateral control: A TMS study}, + journal = {Neuroscience}, + volume = {270C}, + pages = {20-26}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {10.1016/j.neuroscience.2014.04.005}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24726982}, + year = {2014}, type = {Journal Article} } -@article{RN3345, - author = {Yu, W. S. and van Duinen, H. and Gandevia, S. C.}, - title = {Limits to the control of the human thumb and fingers in flexion and extension}, - journal = {J Neurophysiol}, - volume = {103}, - number = {1}, - pages = {278-89}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00797.2009}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19889847}, - year = {2010}, - type = {Journal Article} +@misc{RN3294, + year = {2014}, + type = {Conference Paper} } -@misc{RN2979, - year = {2010}, - type = {Conference Paper} +@article{RN3293, + author = {Kuo, H. I. and Bikson, M. and Datta, A. and Minhas, P. and Paulus, W. and Kuo, M. F. and Nitsche, M. A.}, + title = {Comparing cortical plasticity induced by conventional and high-definition 4 x 1 ring tDCS: a neurophysiological study}, + journal = {Brain Stimul}, + volume = {6}, + number = {4}, + pages = {644-8}, + ISSN = {1935-861X (Print)}, + DOI = {10.1016/j.brs.2012.09.010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23149292}, + year = {2013}, + type = {Journal Article} } -@article{RN2967, - author = {Yedimenko, J. A. and Perez, M. A.}, - title = {The effect of bilateral isometric forces in different directions on motor cortical function in humans}, - journal = {J Neurophysiol}, - volume = {104}, - number = {6}, - pages = {2922-31}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00020.2010 [pii] -10.1152/jn.00020.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20668276}, - year = {2010}, +@article{RN3292, + author = {Peters, J. and Chen, S. X. and Komiyama, T.}, + title = {Emergence of reproducible spatiotemporal acitivity patterns during motor learning}, + journal = {Nature}, + year = {2014}, type = {Journal Article} } -@article{RN3586, - author = {Williams, J. A. and Pascual-Leone, A. and Fregni, F.}, - title = {Interhemispheric modulation induced by cortical stimulation and motor training}, - journal = {Phys Ther}, - volume = {90}, - number = {3}, - pages = {398-410}, - ISSN = {1538-6724 (Electronic) -0031-9023 (Linking)}, - DOI = {ptj.20090075 [pii] -10.2522/ptj.20090075 [doi]}, - url = {http://ptjournal.apta.org/content/90/3/398.full.pdf}, - year = {2010}, +@article{RN3291, + author = {Lindenberg, R. and Zhu, L. L. and Schlaug, G.}, + title = {Combined central and peripheral stimulation to facilitate motor recovery after stroke: the effect of number of sessions on outcome}, + journal = {Neurorehabil Neural Repair}, + volume = {26}, + number = {5}, + pages = {479-83}, + ISSN = {1552-6844 (Electronic) +1545-9683 (Linking)}, + DOI = {10.1177/1545968311427568}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22258156}, + year = {2012}, type = {Journal Article} } -@article{RN2944, - author = {White, O. and Diedrichsen, J.}, - title = {Responsibility assignment in redundant systems}, - journal = {Curr Biol}, - volume = {20}, - number = {14}, - pages = {1290-5}, - ISSN = {1879-0445 (Electronic) -0960-9822 (Linking)}, - DOI = {S0960-9822(10)00774-8 [pii] -10.1016/j.cub.2010.05.069}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20598886}, - year = {2010}, +@article{RN3290, + author = {Lee, S. J. and Chun, M. H.}, + title = {Combination transcranial direct current stimulation and virtual reality therapy for upper extremity training in patients with subacute stroke}, + journal = {Arch Phys Med Rehabil}, + volume = {95}, + number = {3}, + pages = {431-8}, + ISSN = {1532-821X (Electronic) +0003-9993 (Linking)}, + DOI = {10.1016/j.apmr.2013.10.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24239790}, + year = {2014}, type = {Journal Article} } -@article{RN3600, - author = {Vernieri, F. and Assenza, G. and Maggio, P. and Tibuzzi, F. and Zappasodi, F. and Altamura, C. and Corbetto, M. and Trotta, L. and Palazzo, P. and Ercolani, M. and Tecchio, F. and Rossini, P. M.}, - title = {Cortical neuromodulation modifies cerebral vasomotor reactivity}, - journal = {Stroke}, - volume = {41}, - number = {9}, - pages = {2087-90}, - ISSN = {1524-4628 (Electronic) -0039-2499 (Linking)}, - DOI = {STROKEAHA.110.583088 [pii] -10.1161/STROKEAHA.110.583088 [doi]}, - url = {http://stroke.ahajournals.org/cgi/reprint/41/9/2087.pdf}, - year = {2010}, +@article{RN3289, + author = {Wu, H. G. and Miyamoto, Y. R. and Gonzalez Castro, L. N. and Olveczky, B. P. and Smith, M. A.}, + title = {Temporal structure of motor variability is dynamically regulated and predicts motor learning ability}, + journal = {Nat Neurosci}, + volume = {17}, + number = {2}, + pages = {312-21}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3616}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24413700}, + year = {2014}, type = {Journal Article} } -@article{RN3420, - author = {Van Pelt, S. and Toni, I. and Diedrichsen, J. and Medendorp, W. P.}, - title = {Repetition suppression dissociates spatial frames of reference in human saccade generation}, - journal = {J Neurophysiol}, - volume = {104}, - number = {3}, - pages = {1239-48}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00393.2010}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/20592124}, - year = {2010}, +@article{RN3288, + author = {Koch, I. and Hoffmann, J.}, + title = {Patterns, chunks, and hierarchies in serial reaction-time tasks}, + journal = {Psychol Res}, + volume = {63}, + number = {1}, + pages = {22-35}, + ISSN = {0340-0727 (Print) +0340-0727 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10743384}, + year = {2000}, type = {Journal Article} } -@article{RN2881, - author = {Utz, K. S. and Dimova, V. and Oppenlander, K. and Kerkhoff, G.}, - title = {Electrified minds: Transcranial direct current stimulation (tDCS) and Galvanic Vestibular Stimulation (GVS) as methods of non-invasive brain stimulation in neuropsychology-A review of current data and future implications}, - journal = {Neuropsychologia}, - volume = {48}, - number = {10}, - pages = {2789-2810}, - ISSN = {1873-3514 (Electronic) -0028-3932 (Linking)}, - DOI = {S0028-3932(10)00231-9 [pii] -10.1016/j.neuropsychologia.2010.06.002}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20542047}, - year = {2010}, +@article{RN3287, + author = {Jimenez, L.}, + title = {Taking patterns for chunks: is there any evidence of chunk learning in continuous serial reaction-time tasks?}, + journal = {Psychol Res}, + volume = {72}, + number = {4}, + pages = {387-96}, + ISSN = {0340-0727 (Print) +0340-0727 (Linking)}, + DOI = {10.1007/s00426-007-0121-7}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17647014}, + year = {2008}, type = {Journal Article} } -@article{RN3189, - author = {Timmann, D. and Daum, I.}, - title = {How consistent are cognitive impairments in patients with cerebellar disorders?}, - journal = {Behav Neurol}, - volume = {23}, - number = {1-2}, - pages = {81-100}, - ISSN = {1875-8584 (Electronic) -0953-4180 (Linking)}, - DOI = {QJ7R0RR90671J803 [pii] -10.3233/BEN-2010-0271}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20714063}, - year = {2010}, +@article{RN3286, + author = {Ali, F. and Otchy, T. M. and Pehlevan, C. and Fantana, A. L. and Burak, Y. and Olveczky, B. P.}, + title = {The basal ganglia is necessary for learning spectral, but not temporal, features of birdsong}, + journal = {Neuron}, + volume = {80}, + number = {2}, + pages = {494-506}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {10.1016/j.neuron.2013.07.049}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24075977}, + year = {2013}, type = {Journal Article} } -@article{RN2925, - author = {Swisher, J. D. and Gatenby, J. C. and Gore, J. C. and Wolfe, B. A. and Moon, C. H. and Kim, S. G. and Tong, F.}, - title = {Multiscale pattern analysis of orientation-selective activity in the primary visual cortex}, - journal = {J Neurosci}, - volume = {30}, - number = {1}, - pages = {325-30}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {30/1/325 [pii] -10.1523/JNEUROSCI.4811-09.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20053913}, - year = {2010}, +@article{RN3285, + author = {Abrahamse, E. L. and Ruitenberg, M. F. and de Kleine, E. and Verwey, W. B.}, + title = {Control of automated behavior: insights from the discrete sequence production task}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {82}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00082}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23515430}, + year = {2013}, type = {Journal Article} } -@article{RN3330, - author = {Stoodley, C. J. and Valera, E. M. and Schmahmann, J. D.}, - title = {An fMRI study of intra-individual functional topography in the human cerebellum}, - journal = {Behav Neurol}, - volume = {23}, - number = {1-2}, - pages = {65-79}, - ISSN = {1875-8584 (Electronic) -0953-4180 (Linking)}, - DOI = {10.3233/BEN-2010-0268}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/20714062}, - year = {2010}, +@article{RN3284, + author = {Laje, R. and Buonomano, D. V.}, + title = {Robust timing and motor patterns by taming chaos in recurrent neural networks}, + journal = {Nat Neurosci}, + volume = {16}, + number = {7}, + pages = {925-33}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {10.1038/nn.3405}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23708144}, + year = {2013}, type = {Journal Article} } -@article{RN3331, - author = {Stoodley, C. J. and Schmahmann, J. D.}, - title = {Evidence for topographic organization in the cerebellum of motor control versus cognitive and affective processing}, - journal = {Cortex}, - volume = {46}, - number = {7}, - pages = {831-44}, - ISSN = {1973-8102 (Electronic) -0010-9452 (Linking)}, - DOI = {10.1016/j.cortex.2009.11.008}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/20152963}, - year = {2010}, +@article{RN3283, + author = {Schieber, M. H. and Lang, C. E. and Reilly, K. T. and McNulty, P. and Sirigu, A.}, + title = {Selective activation of human finger muscles after stroke or amputation}, + journal = {Adv Exp Med Biol}, + volume = {629}, + pages = {559-75}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + DOI = {10.1007/978-0-387-77064-2_30}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19227521}, + year = {2009}, type = {Journal Article} } -@article{RN2842, - author = {Steele, C. J. and Penhune, V. B.}, - title = {Specific increases within global decreases: a functional magnetic resonance imaging investigation of five days of motor sequence learning}, +@article{RN3282, + author = {Riddle, C. N. and Edgley, S. A. and Baker, S. N.}, + title = {Direct and indirect connections with upper limb motoneurons from the primate reticulospinal tract}, journal = {J Neurosci}, - volume = {30}, - number = {24}, - pages = {8332-41}, + volume = {29}, + number = {15}, + pages = {4993-9}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {30/24/8332 [pii] -10.1523/JNEUROSCI.5569-09.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20554884}, - year = {2010}, + DOI = {10.1523/JNEUROSCI.3720-08.2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19369568}, + year = {2009}, type = {Journal Article} } -@article{RN2906, - author = {Shadmehr, R. and Smith, M. A. and Krakauer, J. W.}, - title = {Error correction, sensory prediction, and adaptation in motor control}, - journal = {Annu Rev Neurosci}, - volume = {33}, - pages = {89-108}, - ISSN = {1545-4126 (Electronic) -0147-006X (Linking)}, - DOI = {10.1146/annurev-neuro-060909-153135}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20367317}, - year = {2010}, +@article{RN3281, + author = {Baker, S. N.}, + title = {The primate reticulospinal tract, hand function and functional recovery}, + journal = {J Physiol}, + volume = {589}, + number = {Pt 23}, + pages = {5603-12}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2011.215160}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21878519}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3280, + author = {de Berker, A. O. and Bikson, M. and Bestmann, S.}, + title = {Predicting the behavioral impact of transcranial direct current stimulation: issues and limitations}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {613}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00613}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24109445}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3279, + author = {Haith, A. M. and Krakauer, J. W.}, + title = {Model-based and model-free mechanisms of human motor learning}, + journal = {Adv Exp Med Biol}, + volume = {782}, + pages = {1-21}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + DOI = {10.1007/978-1-4614-5465-6_1}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23296478}, + year = {2013}, type = {Journal Article} } -@article{RN3167, - author = {Shadmehr, R. and Orban de Xivry, J. J. and Xu-Wilson, M. and Shih, T. Y.}, - title = {Temporal discounting of reward and the cost of time in motor control}, +@article{RN3278, + author = {Wiestler, T. and Waters-Metenier, S. and Diedrichsen, J.}, + title = {Effector-independent motor sequence representations exist in extrinsic and intrinsic reference frames}, journal = {J Neurosci}, - volume = {30}, - number = {31}, - pages = {10507-16}, + volume = {34}, + number = {14}, + pages = {5054-64}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {30/31/10507 [pii] -10.1523/JNEUROSCI.1343-10.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20685993}, - year = {2010}, + DOI = {10.1523/JNEUROSCI.5363-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24695723}, + year = {2014}, type = {Journal Article} } -@article{RN3166, - author = {Shadmehr, R.}, - title = {Control of movements and temporal discounting of reward}, - journal = {Curr Opin Neurobiol}, - volume = {20}, - number = {6}, - pages = {726-30}, - ISSN = {1873-6882 (Electronic) -0959-4388 (Linking)}, - DOI = {S0959-4388(10)00137-6 [pii] -10.1016/j.conb.2010.08.017}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20833031}, - year = {2010}, +@article{RN3276, + author = {Manley, H. and Dayan, P. and Diedrichsen, J.}, + title = {When money is not enough: awareness, success, and variability in motor learning}, + journal = {PLoS One}, + volume = {9}, + number = {1}, + pages = {e86580}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0086580}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24489746}, + year = {2014}, type = {Journal Article} } -@article{RN2938, - author = {Sehm, B. and Perez, M. A. and Xu, B. and Hidler, J. and Cohen, L. G.}, - title = {Functional neuroanatomy of mirroring during a unimanual force generation task}, - journal = {Cereb Cortex}, - volume = {20}, - number = {1}, - pages = {34-45}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhp075 [pii] -10.1093/cercor/bhp075}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19435709}, - year = {2010}, +@article{RN3275, + author = {Callaghan, M F and Freund, P and Draganski, B. and Anderson, E. and Cappelletti, M. and Chowdhury, R. and Diedrichsen, J. and Fitzgerald, T.G. and Smittenaar, P. and Helms, G. and Lutti, A. and Weiskopf, N.}, + title = {Wide-spread age-related differences in human brain microstructure revealed by quantitative MRI}, + journal = {Neurobiol Aging}, + year = {in press}, type = {Journal Article} } -@article{RN2890, - author = {Schlerf, J. E. and Verstynen, T. D. and Ivry, R. B. and Spencer, R. M.}, - title = {Evidence of a novel somatopic map in the human neocerebellum during complex actions}, +@article{RN3272, + author = {Wang, J. and Sainburg, R. L.}, + title = {Interlimb transfer of novel inertial dynamics is asymmetrical}, journal = {J Neurophysiol}, - volume = {103}, - number = {6}, - pages = {3330-6}, - ISSN = {1522-1598 (Electronic) + volume = {92}, + number = {1}, + pages = {349-60}, + ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {jn.01117.2009 [pii] -10.1152/jn.01117.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20393055}, - year = {2010}, + DOI = {10.1152/jn.00960.2003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/15028745}, + year = {2004}, type = {Journal Article} } -@article{RN2891, - author = {Sanchez-Panchuelo, R. M. and Francis, S. and Bowtell, R. and Schluppeck, D.}, - title = {Mapping human somatosensory cortex in individual subjects with 7T functional MRI}, +@article{RN3271, + author = {Dizio, P. and Lackner, J. R.}, + title = {Motor adaptation to Coriolis force perturbations of reaching movements: endpoint but not trajectory adaptation transfers to the nonexposed arm}, journal = {J Neurophysiol}, - volume = {103}, - number = {5}, - pages = {2544-56}, - ISSN = {1522-1598 (Electronic) + volume = {74}, + number = {4}, + pages = {1787-92}, + ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {01017.2009 [pii] -10.1152/jn.01017.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20164393}, - year = {2010}, - type = {Journal Article} -} - -@article{RN2762, - author = {Salmi, Juha and Pallesen, Karen Johanne and Neuvonen, Tuomas and Brattico, Elvira and Korvenoja, Antti and Salonen, Oili}, - title = {Cognitive and Motor Loops of the Human Cerebro-cerebellar System}, - journal = {Journal of Cognitive Neuroscience}, - volume = {xx}, - pages = {1-14}, - year = {2010}, - type = {Journal Article} -} - -@article{RN3102, - author = {Rokach, Lior}, - title = {Ensemble-based classifiers}, - journal = {Artificial Intelligence Review}, - volume = {33}, - pages = {1-39}, - DOI = {10.1007/s10462-009-9124-7}, - year = {2010}, - type = {Journal Article} -} - -@article{RN3055, - author = {Roelfsema, P. R. and van Ooyen, A. and Watanabe, T.}, - title = {Perceptual learning rules based on reinforcers and attention}, - journal = {Trends Cogn Sci}, - volume = {14}, - number = {2}, - pages = {64-71}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - DOI = {S1364-6613(09)00261-7 [pii] -10.1016/j.tics.2009.11.005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20060771}, - year = {2010}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8989414}, + year = {1995}, type = {Journal Article} } -@article{RN2965, - author = {Reichenbach, A. and Bresciani, J. P. and Peer, A. and Bulthoff, H. H. and Thielscher, A.}, - title = {Contributions of the PPC to Online Control of Visually Guided Reaching Movements Assessed with fMRI-Guided TMS}, - journal = {Cereb Cortex}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhq225 [pii] -10.1093/cercor/bhq225}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21084453}, - year = {2010}, - type = {Journal Article} +@inbook{RN3268, + author = {Diedrichsen, J. and Bastian, A. J.}, + title = {Cerebellar Function}, + booktitle = {The cognitive Neurosciences, fifth edition}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT press}, + address = {Cambridge, MA}, + pages = {451-460}, + year = {2014}, + type = {Book Section} } -@article{RN3151, - author = {Prsa, M. and Dicke, P. W. and Thier, P.}, - title = {The absence of eye muscle fatigue indicates that the nervous system compensates for non-motor disturbances of oculomotor function}, - journal = {J Neurosci}, - volume = {30}, - number = {47}, - pages = {15834-42}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {30/47/15834 [pii] -10.1523/JNEUROSCI.3901-10.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21106822}, - year = {2010}, +@article{RN3267, + author = {Yousif, N. and Diedrichsen, J.}, + title = {Structural learning in feedforward and feedback control}, + journal = {J Neurophysiol}, + volume = {108}, + number = {9}, + pages = {2373-82}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00315.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22896725}, + year = {2012}, type = {Journal Article} } -@article{RN2934, - author = {Prevosto, V. and Graf, W. and Ugolini, G.}, - title = {Cerebellar inputs to intraparietal cortex areas LIP and MIP: functional frameworks for adaptive control of eye movements, reaching, and arm/eye/head movement coordination}, - journal = {Cereb Cortex}, - volume = {20}, - number = {1}, - pages = {214-28}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhp091 [pii] -10.1093/cercor/bhp091}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19465740}, - year = {2010}, +@article{RN3266, + author = {Diedrichsen, J. and Wiestler, T. and Ejaz, N.}, + title = {A multivariate method to determine the dimensionality of neural representation from population activity}, + journal = {Neuroimage}, + volume = {76}, + pages = {225-35}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2013.02.062}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23523802}, + year = {2013}, type = {Journal Article} } -@article{RN3040, - author = {Oosterhof, N. N. and Wiggett, A. J. and Diedrichsen, J. and Tipper, S. P. and Downing, P. E.}, - title = {Surface-based information mapping reveals crossmodal vision-action representations in human parietal and occipitotemporal cortex}, +@article{RN3265, + author = {Reichenbach, A. and Costello, A. and Zatka-Haas, P. and Diedrichsen, J.}, + title = {Mechanisms of responsibility assignment during redundant reaching movements}, journal = {J Neurophysiol}, - volume = {104}, - number = {2}, - pages = {1077-89}, + volume = {109}, + number = {8}, + pages = {2021-8}, ISSN = {1522-1598 (Electronic) 0022-3077 (Linking)}, - DOI = {10.1152/jn.00326.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20538772}, - year = {2010}, - type = {Journal Article} -} - -@article{RN2971, - author = {Oliveira, F. T. and Diedrichsen, J. and Verstynen, T. and Duque, J. and Ivry, R. B.}, - title = {Transcranial magnetic stimulation of posterior parietal cortex affects decisions of hand choice}, - journal = {Proc Natl Acad Sci U S A}, - volume = {107}, - number = {41}, - pages = {17751-6}, - ISSN = {1091-6490 (Electronic) -0027-8424 (Linking)}, - DOI = {1006223107 [pii] -10.1073/pnas.1006223107}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20876098}, - year = {2010}, + DOI = {10.1152/jn.01052.2012}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23365179}, + year = {2013}, type = {Journal Article} } -@article{RN2911, - author = {Misaki, M. and Kim, Y. and Bandettini, P. A. and Kriegeskorte, N.}, - title = {Comparison of multivariate classifiers and response normalizations for pattern-information fMRI}, - journal = {Neuroimage}, - volume = {53}, - number = {1}, - pages = {103-18}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2010.05.051}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20580933}, - year = {2010}, +@article{RN3264, + author = {Stefanescu, M. R. and Thurling, M. and Maderwald, S. and Wiestler, T. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, + title = {A 7T fMRI study of cerebellar activation in sequential finger movement tasks}, + journal = {Exp Brain Res}, + volume = {228}, + number = {2}, + pages = {243-54}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-013-3558-5}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23732948}, + year = {2013}, type = {Journal Article} } -@article{RN3012, - author = {Ma, L. and Wang, B. and Narayana, S. and Hazeltine, E. and Chen, X. and Robin, D. A. and Fox, P. T. and Xiong, J.}, - title = {Changes in regional activity are accompanied with changes in inter-regional connectivity during 4 weeks motor learning}, - journal = {Brain Res}, - volume = {1318}, - pages = {64-76}, - ISSN = {1872-6240 (Electronic) -0006-8993 (Linking)}, - DOI = {S0006-8993(09)02771-1 [pii] -10.1016/j.brainres.2009.12.073}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20051230}, - year = {2010}, +@article{RN3263, + author = {Hammerbeck, U. and Yousif, N. and Greenwood, R. and Rothwell, J. C. and Diedrichsen, J.}, + title = {Movement speed is biased by prior experience}, + journal = {J Neurophysiol}, + volume = {111}, + number = {1}, + pages = {128-34}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00522.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24133220}, + year = {2014}, type = {Journal Article} } -@article{RN2932, - author = {Lindenberg, R. and Renga, V. and Zhu, L. L. and Nair, D. and Schlaug, G.}, - title = {Bihemispheric brain stimulation facilitates motor recovery in chronic stroke patients}, - journal = {Neurology}, - volume = {75}, - number = {24}, - pages = {2176-84}, - ISSN = {1526-632X (Electronic) -0028-3878 (Linking)}, - DOI = {WNL.0b013e318202013a [pii] -10.1212/WNL.0b013e318202013a}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21068427}, - year = {2010}, +@article{RN3262, + author = {Smittenaar, P. and Prichard, G. and Fitzgerald, T. H. and Diedrichsen, J. and Dolan, R. J.}, + title = {Transcranial direct current stimulation of right dorsolateral prefrontal cortex does not affect model-based or model-free reinforcement learning in humans}, + journal = {PLoS One}, + volume = {9}, + number = {1}, + pages = {e86850}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0086850}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24475185}, + year = {2014}, type = {Journal Article} } -@article{RN3239, - author = {Lee, M. and Hinder, M. R. and Gandevia, S. C. and Carroll, T. J.}, - title = {The ipsilateral motor cortex contributes to cross-limb transfer of performance gains after ballistic motor practice}, - journal = {J Physiol}, - volume = {588}, - number = {Pt 1}, - pages = {201-12}, - ISSN = {1469-7793 (Electronic) -0022-3751 (Linking)}, - DOI = {10.1113/jphysiol.2009.183855}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19917563}, - year = {2010}, +@article{RN3261, + author = {Waters-Metenier, S. and Husain, M. and Wiestler, T. and Diedrichsen, J.}, + title = {Bihemispheric transcranial direct current stimulation enhances effector-independent representations of motor synergy and sequence learning}, + journal = {J Neurosci}, + volume = {34}, + number = {3}, + pages = {1037-50}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {10.1523/jneurosci.2282-13.2014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24431461}, + year = {2014}, type = {Journal Article} } -@article{RN3643, - author = {Kriegeskorte, N. and Cusack, R. and Bandettini, P.}, - title = {How does an fMRI voxel sample the neuronal activity pattern: compact-kernel or complex spatiotemporal filter?}, +@article{RN3260, + author = {Rehme, A. K. and Eickhoff, S. B. and Grefkes, C.}, + title = {State-dependent differences between functional and effective connectivity of the human cortical motor system}, journal = {Neuroimage}, - volume = {49}, - number = {3}, - pages = {1965-76}, + volume = {67}, + pages = {237-46}, ISSN = {1095-9572 (Electronic) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2009.09.059}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/19800408}, - year = {2010}, - type = {Journal Article} -} - -@article{RN3211, - author = {Kovacs, A. J. and Boyle, J. and Grutmatcher, N. and Shea, C. H.}, - title = {Coding of on-line and pre-planned movement sequences}, - journal = {Acta Psychol (Amst)}, - volume = {133}, - number = {2}, - pages = {119-26}, - ISSN = {1873-6297 (Electronic) -0001-6918 (Linking)}, - DOI = {10.1016/j.actpsy.2009.10.007}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19939342}, - year = {2010}, + DOI = {10.1016/j.neuroimage.2012.11.027}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23201364}, + year = {2013}, type = {Journal Article} } -@article{RN3359, - author = {Komiyama, T. and Sato, T. R. and O'Connor, D. H. and Zhang, Y. X. and Huber, D. and Hooks, B. M. and Gabitto, M. and Svoboda, K.}, - title = {Learning-related fine-scale specificity imaged in motor cortex circuits of behaving mice}, - journal = {Nature}, - volume = {464}, - number = {7292}, - pages = {1182-6}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {10.1038/nature08897}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/20376005}, - year = {2010}, +@article{RN3259, + author = {Garrido, L. and Vaziri-Pashkam, M. and Nakayama, K. and Wilmer, J.}, + title = {The consequences of subtracting the mean pattern in fMRI multivariate correlation analyses}, + journal = {Front Neurosci}, + volume = {7}, + pages = {174}, + ISSN = {1662-4548 (Print) +1662-453X (Linking)}, + DOI = {10.3389/fnins.2013.00174}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24137107}, + year = {2013}, type = {Journal Article} } -@article{RN2939, - author = {Hummel, F. C. and Heise, K. and Celnik, P. and Floel, A. and Gerloff, C. and Cohen, L. G.}, - title = {Facilitating skilled right hand motor function in older subjects by anodal polarization over the left primary motor cortex}, - journal = {Neurobiol Aging}, - volume = {31}, - number = {12}, - pages = {2160-8}, - ISSN = {1558-1497 (Electronic) -0197-4580 (Linking)}, - DOI = {S0197-4580(08)00422-3 [pii] -10.1016/j.neurobiolaging.2008.12.008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19201066}, - year = {2010}, +@article{RN3258, + author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, + title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, + journal = {Neuroimage}, + volume = {12}, + number = {2}, + pages = {196-208}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.2000.0609}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10913325}, + year = {2000}, type = {Journal Article} } -@article{RN3201, - author = {Hudson, T. E. and Tassinari, H. and Landy, M. S.}, - title = {Compensation for changing motor uncertainty}, - journal = {PLoS Comput Biol}, - volume = {6}, - number = {11}, - pages = {e1000982}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1000982}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21079679}, - year = {2010}, +@article{RN3257, + author = {Yang, Y. and Lisberger, S. G.}, + title = {Interaction of plasticity and circuit organization during the acquisition of cerebellum-dependent motor learning}, + journal = {Elife}, + volume = {2}, + number = {0}, + pages = {e01574}, + ISSN = {2050-084X (Electronic)}, + DOI = {10.7554/eLife.01574}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24381248}, + year = {2013}, type = {Journal Article} } -@article{RN2977, - author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, - title = {Context-dependent partitioning of motor learning in bimanual movements}, - journal = {J Neurophysiol}, - volume = {104}, - number = {4}, - pages = {2082-91}, - ISSN = {1522-1598 (Electronic) -0022-3077 (Linking)}, - DOI = {jn.00299.2010 [pii] -10.1152/jn.00299.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20685927}, - year = {2010}, +@article{RN3256, + author = {Harville, D. A.}, + title = {Maximum Likelihood Approaches to Variance Component Estimation and to Related Problems}, + journal = {Journal of the American Statistical Association}, + volume = {72}, + number = {358}, + pages = {320-338}, + DOI = {10.1080/01621459.1977.10480998}, + url = { http://www.tandfonline.com/doi/abs/10.1080/01621459.1977.10480998}, + year = {1977}, type = {Journal Article} } -@article{RN3649, - author = {Hasson, U. and Malach, R. and Heeger, D. J.}, - title = {Reliability of cortical activity during natural stimulation}, - journal = {Trends Cogn Sci}, - volume = {14}, +@article{RN3255, + author = {Friston, K. and Mattout, J. and Trujillo-Barreto, N. and Ashburner, J. and Penny, W.}, + title = {Variational free energy and the Laplace approximation}, + journal = {Neuroimage}, + volume = {34}, number = {1}, - pages = {40-8}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - DOI = {10.1016/j.tics.2009.10.011}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/20004608}, - year = {2010}, - type = {Journal Article} -} - -@article{RN3133, - author = {Hart, C. B. and Giszter, S. F.}, - title = {A neural basis for motor primitives in the spinal cord}, - journal = {J Neurosci}, - volume = {30}, - number = {4}, - pages = {1322-36}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {30/4/1322 [pii] -10.1523/JNEUROSCI.5894-08.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20107059}, - year = {2010}, + pages = {220-34}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2006.08.035}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17055746}, + year = {2007}, type = {Journal Article} } -@article{RN3052, - author = {Glascher, J. and Daw, N. and Dayan, P. and O'Doherty, J. P.}, - title = {States versus rewards: dissociable neural prediction error signals underlying model-based and model-free reinforcement learning}, - journal = {Neuron}, - volume = {66}, - number = {4}, - pages = {585-95}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(10)00287-4 [pii] -10.1016/j.neuron.2010.04.016}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20510862}, - year = {2010}, +@article{RN3254, + author = {Picard, N. and Strick, P. L.}, + title = {Imaging the premotor areas}, + journal = {Curr Opin Neurobiol}, + volume = {11}, + number = {6}, + pages = {663-72}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/11741015}, + year = {2001}, type = {Journal Article} } -@article{RN2991, - author = {Gentner, R. and Gorges, S. and Weise, D. and aufm Kampe, K. and Buttmann, M. and Classen, J.}, - title = {Encoding of motor skill in the corticomuscular system of musicians}, - journal = {Curr Biol}, - volume = {20}, - number = {20}, - pages = {1869-74}, - ISSN = {1879-0445 (Electronic) -0960-9822 (Linking)}, - DOI = {S0960-9822(10)01163-2 [pii] -10.1016/j.cub.2010.09.045}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20951047}, - year = {2010}, +@article{RN3253, + author = {Picard, N. and Strick, P. L.}, + title = {Motor areas of the medial wall: a review of their location and functional activation}, + journal = {Cereb Cortex}, + volume = {6}, + number = {3}, + pages = {342-53}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8670662}, + year = {1996}, type = {Journal Article} } -@article{RN2933, - author = {Fritsch, B. and Reis, J. and Martinowich, K. and Schambra, H. M. and Ji, Y. and Cohen, L. G. and Lu, B.}, - title = {Direct current stimulation promotes BDNF-dependent synaptic plasticity: potential implications for motor learning}, - journal = {Neuron}, - volume = {66}, - number = {2}, - pages = {198-204}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(10)00238-2 [pii] -10.1016/j.neuron.2010.03.035}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20434997}, - year = {2010}, +@article{RN3251, + author = {Armatas, C. A. and Summers, J. J. and Bradshaw, J. L.}, + title = {Mirror movements in normal adult subjects}, + journal = {J Clin Exp Neuropsychol}, + volume = {16}, + number = {3}, + pages = {405-13}, + ISSN = {1380-3395 (Print) +1380-3395 (Linking)}, + DOI = {10.1080/01688639408402651}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7929708}, + year = {1994}, type = {Journal Article} } -@article{RN2960, - author = {Eisenberg, M. and Shmuelof, L. and Vaadia, E. and Zohary, E.}, - title = {Functional organization of human motor cortex: directional selectivity for movement}, - journal = {J Neurosci}, - volume = {30}, - number = {26}, - pages = {8897-905}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {30/26/8897 [pii] -10.1523/JNEUROSCI.0007-10.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20592212}, - year = {2010}, +@article{RN3250, + author = {Cincotta, M. and Ziemann, U.}, + title = {Neurophysiology of unimanual motor control and mirror movements}, + journal = {Clin Neurophysiol}, + volume = {119}, + number = {4}, + pages = {744-62}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {10.1016/j.clinph.2007.11.047}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/18187362}, + year = {2008}, type = {Journal Article} } -@article{RN2805, - author = {Diedrichsen, J. and White, O. and Newman, D. and Lally, N.}, - title = {Use-dependent and error-based learning of motor behaviors}, - journal = {J Neurosci}, - volume = {30}, - number = {15}, - pages = {5159-66}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {30/15/5159 [pii] -10.1523/JNEUROSCI.5406-09.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20392938}, - year = {2010}, +@article{RN3249, + author = {Schaefer, S. Y. and Shelly, I. L. and Thoroughman, K. A.}, + title = {Beside the point: motor adaptation without feedback-based error correction in task-irrelevant conditions}, + journal = {J Neurophysiol}, + volume = {107}, + number = {4}, + pages = {1247-56}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00273.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22157120}, + year = {2012}, type = {Journal Article} } -@article{RN2867, - author = {Diedrichsen, J. and Verstynen, T. and Schlerf, J. and Wiestler, T.}, - title = {Advances in functional imaging of the human cerebellum}, - journal = {Curr Opin Neurol}, - volume = {23}, - number = {4}, - pages = {382-7}, - ISSN = {1473-6551 (Electronic) -1080-8248 (Linking)}, - DOI = {10.1097/WCO.0b013e32833be837}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20581682}, - year = {2010}, +@article{RN3248, + author = {Boutin, A. and Badets, A. and Salesse, R. N. and Fries, U. and Panzer, S. and Blandin, Y.}, + title = {Practice makes transfer of motor skills imperfect}, + journal = {Psychol Res}, + volume = {76}, + number = {5}, + pages = {611-25}, + ISSN = {1430-2772 (Electronic) +0340-0727 (Linking)}, + DOI = {10.1007/s00426-011-0355-2}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21671102}, + year = {2012}, type = {Journal Article} } -@article{RN2768, - author = {Diedrichsen, J. and Shadmehr, R. and Ivry, R. B.}, - title = {The coordination of movement: optimal feedback control and beyond}, - journal = {Trends Cogn Sci}, - volume = {14}, - number = {1}, - pages = {31-9}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - DOI = {S1364-6613(09)00258-7 [pii] -10.1016/j.tics.2009.11.004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20005767}, - year = {2010}, +@article{RN3247, + author = {Boutin, A. and Panzer, S. and Salesse, R. N. and Blandin, Y.}, + title = {Testing promotes effector transfer}, + journal = {Acta Psychol (Amst)}, + volume = {141}, + number = {3}, + pages = {400-7}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2012.09.014}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23098907}, + year = {2012}, type = {Journal Article} } -@article{RN3372, - author = {Debas, K. and Carrier, J. and Orban, P. and Barakat, M. and Lungu, O. and Vandewalle, G. and Hadj Tahar, A. and Bellec, P. and Karni, A. and Ungerleider, L. G. and Benali, H. and Doyon, J.}, - title = {Brain plasticity related to the consolidation of motor sequence learning and motor adaptation}, - journal = {Proc Natl Acad Sci U S A}, - volume = {107}, - number = {41}, - pages = {17839-44}, - ISSN = {1091-6490 (Electronic) -0027-8424 (Linking)}, - DOI = {10.1073/pnas.1013176107}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/20876115}, - year = {2010}, +@article{RN3243, + author = {Diedrichsen, J. and Wiestler, T. and Krakauer, J. W.}, + title = {Two distinct ipsilateral cortical representations for individuated finger movements}, + journal = {Cereb Cortex}, + volume = {23}, + number = {6}, + pages = {1362-77}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {10.1093/cercor/bhs120}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/22610393}, + year = {2013}, type = {Journal Article} } -@article{RN2828, - author = {Criscimagna-Hemminger, S. E. and Bastian, A. J. and Shadmehr, R.}, - title = {Size of Error Affects Cerebellar Contributions to Motor Learning}, +@article{RN3242, + author = {Hammerbeck, U. and Yousif, N. and Greenwood, R. J. and Rothwell, J. C. and Diedrichsen, J.}, + title = {Movement speed is biased by prior experience}, journal = {J Neurophysiol}, ISSN = {1522-1598 (Electronic) 0022-3077 (Linking)}, - DOI = {00822.2009 [pii] -10.1152/jn.00822.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20164398 -http://jn.physiology.org/cgi/content/abstract/103/4/2275}, - year = {2010}, - type = {Journal Article} -} - -@article{RN2948, - author = {Coynel, D. and Marrelec, G. and Perlbarg, V. and Pelegrini-Issac, M. and Van de Moortele, P. F. and Ugurbil, K. and Doyon, J. and Benali, H. and Lehericy, S.}, - title = {Dynamics of motor-related functional integration during motor sequence learning}, - journal = {Neuroimage}, - volume = {49}, - number = {1}, - pages = {759-66}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(09)00939-2 [pii] -10.1016/j.neuroimage.2009.08.048}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19716894}, - year = {2010}, + DOI = {10.1152/jn.00522.2013}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/24133220}, + year = {2013}, type = {Journal Article} } -@article{RN3553, - author = {Churchland, M. M. and Yu, B. M. and Cunningham, J. P. and Sugrue, L. P. and Cohen, M. R. and Corrado, G. S. and Newsome, W. T. and Clark, A. M. and Hosseini, P. and Scott, B. B. and Bradley, D. C. and Smith, M. A. and Kohn, A. and Movshon, J. A. and Armstrong, K. M. and Moore, T. and Chang, S. W. and Snyder, L. H. and Lisberger, S. G. and Priebe, N. J. and Finn, I. M. and Ferster, D. and Ryu, S. I. and Santhanam, G. and Sahani, M. and Shenoy, K. V.}, - title = {Stimulus onset quenches neural variability: a widespread cortical phenomenon}, - journal = {Nat Neurosci}, - volume = {13}, - number = {3}, - pages = {369-78}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {10.1038/nn.2501}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/20173745}, - year = {2010}, +@article{RN3241, + author = {Orban de Xivry, J. J. and Marko, M. K. and Pekny, S. E. and Pastor, D. and Izawa, J. and Celnik, P. and Shadmehr, R.}, + title = {Stimulation of the human motor cortex alters generalization patterns of motor learning}, + journal = {J Neurosci}, + volume = {31}, + number = {19}, + pages = {7102-10}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/19/7102 [pii] +10.1523/JNEUROSCI.0273-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21562272}, + year = {2011}, type = {Journal Article} } -@article{RN2937, - author = {Censor, N. and Dimyan, M. A. and Cohen, L. G.}, - title = {Modification of existing human motor memories is enabled by primary cortical processing during memory reactivation}, - journal = {Curr Biol}, - volume = {20}, - number = {17}, - pages = {1545-9}, - ISSN = {1879-0445 (Electronic) -0960-9822 (Linking)}, - DOI = {S0960-9822(10)00998-X [pii] -10.1016/j.cub.2010.07.047}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20817532}, - year = {2010}, +@article{RN3240, + author = {Parlow, S. E. and Dewey, D.}, + title = {The temporal locus of transfer of training between hands: an interference study}, + journal = {Behav Brain Res}, + volume = {46}, + number = {1}, + pages = {1-8}, + ISSN = {0166-4328 (Print) +0166-4328 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/1786110}, + year = {1991}, type = {Journal Article} } -@article{RN2963, - author = {Bisley, J. W. and Goldberg, M. E.}, - title = {Attention, intention, and priority in the parietal lobe}, - journal = {Annu Rev Neurosci}, - volume = {33}, - pages = {1-21}, - ISSN = {1545-4126 (Electronic) -0147-006X (Linking)}, - DOI = {10.1146/annurev-neuro-060909-152823}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20192813}, +@article{RN3239, + author = {Lee, M. and Hinder, M. R. and Gandevia, S. C. and Carroll, T. J.}, + title = {The ipsilateral motor cortex contributes to cross-limb transfer of performance gains after ballistic motor practice}, + journal = {J Physiol}, + volume = {588}, + number = {Pt 1}, + pages = {201-12}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {10.1113/jphysiol.2009.183855}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19917563}, year = {2010}, type = {Journal Article} } -@article{RN2905, - author = {Bestmann, S. and Swayne, O. and Blankenburg, F. and Ruff, C. C. and Teo, J. and Weiskopf, N. and Driver, J. and Rothwell, J. C. and Ward, N. S.}, - title = {The role of contralesional dorsal premotor cortex after stroke as studied with concurrent TMS-fMRI}, - journal = {J Neurosci}, - volume = {30}, - number = {36}, - pages = {11926-37}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {30/36/11926 [pii] -10.1523/JNEUROSCI.5642-09.2010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20826657}, - year = {2010}, +@article{RN3238, + author = {Romei, V. and Thut, G. and Ramos-Estebanez, C. and Pascual-Leone, A.}, + title = {M1 contributes to the intrinsic but not the extrinsic components of motor-skills}, + journal = {Cortex}, + volume = {45}, + number = {9}, + pages = {1058-64}, + ISSN = {1973-8102 (Electronic) +0010-9452 (Linking)}, + DOI = {10.1016/j.cortex.2009.01.003}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19243742}, + year = {2009}, type = {Journal Article} } -@article{RN2807, - author = {Balsters, J. H. and Cussans, E. and Diedrichsen, J. and Phillips, K. A. and Preuss, T. M. and Rilling, J. K. and Ramnani, N.}, - title = {Evolution of the cerebellar cortex: the selective expansion of prefrontal-projecting cerebellar lobules}, - journal = {Neuroimage}, - volume = {49}, - number = {3}, - pages = {2045-52}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(09)01116-1 [pii] -10.1016/j.neuroimage.2009.10.045}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19857577}, - year = {2010}, +@article{RN3237, + author = {Ruddy, K. L. and Carson, R. G.}, + title = {Neural pathways mediating cross education of motor function}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {397}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00397}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/23908616}, + year = {2013}, type = {Journal Article} } -@article{RN2830, - author = {Astafiev, S. V. and Snyder, A. Z. and Shulman, G. L. and Corbetta, M.}, - title = {Comment on "Modafinil shifts human locus coeruleus to low-tonic, high-phasic activity during functional MRI" and "Homeostatic sleep pressure and responses to sustained attention in the suprachiasmatic area"}, - journal = {Science}, - volume = {328}, - number = {5976}, - pages = {309; author reply 309}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {328/5976/309-a [pii] -10.1126/science.1177200}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20395497}, - year = {2010}, +@article{RN3235, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Differential relation of discharge in primary motor cortex and premotor cortex to movements versus actively maintained postures during a reaching task}, + journal = {Exp Brain Res}, + volume = {108}, + number = {1}, + pages = {45-61}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/8721154}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3234, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Prior information in motor and premotor cortex: activity during the delay period and effect on pre-movement activity}, + journal = {J Neurophysiol}, + volume = {84}, + number = {2}, + pages = {986-1005}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10938322}, + year = {2000}, type = {Journal Article} } @@ -4489,2202 +4824,2303 @@ @article{RN3233 type = {Journal Article} } -@article{RN3146, - author = {Zilles, K. and Amunts, K.}, - title = {Receptor mapping: architecture of the human cerebral cortex}, - journal = {Curr Opin Neurol}, - volume = {22}, +@article{RN3231, + author = {Wu, W. and Hatsopoulos, N. G.}, + title = {Coordinate system representations of movement direction in the premotor cortex}, + journal = {Exp Brain Res}, + volume = {176}, number = {4}, - pages = {331-9}, - ISSN = {1473-6551 (Electronic) -1350-7540 (Linking)}, - DOI = {10.1097/WCO.0b013e32832d95db}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19512925}, - year = {2009}, + pages = {652-7}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-006-0818-7}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17180398}, + year = {2007}, type = {Journal Article} } -@article{RN3552, - author = {Yu, B. M. and Cunningham, J. P. and Santhanam, G. and Ryu, S. I. and Shenoy, K. V. and Sahani, M.}, - title = {Gaussian-process factor analysis for low-dimensional single-trial analysis of neural population activity}, +@article{RN3230, + author = {Imamizu, H. and Shimojo, S.}, + title = {The locus of visual-motor learning at the task or manipulator level: implications from intermanual transfer}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {21}, + number = {4}, + pages = {719-33}, + ISSN = {0096-1523 (Print) +0096-1523 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/7643045}, + year = {1995}, + type = {Journal Article} +} + +@article{RN3229, + author = {Stanley, J. and Krakauer, J. W.}, + title = {Motor skill depends on knowledge of facts}, + journal = {Front Hum Neurosci}, + volume = {7}, + pages = {503}, + ISSN = {1662-5161 (Electronic) +1662-5161 (Linking)}, + DOI = {10.3389/fnhum.2013.00503}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=24009571}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3227, + author = {van Beers, R. J. and Brenner, E. and Smeets, J. B.}, + title = {Random walk of motor planning in task-irrelevant dimensions}, journal = {J Neurophysiol}, - volume = {102}, - number = {1}, - pages = {614-35}, - ISSN = {0022-3077 (Print) + volume = {109}, + number = {4}, + pages = {969-77}, + ISSN = {1522-1598 (Electronic) 0022-3077 (Linking)}, - DOI = {10.1152/jn.90941.2008}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19357332}, - year = {2009}, + DOI = {jn.00706.2012 [pii] +10.1152/jn.00706.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23175799}, + year = {2013}, type = {Journal Article} } -@article{RN2940, - author = {Xu, L. and Johnson, T. D. and Nichols, T. E. and Nee, D. E.}, - title = {Modeling inter-subject variability in FMRI activation location: a Bayesian hierarchical spatial model}, - journal = {Biometrics}, - volume = {65}, - number = {4}, - pages = {1041-51}, - ISSN = {1541-0420 (Electronic) -0006-341X (Linking)}, - DOI = {BIOM1190 [pii] -10.1111/j.1541-0420.2008.01190.x}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19210732}, - year = {2009}, +@article{RN3226, + author = {Reis, J. and Fritsch, B.}, + title = {Modulation of motor performance and motor learning by transcranial direct current stimulation}, + journal = {Curr Opin Neurol}, + volume = {24}, + number = {6}, + pages = {590-6}, + ISSN = {1473-6551 (Electronic) +1350-7540 (Linking)}, + DOI = {10.1097/WCO.0b013e32834c3db0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21968548}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3225, + author = {Kriegeskorte, N. and Kievit, R. A.}, + title = {Representational geometry: integrating cognition, computation, and the brain}, + journal = {Trends Cogn Sci}, + volume = {17}, + number = {8}, + pages = {401-12}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2013.06.007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23876494}, + year = {2013}, + type = {Journal Article} +} + +@article{RN3224, + author = {Todd, M. T. and Nystrom, L. E. and Cohen, J. D.}, + title = {Confounds in multivariate pattern analysis: Theory and rule representation case study}, + journal = {Neuroimage}, + volume = {77}, + pages = {157-65}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(13)00288-7 [pii] +10.1016/j.neuroimage.2013.03.039}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23558095}, + year = {2013}, type = {Journal Article} } -@article{RN3013, - author = {Xiong, J. and Ma, L. and Wang, B. and Narayana, S. and Duff, E. P. and Egan, G. F. and Fox, P. T.}, - title = {Long-term motor training induced changes in regional cerebral blood flow in both task and resting states}, - journal = {Neuroimage}, - volume = {45}, - number = {1}, - pages = {75-82}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(08)01218-4 [pii] -10.1016/j.neuroimage.2008.11.016}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19100845}, - year = {2009}, +@article{RN3223, + author = {Penhune, V. B.}, + title = {Neural encoding of movement sequences in the human brain}, + journal = {Trends Cogn Sci}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {S1364-6613(13)00173-3 [pii] +10.1016/j.tics.2013.08.008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23973185}, + year = {2013}, type = {Journal Article} } -@article{RN2650, - author = {Wymbs, N. F. and Grafton, S. T.}, - title = {Neural substrates of practice structure that support future off-line learning}, - journal = {J Neurophysiol}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19692514 }, - year = {2009}, +@article{RN3222, + author = {Wiestler, T. and Diedrichsen, J.}, + title = {Skill learning strengthens cortical representations of motor sequences}, + journal = {Elife}, + volume = {2}, + pages = {e00801}, + ISSN = {2050-084X (Electronic)}, + DOI = {10.7554/eLife.00801}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23853714}, + year = {2013}, type = {Journal Article} } -@article{RN2884, - author = {Wipf, D. and Nagarajan, S.}, - title = {A unified Bayesian framework for MEG/EEG source imaging}, +@article{RN3221, + author = {Klein, A. and Andersson, J. and Ardekani, B. A. and Ashburner, J. and Avants, B. and Chiang, M. C. and Christensen, G. E. and Collins, D. L. and Gee, J. and Hellier, P. and Song, J. H. and Jenkinson, M. and Lepage, C. and Rueckert, D. and Thompson, P. and Vercauteren, T. and Woods, R. P. and Mann, J. J. and Parsey, R. V.}, + title = {Evaluation of 14 nonlinear deformation algorithms applied to human brain MRI registration}, journal = {Neuroimage}, - volume = {44}, + volume = {46}, number = {3}, - pages = {947-66}, + pages = {786-802}, ISSN = {1095-9572 (Electronic) 1053-8119 (Linking)}, - DOI = {S1053-8119(08)00187-0 [pii] -10.1016/j.neuroimage.2008.02.059}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18602278}, + DOI = {10.1016/j.neuroimage.2008.12.037}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19195496}, year = {2009}, type = {Journal Article} } -@article{RN2637, - author = {Wei, K. and Kording, K.}, - title = {Relevance of error: what drives motor adaptation?}, - journal = {J Neurophysiol}, - volume = {101}, - number = {2}, - pages = {655-64}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19019979 }, - year = {2009}, +@article{RN3220, + author = {Ashburner, J.}, + title = {A fast diffeomorphic image registration algorithm}, + journal = {Neuroimage}, + volume = {38}, + number = {1}, + pages = {95-113}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.07.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/17761438}, + year = {2007}, type = {Journal Article} } -@article{RN3313, - author = {Vul, E. and Harris, C. and Winkielman, P. and Pashler, H.}, - title = {Puzzelingly high correlatations in fMRI studies on emotion, personality, and social cognition}, - journal = {Perspectives on Psychological Science}, - volume = {4}, - number = {3}, - pages = {274-283}, - year = {2009}, +@article{RN3219, + author = {Gruetzmacher, N. and Panzer, S. and Blandin, Y. and Shea, C. H.}, + title = {Observation and physical practice: coding of simple motor sequences}, + journal = {Q J Exp Psychol (Hove)}, + volume = {64}, + number = {6}, + pages = {1111-23}, + ISSN = {1747-0226 (Electronic) +1747-0218 (Linking)}, + DOI = {10.1080/17470218.2010.543286}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21302186}, + year = {2011}, type = {Journal Article} } -@article{RN2907, - author = {van Broekhoven, P. C. and Schraa-Tam, C. K. and van der Lugt, A. and Smits, M. and Frens, M. A. and van der Geest, J. N.}, - title = {Cerebellar contributions to the processing of saccadic errors}, - journal = {Cerebellum}, - volume = {8}, - number = {3}, - pages = {403-15}, - ISSN = {1473-4230 (Electronic) -1473-4222 (Linking)}, - DOI = {10.1007/s12311-009-0116-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19472026}, +@article{RN3218, + author = {Panzer, S. and Krueger, M. and Muehlbauer, T. and Kovacs, A. J. and Shea, C. H.}, + title = {Inter-manual transfer and practice: coding of simple motor sequences}, + journal = {Acta Psychol (Amst)}, + volume = {131}, + number = {2}, + pages = {99-109}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2009.03.004}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19389659}, year = {2009}, type = {Journal Article} } -@article{RN2660, - author = {Valero-Cuevas, F. J. and Venkadesan, M. and Todorov, E.}, - title = {Structured variability of muscle activations supports the minimal intervention principle of motor control}, - journal = {J Neurophysiol}, - volume = {102}, - number = {1}, - pages = {59-68}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19369362 }, - year = {2009}, +@article{RN3217, + author = {Bapi, R. S. and Doya, K. and Harner, A. M.}, + title = {Evidence for effector independent and dependent representations and their differential time course of acquisition during motor sequence learning}, + journal = {Exp Brain Res}, + volume = {132}, + number = {2}, + pages = {149-62}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10853941}, + year = {2000}, type = {Journal Article} } -@article{RN2704, - author = {Tresch, M. C. and Jarc, A.}, - title = {The case for and against muscle synergies}, +@article{RN3216, + author = {Hikosaka, O. and Nakamura, K. and Sakai, K. and Nakahara, H.}, + title = {Central mechanisms of motor skill learning}, journal = {Curr Opin Neurobiol}, - ISSN = {1873-6882 (Electronic) + volume = {12}, + number = {2}, + pages = {217-22}, + ISSN = {0959-4388 (Print) 0959-4388 (Linking)}, - DOI = {S0959-4388(09)00124-X [pii] -10.1016/j.conb.2009.09.002}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19828310}, - year = {2009}, - type = {Journal Article} -} - -@article{RN3412, - author = {Timmann, D. and Konczak, J. and Ilg, W. and Donchin, O. and Hermsdorfer, J. and Gizewski, E. R. and Schoch, B.}, - title = {Current advances in lesion-symptom mapping of the human cerebellum}, - journal = {Neuroscience}, - volume = {162}, - number = {3}, - pages = {836-51}, - ISSN = {1873-7544 (Electronic) -0306-4522 (Linking)}, - DOI = {10.1016/j.neuroscience.2009.01.040}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19409233}, - year = {2009}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/12015240}, + year = {2002}, type = {Journal Article} } -@article{RN2714, - author = {Thomsen, K. and Piilgaard, H. and Gjedde, A. and Bonvento, G. and Lauritzen, M.}, - title = {Principal cell spiking, postsynaptic excitation, and oxygen consumption in the rat cerebellar cortex}, - journal = {J Neurophysiol}, - volume = {102}, - number = {3}, - pages = {1503-12}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00289.2009 [pii] -10.1152/jn.00289.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19571198}, - year = {2009}, +@article{RN3215, + author = {Hikosaka, O. and Nakahara, H. and Rand, M. K. and Sakai, K. and Lu, X. and Nakamura, K. and Miyachi, S. and Doya, K.}, + title = {Parallel neural networks for learning sequential procedures}, + journal = {Trends Neurosci}, + volume = {22}, + number = {10}, + pages = {464-71}, + ISSN = {0166-2236 (Print) +0166-2236 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/10481194}, + year = {1999}, type = {Journal Article} } -@article{RN2677, - author = {Takahashi, C. and Diedrichsen, J. and Watt, S. J.}, - title = {Integration of vision and haptics during tool use}, - journal = {J Vis}, - volume = {9}, - number = {6}, - pages = {3 1-13}, - ISSN = {1534-7362 (Electronic)}, - DOI = {10.1167/9.6.3 -/9/6/3/ [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19761294}, +@article{RN3214, + author = {Kovacs, A. J. and Han, D. W. and Shea, C. H.}, + title = {Representation of movement sequences is related to task characteristics}, + journal = {Acta Psychol (Amst)}, + volume = {132}, + number = {1}, + pages = {54-61}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2009.06.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19631919}, year = {2009}, type = {Journal Article} } -@article{RN2752, - author = {Strick, P. L. and Dum, R. P. and Fiez, J. A.}, - title = {Cerebellum and nonmotor function}, - journal = {Annu Rev Neurosci}, - volume = {32}, - pages = {413-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19555291 }, +@article{RN3213, + author = {Kovacs, A. J. and Muhlbauer, T. and Shea, C. H.}, + title = {The coding and effector transfer of movement sequences}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {35}, + number = {2}, + pages = {390-407}, + ISSN = {0096-1523 (Print) +0096-1523 (Linking)}, + DOI = {10.1037/a0012733}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19331496}, year = {2009}, type = {Journal Article} } -@article{RN2724, - author = {Stoodley, C. J. and Schmahmann, J. D.}, - title = {Functional topography in the human cerebellum: a meta-analysis of neuroimaging studies}, - journal = {Neuroimage}, - volume = {44}, +@article{RN3211, + author = {Kovacs, A. J. and Boyle, J. and Grutmatcher, N. and Shea, C. H.}, + title = {Coding of on-line and pre-planned movement sequences}, + journal = {Acta Psychol (Amst)}, + volume = {133}, number = {2}, - pages = {489-501}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(08)00972-5 [pii] -10.1016/j.neuroimage.2008.08.039}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18835452}, - year = {2009}, + pages = {119-26}, + ISSN = {1873-6297 (Electronic) +0001-6918 (Linking)}, + DOI = {10.1016/j.actpsy.2009.10.007}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/19939342}, + year = {2010}, type = {Journal Article} } -@article{RN3653, - author = {Stephan, K. E. and Penny, W. D. and Daunizeau, J. and Moran, R. J. and Friston, K. J.}, - title = {Bayesian model selection for group studies}, - journal = {Neuroimage}, - volume = {46}, - number = {4}, - pages = {1004-17}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2009.03.025}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/19306932}, - year = {2009}, +@article{RN3210, + author = {Shea, C. H. and Kovacs, A. J. and Panzer, S.}, + title = {The coding and inter-manual transfer of movement sequences}, + journal = {Front Psychol}, + volume = {2}, + pages = {52}, + ISSN = {1664-1078 (Electronic)}, + DOI = {10.3389/fpsyg.2011.00052}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21716583}, + year = {2011}, type = {Journal Article} } -@article{RN3611, - author = {Stagg, C. J. and O'Shea, J. and Kincses, Z. T. and Woolrich, M. and Matthews, P. M. and Johansen-Berg, H.}, - title = {Modulation of movement-associated cortical activation by transcranial direct current stimulation}, - journal = {Eur J Neurosci}, - volume = {30}, - number = {7}, - pages = {1412-23}, - ISSN = {1460-9568 (Electronic)}, - DOI = {EJN6937 [pii] -10.1111/j.1460-9568.2009.06937.x [doi]}, - year = {2009}, +@article{RN3209, + author = {Yeo, B. T. and Krienen, F. M. and Sepulcre, J. and Sabuncu, M. R. and Lashkari, D. and Hollinshead, M. and Roffman, J. L. and Smoller, J. W. and Zollei, L. and Polimeni, J. R. and Fischl, B. and Liu, H. and Buckner, R. L.}, + title = {The organization of the human cerebral cortex estimated by intrinsic functional connectivity}, + journal = {J Neurophysiol}, + volume = {106}, + number = {3}, + pages = {1125-65}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00338.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21653723}, + year = {2011}, type = {Journal Article} } -@article{RN3612, - author = {Stagg, C. J. and Best, J. G. and Stephenson, M. C. and O'Shea, J. and Wylezinska, M. and Kincses, Z. T. and Morris, P. G. and Matthews, P. M. and Johansen-Berg, H.}, - title = {Polarity-sensitive modulation of cortical neurotransmitters by transcranial stimulation}, - journal = {J Neurosci}, - volume = {29}, - number = {16}, - pages = {5202-6}, - ISSN = {1529-2401 (Electronic)}, - DOI = {29/16/5202 [pii] -10.1523/JNEUROSCI.4432-08.2009 [doi]}, - year = {2009}, +@article{RN3208, + author = {Buckner, R. L. and Krienen, F. M. and Castellanos, A. and Diaz, J. C. and Yeo, B. T.}, + title = {The organization of the human cerebellum estimated by intrinsic functional connectivity}, + journal = {J Neurophysiol}, + volume = {106}, + number = {5}, + pages = {2322-45}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00339.2011}, + url = {http://www.ncbi.nlm.nih.gov/pubmed/21795627}, + year = {2011}, type = {Journal Article} } -@article{RN2893, - author = {Sing, G. C. and Joiner, W. M. and Nanayakkara, T. and Brayanov, J. B. and Smith, M. A.}, - title = {Primitives for motor adaptation reflect correlated neural tuning to position and velocity}, - journal = {Neuron}, - volume = {64}, - number = {4}, - pages = {575-89}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(09)00795-8 [pii] -10.1016/j.neuron.2009.10.001}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19945398}, - year = {2009}, +@article{RN3207, + author = {Corbett, E.A. and Koerding, K.P. and Perreault, E.J.}, + title = {Real-time evaluation of a Non-invasive Neuroprosthetic Interface for Control of Reach}, + journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering}, + year = {in press}, type = {Journal Article} } -@article{RN3283, - author = {Schieber, M. H. and Lang, C. E. and Reilly, K. T. and McNulty, P. and Sirigu, A.}, - title = {Selective activation of human finger muscles after stroke or amputation}, - journal = {Adv Exp Med Biol}, - volume = {629}, - pages = {559-75}, - ISSN = {0065-2598 (Print) -0065-2598 (Linking)}, - DOI = {10.1007/978-0-387-77064-2_30}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19227521}, - year = {2009}, +@article{RN3206, + author = {Corbett, E.A. and Perreault, E.J. and Kuiken, T.A.}, + title = {A Comparison of EMG and Force as Interfaces for Prosthetic Control}, + journal = {Journal of Rehabilitation Research and Development}, + volume = {48}, + number = {6}, + pages = {629-642}, + year = {2011}, type = {Journal Article} } -@article{RN2687, - author = {Schaefer, S. Y. and Haaland, K. Y. and Sainburg, R. L.}, - title = {Hemispheric specialization and functional impact of ipsilesional deficits in movement coordination and accuracy}, - journal = {Neuropsychologia}, - volume = {47}, - number = {13}, - pages = {2953-66}, - ISSN = {1873-3514 (Electronic)}, - DOI = {S0028-3932(09)00275-9 [pii] -10.1016/j.neuropsychologia.2009.06.025}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19573544}, - year = {2009}, +@article{RN3205, + author = {Miller, L.A. and Stubblefield, K.A. and Lipschutz, R.D. and Lock, B.A. and Kuiken, T.A.}, + title = {Improved Myoelectric Prosthesis Control Using Targeted Reinnervation Surgery: A Case Series}, + journal = {IEEE Trans Neural Syst Rehabil Eng}, + volume = {2}, + pages = {46-50}, + year = {2008}, type = {Journal Article} } -@article{RN3238, - author = {Romei, V. and Thut, G. and Ramos-Estebanez, C. and Pascual-Leone, A.}, - title = {M1 contributes to the intrinsic but not the extrinsic components of motor-skills}, - journal = {Cortex}, - volume = {45}, - number = {9}, - pages = {1058-64}, - ISSN = {1973-8102 (Electronic) -0010-9452 (Linking)}, - DOI = {10.1016/j.cortex.2009.01.003}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19243742}, - year = {2009}, +@article{RN3204, + author = {Cipriani, C. and Zaccone, F. and Micera, S. and Carrozza, M.C.}, + title = {On the Shared Control of an EMG-Controlled Prosthetic Hand: Analysis of User-Prosthesis Interaction}, + journal = {IEEE Transactions on Robotics}, + volume = {24}, + number = {1}, + pages = {170-184}, + DOI = {10.1109/TRO.2007.910708}, + year = {2008}, type = {Journal Article} } -@article{RN3282, - author = {Riddle, C. N. and Edgley, S. A. and Baker, S. N.}, - title = {Direct and indirect connections with upper limb motoneurons from the primate reticulospinal tract}, +@article{RN3203, + author = {Battaglia, P. W. and Schrater, P. R.}, + title = {Humans trade off viewing time and movement duration to improve visuomotor accuracy in a fast reaching task}, journal = {J Neurosci}, - volume = {29}, - number = {15}, - pages = {4993-9}, + volume = {27}, + number = {26}, + pages = {6984-94}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.3720-08.2009}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19369568}, - year = {2009}, + DOI = {27/26/6984 [pii] +10.1523/JNEUROSCI.1309-07.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17596447}, + year = {2007}, type = {Journal Article} } -@article{RN3141, - author = {Resulaj, A. and Kiani, R. and Wolpert, D. M. and Shadlen, M. N.}, - title = {Changes of mind in decision-making}, - journal = {Nature}, - volume = {461}, - number = {7261}, - pages = {263-6}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {nature08275 [pii] -10.1038/nature08275}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19693010}, - year = {2009}, +@article{RN3202, + author = {Hudson, T. E. and Maloney, L. T. and Landy, M. S.}, + title = {Optimal compensation for temporal uncertainty in movement planning}, + journal = {PLoS Comput Biol}, + volume = {4}, + number = {7}, + pages = {e1000130}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000130}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18654619}, + year = {2008}, type = {Journal Article} } -@article{RN2652, - author = {Reis, J. and Schambra, H. M. and Cohen, L. G. and Buch, E. R. and Fritsch, B. and Zarahn, E. and Celnik, P. A. and Krakauer, J. W.}, - title = {Noninvasive cortical stimulation enhances motor skill acquisition over multiple days through an effect on consolidation}, - journal = {Proc Natl Acad Sci U S A}, - volume = {106}, - number = {5}, - pages = {1590-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19164589 }, - year = {2009}, +@article{RN3201, + author = {Hudson, T. E. and Tassinari, H. and Landy, M. S.}, + title = {Compensation for changing motor uncertainty}, + journal = {PLoS Comput Biol}, + volume = {6}, + number = {11}, + pages = {e1000982}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000982}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21079679}, + year = {2010}, type = {Journal Article} } -@article{RN2856, - author = {Rathelot, J. A. and Strick, P. L.}, - title = {Subdivisions of primary motor cortex based on cortico-motoneuronal cells}, - journal = {Proc Natl Acad Sci U S A}, - volume = {106}, - number = {3}, - pages = {918-23}, - ISSN = {1091-6490 (Electronic) -0027-8424 (Linking)}, - DOI = {0808362106 [pii] -10.1073/pnas.0808362106}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19139417}, - year = {2009}, +@article{RN3200, + author = {Gepshtein, S. and Seydell, A. and Trommershauser, J.}, + title = {Optimality of human movement under natural variations of visual-motor uncertainty}, + journal = {J Vis}, + volume = {7}, + number = {5}, + pages = {13 1-18}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {10.1167/7.5.13 +7/5/13 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18217853}, + year = {2007}, type = {Journal Article} } -@article{RN2739, - author = {Prakash, Neal and Hageman, Nathan and Hua, Xue and Toga, Arthur W and Perlman, Susan L and Salamon, Noriko}, - title = {Patterns of fractional anisotropy changes in white matter of cerebellar peduncles distinguish spinocerebellar ataxia-1 from multiple system atrophy and other ataxia syndromes}, - journal = {NeuroImage}, - volume = {47}, - pages = {72-81}, - year = {2009}, +@article{RN3199, + author = {Landy, M. S. and Trommershauser, J. and Daw, N. D.}, + title = {Dynamic estimation of task-relevant variance in movement under risk}, + journal = {J Neurosci}, + volume = {32}, + number = {37}, + pages = {12702-11}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/37/12702 [pii] +10.1523/JNEUROSCI.6160-11.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22972994}, + year = {2012}, type = {Journal Article} } -@article{RN3157, - author = {Perez, M. A. and Cohen, L. G.}, - title = {Interhemispheric inhibition between primary motor cortices: what have we learned?}, - journal = {J Physiol}, - volume = {587}, - number = {Pt 4}, - pages = {725-6}, - ISSN = {1469-7793 (Electronic) -0022-3751 (Linking)}, - DOI = {jphysiol.2008.166926 [pii] -10.1113/jphysiol.2008.166926}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19103676}, - year = {2009}, +@article{RN3198, + author = {Churchland, M. M. and Afshar, A. and Shenoy, K. V.}, + title = {A central source of movement variability}, + journal = {Neuron}, + volume = {52}, + number = {6}, + pages = {1085-96}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(06)00871-3 [pii] +10.1016/j.neuron.2006.10.034}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17178410}, + year = {2006}, type = {Journal Article} } -@article{RN2909, - author = {Pereira, F. and Mitchell, T. and Botvinick, M.}, - title = {Machine learning classifiers and fMRI: a tutorial overview}, - journal = {Neuroimage}, - volume = {45}, - number = {1 Suppl}, - pages = {S199-209}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2008.11.007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19070668}, - year = {2009}, +@article{RN3195, + author = {Freeman, J. and Brouwer, G. J. and Heeger, D. J. and Merriam, E. P.}, + title = {Orientation decoding depends on maps, not columns}, + journal = {J Neurosci}, + volume = {31}, + number = {13}, + pages = {4792-804}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/13/4792 [pii] +10.1523/JNEUROSCI.5160-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21451017}, + year = {2011}, type = {Journal Article} } -@article{RN3218, - author = {Panzer, S. and Krueger, M. and Muehlbauer, T. and Kovacs, A. J. and Shea, C. H.}, - title = {Inter-manual transfer and practice: coding of simple motor sequences}, - journal = {Acta Psychol (Amst)}, - volume = {131}, - number = {2}, - pages = {99-109}, - ISSN = {1873-6297 (Electronic) -0001-6918 (Linking)}, - DOI = {10.1016/j.actpsy.2009.03.004}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19389659}, +@article{RN3194, + author = {Eger, E. and Michel, V. and Thirion, B. and Amadon, A. and Dehaene, S. and Kleinschmidt, A.}, + title = {Deciphering cortical number coding from human brain activity patterns}, + journal = {Curr Biol}, + volume = {19}, + number = {19}, + pages = {1608-15}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(09)01623-6 [pii] +10.1016/j.cub.2009.08.047}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19781939}, year = {2009}, type = {Journal Article} } -@article{RN2627, - author = {O'Sullivan, I. and Burdet, E. and Diedrichsen, J.}, - title = {Dissociating variability and effort as determinants of coordination}, - journal = {PLoS Comput Biol}, - volume = {5}, +@article{RN3193, + author = {Hartwigsen, G. and Saur, D. and Price, C. J. and Baumgaertner, A. and Ulmer, S. and Siebner, H. R.}, + title = {Increased facilitatory connectivity from the pre-SMA to the left dorsal premotor cortex during pseudoword repetition}, + journal = {J Cogn Neurosci}, + volume = {25}, number = {4}, - pages = {e1000345}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19360132 }, - year = {2009}, + pages = {580-94}, + ISSN = {1530-8898 (Electronic) +0898-929X (Linking)}, + DOI = {10.1162/jocn_a_00342}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23249347}, + year = {2013}, type = {Journal Article} } -@article{RN2765, - author = {O'Reilly, J. X. and Beckmann, C. F. and Tomassini, V. and Ramnani, N. and Johansen-Berg, H.}, - title = {Distinct and Overlapping Functional Zones in the Cerebellum Defined by Resting State Functional Connectivity}, - journal = {Cereb Cortex}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19684249 }, - year = {2009}, +@article{RN3192, + author = {Fetz, E. E. and Finocchio, D. V.}, + title = {Operant conditioning of specific patterns of neural and muscular activity}, + journal = {Science}, + volume = {174}, + number = {4007}, + pages = {431-5}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5000088}, + year = {1971}, type = {Journal Article} } -@article{RN2641, - author = {Nozaki, D. and Scott, S. H.}, - title = {Multi-compartment model can explain partial transfer of learning within the same limb between unimanual and bimanual reaching}, - journal = {Exp Brain Res}, - volume = {194}, - number = {3}, - pages = {451-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19205679 }, - year = {2009}, +@article{RN3191, + author = {Nazarpour, K. and Barnard, A. and Jackson, A.}, + title = {Flexible cortical control of task-specific muscle synergies}, + journal = {J Neurosci}, + volume = {32}, + number = {36}, + pages = {12349-60}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/36/12349 [pii] +10.1523/JNEUROSCI.5481-11.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22956825}, + year = {2012}, type = {Journal Article} } -@article{RN2701, - author = {Nishida, M. and Pearsall, J. and Buckner, R. L. and Walker, M. P.}, - title = {REM sleep, prefrontal theta, and the consolidation of human emotional memory}, - journal = {Cereb Cortex}, - volume = {19}, - number = {5}, - pages = {1158-66}, - ISSN = {1460-2199 (Electronic) -1460-2199 (Linking)}, - DOI = {bhn155 [pii] -10.1093/cercor/bhn155}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18832332}, - year = {2009}, - type = {Journal Article} +@book{RN3190, + author = {Schmahmann, J. D.}, + title = {The cerebellum and cognition}, + publisher = {Academic press}, + address = {San Diego, CA}, + year = {1997}, + type = {Book} } -@article{RN3097, - author = {Naselaris, T. and Prenger, R. J. and Kay, K. N. and Oliver, M. and Gallant, J. L.}, - title = {Bayesian reconstruction of natural images from human brain activity}, - journal = {Neuron}, - volume = {63}, - number = {6}, - pages = {902-15}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(09)00685-0 [pii] -10.1016/j.neuron.2009.09.006}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19778517}, - year = {2009}, +@article{RN3189, + author = {Timmann, D. and Daum, I.}, + title = {How consistent are cognitive impairments in patients with cerebellar disorders?}, + journal = {Behav Neurol}, + volume = {23}, + number = {1-2}, + pages = {81-100}, + ISSN = {1875-8584 (Electronic) +0953-4180 (Linking)}, + DOI = {QJ7R0RR90671J803 [pii] +10.3233/BEN-2010-0271}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20714063}, + year = {2010}, type = {Journal Article} } -@article{RN2773, - author = {Nagengast, A. J. and Braun, D. A. and Wolpert, D. M.}, - title = {Optimal control predicts human performance on objects with internal degrees of freedom}, - journal = {PLoS Comput Biol}, - volume = {5}, - number = {6}, - pages = {e1000419}, - ISSN = {1553-7358 (Electronic)}, - DOI = {10.1371/journal.pcbi.1000419}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19557193}, - year = {2009}, +@article{RN3188, + author = {Maschke, M. and Gomez, C. M. and Tuite, P. J. and Konczak, J.}, + title = {Dysfunction of the basal ganglia, but not the cerebellum, impairs kinaesthesia}, + journal = {Brain}, + volume = {126}, + number = {Pt 10}, + pages = {2312-22}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + DOI = {10.1093/brain/awg230 +awg230 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12821507}, + year = {2003}, type = {Journal Article} } -@article{RN2673, - author = {Mutha, P. K. and Sainburg, R. L.}, - title = {Shared Bimanual Tasks Elicit Bimanual Reflexes during Movement}, +@article{RN3187, + author = {Morton, S. M. and Bastian, A. J.}, + title = {Relative contributions of balance and voluntary leg-coordination deficits to cerebellar gait ataxia}, journal = {J Neurophysiol}, - ISSN = {0022-3077 (Print)}, - DOI = {91335.2008 [pii] -10.1152/jn.91335.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19793874}, - year = {2009}, - type = {Journal Article} -} - -@article{RN2776, - author = {Muller, H. and Sternad, D.}, - title = {Motor learning: changes in the structure of variability in a redundant task}, - journal = {Adv Exp Med Biol}, - volume = {629}, - pages = {439-56}, - ISSN = {0065-2598 (Print) -0065-2598 (Linking)}, - DOI = {10.1007/978-0-387-77064-2_23}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19227514}, - year = {2009}, + volume = {89}, + number = {4}, + pages = {1844-56}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00787.2002 +00787.2002 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12612041}, + year = {2003}, type = {Journal Article} } -@article{RN3062, - author = {Molina-Luna, K. and Pekanovic, A. and Rohrich, S. and Hertler, B. and Schubring-Giese, M. and Rioult-Pedotti, M. S. and Luft, A. R.}, - title = {Dopamine in motor cortex is necessary for skill learning and synaptic plasticity}, - journal = {PLoS One}, - volume = {4}, - number = {9}, - pages = {e7082}, - ISSN = {1932-6203 (Electronic) -1932-6203 (Linking)}, - DOI = {10.1371/journal.pone.0007082}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19759902}, - year = {2009}, +@article{RN3186, + author = {Day, B. L. and Thompson, P. D. and Harding, A. E. and Marsden, C. D.}, + title = {Influence of vision on upper limb reaching movements in patients with cerebellar ataxia}, + journal = {Brain}, + volume = {121 ( Pt 2)}, + pages = {357-72}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9549511}, + year = {1998}, type = {Journal Article} } -@article{RN2854, - author = {Marshall, R. S. and Zarahn, E. and Alon, L. and Minzer, B. and Lazar, R. M. and Krakauer, J. W.}, - title = {Early imaging correlates of subsequent motor recovery after stroke}, - journal = {Ann Neurol}, - volume = {65}, - number = {5}, - pages = {596-602}, - ISSN = {1531-8249 (Electronic) -0364-5134 (Linking)}, - DOI = {10.1002/ana.21636}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19479972}, - year = {2009}, +@article{RN3185, + author = {Konczak, J. and Schoch, B. and Dimitrova, A. and Gizewski, E. and Timmann, D.}, + title = {Functional recovery of children and adolescents after cerebellar tumour resection}, + journal = {Brain}, + volume = {128}, + number = {Pt 6}, + pages = {1428-41}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {awh385 [pii] +10.1093/brain/awh385}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659424}, + year = {2005}, type = {Journal Article} } -@article{RN2957, - author = {Luft, A. R. and Schwarz, S.}, - title = {Dopaminergic signals in primary motor cortex}, - journal = {Int J Dev Neurosci}, - volume = {27}, - number = {5}, - pages = {415-21}, - ISSN = {1873-474X (Electronic) -0736-5748 (Linking)}, - DOI = {S0736-5748(09)00067-7 [pii] -10.1016/j.ijdevneu.2009.05.004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19446627}, - year = {2009}, +@article{RN3184, + author = {Bhanpuri, N. H. and Okamura, A. M. and Bastian, A. J.}, + title = {Active force perception depends on cerebellar function}, + journal = {J Neurophysiol}, + volume = {107}, + number = {6}, + pages = {1612-20}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00983.2011 [pii] +10.1152/jn.00983.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22190620}, + year = {2012}, type = {Journal Article} } -@article{RN3015, - author = {Li, S. and Mayhew, S. D. and Kourtzi, Z.}, - title = {Learning shapes the representation of behavioral choice in the human brain}, - journal = {Neuron}, - volume = {62}, - number = {3}, - pages = {441-52}, - ISSN = {1097-4199 (Electronic) -0896-6273 (Linking)}, - DOI = {S0896-6273(09)00239-6 [pii] -10.1016/j.neuron.2009.03.016}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19447098}, - year = {2009}, +@article{RN3183, + author = {Lisberger, S. G.}, + title = {The neural basis for learning of simple motor skills}, + journal = {Science}, + volume = {242}, + number = {4879}, + pages = {728-35}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3055293}, + year = {1988}, type = {Journal Article} } -@article{RN2734, - author = {Krienen, F. M. and Buckner, R. L.}, - title = {Segregated fronto-cerebellar circuits revealed by intrinsic functional connectivity}, - journal = {Cereb Cortex}, - volume = {19}, - number = {10}, - pages = {2485-97}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhp135 [pii] -10.1093/cercor/bhp135}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19592571}, - year = {2009}, +@article{RN3182, + author = {Ito, M.}, + title = {Historical review of the significance of the cerebellum and the role of Purkinje cells in motor learning}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {273-88}, + ISSN = {0077-8923 (Print) +0077-8923 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582060}, + year = {2002}, type = {Journal Article} } -@article{RN3029, - author = {Kriegeskorte, N. and Simmons, W. K. and Bellgowan, P. S. and Baker, C. I.}, - title = {Circular analysis in systems neuroscience: the dangers of double dipping}, - journal = {Nat Neurosci}, - volume = {12}, - number = {5}, - pages = {535-40}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {nn.2303 [pii] -10.1038/nn.2303}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19396166}, - year = {2009}, +@article{RN3181, + author = {Thompson, R. F.}, + title = {In search of memory traces}, + journal = {Annu Rev Psychol}, + volume = {56}, + pages = {1-23}, + ISSN = {0066-4308 (Print) +0066-4308 (Linking)}, + DOI = {10.1146/annurev.psych.56.091103.070239}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15709927}, + year = {2005}, type = {Journal Article} } -@article{RN3213, - author = {Kovacs, A. J. and Muhlbauer, T. and Shea, C. H.}, - title = {The coding and effector transfer of movement sequences}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {35}, - number = {2}, - pages = {390-407}, - ISSN = {0096-1523 (Print) -0096-1523 (Linking)}, - DOI = {10.1037/a0012733}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19331496}, - year = {2009}, +@article{RN3180, + author = {Schultz, W. and Dayan, P. and Montague, P. R.}, + title = {A neural substrate of prediction and reward}, + journal = {Science}, + volume = {275}, + number = {5306}, + pages = {1593-9}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9054347}, + year = {1997}, type = {Journal Article} } -@article{RN3214, - author = {Kovacs, A. J. and Han, D. W. and Shea, C. H.}, - title = {Representation of movement sequences is related to task characteristics}, - journal = {Acta Psychol (Amst)}, - volume = {132}, - number = {1}, - pages = {54-61}, - ISSN = {1873-6297 (Electronic) -0001-6918 (Linking)}, - DOI = {10.1016/j.actpsy.2009.06.007}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19631919}, - year = {2009}, +@article{RN3179, + author = {Kurtzer, I. and Trautman, P. and Rasquinha, R. J. and Bhanpuri, N. H. and Scott, S. H. and Bastian, A. J.}, + title = {Cerebellar damage diminishes long-latency responses to multijoint perturbations}, + journal = {J Neurophysiol}, + volume = {109}, + number = {8}, + pages = {2228-41}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00145.2012 [pii] +10.1152/jn.00145.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23390311}, + year = {2013}, type = {Journal Article} } -@article{RN3221, - author = {Klein, A. and Andersson, J. and Ardekani, B. A. and Ashburner, J. and Avants, B. and Chiang, M. C. and Christensen, G. E. and Collins, D. L. and Gee, J. and Hellier, P. and Song, J. H. and Jenkinson, M. and Lepage, C. and Rueckert, D. and Thompson, P. and Vercauteren, T. and Woods, R. P. and Mann, J. J. and Parsey, R. V.}, - title = {Evaluation of 14 nonlinear deformation algorithms applied to human brain MRI registration}, - journal = {Neuroimage}, - volume = {46}, - number = {3}, - pages = {786-802}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2008.12.037}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19195496}, +@article{RN3178, + author = {Azevedo, F. A. and Carvalho, L. R. and Grinberg, L. T. and Farfel, J. M. and Ferretti, R. E. and Leite, R. E. and Jacob Filho, W. and Lent, R. and Herculano-Houzel, S.}, + title = {Equal numbers of neuronal and nonneuronal cells make the human brain an isometrically scaled-up primate brain}, + journal = {J Comp Neurol}, + volume = {513}, + number = {5}, + pages = {532-41}, + ISSN = {1096-9861 (Electronic) +0021-9967 (Linking)}, + DOI = {10.1002/cne.21974}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19226510}, year = {2009}, type = {Journal Article} } -@article{RN3144, - author = {Kiebel, S. J. and von Kriegstein, K. and Daunizeau, J. and Friston, K. J.}, - title = {Recognizing sequences of sequences}, - journal = {PLoS Comput Biol}, - volume = {5}, - number = {8}, - pages = {e1000464}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1000464}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19680429}, - year = {2009}, +@article{RN3177, + author = {Verstynen, T. and Sabes, P. N.}, + title = {How each movement changes the next: an experimental and theoretical study of fast adaptive priors in reaching}, + journal = {J Neurosci}, + volume = {31}, + number = {27}, + pages = {10050-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/27/10050 [pii] +10.1523/JNEUROSCI.6525-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21734297}, + year = {2011}, type = {Journal Article} } -@article{RN2820, - author = {Kanaan, R. A. and Borgwardt, S. and McGuire, P. K. and Craig, M. C. and Murphy, D. G. and Picchioni, M. and Shergill, S. S. and Jones, D. K. and Catani, M.}, - title = {Microstructural organization of cerebellar tracts in schizophrenia}, - journal = {Biol Psychiatry}, - volume = {66}, - number = {11}, - pages = {1067-9}, - ISSN = {1873-2402 (Electronic) -0006-3223 (Linking)}, - DOI = {S0006-3223(09)00901-9 [pii] -10.1016/j.biopsych.2009.07.028}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19733836}, - year = {2009}, +@article{RN3176, + author = {Tanaka, H. and Krakauer, J. W. and Qian, N.}, + title = {An optimization principle for determining movement duration}, + journal = {J Neurophysiol}, + volume = {95}, + number = {6}, + pages = {3875-86}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00751.2005 [pii] +10.1152/jn.00751.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16571740}, + year = {2006}, + type = {Journal Article} +} + +@article{RN3175, + author = {Wang, S. S. and Denk, W. and Hausser, M.}, + title = {Coincidence detection in single dendritic spines mediated by calcium release}, + journal = {Nat Neurosci}, + volume = {3}, + number = {12}, + pages = {1266-73}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {10.1038/81792}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11100147}, + year = {2000}, type = {Journal Article} } -@article{RN3609, - author = {Jang, S. H. and Ahn, S. H. and Byun, W. M. and Kim, C. S. and Lee, M. Y. and Kwon, Y. H.}, - title = {The effect of transcranial direct current stimulation on the cortical activation by motor task in the human brain: an fMRI study}, - journal = {Neurosci Lett}, - volume = {460}, - number = {2}, - pages = {117-20}, - ISSN = {1872-7972 (Electronic) -0304-3940 (Linking)}, - DOI = {S0304-3940(09)00662-4 [pii] -10.1016/j.neulet.2009.05.037 [doi]}, - url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-4W9XBHK-8-3&_cdi=4862&_user=125795&_pii=S0304394009006624&_origin=search&_coverDate=08%2F28%2F2009&_sk=995399997&view=c&wchp=dGLbVlb-zSkWA&md5=13526f47ea6e8d6ee4a22861eaae3a42&ie=/sdarticle.pdf}, - year = {2009}, +@article{RN3174, + author = {De Zeeuw, C. I. and Simpson, J. I. and Hoogenraad, C. C. and Galjart, N. and Koekkoek, S. K. and Ruigrok, T. J.}, + title = {Microcircuitry and function of the inferior olive}, + journal = {Trends Neurosci}, + volume = {21}, + number = {9}, + pages = {391-400}, + ISSN = {0166-2236 (Print) +0166-2236 (Linking)}, + DOI = {S0166-2236(98)01310-1 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9735947}, + year = {1998}, type = {Journal Article} } -@article{RN3022, - author = {Hutton, C. and Draganski, B. and Ashburner, J. and Weiskopf, N.}, - title = {A comparison between voxel-based cortical thickness and voxel-based morphometry in normal aging}, - journal = {Neuroimage}, - volume = {48}, - number = {2}, - pages = {371-80}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(09)00679-X [pii] -10.1016/j.neuroimage.2009.06.043}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19559801}, - year = {2009}, +@article{RN3173, + author = {Medina, J. F. and Lisberger, S. G.}, + title = {Links from complex spikes to local plasticity and motor learning in the cerebellum of awake-behaving monkeys}, + journal = {Nat Neurosci}, + volume = {11}, + number = {10}, + pages = {1185-92}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {nn.2197 [pii] +10.1038/nn.2197}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18806784}, + year = {2008}, type = {Journal Article} } -@article{RN2622, - author = {Huang, V. S. and Krakauer, J. W.}, - title = {Robotic neurorehabilitation: a computational motor learning perspective}, - journal = {J Neuroeng Rehabil}, - volume = {6}, - pages = {5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19243614 }, - year = {2009}, +@article{RN3172, + author = {Gallivan, J. P. and McLean, D. A. and Flanagan, J. R. and Culham, J. C.}, + title = {Where one hand meets the other: limb-specific and action-dependent movement plans decoded from preparatory signals in single human frontoparietal brain areas}, + journal = {J Neurosci}, + volume = {33}, + number = {5}, + pages = {1991-2008}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {33/5/1991 [pii] +10.1523/JNEUROSCI.0541-12.2013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23365237}, + year = {2013}, type = {Journal Article} } -@article{RN2681, - author = {Howarth, C. and Peppiatt-Wildman, C. M. and Attwell, D.}, - title = {The energy use associated with neural computation in the cerebellum}, - journal = {J Cereb Blood Flow Metab}, - ISSN = {1559-7016 (Electronic)}, - DOI = {jcbfm2009231 [pii] -10.1038/jcbfm.2009.231}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19888288}, - year = {2009}, +@article{RN3171, + author = {Culham, J. C. and Valyear, K. F.}, + title = {Human parietal cortex in action}, + journal = {Curr Opin Neurobiol}, + volume = {16}, + number = {2}, + pages = {205-12}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + DOI = {S0959-4388(06)00030-4 [pii] +10.1016/j.conb.2006.03.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16563735}, + year = {2006}, type = {Journal Article} } -@article{RN2705, - author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, - title = {A modular planar robotic manipulandum with end-point torque control}, - journal = {J Neurosci Methods}, - volume = {181}, - number = {2}, - pages = {199-211}, - ISSN = {1872-678X (Electronic) -0165-0270 (Linking)}, - DOI = {S0165-0270(09)00263-5 [pii] -10.1016/j.jneumeth.2009.05.005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19450621}, - year = {2009}, +@article{RN3168, + author = {Haith, A. M. and Reppert, T. R. and Shadmehr, R.}, + title = {Evidence for hyperbolic temporal discounting of reward in control of movements}, + journal = {J Neurosci}, + volume = {32}, + number = {34}, + pages = {11727-36}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/34/11727 [pii] +10.1523/JNEUROSCI.0424-12.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22915115}, + year = {2012}, type = {Journal Article} } -@article{RN3027, - author = {Horenstein, C. and Lowe, M. J. and Koenig, K. A. and Phillips, M. D.}, - title = {Comparison of unilateral and bilateral complex finger tapping-related activation in premotor and primary motor cortex}, - journal = {Hum Brain Mapp}, +@article{RN3167, + author = {Shadmehr, R. and Orban de Xivry, J. J. and Xu-Wilson, M. and Shih, T. Y.}, + title = {Temporal discounting of reward and the cost of time in motor control}, + journal = {J Neurosci}, volume = {30}, - number = {4}, - pages = {1397-412}, - ISSN = {1097-0193 (Electronic) -1065-9471 (Linking)}, - DOI = {10.1002/hbm.20610}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18537112}, - year = {2009}, + number = {31}, + pages = {10507-16}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/31/10507 [pii] +10.1523/JNEUROSCI.1343-10.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20685993}, + year = {2010}, type = {Journal Article} } -@article{RN2757, - author = {Hong, Ji Heon and Kim, Oh Lyong and Kim, Seong Ho and Lee, Mi Young and Jang, Sung Ho}, - title = {Cerebellar peduncle injury in patients with ataxia following diffuse axonal injury}, - journal = {Brain Research Bulletin}, - volume = {80}, - pages = {30-35}, - year = {2009}, +@article{RN3166, + author = {Shadmehr, R.}, + title = {Control of movements and temporal discounting of reward}, + journal = {Curr Opin Neurobiol}, + volume = {20}, + number = {6}, + pages = {726-30}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {S0959-4388(10)00137-6 [pii] +10.1016/j.conb.2010.08.017}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20833031}, + year = {2010}, type = {Journal Article} } -@article{RN2889, - author = {Helms, G. and Draganski, B. and Frackowiak, R. and Ashburner, J. and Weiskopf, N.}, - title = {Improved segmentation of deep brain grey matter structures using magnetization transfer (MT) parameter maps}, - journal = {Neuroimage}, - volume = {47}, +@article{RN3165, + author = {Huang, Y. and Zhen, Z. and Song, Y. and Zhu, Q. and Wang, S. and Liu, J.}, + title = {Motor training increases the stability of activation patterns in the primary motor cortex}, + journal = {PLoS One}, + volume = {8}, number = {1}, - pages = {194-8}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {S1053-8119(09)00295-X [pii] -10.1016/j.neuroimage.2009.03.053}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19344771}, - year = {2009}, - type = {Journal Article} -} - -@article{RN2733, - author = {Habas, C. and Kamdar, N. and Nguyen, D. and Prater, K. and Beckmann, C. F. and Menon, V. and Greicius, M. D.}, - title = {Distinct cerebellar contributions to intrinsic connectivity networks}, - journal = {J Neurosci}, - volume = {29}, - number = {26}, - pages = {8586-94}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {29/26/8586 [pii] -10.1523/JNEUROSCI.1868-09.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19571149}, - year = {2009}, + pages = {e53555}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0053555 +PONE-D-12-23739 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23308252}, + year = {2013}, type = {Journal Article} } -@article{RN2784, - author = {Habas, C.}, - title = {Functional imaging of the deep cerebellar nuclei: a review}, - journal = {Cerebellum}, - volume = {9}, +@article{RN3163, + author = {Omrani, M. and Diedrichsen, J. and Scott, S. H.}, + title = {Rapid feedback corrections during a bimanual postural task}, + journal = {J Neurophysiol}, + volume = {109}, number = {1}, - pages = {22-8}, - ISSN = {1473-4230 (Electronic) -1473-4222 (Linking)}, - DOI = {10.1007/s12311-009-0119-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19513801}, - year = {2009}, + pages = {147-61}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00669.2011 [pii] +10.1152/jn.00669.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23054604}, + year = {2013}, type = {Journal Article} } -@article{RN2786, - author = {Haacke, E. M. and Mittal, S. and Wu, Z. and Neelavalli, J. and Cheng, Y. C.}, - title = {Susceptibility-weighted imaging: technical aspects and clinical applications, part 1}, - journal = {AJNR Am J Neuroradiol}, - volume = {30}, - number = {1}, - pages = {19-30}, - ISSN = {1936-959X (Electronic) -0195-6108 (Linking)}, - DOI = {ajnr.A1400 [pii] -10.3174/ajnr.A1400}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19039041}, - year = {2009}, +@article{RN3162, + author = {Kornysheva, K. and Sierk, A. and Diedrichsen, J.}, + title = {Interaction of temporal and ordinal representations in movement sequences}, + journal = {J Neurophysiol}, + volume = {109}, + number = {5}, + pages = {1416-24}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00509.2012 [pii] +10.1152/jn.00509.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23221413}, + year = {2013}, type = {Journal Article} } -@article{RN2755, - author = {Granziera, Cristina and Schmahmann, Jeremy Dan and Hadjikhani, Nouchine and Meyer, Heiko and Meuli, Reto and Wedeen, Van and Krueger, Gunnar}, - title = {Diffusion Spectrum Imaging Shows the Structural Basis of Functional Cerebellar Circuits in the Human Cerebellum InVivo}, - journal = {PloS One}, - volume = {4}, - pages = {1-6}, - year = {2009}, +@article{RN3161, + author = {White, O. and Diedrichsen, J.}, + title = {Flexible switching of feedback control mechanisms allows for learning of different task dynamics}, + journal = {PLoS One}, + volume = {8}, + number = {2}, + pages = {e54771}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0054771 +PONE-D-12-21077 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23405093}, + year = {2013}, type = {Journal Article} } -@article{RN2737, - author = {Granziera, Cristina and Schmahmann, Jeremy Dan and Hadjikhani, Nouchine and Meyer, Heiko and Meuli, Reto and Wedeen, Van and Krueger, Gunnar}, - title = {Diffusion Spectrum Imaging Shows the Structural Basis of Functional Cerebellar Circuits in the Human Cerebellum InVivo}, - journal = {PloS One}, - volume = {4}, - pages = {1-6}, +@article{RN3159, + author = {Camus, M. and Ragert, P. and Vandermeeren, Y. and Cohen, L. G.}, + title = {Mechanisms controlling motor output to a transfer hand after learning a sequential pinch force skill with the opposite hand}, + journal = {Clin Neurophysiol}, + volume = {120}, + number = {10}, + pages = {1859-65}, + ISSN = {1872-8952 (Electronic) +1388-2457 (Linking)}, + DOI = {S1388-2457(09)00500-8 [pii] +10.1016/j.clinph.2009.08.013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19766535}, year = {2009}, type = {Journal Article} } -@article{RN2903, - author = {Ganguly, K. and Secundo, L. and Ranade, G. and Orsborn, A. and Chang, E. F. and Dimitrov, D. F. and Wallis, J. D. and Barbaro, N. M. and Knight, R. T. and Carmena, J. M.}, - title = {Cortical representation of ipsilateral arm movements in monkey and man}, +@article{RN3158, + author = {Perez, M. A. and Cohen, L. G.}, + title = {Mechanisms underlying functional changes in the primary motor cortex ipsilateral to an active hand}, journal = {J Neurosci}, - volume = {29}, - number = {41}, - pages = {12948-56}, + volume = {28}, + number = {22}, + pages = {5631-40}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {29/41/12948 [pii] -10.1523/JNEUROSCI.2471-09.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19828809}, - year = {2009}, + DOI = {28/22/5631 [pii] +10.1523/JNEUROSCI.0093-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18509024}, + year = {2008}, type = {Journal Article} } -@article{RN3360, - author = {Ganguly, K. and Carmena, J. M.}, - title = {Emergence of a stable cortical map for neuroprosthetic control}, - journal = {PLoS Biol}, - volume = {7}, - number = {7}, - pages = {e1000153}, - ISSN = {1545-7885 (Electronic) -1544-9173 (Linking)}, - DOI = {10.1371/journal.pbio.1000153}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19621062}, +@article{RN3157, + author = {Perez, M. A. and Cohen, L. G.}, + title = {Interhemispheric inhibition between primary motor cortices: what have we learned?}, + journal = {J Physiol}, + volume = {587}, + number = {Pt 4}, + pages = {725-6}, + ISSN = {1469-7793 (Electronic) +0022-3751 (Linking)}, + DOI = {jphysiol.2008.166926 [pii] +10.1113/jphysiol.2008.166926}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19103676}, year = {2009}, type = {Journal Article} } -@article{RN2707, - author = {Galea, J. M. and Jayaram, G. and Ajagbe, L. and Celnik, P.}, - title = {Modulation of cerebellar excitability by polarity-specific noninvasive direct current stimulation}, +@article{RN3156, + author = {Perez, M. A. and Wise, S. P. and Willingham, D. T. and Cohen, L. G.}, + title = {Neurophysiological mechanisms involved in transfer of procedural knowledge}, journal = {J Neurosci}, - volume = {29}, - number = {28}, - pages = {9115-22}, + volume = {27}, + number = {5}, + pages = {1045-53}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {29/28/9115 [pii] -10.1523/JNEUROSCI.2184-09.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19605648}, - year = {2009}, - type = {Journal Article} -} - -@article{RN2876, - author = {Galea, J. M. and Celnik, P.}, - title = {Brain polarization enhances the formation and retention of motor memories}, - journal = {J Neurophysiol}, - volume = {102}, - number = {1}, - pages = {294-301}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00184.2009 [pii] -10.1152/jn.00184.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19386757}, - year = {2009}, - type = {Journal Article} -} - -@article{RN2897, - author = {Friston, K. J.}, - title = {Modalities, modes, and models in functional neuroimaging}, - journal = {Science}, - volume = {326}, - number = {5951}, - pages = {399-403}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {326/5951/399 [pii] -10.1126/science.1174521}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19833961}, - year = {2009}, - type = {Journal Article} -} - -@article{RN2658, - author = {Friston, K.}, - title = {The free-energy principle: a rough guide to the brain?}, - journal = {Trends Cogn Sci}, - volume = {13}, - number = {7}, - pages = {293-301}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19559644 }, - year = {2009}, - type = {Journal Article} -} - -@article{RN2972, - author = {Fries, P.}, - title = {Neuronal gamma-band synchronization as a fundamental process in cortical computation}, - journal = {Annu Rev Neurosci}, - volume = {32}, - pages = {209-24}, - ISSN = {1545-4126 (Electronic) -0147-006X (Linking)}, - DOI = {10.1146/annurev.neuro.051508.135603}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19400723}, - year = {2009}, + DOI = {27/5/1045 [pii] +10.1523/JNEUROSCI.4128-06.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17267558}, + year = {2007}, type = {Journal Article} } -@misc{RN2682, - pages = {702.8}, - year = {2009}, - type = {Conference Paper} -} - -@article{RN3194, - author = {Eger, E. and Michel, V. and Thirion, B. and Amadon, A. and Dehaene, S. and Kleinschmidt, A.}, - title = {Deciphering cortical number coding from human brain activity patterns}, +@article{RN3155, + author = {Perez, M. A. and Tanaka, S. and Wise, S. P. and Sadato, N. and Tanabe, H. C. and Willingham, D. T. and Cohen, L. G.}, + title = {Neural substrates of intermanual transfer of a newly acquired motor skill}, journal = {Curr Biol}, - volume = {19}, - number = {19}, - pages = {1608-15}, - ISSN = {1879-0445 (Electronic) + volume = {17}, + number = {21}, + pages = {1896-902}, + ISSN = {0960-9822 (Print) 0960-9822 (Linking)}, - DOI = {S0960-9822(09)01623-6 [pii] -10.1016/j.cub.2009.08.047}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19781939}, - year = {2009}, + DOI = {S0960-9822(07)02021-0 [pii] +10.1016/j.cub.2007.09.058}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17964167}, + year = {2007}, type = {Journal Article} } -@article{RN2970, - author = {Duque, J. and Ivry, R. B.}, - title = {Role of corticospinal suppression during motor preparation}, - journal = {Cereb Cortex}, - volume = {19}, - number = {9}, - pages = {2013-24}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhn230 [pii] -10.1093/cercor/bhn230}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19126798}, - year = {2009}, +@article{RN3154, + author = {Prsa, M. and Thier, P.}, + title = {The role of the cerebellum in saccadic adaptation as a window into neural mechanisms of motor learning}, + journal = {Eur J Neurosci}, + volume = {33}, + number = {11}, + pages = {2114-28}, + ISSN = {1460-9568 (Electronic) +0953-816X (Linking)}, + DOI = {10.1111/j.1460-9568.2011.07693.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21645105}, + year = {2011}, type = {Journal Article} } -@article{RN3118, - author = {Doyon, J. and Korman, M. and Morin, A. and Dostie, V. and Hadj Tahar, A. and Benali, H. and Karni, A. and Ungerleider, L. G. and Carrier, J.}, - title = {Contribution of night and day sleep vs. simple passage of time to the consolidation of motor sequence and visuomotor adaptation learning}, - journal = {Exp Brain Res}, - volume = {195}, - number = {1}, - pages = {15-26}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-009-1748-y}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19277618}, - year = {2009}, +@article{RN3153, + author = {Deubel, H. and Wolf, W. and Hauske, G.}, + title = {Adaptive gain control of saccadic eye movements}, + journal = {Hum Neurobiol}, + volume = {5}, + number = {4}, + pages = {245-53}, + ISSN = {0721-9075 (Print) +0721-9075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3818374}, + year = {1986}, type = {Journal Article} } -@article{RN3363, - author = {Dombeck, D. A. and Graziano, M. S. and Tank, D. W.}, - title = {Functional clustering of neurons in motor cortex determined by cellular resolution imaging in awake behaving mice}, +@article{RN3151, + author = {Prsa, M. and Dicke, P. W. and Thier, P.}, + title = {The absence of eye muscle fatigue indicates that the nervous system compensates for non-motor disturbances of oculomotor function}, journal = {J Neurosci}, - volume = {29}, - number = {44}, - pages = {13751-60}, + volume = {30}, + number = {47}, + pages = {15834-42}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {10.1523/JNEUROSCI.2985-09.2009}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19889987}, - year = {2009}, + DOI = {30/47/15834 [pii] +10.1523/JNEUROSCI.3901-10.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21106822}, + year = {2010}, type = {Journal Article} } -@article{RN2608, - author = {Diedrichsen, J. and Gush, S.}, - title = {Reversal of bimanual feedback responses with changes in task goal}, - journal = {J Neurophysiol}, - volume = {101}, - number = {1}, - pages = {283-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18987120 }, - year = {2009}, +@article{RN3150, + author = {Schmahmann, J. D.}, + title = {Disorders of the cerebellum: ataxia, dysmetria of thought, and the cerebellar cognitive affective syndrome}, + journal = {J Neuropsychiatry Clin Neurosci}, + volume = {16}, + number = {3}, + pages = {367-78}, + ISSN = {0895-0172 (Print) +0895-0172 (Linking)}, + DOI = {10.1176/appi.neuropsych.16.3.367 +16/3/367 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15377747}, + year = {2004}, type = {Journal Article} } -@article{RN2674, - author = {Diedrichsen, J. and Dowling, N.}, - title = {Bimanual coordination as task-dependent linear control policies}, - journal = {Hum Mov Sci}, - volume = {28}, - number = {3}, - pages = {334-47}, - ISSN = {1872-7646 (Electronic)}, - DOI = {S0167-9457(08)00100-0 [pii] -10.1016/j.humov.2008.10.003}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19131136}, - year = {2009}, +@article{RN3148, + author = {van der Zwaag, W. and Kusters, R. and Magill, A. and Gruetter, R. and Martuzzi, R. and Blanke, O. and Marques, J. P.}, + title = {Digit somatotopy in the human cerebellum: a 7T fMRI study}, + journal = {Neuroimage}, + volume = {67}, + pages = {354-62}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(12)01153-6 [pii] +10.1016/j.neuroimage.2012.11.041}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23238433}, + year = {2013}, type = {Journal Article} } -@article{RN2678, - author = {Diedrichsen, J. and Balsters, J. H. and Flavell, J. and Cussans, E. and Ramnani, N.}, - title = {A probabilistic MR atlas of the human cerebellum}, +@article{RN3147, + author = {Schmahmann, J. D. and Doyon, J. and McDonald, D. and Holmes, C. and Lavoie, K. and Hurwitz, A. S. and Kabani, N. and Toga, A. and Evans, A. and Petrides, M.}, + title = {Three-dimensional MRI atlas of the human cerebellum in proportional stereotaxic space}, journal = {Neuroimage}, - volume = {46}, - number = {1}, - pages = {39-46}, - ISSN = {1095-9572 (Electronic)}, - DOI = {10.1016/j.neuroimage.2009.01.045}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19457380}, - year = {2009}, + volume = {10}, + number = {3 Pt 1}, + pages = {233-60}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.1999.0459 +S1053-8119(99)90459-7 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10458940}, + year = {1999}, type = {Journal Article} } -@article{RN3050, - author = {Dam, G. and Kording, K.}, - title = {Exploration and exploitation during sequential search}, - journal = {Cogn Sci}, - volume = {33}, - number = {3}, - pages = {530-41}, - ISSN = {0364-0213 (Print) -0364-0213 (Linking)}, - DOI = {10.1111/j.1551-6709.2009.01021.x}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21585479}, +@article{RN3146, + author = {Zilles, K. and Amunts, K.}, + title = {Receptor mapping: architecture of the human cerebral cortex}, + journal = {Curr Opin Neurol}, + volume = {22}, + number = {4}, + pages = {331-9}, + ISSN = {1473-6551 (Electronic) +1350-7540 (Linking)}, + DOI = {10.1097/WCO.0b013e32832d95db}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19512925}, year = {2009}, type = {Journal Article} } -@article{RN2633, - author = {Croxson, P. L. and Walton, M. E. and O'Reilly, J. X. and Behrens, T. E. and Rushworth, M. F.}, - title = {Effort-based cost-benefit valuation and the human brain}, +@article{RN3145, + author = {Sugihara, I. and Shinoda, Y.}, + title = {Molecular, topographic, and functional organization of the cerebellar cortex: a study with combined aldolase C and olivocerebellar labeling}, journal = {J Neurosci}, - volume = {29}, - number = {14}, - pages = {4531-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19357278 }, - year = {2009}, + volume = {24}, + number = {40}, + pages = {8771-85}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {24/40/8771 [pii] +10.1523/JNEUROSCI.1961-04.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15470143}, + year = {2004}, type = {Journal Article} } -@article{RN2679, - author = {Cothros, N. and Wong, J. and Gribble, P. L.}, - title = {Visual cues signaling object grasp reduce interference in motor learning}, - journal = {J Neurophysiol}, - volume = {102}, - number = {4}, - pages = {2112-20}, - ISSN = {1522-1598 (Electronic)}, - DOI = {00493.2009 [pii] -10.1152/jn.00493.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19657075}, +@article{RN3144, + author = {Kiebel, S. J. and von Kriegstein, K. and Daunizeau, J. and Friston, K. J.}, + title = {Recognizing sequences of sequences}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {8}, + pages = {e1000464}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1000464}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19680429}, year = {2009}, type = {Journal Article} } -@article{RN2651, - author = {Cohen, N. R. and Cross, E. S. and Wymbs, N. F. and Grafton, S. T.}, - title = {Transient disruption of M1 during response planning impairs subsequent offline consolidation}, - journal = {Exp Brain Res}, - volume = {196}, +@article{RN3143, + author = {Nudo, R. J. and Milliken, G. W. and Jenkins, W. M. and Merzenich, M. M.}, + title = {Use-dependent alterations of movement representations in primary motor cortex of adult squirrel monkeys}, + journal = {J Neurosci}, + volume = {16}, number = {2}, - pages = {303-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19462166 }, - year = {2009}, + pages = {785-807}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8551360}, + year = {1996}, type = {Journal Article} } -@misc{RN2689, - pages = {367.26}, - year = {2009}, - type = {Conference Paper} -} - -@article{RN2744, - author = {Chang, Catie and Glover, Gary}, - title = {Relationship between respiration, end-tidal CO2, and BOLD signals in resting-state fMRI}, - journal = {NeuroImage}, - volume = {47}, - number = {4}, - pages = {1381-1393}, - url = {citeulike-article-id:4385922 -http://dx.doi.org/10.1016/j.neuroimage.2009.04.048 }, - year = {2009}, +@article{RN3142, + author = {Hardwick, R. M. and Rottschy, C. and Miall, R. C. and Eickhoff, S. B.}, + title = {A quantitative meta-analysis and review of motor learning in the human brain}, + journal = {Neuroimage}, + volume = {67}, + pages = {283-97}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(12)01132-9 [pii] +10.1016/j.neuroimage.2012.11.020}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23194819}, + year = {2013}, type = {Journal Article} } -@article{RN2750, - author = {Chang, Catie and Cunningham, John and Glover, Gary}, - title = {Influence of heart rate on the BOLD signal: The cardiac response function}, - journal = {NeuroImage}, - volume = {44}, - number = {3}, - pages = {857-869}, - url = {citeulike-article-id:3739300 -http://dx.doi.org/10.1016/j.neuroimage.2008.09.029 }, +@article{RN3141, + author = {Resulaj, A. and Kiani, R. and Wolpert, D. M. and Shadlen, M. N.}, + title = {Changes of mind in decision-making}, + journal = {Nature}, + volume = {461}, + number = {7261}, + pages = {263-6}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature08275 [pii] +10.1038/nature08275}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19693010}, year = {2009}, type = {Journal Article} } -@article{RN3159, - author = {Camus, M. and Ragert, P. and Vandermeeren, Y. and Cohen, L. G.}, - title = {Mechanisms controlling motor output to a transfer hand after learning a sequential pinch force skill with the opposite hand}, - journal = {Clin Neurophysiol}, - volume = {120}, - number = {10}, - pages = {1859-65}, - ISSN = {1872-8952 (Electronic) -1388-2457 (Linking)}, - DOI = {S1388-2457(09)00500-8 [pii] -10.1016/j.clinph.2009.08.013}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19766535}, - year = {2009}, +@article{RN3140, + author = {Diedrichsen, J.}, + title = {Motor Coordination}, + journal = {Scholarpedia}, + volume = {7}, + number = {12}, + pages = {12309}, + DOI = {10.4249/scholarpedia.12309}, + url = {http://www.scholarpedia.org/article/Motor_coordination}, + year = {2012}, type = {Journal Article} } -@article{RN3536, - author = {Calhoun, V. D. and Liu, J. and Adali, T.}, - title = {A review of group ICA for fMRI data and ICA for joint inference of imaging, genetic, and ERP data}, - journal = {Neuroimage}, - volume = {45}, - number = {1 Suppl}, - pages = {S163-72}, - ISSN = {1095-9572 (Electronic) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2008.10.057}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/19059344}, - year = {2009}, +@article{RN3139, + author = {Diedrichsen, J. and Classen, J.}, + title = {Stimulating news about modular motor control}, + journal = {Neuron}, + volume = {76}, + number = {6}, + pages = {1043-1045}, + year = {2012}, type = {Journal Article} } -@article{RN2919, - author = {Brus-Ramer, M. and Carmel, J. B. and Martin, J. H.}, - title = {Motor cortex bilateral motor representation depends on subcortical and interhemispheric interactions}, - journal = {J Neurosci}, - volume = {29}, - number = {19}, - pages = {6196-206}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {29/19/6196 [pii] -10.1523/JNEUROSCI.5852-08.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19439597}, - year = {2009}, +@article{RN3138, + author = {Omrani, M. and Diedrichsen, J. and Scott, S. H.}, + title = {Rapid Feedback Corrections during a Bimanual Postural Task}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00669.2011 [pii] +10.1152/jn.00669.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=23054604}, + year = {2012}, type = {Journal Article} } -@article{RN2657, - author = {Braun, D. A. and Ortega, P. A. and Wolpert, D. M.}, - title = {Nash equilibria in multi-agent motor interactions}, - journal = {PLoS Comput Biol}, - volume = {5}, - number = {8}, - pages = {e1000468}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19680426 }, - year = {2009}, +@article{RN3135, + author = {Hallett, M. and Shahani, B. T. and Young, R. R.}, + title = {EMG analysis of stereotyped voluntary movements in man}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {38}, + number = {12}, + pages = {1154-62}, + ISSN = {0022-3050 (Print) +0022-3050 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1219079}, + year = {1975}, type = {Journal Article} } -@article{RN2775, - author = {Braun, D. A. and Aertsen, A. and Wolpert, D. M. and Mehring, C.}, - title = {Motor task variation induces structural learning}, - journal = {Curr Biol}, - volume = {19}, - number = {4}, - pages = {352-7}, - ISSN = {1879-0445 (Electronic) -0960-9822 (Linking)}, - DOI = {S0960-9822(09)00608-3 [pii] -10.1016/j.cub.2009.01.036}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19217296}, - year = {2009}, +@article{RN3134, + author = {Overduin, Simon A. and d’Avella, Andrea and Carmena, Jose M. and Bizzi, Emilio}, + title = {Microstimulation Activates a Handful of Muscle Synergies}, + journal = {Neuron}, + year = {2012}, type = {Journal Article} } -@article{RN2774, - author = {Braun, D. A. and Aertsen, A. and Wolpert, D. M. and Mehring, C.}, - title = {Learning optimal adaptation strategies in unpredictable motor tasks}, +@article{RN3133, + author = {Hart, C. B. and Giszter, S. F.}, + title = {A neural basis for motor primitives in the spinal cord}, journal = {J Neurosci}, - volume = {29}, - number = {20}, - pages = {6472-8}, + volume = {30}, + number = {4}, + pages = {1322-36}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {29/20/6472 [pii] -10.1523/JNEUROSCI.3075-08.2009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19458218}, - year = {2009}, - type = {Journal Article} -} - -@article{RN2900, - author = {Berry, A. and Krueger, R. and Simonet, G.}, - title = {Maximal label search algorithms to compute perfect and minimal elimination orderings}, - journal = {SIAM Journal on Discrete Mathematics}, - volume = {23}, - number = {1}, - pages = {428-446}, - year = {2009}, + DOI = {30/4/1322 [pii] +10.1523/JNEUROSCI.5894-08.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20107059}, + year = {2010}, type = {Journal Article} } -@article{RN3178, - author = {Azevedo, F. A. and Carvalho, L. R. and Grinberg, L. T. and Farfel, J. M. and Ferretti, R. E. and Leite, R. E. and Jacob Filho, W. and Lent, R. and Herculano-Houzel, S.}, - title = {Equal numbers of neuronal and nonneuronal cells make the human brain an isometrically scaled-up primate brain}, - journal = {J Comp Neurol}, - volume = {513}, - number = {5}, - pages = {532-41}, - ISSN = {1096-9861 (Electronic) -0021-9967 (Linking)}, - DOI = {10.1002/cne.21974}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19226510}, - year = {2009}, +@article{RN3132, + author = {Mussa-Ivaldi, F. A. and Giszter, S. F. and Bizzi, E.}, + title = {Linear combinations of primitives in vertebrate motor control}, + journal = {Proc Natl Acad Sci U S A}, + volume = {91}, + number = {16}, + pages = {7534-8}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8052615}, + year = {1994}, type = {Journal Article} } -@article{RN2753, - author = {Argyelan, Miklos and Carbon, Maren and Niethammer, Martin and Ulug, Aziz M and Voss, Henning U and Bressman, Susan B and Dhawan, Vijay and Eidelberg, David}, - title = {Cerebellothalamocortical Connectivity Regulates Penetrance in Dystonia}, - journal = {Journal of neuroscience}, - volume = {29}, - pages = {9740 -9747}, - year = {2009}, +@article{RN3131, + author = {Bizzi, E. and Mussa-Ivaldi, F. A. and Giszter, S.}, + title = {Computations underlying the execution of movement: a biological perspective}, + journal = {Science}, + volume = {253}, + number = {5017}, + pages = {287-91}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1857964}, + year = {1991}, type = {Journal Article} } -@article{RN2962, - author = {Apps, R. and Hawkes, R.}, - title = {Cerebellar cortical organization: a one-map hypothesis}, - journal = {Nat Rev Neurosci}, - volume = {10}, - number = {9}, - pages = {670-81}, - ISSN = {1471-0048 (Electronic) -1471-003X (Linking)}, - DOI = {nrn2698 [pii] -10.1038/nrn2698}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19693030}, - year = {2009}, +@article{RN3129, + author = {Brochier, T. and Spinks, R. L. and Umilta, M. A. and Lemon, R. N.}, + title = {Patterns of muscle activity underlying object-specific grasp by the macaque monkey}, + journal = {J Neurophysiol}, + volume = {92}, + number = {3}, + pages = {1770-82}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00976.2003 +00976.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15163676}, + year = {2004}, type = {Journal Article} } -@article{RN2966, - author = {Zarahn, E. and Weston, G. D. and Liang, J. and Mazzoni, P. and Krakauer, J. W.}, - title = {Explaining savings for visuomotor adaptation: linear time-invariant state-space models are not sufficient}, +@article{RN3128, + author = {Radhakrishnan, S. M. and Baker, S. N. and Jackson, A.}, + title = {Learning a novel myoelectric-controlled interface task}, journal = {J Neurophysiol}, volume = {100}, - number = {5}, - pages = {2537-48}, + number = {4}, + pages = {2397-408}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {90529.2008 [pii] -10.1152/jn.90529.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18596178}, + DOI = {90614.2008 [pii] +10.1152/jn.90614.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18667540}, year = {2008}, type = {Journal Article} } -@article{RN2918, - author = {Wisneski, K. J. and Anderson, N. and Schalk, G. and Smyth, M. and Moran, D. and Leuthardt, E. C.}, - title = {Unique cortical physiology associated with ipsilateral hand movements and neuroprosthetic implications}, - journal = {Stroke}, - volume = {39}, - number = {12}, - pages = {3351-9}, - ISSN = {1524-4628 (Electronic) -0039-2499 (Linking)}, - DOI = {STROKEAHA.108.518175 [pii] -10.1161/STROKEAHA.108.518175}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18927456}, - year = {2008}, +@article{RN3126, + author = {Griffin, D. M. and Hudson, H. M. and Belhaj-Saif, A. and Cheney, P. D.}, + title = {Hijacking cortical motor output with repetitive microstimulation}, + journal = {J Neurosci}, + volume = {31}, + number = {37}, + pages = {13088-96}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/37/13088 [pii] +10.1523/JNEUROSCI.6322-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21917792}, + year = {2011}, type = {Journal Article} } -@article{RN2870, - author = {White, O. and Dowling, N. and Bracewell, R. M. and Diedrichsen, J.}, - title = {Hand interactions in rapid grip force adjustments are independent of object dynamics}, +@article{RN3125, + author = {Graziano, M. S. and Patel, K. T. and Taylor, C. S.}, + title = {Mapping from motor cortex to biceps and triceps altered by elbow angle}, journal = {J Neurophysiol}, - volume = {100}, - number = {5}, - pages = {2738-45}, + volume = {92}, + number = {1}, + pages = {395-407}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {90593.2008 [pii] -10.1152/jn.90593.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18768641}, - year = {2008}, + DOI = {10.1152/jn.01241.2003 +01241.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14985414}, + year = {2004}, type = {Journal Article} } -@article{RN2564, - author = {White, O. and Diedrichsen, J.}, - title = {Motor control: from joints to objects and back}, - journal = {Curr Biol}, - volume = {18}, - number = {12}, - pages = {R532-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18579100 }, - year = {2008}, +@article{RN3123, + author = {Kutch, J. J. and Valero-Cuevas, F. J.}, + title = {Challenges and new approaches to proving the existence of muscle synergies of neural origin}, + journal = {PLoS Comput Biol}, + volume = {8}, + number = {5}, + pages = {e1002434}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1002434 +PCOMPBIOL-D-11-01006 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22570602}, + year = {2012}, type = {Journal Article} } -@article{RN2742, - author = {Wedeen, J and Wang, P and Schmahmann, D and Benner, T and Tseng, I and Dai, G and Pandya, N and Hagmann, P}, - title = {Diffusion spectrum magnetic resonance imaging (DSI) tractography of crossing fibers}, - journal = {Methods}, - volume = {41}, - pages = {1267 - 1277}, - year = {2008}, +@article{RN3122, + author = {Berkes, P. and Orban, G. and Lengyel, M. and Fiser, J.}, + title = {Spontaneous cortical activity reveals hallmarks of an optimal internal model of the environment}, + journal = {Science}, + volume = {331}, + number = {6013}, + pages = {83-7}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {331/6013/83 [pii] +10.1126/science.1195870}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21212356}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3121, + author = {Gentner, R. and Classen, J.}, + title = {Modular organization of finger movements by the human central nervous system}, + journal = {Neuron}, + volume = {52}, + number = {4}, + pages = {731-42}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(06)00776-8 [pii] +10.1016/j.neuron.2006.09.038}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17114055}, + year = {2006}, type = {Journal Article} } -@article{RN2618, - author = {Wagner, M. J. and Smith, M. A.}, - title = {Shared internal models for feedforward and feedback control}, +@article{RN3120, + author = {Schlerf, J. and Ivry, R. B. and Diedrichsen, J.}, + title = {Encoding of sensory prediction errors in the human cerebellum}, journal = {J Neurosci}, - volume = {28}, - number = {42}, - pages = {10663-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18923042 }, - year = {2008}, + volume = {32}, + number = {14}, + pages = {4913-22}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {32/14/4913 [pii] +10.1523/JNEUROSCI.4504-11.2012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22492047}, + year = {2012}, type = {Journal Article} } -@article{RN3075, - author = {Vines, B. W. and Nair, D. and Schlaug, G.}, - title = {Modulating activity in the motor cortex affects performance for the two hands differently depending upon which hemisphere is stimulated}, - journal = {Eur J Neurosci}, - volume = {28}, - number = {8}, - pages = {1667-73}, - ISSN = {1460-9568 (Electronic) -0953-816X (Linking)}, - DOI = {EJN6459 [pii] -10.1111/j.1460-9568.2008.06459.x}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18973584}, - year = {2008}, +@article{RN3119, + author = {Ledoit, O. and Wolf, M.}, + title = {Improved estimation of the covariance matrix of stock returns with an application to portfolio selection}, + journal = {Journal of Empirical Finance}, + volume = {10(5)}, + number = {603–621}, + year = { 2003}, type = {Journal Article} } -@article{RN2931, - author = {Vines, B. W. and Cerruti, C. and Schlaug, G.}, - title = {Dual-hemisphere tDCS facilitates greater improvements for healthy subjects' non-dominant hand compared to uni-hemisphere stimulation}, - journal = {BMC Neurosci}, - volume = {9}, - pages = {103}, - ISSN = {1471-2202 (Electronic) -1471-2202 (Linking)}, - DOI = {1471-2202-9-103 [pii] -10.1186/1471-2202-9-103}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18957075}, - year = {2008}, +@article{RN3118, + author = {Doyon, J. and Korman, M. and Morin, A. and Dostie, V. and Hadj Tahar, A. and Benali, H. and Karni, A. and Ungerleider, L. G. and Carrier, J.}, + title = {Contribution of night and day sleep vs. simple passage of time to the consolidation of motor sequence and visuomotor adaptation learning}, + journal = {Exp Brain Res}, + volume = {195}, + number = {1}, + pages = {15-26}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-009-1748-y}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19277618}, + year = {2009}, type = {Journal Article} } -@article{RN3059, - author = {Trommershauser, J. and Maloney, L. T. and Landy, M. S.}, - title = {Decision making, movement planning and statistical decision theory}, - journal = {Trends Cogn Sci}, - volume = {12}, - number = {8}, - pages = {291-7}, - ISSN = {1364-6613 (Print) -1364-6613 (Linking)}, - DOI = {S1364-6613(08)00153-8 [pii] -10.1016/j.tics.2008.04.010}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18614390}, - year = {2008}, +@article{RN3117, + author = {Korman, M. and Raz, N. and Flash, T. and Karni, A.}, + title = {Multiple shifts in the representation of a motor sequence during the acquisition of skilled performance}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {21}, + pages = {12492-7}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {10.1073/pnas.2035019100 +2035019100 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14530407}, + year = {2003}, type = {Journal Article} } -@article{RN2791, - author = {Timmann, D. and Brandauer, B. and Hermsdörfer, J. and Ilg, W. and Konczak, J. and Gerwig, M. and Gizewski, E. R. and Schoch, B.}, - title = {Lesion-symptom mapping of the human cerebellum}, - journal = {Cerebellum}, - volume = {7}, - number = {4}, - pages = {602-6}, - ISSN = {1473-4230 (Electronic) -1473-4222 (Linking)}, - DOI = {10.1007/s12311-008-0066-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18949530}, - year = {2008}, +@article{RN3116, + author = {Korman, M. and Doyon, J. and Doljansky, J. and Carrier, J. and Dagan, Y. and Karni, A.}, + title = {Daytime sleep condenses the time course of motor memory consolidation}, + journal = {Nat Neurosci}, + volume = {10}, + number = {9}, + pages = {1206-13}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {nn1959 [pii] +10.1038/nn1959}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17694051}, + year = {2007}, type = {Journal Article} } -@article{RN2848, - author = {Talelli, P. and Waddingham, W. and Ewas, A. and Rothwell, J. C. and Ward, N. S.}, - title = {The effect of age on task-related modulation of interhemispheric balance}, - journal = {Exp Brain Res}, - volume = {186}, - number = {1}, - pages = {59-66}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-007-1205-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18040671}, - year = {2008}, +@article{RN3114, + author = {Perlmutter, J. S. and Thach, W. T.}, + title = {Writer's cramp: questions of causation}, + journal = {Neurology}, + volume = {69}, + number = {4}, + pages = {331-2}, + ISSN = {1526-632X (Electronic) +0028-3878 (Linking)}, + DOI = {69/4/331 [pii] +10.1212/01.wnl.0000269330.95232.7c}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17646624}, + year = {2007}, type = {Journal Article} } -@article{RN2847, - author = {Talelli, P. and Ewas, A. and Waddingham, W. and Rothwell, J. C. and Ward, N. S.}, - title = {Neural correlates of age-related changes in cortical neurophysiology}, - journal = {Neuroimage}, - volume = {40}, - number = {4}, - pages = {1772-81}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(08)00066-9 [pii] -10.1016/j.neuroimage.2008.01.039}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18329904}, - year = {2008}, +@article{RN3113, + author = {Sugihara, I. and Shinoda, Y.}, + title = {Molecular, topographic, and functional organization of the cerebellar cortex: a study with combined aldolase C and olivocerebellar labeling}, + journal = {J Neurosci}, + volume = {24}, + number = {40}, + pages = {8771-85}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {24/40/8771 [pii] +10.1523/JNEUROSCI.1961-04.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15470143}, + year = {2004}, type = {Journal Article} } -@article{RN2582, - author = {Synofzik, M. and Lindner, A. and Thier, P.}, - title = {The cerebellum updates predictions about the visual consequences of one's behavior}, - journal = {Curr Biol}, - volume = {18}, - number = {11}, - pages = {814-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18514520 }, - year = {2008}, +@article{RN3112, + author = {Haynes, J. D. and Rees, G.}, + title = {Decoding mental states from brain activity in humans}, + journal = {Nat Rev Neurosci}, + volume = {7}, + number = {7}, + pages = {523-34}, + ISSN = {1471-003X (Print) +1471-003X (Linking)}, + DOI = {nrn1931 [pii] +10.1038/nrn1931}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16791142}, + year = {2006}, type = {Journal Article} } -@article{RN2536, - author = {Srimal, R. and Diedrichsen, J. and Ryklin, E. B. and Curtis, C. E.}, - title = {Obligatory adaptation of saccade gains}, - journal = {J Neurophysiol}, - volume = {99}, - number = {3}, - pages = {1554-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18234985 }, - year = {2008}, +@article{RN3111, + author = {Schwartz, A. B. and Kettner, R. E. and Georgopoulos, A. P.}, + title = {Primate motor cortex and free arm movements to visual targets in three-dimensional space. I. Relations between single cell discharge and direction of movement}, + journal = {J Neurosci}, + volume = {8}, + number = {8}, + pages = {2913-27}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3411361}, + year = {1988}, type = {Journal Article} } -@article{RN2576, - author = {Soetedjo, R. and Kojima, Y. and Fuchs, A.}, - title = {Complex spike activity signals the direction and size of dysmetric saccade errors}, - journal = {Prog Brain Res}, - volume = {171}, - pages = {153-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18718294 }, - year = {2008}, +@article{RN3110, + author = {Kettner, R. E. and Schwartz, A. B. and Georgopoulos, A. P.}, + title = {Primate motor cortex and free arm movements to visual targets in three-dimensional space. III. Positional gradients and population coding of movement direction from various movement origins}, + journal = {J Neurosci}, + volume = {8}, + number = {8}, + pages = {2938-47}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3411363}, + year = {1988}, type = {Journal Article} } -@article{RN2910, - author = {Shadmehr, R. and Krakauer, J. W.}, - title = {A computational neuroanatomy for motor control}, - journal = {Exp Brain Res}, - volume = {185}, - number = {3}, - pages = {359-81}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-008-1280-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18251019}, - year = {2008}, +@article{RN3108, + author = {Tong, F. and Pratte, M. S.}, + title = {Decoding patterns of human brain activity}, + journal = {Annu Rev Psychol}, + volume = {63}, + pages = {483-509}, + ISSN = {1545-2085 (Electronic) +0066-4308 (Linking)}, + DOI = {10.1146/annurev-psych-120710-100412}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21943172}, + year = {2012}, type = {Journal Article} } -@article{RN2686, - author = {Shabbott, B. A. and Sainburg, R. L.}, - title = {Differentiating between two models of motor lateralization}, - journal = {J Neurophysiol}, - volume = {100}, - number = {2}, - pages = {565-75}, - ISSN = {0022-3077 (Print)}, - DOI = {90349.2008 [pii] -10.1152/jn.90349.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18497366}, - year = {2008}, +@article{RN3107, + author = {Schönemann, Peter}, + title = {A generalized solution of the orthogonal procrustes problem}, + journal = {Psychometrika}, + volume = {31}, + number = {1}, + pages = {1-10}, + ISSN = {0033-3123}, + DOI = {10.1007/bf02289451}, + url = {http://dx.doi.org/10.1007/BF02289451}, + year = {1966}, type = {Journal Article} } -@article{RN2929, - author = {Scheperjans, F. and Hermann, K. and Eickhoff, S. B. and Amunts, K. and Schleicher, A. and Zilles, K.}, - title = {Observer-independent cytoarchitectonic mapping of the human superior parietal cortex}, - journal = {Cereb Cortex}, - volume = {18}, - number = {4}, - pages = {846-67}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhm116 [pii] -10.1093/cercor/bhm116}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17644831}, - year = {2008}, +@article{RN3106, + author = {Schonemann, P. H.}, + title = {On two-sided orthogonal Procrustes problems}, + journal = {Psychometrika}, + volume = {33}, + number = {1}, + pages = {19-33}, + ISSN = {0033-3123 (Print) +0033-3123 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5239567}, + year = {1968}, type = {Journal Article} } -@article{RN2761, - author = {Saksena, Sona and Husain, Nuzhat and Malik, Gyanendra K and Trivedi, Richa and Sarma, Manoj and Rathore, Ramkishore S and Pandey, Chandra M and Gupta, Rakesh K}, - title = {Comparative Evaluation of the Cerebral and Cerebellar White Matter Development in Pediatric Age Group using Quantitative Diffusion Tensor Imaging}, - journal = {Cerebellum}, - volume = {7}, - pages = {392-400}, - year = {2008}, +@article{RN3105, + author = {Schonemann, P. H.}, + title = {Varism: a new machine method for orthogonal rotation}, + journal = {Psychometrika}, + volume = {31}, + number = {2}, + pages = {235-48}, + ISSN = {0033-3123 (Print) +0033-3123 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5222210}, + year = {1966}, type = {Journal Article} } -@article{RN2740, - author = {Saksena, Sona and Husain, Nuzhat and Malik, Gyanendra K and Trivedi, Richa and Sarma, Manoj and Rathore, Ramkishore S and Pandey, Chandra M and Gupta, Rakesh K}, - title = {Comparative Evaluation of the Cerebral and Cerebellar White Matter Development in Pediatric Age Group using Quantitative Diffusion Tensor Imaging}, - journal = {Cerebellum}, - volume = {7}, - pages = {392-400}, - year = {2008}, +@book{RN3104, + author = {Duda, R.O. and Hart, P.E. and Stork, D.G.}, + title = {Pattern classification}, + publisher = {Wiley}, + address = {Hoboken, NJ}, + ISBN = {9780471056690}, + url = {http://books.google.co.uk/books?id=YoxQAAAAMAAJ}, + year = {2001}, + type = {Book} +} + +@article{RN3102, + author = {Rokach, Lior}, + title = {Ensemble-based classifiers}, + journal = {Artificial Intelligence Review}, + volume = {33}, + pages = {1-39}, + DOI = {10.1007/s10462-009-9124-7}, + year = {2010}, type = {Journal Article} } -@article{RN3128, - author = {Radhakrishnan, S. M. and Baker, S. N. and Jackson, A.}, - title = {Learning a novel myoelectric-controlled interface task}, +@article{RN3101, + author = {Lang, C. E. and Schieber, M. H.}, + title = {Differential impairment of individuated finger movements in humans after damage to the motor cortex or the corticospinal tract}, journal = {J Neurophysiol}, - volume = {100}, - number = {4}, - pages = {2397-408}, + volume = {90}, + number = {2}, + pages = {1160-70}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {90614.2008 [pii] -10.1152/jn.90614.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18667540}, - year = {2008}, + DOI = {10.1152/jn.00130.2003 +00130.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12660350}, + year = {2003}, type = {Journal Article} } -@article{RN2557, - author = {Pruszynski, J. A. and Kurtzer, I. and Scott, S. H.}, - title = {Rapid motor responses are appropriately tuned to the metrics of a visuospatial task}, +@article{RN3100, + author = {Lang, C. E. and Schieber, M. H.}, + title = {Reduced muscle selectivity during individuated finger movements in humans after damage to the motor cortex or corticospinal tract}, journal = {J Neurophysiol}, - volume = {100}, - number = {1}, - pages = {224-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18463184 }, - year = {2008}, + volume = {91}, + number = {4}, + pages = {1722-33}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00805.2003 +00805.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14668295}, + year = {2004}, type = {Journal Article} } -@article{RN2872, - author = {Prabhakaran, S. and Zarahn, E. and Riley, C. and Speizer, A. and Chong, J. Y. and Lazar, R. M. and Marshall, R. S. and Krakauer, J. W.}, - title = {Inter-individual variability in the capacity for motor recovery after ischemic stroke}, - journal = {Neurorehabil Neural Repair}, - volume = {22}, - number = {1}, - pages = {64-71}, - ISSN = {1545-9683 (Print) -1545-9683 (Linking)}, - DOI = {1545968307305302 [pii] -10.1177/1545968307305302}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17687024}, +@article{RN3098, + author = {Kay, K. N. and Naselaris, T. and Prenger, R. J. and Gallant, J. L.}, + title = {Identifying natural images from human brain activity}, + journal = {Nature}, + volume = {452}, + number = {7185}, + pages = {352-5}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {10.1038/nature06713}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18322462}, year = {2008}, type = {Journal Article} } -@article{RN2887, - author = {Peters, J. and Schaal, S.}, - title = {Reinforcement learning of motor skills with policy gradients}, - journal = {Neural Netw}, - volume = {21}, - number = {4}, - pages = {682-97}, - ISSN = {0893-6080 (Print) -0893-6080 (Linking)}, - DOI = {S0893-6080(08)00070-1 [pii] -10.1016/j.neunet.2008.02.003}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18482830}, - year = {2008}, +@article{RN3097, + author = {Naselaris, T. and Prenger, R. J. and Kay, K. N. and Oliver, M. and Gallant, J. L.}, + title = {Bayesian reconstruction of natural images from human brain activity}, + journal = {Neuron}, + volume = {63}, + number = {6}, + pages = {902-15}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(09)00685-0 [pii] +10.1016/j.neuron.2009.09.006}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19778517}, + year = {2009}, type = {Journal Article} } -@article{RN3158, - author = {Perez, M. A. and Cohen, L. G.}, - title = {Mechanisms underlying functional changes in the primary motor cortex ipsilateral to an active hand}, - journal = {J Neurosci}, - volume = {28}, - number = {22}, - pages = {5631-40}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {28/22/5631 [pii] -10.1523/JNEUROSCI.0093-08.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18509024}, - year = {2008}, +@article{RN3096, + author = {Naselaris, T. and Kay, K. N. and Nishimoto, S. and Gallant, J. L.}, + title = {Encoding and decoding in fMRI}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {400-10}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.07.073}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20691790}, + year = {2011}, type = {Journal Article} } -@article{RN2661, - author = {Overduin, S. A. and d'Avella, A. and Roh, J. and Bizzi, E.}, - title = {Modulation of muscle synergy recruitment in primate grasping}, - journal = {J Neurosci}, - volume = {28}, - number = {4}, - pages = {880-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18216196 }, - year = {2008}, +@article{RN3095, + author = {Churchland, M. M. and Yu, B. M. and Sahani, M. and Shenoy, K. V.}, + title = {Techniques for extracting single-trial activity patterns from large-scale neural recordings}, + journal = {Curr Opin Neurobiol}, + volume = {17}, + number = {5}, + pages = {609-18}, + ISSN = {0959-4388 (Print) +0959-4388 (Linking)}, + DOI = {S0959-4388(07)00119-5 [pii] +10.1016/j.conb.2007.11.001}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18093826}, + year = {2007}, type = {Journal Article} } -@article{RN2732, - author = {O'Reilly, J. X. and Mesulam, M. M. and Nobre, A. C.}, - title = {The cerebellum predicts the timing of perceptual events}, - journal = {J Neurosci}, - volume = {28}, - number = {9}, - pages = {2252-60}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {28/9/2252 [pii] -10.1523/JNEUROSCI.2742-07.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18305258}, - year = {2008}, +@article{RN3094, + author = {Churchland, M. M. and Cunningham, J. P. and Kaufman, M. T. and Foster, J. D. and Nuyujukian, P. and Ryu, S. I. and Shenoy, K. V.}, + title = {Neural population dynamics during reaching}, + journal = {Nature}, + volume = {487}, + number = {7405}, + pages = {51-6}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature11129 [pii] +10.1038/nature11129}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22722855}, + year = {2012}, type = {Journal Article} } -@article{RN2845, - author = {Noskin, O. and Krakauer, J. W. and Lazar, R. M. and Festa, J. R. and Handy, C. and O'Brien, K. A. and Marshall, R. S.}, - title = {Ipsilateral motor dysfunction from unilateral stroke: implications for the functional neuroanatomy of hemiparesis}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {79}, - number = {4}, - pages = {401-6}, - ISSN = {1468-330X (Electronic) -0022-3050 (Linking)}, - DOI = {jnnp.2007.118463 [pii] -10.1136/jnnp.2007.118463}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17635970}, - year = {2008}, +@article{RN3093, + author = {Flanagan, J. R. and Wing, A. M.}, + title = {Modulation of grip force with load force during point-to-point arm movements}, + journal = {Exp Brain Res}, + volume = {95}, + number = {1}, + pages = {131-43}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8405245}, + year = {1993}, type = {Journal Article} } -@article{RN2873, - author = {Nitsche, M. A. and Cohen, L. G. and Wassermann, E. M. and Priori, A. and Lang, N. and Antal, A. and Paulus, W. and Hummel, F. and Boggio, P. S. and Fregni, F. and Pascual-Leone, A.}, - title = {Transcranial direct current stimulation: State of the art 2008}, - journal = {Brain Stimul}, - volume = {1}, - number = {3}, - pages = {206-23}, - ISSN = {1935-861X (Print)}, - DOI = {S1935-861X(08)00040-5 [pii] -10.1016/j.brs.2008.06.004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20633386}, - year = {2008}, +@article{RN3092, + author = {Latash, M. L.}, + title = {The bliss (not the problem) of motor abundance (not redundancy)}, + journal = {Exp Brain Res}, + volume = {217}, + number = {1}, + pages = {1-5}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-012-3000-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22246105}, + year = {2012}, type = {Journal Article} } -@article{RN2532, - author = {Naito, E. and Scheperjans, F. and Eickhoff, S. B. and Amunts, K. and Roland, P. E. and Zilles, K. and Ehrsson, H. H.}, - title = {Human superior parietal lobule is involved in somatic perception of bimanual interaction with an external object}, +@article{RN3090, + author = {Dimitriou, M. and Franklin, D. W. and Wolpert, D. M.}, + title = {Task-dependent coordination of rapid bimanual motor responses}, journal = {J Neurophysiol}, - volume = {99}, - number = {2}, - pages = {695-703}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18003884 }, - year = {2008}, + volume = {107}, + number = {3}, + pages = {890-901}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00787.2011 [pii] +10.1152/jn.00787.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22072514}, + year = {2012}, type = {Journal Article} } -@article{RN2580, - author = {Mulliken, G. H. and Musallam, S. and Andersen, R. A.}, - title = {Forward estimation of movement state in posterior parietal cortex}, - journal = {Proc Natl Acad Sci U S A}, +@article{RN3088, + author = {Liu, X. and Mosier, K. M. and Mussa-Ivaldi, F. A. and Casadio, M. and Scheidt, R. A.}, + title = {Reorganization of finger coordination patterns during adaptation to rotation and scaling of a newly learned sensorimotor transformation}, + journal = {J Neurophysiol}, volume = {105}, - number = {24}, - pages = {8170-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18499800 }, - year = {2008}, - type = {Journal Article} -} - -@article{RN3541, - author = {Mitchell, T. M. and Shinkareva, S. V. and Carlson, A. and Chang, K. M. and Malave, V. L. and Mason, R. A. and Just, M. A.}, - title = {Predicting human brain activity associated with the meanings of nouns}, - journal = {Science}, - volume = {320}, - number = {5880}, - pages = {1191-5}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {10.1126/science.1152876}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/18511683}, - year = {2008}, + number = {1}, + pages = {454-73}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00247.2010 [pii] +10.1152/jn.00247.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20980541}, + year = {2011}, type = {Journal Article} } -@article{RN3205, - author = {Miller, L.A. and Stubblefield, K.A. and Lipschutz, R.D. and Lock, B.A. and Kuiken, T.A.}, - title = {Improved Myoelectric Prosthesis Control Using Targeted Reinnervation Surgery: A Case Series}, - journal = {IEEE Trans Neural Syst Rehabil Eng}, - volume = {2}, - pages = {46-50}, - year = {2008}, +@article{RN3087, + author = {Mussa-Ivaldi, F. A. and Casadio, M. and Danziger, Z. C. and Mosier, K. M. and Scheidt, R. A.}, + title = {Sensory motor remapping of space in human-machine interfaces}, + journal = {Prog Brain Res}, + volume = {191}, + pages = {45-64}, + ISSN = {1875-7855 (Electronic) +0079-6123 (Linking)}, + DOI = {B978-0-444-53752-2.00014-X [pii] +10.1016/B978-0-444-53752-2.00014-X}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21741543}, + year = {2011}, type = {Journal Article} } -@article{RN2999, - author = {Meier, J. D. and Aflalo, T. N. and Kastner, S. and Graziano, M. S.}, - title = {Complex organization of human primary motor cortex: a high-resolution fMRI study}, - journal = {J Neurophysiol}, - volume = {100}, - number = {4}, - pages = {1800-12}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {90531.2008 [pii] -10.1152/jn.90531.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18684903}, - year = {2008}, +@article{RN3086, + author = {Slobounov, S. and Chiang, H. and Johnston, J. and Ray, W.}, + title = {Modulated cortical control of individual fingers in experienced musicians: an EEG study. Electroencephalographic study}, + journal = {Clin Neurophysiol}, + volume = {113}, + number = {12}, + pages = {2013-24}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245702002985 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12464342}, + year = {2002}, type = {Journal Article} } -@article{RN3173, - author = {Medina, J. F. and Lisberger, S. G.}, - title = {Links from complex spikes to local plasticity and motor learning in the cerebellum of awake-behaving monkeys}, - journal = {Nat Neurosci}, - volume = {11}, - number = {10}, - pages = {1185-92}, - ISSN = {1546-1726 (Electronic) -1097-6256 (Linking)}, - DOI = {nn.2197 [pii] -10.1038/nn.2197}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18806784}, - year = {2008}, +@article{RN3085, + author = {Slobounov, S. and Ray, W. and Cao, C. and Chiang, H.}, + title = {Modulation of cortical activity as a result of task-specific practice}, + journal = {Neurosci Lett}, + volume = {421}, + number = {2}, + pages = {126-31}, + ISSN = {0304-3940 (Print) +0304-3940 (Linking)}, + DOI = {S0304-3940(07)00496-X [pii] +10.1016/j.neulet.2007.04.077}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17566654}, + year = {2007}, type = {Journal Article} } -@article{RN2711, - author = {Liu, T. and Xu, D. and Ashe, J. and Bushara, K.}, - title = {Specificity of inferior olive response to stimulus timing}, +@article{RN3083, + author = {Raghavan, P. and Petra, E. and Krakauer, J. W. and Gordon, A. M.}, + title = {Patterns of impairment in digit independence after subcortical stroke}, journal = {J Neurophysiol}, - volume = {100}, - number = {3}, - pages = {1557-61}, + volume = {95}, + number = {1}, + pages = {369-78}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {00961.2007 [pii] -10.1152/jn.00961.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18632890}, - year = {2008}, + DOI = {00873.2005 [pii] +10.1152/jn.00873.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16207778}, + year = {2006}, type = {Journal Article} } -@article{RN2871, - author = {Li, W. and Piech, V. and Gilbert, C. D.}, - title = {Learning to link visual contours}, - journal = {Neuron}, - volume = {57}, +@article{RN3082, + author = {Martin, J. R. and Budgeon, M. K. and Zatsiorsky, V. M. and Latash, M. L.}, + title = {Stabilization of the total force in multi-finger pressing tasks studied with the 'inverse piano' technique}, + journal = {Hum Mov Sci}, + volume = {30}, number = {3}, - pages = {442-51}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896-6273(07)01011-2 [pii] -10.1016/j.neuron.2007.12.011}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18255036}, - year = {2008}, + pages = {446-58}, + ISSN = {1872-7646 (Electronic) +0167-9457 (Linking)}, + DOI = {S0167-9457(10)00180-6 [pii] +10.1016/j.humov.2010.08.021}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21450360}, + year = {2011}, type = {Journal Article} } -@article{RN3608, - author = {Kwon, Y. H. and Ko, M. H. and Ahn, S. H. and Kim, Y. H. and Song, J. C. and Lee, C. H. and Chang, M. C. and Jang, S. H.}, - title = {Primary motor cortex activation by transcranial direct current stimulation in the human brain}, - journal = {Neurosci Lett}, - volume = {435}, - number = {1}, - pages = {56-9}, - ISSN = {0304-3940 (Print) -0304-3940 (Linking)}, - DOI = {S0304-3940(08)00180-8 [pii] -10.1016/j.neulet.2008.02.012 [doi]}, - url = {http://www.sciencedirect.com/science?_ob=MImg&_imagekey=B6T0G-4RTM34M-4-5&_cdi=4862&_user=125795&_pii=S0304394008001808&_origin=search&_coverDate=04%2F11%2F2008&_sk=995649998&view=c&wchp=dGLzVtb-zSkzV&md5=e84e238e92baf6b9a52578bc6d129950&ie=/sdarticle.pdf}, - year = {2008}, +@article{RN3081, + author = {Goodman, S. R. and Latash, M. L. and Zatsiorsky, V. M.}, + title = {Indices of nonlinearity in finger force interaction}, + journal = {Biol Cybern}, + volume = {90}, + number = {4}, + pages = {264-71}, + ISSN = {0340-1200 (Print) +0340-1200 (Linking)}, + DOI = {10.1007/s00422-004-0466-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15085345}, + year = {2004}, type = {Journal Article} } -@article{RN2659, - author = {Kutch, J. J. and Kuo, A. D. and Bloch, A. M. and Rymer, W. Z.}, - title = {Endpoint force fluctuations reveal flexible rather than synergistic patterns of muscle cooperation}, - journal = {J Neurophysiol}, - volume = {100}, - number = {5}, - pages = {2455-71}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18799603 }, - year = {2008}, +@article{RN3080, + author = {Li, S. and Latash, M. L. and Yue, G. H. and Siemionow, V. and Sahgal, V.}, + title = {The effects of stroke and age on finger interaction in multi-finger force production tasks}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {9}, + pages = {1646-55}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245703001640 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948793}, + year = {2003}, type = {Journal Article} } -@article{RN2558, - author = {Kurtzer, I. and Pruszynski, J. A. and Scott, S. H.}, - title = {Long-latency reflexes of the human arm reflect an internal model of limb dynamics}, - journal = {Curr Biol}, - volume = {18}, +@article{RN3079, + author = {Gao, F. and Li, S. and Li, Z. M. and Latash, M. L. and Zatsiorsky, V. M.}, + title = {Matrix analyses of interaction among fingers in static force production tasks}, + journal = {Biol Cybern}, + volume = {89}, number = {6}, - pages = {449-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18356051 }, - year = {2008}, + pages = {407-14}, + ISSN = {0340-1200 (Print) +0340-1200 (Linking)}, + DOI = {10.1007/s00422-003-0420-z}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14673652}, + year = {2003}, type = {Journal Article} } -@article{RN2838, - author = {Kriegeskorte, N. and Mur, M. and Ruff, D. A. and Kiani, R. and Bodurka, J. and Esteky, H. and Tanaka, K. and Bandettini, P. A.}, - title = {Matching categorical object representations in inferior temporal cortex of man and monkey}, - journal = {Neuron}, - volume = {60}, - number = {6}, - pages = {1126-41}, - ISSN = {1097-4199 (Electronic) -1097-4199 (Linking)}, - DOI = {10.1016/j.neuron.2008.10.043 [doi]}, - year = {2008}, +@article{RN3078, + author = {Latash, M. L. and Li, S. and Danion, F. and Zatsiorsky, V. M.}, + title = {Central mechanisms of finger interaction during one- and two-hand force production at distal and proximal phalanges}, + journal = {Brain Res}, + volume = {924}, + number = {2}, + pages = {198-208}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + DOI = {S0006899301032346 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11750905}, + year = {2002}, type = {Journal Article} } -@article{RN2697, - author = {Kriegeskorte, N. and Mur, M. and Bandettini, P.}, - title = {Representational similarity analysis - connecting the branches of systems neuroscience}, - journal = {Front Syst Neurosci}, - volume = {2}, - pages = {4}, - ISSN = {1662-5137 (Electronic)}, - DOI = {10.3389/neuro.06.004.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19104670}, - year = {2008}, +@article{RN3077, + author = {Zatsiorsky, V. M. and Li, Z. M. and Latash, M. L.}, + title = {Enslaving effects in multi-finger force production}, + journal = {Exp Brain Res}, + volume = {131}, + number = {2}, + pages = {187-95}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10766271}, + year = {2000}, type = {Journal Article} } -@article{RN2869, - author = {Kluzik, J. and Diedrichsen, J. and Shadmehr, R. and Bastian, A. J.}, - title = {Reach adaptation: what determines whether we learn an internal model of the tool or adapt the model of our arm?}, - journal = {J Neurophysiol}, - volume = {100}, - number = {3}, - pages = {1455-64}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {90334.2008 [pii] -10.1152/jn.90334.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18596187}, - year = {2008}, +@article{RN3076, + author = {Zatsiorsky, V. M. and Li, Z. M. and Latash, M. L.}, + title = {Coordinated force production in multi-finger tasks: finger interaction and neural network modeling}, + journal = {Biol Cybern}, + volume = {79}, + number = {2}, + pages = {139-50}, + ISSN = {0340-1200 (Print) +0340-1200 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9791934}, + year = {1998}, type = {Journal Article} } -@article{RN3098, - author = {Kay, K. N. and Naselaris, T. and Prenger, R. J. and Gallant, J. L.}, - title = {Identifying natural images from human brain activity}, - journal = {Nature}, - volume = {452}, - number = {7185}, - pages = {352-5}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {10.1038/nature06713}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18322462}, +@article{RN3075, + author = {Vines, B. W. and Nair, D. and Schlaug, G.}, + title = {Modulating activity in the motor cortex affects performance for the two hands differently depending upon which hemisphere is stimulated}, + journal = {Eur J Neurosci}, + volume = {28}, + number = {8}, + pages = {1667-73}, + ISSN = {1460-9568 (Electronic) +0953-816X (Linking)}, + DOI = {EJN6459 [pii] +10.1111/j.1460-9568.2008.06459.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18973584}, year = {2008}, type = {Journal Article} } -@article{RN2758, - author = {Jissendi, P and Baudry, S and Balériaux, D}, - title = {Diffusion tensor imaging (DTI) and tractography of the cerebellar projections to prefrontal and posterior parietal cortices: A study at 3T}, - journal = {Journal of Neuroradiology}, - volume = {35}, - pages = {42-50}, - year = {2008}, +@article{RN3074, + author = {Daw, N. D. and Niv, Y. and Dayan, P.}, + title = {Uncertainty-based competition between prefrontal and dorsolateral striatal systems for behavioral control}, + journal = {Nat Neurosci}, + volume = {8}, + number = {12}, + pages = {1704-11}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {nn1560 [pii] +10.1038/nn1560}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16286932}, + year = {2005}, type = {Journal Article} } -@article{RN3287, - author = {Jimenez, L.}, - title = {Taking patterns for chunks: is there any evidence of chunk learning in continuous serial reaction-time tasks?}, - journal = {Psychol Res}, - volume = {72}, - number = {4}, - pages = {387-96}, - ISSN = {0340-0727 (Print) -0340-0727 (Linking)}, - DOI = {10.1007/s00426-007-0121-7}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17647014}, - year = {2008}, +@article{RN3072, + author = {Kruschke, J.K.}, + title = {Towards a unified model of attention in associative learning}, + journal = {Journal of Mathematical Psychology}, + volume = {45}, + number = {6}, + pages = {812-863}, + year = {2001}, type = {Journal Article} } -@article{RN2620, - author = {Jax, S. A. and Rosenbaum, D. A.}, - title = {Hand path priming in manual obstacle avoidance: Rapid decay of dorsal stream information}, - journal = {Neuropsychologia}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18597796 }, - year = {2008}, +@article{RN3071, + author = {Pearce, J. M. and Hall, G.}, + title = {A model for Pavlovian learning: variations in the effectiveness of conditioned but not of unconditioned stimuli}, + journal = {Psychol Rev}, + volume = {87}, + number = {6}, + pages = {532-52}, + ISSN = {0033-295X (Print) +0033-295X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7443916}, + year = {1980}, type = {Journal Article} } -@book{RN3555, - author = {Izenman, A. J.}, - title = {Modern multivatiate stasitical techniques}, - publisher = {Spinger}, - address = {New York}, - year = {2008}, - type = {Book} +@article{RN3070, + author = {Dayan, P. and Kakade, S. and Montague, P. R.}, + title = {Learning and selective attention}, + journal = {Nat Neurosci}, + volume = {3 Suppl}, + pages = {1218-23}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {10.1038/81504}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11127841}, + year = {2000}, + type = {Journal Article} } -@article{RN2590, - author = {Izawa, J. and Rane, T. and Donchin, O. and Shadmehr, R.}, - title = {Motor adaptation as a process of reoptimization}, - journal = {J Neurosci}, - volume = {28}, - number = {11}, - pages = {2883-91}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18337419 }, - year = {2008}, +@article{RN3069, + author = {Sutton, R. S.}, + title = {Generalization in reinforcement learning: Successful examples using sparse coarse coding}, + journal = {Advances in neural information processing systems}, + pages = {1038-1044}, + year = {1996}, type = {Journal Article} } -@article{RN2703, - author = {Ingram, J. N. and Kording, K. P. and Howard, I. S. and Wolpert, D. M.}, - title = {The statistics of natural hand movements}, - journal = {Exp Brain Res}, - volume = {188}, - number = {2}, - pages = {223-36}, - ISSN = {1432-1106 (Electronic) -1432-1106 (Linking)}, - DOI = {10.1007/s00221-008-1355-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18369608}, - year = {2008}, +@article{RN3068, + author = {Gittins, J.C.}, + title = {Bandit processes and dynamic allocation indices}, + journal = {Journal of the Royal Statistical Society, Series B}, + pages = {148-177}, + year = {1979}, type = {Journal Article} } -@article{RN3202, - author = {Hudson, T. E. and Maloney, L. T. and Landy, M. S.}, - title = {Optimal compensation for temporal uncertainty in movement planning}, - journal = {PLoS Comput Biol}, +@article{RN3067, + author = {Kaelbling, L.P. and Littman, M.L. and Moore, A.W.}, + title = {Reinforcement Learning: A Survey}, + journal = {Journal of Artificial Intelligence Research}, volume = {4}, - number = {7}, - pages = {e1000130}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1000130}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18654619}, - year = {2008}, + pages = {237-285}, + year = {1996}, + type = {Journal Article} +} + +@article{RN3066, + author = {Vetter, P. and Flash, T. and Wolpert, D. M.}, + title = {Planning movements in a simple redundant task}, + journal = {Curr Biol}, + volume = {12}, + number = {6}, + pages = {488-91}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960982202007157 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11909535}, + year = {2002}, type = {Journal Article} } -@article{RN2868, - author = {Huang, V. S. and Shadmehr, R. and Diedrichsen, J.}, - title = {Active learning: learning a motor skill without a coach}, +@article{RN3065, + author = {Mosier, K. M. and Scheidt, R. A. and Acosta, S. and Mussa-Ivaldi, F. A.}, + title = {Remapping hand movements in a novel geometrical environment}, journal = {J Neurophysiol}, - volume = {100}, - number = {2}, - pages = {879-87}, + volume = {94}, + number = {6}, + pages = {4362-72}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {01095.2007 [pii] -10.1152/jn.01095.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18509079}, - year = {2008}, + DOI = {00380.2005 [pii] +10.1152/jn.00380.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16148276}, + year = {2005}, type = {Journal Article} } -@article{RN2615, - author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, - title = {Composition and decomposition in bimanual dynamic learning}, - journal = {J Neurosci}, - volume = {28}, - number = {42}, - pages = {10531-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18923029 }, - year = {2008}, +@article{RN3062, + author = {Molina-Luna, K. and Pekanovic, A. and Rohrich, S. and Hertler, B. and Schubring-Giese, M. and Rioult-Pedotti, M. S. and Luft, A. R.}, + title = {Dopamine in motor cortex is necessary for skill learning and synaptic plasticity}, + journal = {PLoS One}, + volume = {4}, + number = {9}, + pages = {e7082}, + ISSN = {1932-6203 (Electronic) +1932-6203 (Linking)}, + DOI = {10.1371/journal.pone.0007082}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19759902}, + year = {2009}, type = {Journal Article} } -@inproceedings{RN2636, - author = {Hoffmann, H. and Theodorou, E. and Schaal, S.}, - title = {Optimized strategies in human reinforcement learning}, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} -} - -@article{RN2745, - author = {Harvey, Ann and Pattinson, Kyle and Brooks, Jonathan and Mayhew, Stephen and Jenkinson, Mark and Wise, Richard}, - title = {Brainstem functional magnetic resonance imaging: Disentangling signal from physiological noise}, - journal = {Journal of Magnetic Resonance Imaging}, - volume = {28}, - number = {6}, - pages = {1337-1344}, - url = {citeulike-article-id:6719734 -http://dx.doi.org/10.1002/jmri.21623 }, - year = {2008}, +@article{RN3060, + author = {Trommershauser, J. and Gepshtein, S. and Maloney, L. T. and Landy, M. S. and Banks, M. S.}, + title = {Optimal compensation for changes in task-relevant movement variability}, + journal = {J Neurosci}, + volume = {25}, + number = {31}, + pages = {7169-78}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {25/31/7169 [pii] +10.1523/JNEUROSCI.1906-05.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16079399}, + year = {2005}, type = {Journal Article} } -@article{RN2702, - author = {Han, C. E. and Arbib, M. A. and Schweighofer, N.}, - title = {Stroke rehabilitation reaches a threshold}, - journal = {PLoS Comput Biol}, - volume = {4}, +@article{RN3059, + author = {Trommershauser, J. and Maloney, L. T. and Landy, M. S.}, + title = {Decision making, movement planning and statistical decision theory}, + journal = {Trends Cogn Sci}, + volume = {12}, number = {8}, - pages = {e1000133}, - ISSN = {1553-7358 (Electronic)}, - DOI = {10.1371/journal.pcbi.1000133}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18769588}, + pages = {291-7}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {S1364-6613(08)00153-8 [pii] +10.1016/j.tics.2008.04.010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18614390}, year = {2008}, type = {Journal Article} } -@article{RN2518, - author = {Grafton, S. T. and Schmitt, P. and Van Horn, J. and Diedrichsen, J.}, - title = {Neural substrates of visuomotor learning based on improved feedback control and prediction}, - journal = {Neuroimage}, +@article{RN3058, + author = {MacLin, O. H. and Dixon, M. R. and Daugherty, D. and Small, S. L.}, + title = {Using a computer simulation of three slot machines to investigate a gambler's preference among varying densities of near-miss alternatives}, + journal = {Behav Res Methods}, volume = {39}, - number = {3}, - pages = {1383-95}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18032069 }, - year = {2008}, + number = {2}, + pages = {237-41}, + ISSN = {1554-351X (Print) +1554-351X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17695350}, + year = {2007}, type = {Journal Article} } -@article{RN2598, - author = {Golla, H. and Tziridis, K. and Haarmeier, T. and Catz, N. and Barash, S. and Thier, P.}, - title = {Reduced saccadic resilience and impaired saccadic adaptation due to cerebellar disease}, - journal = {Eur J Neurosci}, - volume = {27}, - number = {1}, - pages = {132-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18184318 }, - year = {2008}, +@article{RN3057, + author = {van Beers, R. J. and Baraduc, P. and Wolpert, D. M.}, + title = {Role of uncertainty in sensorimotor control}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {357}, + number = {1424}, + pages = {1137-45}, + ISSN = {0962-8436 (Print) +0962-8436 (Linking)}, + DOI = {10.1098/rstb.2002.1101}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12217180}, + year = {2002}, type = {Journal Article} } -@misc{RN2883, - year = {2008}, - type = {Computer Program} +@article{RN3056, + author = {van Beers, R. J. and Haggard, P. and Wolpert, D. M.}, + title = {The role of execution noise in movement variability}, + journal = {J Neurophysiol}, + volume = {91}, + number = {2}, + pages = {1050-63}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00652.2003 +00652.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14561687}, + year = {2004}, + type = {Journal Article} } -@article{RN2850, - author = {Friston, K. and Chu, C. and Mourao-Miranda, J. and Hulme, O. and Rees, G. and Penny, W. and Ashburner, J.}, - title = {Bayesian decoding of brain images}, - journal = {Neuroimage}, - volume = {39}, - number = {1}, - pages = {181-205}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2007.08.013}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17919928}, - year = {2008}, +@article{RN3055, + author = {Roelfsema, P. R. and van Ooyen, A. and Watanabe, T.}, + title = {Perceptual learning rules based on reinforcers and attention}, + journal = {Trends Cogn Sci}, + volume = {14}, + number = {2}, + pages = {64-71}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {S1364-6613(09)00261-7 [pii] +10.1016/j.tics.2009.11.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20060771}, + year = {2010}, type = {Journal Article} } -@article{RN2959, - author = {Franklin, D. W. and Wolpert, D. M.}, - title = {Specificity of reflex adaptation for task-relevant variability}, - journal = {J Neurosci}, - volume = {28}, - number = {52}, - pages = {14165-75}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {28/52/14165 [pii] -10.1523/JNEUROSCI.4406-08.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19109499}, - year = {2008}, +@article{RN3054, + author = {Roelfsema, P. R. and van Ooyen, A.}, + title = {Attention-gated reinforcement learning of internal representations for classification}, + journal = {Neural Comput}, + volume = {17}, + number = {10}, + pages = {2176-214}, + ISSN = {0899-7667 (Print) +0899-7667 (Linking)}, + DOI = {10.1162/0899766054615699}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16105222}, + year = {2005}, type = {Journal Article} } -@article{RN2780, - author = {Franklin, D. W. and Burdet, E. and Tee, K. P. and Osu, R. and Chew, C. M. and Milner, T. E. and Kawato, M.}, - title = {CNS learns stable, accurate, and efficient movements using a simple algorithm}, - journal = {J Neurosci}, - volume = {28}, - number = {44}, - pages = {11165-73}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {28/44/11165 [pii] -10.1523/JNEUROSCI.3099-08.2008}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18971459}, +@article{RN3053, + author = {Dayan, P. and Daw, N. D.}, + title = {Decision theory, reinforcement learning, and the brain}, + journal = {Cogn Affect Behav Neurosci}, + volume = {8}, + number = {4}, + pages = {429-53}, + ISSN = {1530-7026 (Print) +1530-7026 (Linking)}, + DOI = {8/4/429 [pii] +10.3758/CABN.8.4.429}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19033240}, year = {2008}, type = {Journal Article} } -@article{RN2928, - author = {Fischl, B. and Rajendran, N. and Busa, E. and Augustinack, J. and Hinds, O. and Yeo, B. T. and Mohlberg, H. and Amunts, K. and Zilles, K.}, - title = {Cortical folding patterns and predicting cytoarchitecture}, - journal = {Cereb Cortex}, - volume = {18}, - number = {8}, - pages = {1973-80}, - ISSN = {1460-2199 (Electronic) -1047-3211 (Linking)}, - DOI = {bhm225 [pii] -10.1093/cercor/bhm225}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18079129}, - year = {2008}, +@article{RN3052, + author = {Glascher, J. and Daw, N. and Dayan, P. and O'Doherty, J. P.}, + title = {States versus rewards: dissociable neural prediction error signals underlying model-based and model-free reinforcement learning}, + journal = {Neuron}, + volume = {66}, + number = {4}, + pages = {585-95}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(10)00287-4 [pii] +10.1016/j.neuron.2010.04.016}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20510862}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3051, + author = {Huang, V. S. and Haith, A. and Mazzoni, P. and Krakauer, J. W.}, + title = {Rethinking motor learning and savings in adaptation paradigms: model-free memory for successful actions combines with internal models}, + journal = {Neuron}, + volume = {70}, + number = {4}, + pages = {787-801}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(11)00338-2 [pii] +10.1016/j.neuron.2011.04.012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21609832}, + year = {2011}, + type = {Journal Article} +} + +@article{RN3050, + author = {Dam, G. and Kording, K.}, + title = {Exploration and exploitation during sequential search}, + journal = {Cogn Sci}, + volume = {33}, + number = {3}, + pages = {530-41}, + ISSN = {0364-0213 (Print) +0364-0213 (Linking)}, + DOI = {10.1111/j.1551-6709.2009.01021.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21585479}, + year = {2009}, type = {Journal Article} } @@ -6704,29 +7140,123 @@ @article{RN3049 type = {Journal Article} } -@article{RN3558, - author = {Dumoulin, S. O. and Wandell, B. A.}, - title = {Population receptive field estimates in human visual cortex}, - journal = {Neuroimage}, - volume = {39}, - number = {2}, - pages = {647-60}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2007.09.034}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17977024}, - year = {2008}, +@article{RN3048, + author = {Yokoi, A. and Hirashima, M. and Nozaki, D.}, + title = {Gain field encoding of the kinematics of both arms in the internal model enables flexible bimanual action}, + journal = {J Neurosci}, + volume = {31}, + number = {47}, + pages = {17058-68}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/47/17058 [pii] +10.1523/JNEUROSCI.2982-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22114275}, + year = {2011}, type = {Journal Article} } -@article{RN2779, - author = {Dovat, L and Lambercy, O and Gassert, R and Maeder, T and Teo, CL and Milner, T and Burdet, E}, - title = {HandCARE: A Cable-Actuated Rehabilitation Equipment to Train Hand Function after Stroke}, - journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering }, - volume = {16}, +@article{RN3047, + author = {Kermadi, I. and Liu, Y. and Tempini, A. and Calciati, E. and Rouiller, E. M.}, + title = {Neuronal activity in the primate supplementary motor area and the primary motor cortex in relation to spatio-temporal bimanual coordination}, + journal = {Somatosens Mot Res}, + volume = {15}, + number = {4}, + pages = {287-308}, + ISSN = {0899-0220 (Print) +0899-0220 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9875547}, + year = {1998}, + type = {Journal Article} +} + +@article{RN3046, + author = {Donchin, O. and Gribova, A. and Steinberg, O. and Bergman, H. and Cardoso de Oliveira, S. and Vaadia, E.}, + title = {Local field potentials related to bimanual movements in the primary and supplementary motor cortices}, + journal = {Exp Brain Res}, + volume = {140}, + number = {1}, + pages = {46-55}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11500797}, + year = {2001}, + type = {Journal Article} +} + +@article{RN3042, + author = {Steinberg, O. and Donchin, O. and Gribova, A. and Cardosa de Oliveira, S. and Bergman, H. and Vaadia, E.}, + title = {Neuronal populations in primary motor cortex encode bimanual arm movements}, + journal = {Eur J Neurosci}, + volume = {15}, + number = {8}, + pages = {1371-80}, + ISSN = {0953-816X (Print) +0953-816X (Linking)}, + DOI = {1968 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11994131}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3041, + author = {Donchin, O. and Gribova, A. and Steinberg, O. and Mitz, A. R. and Bergman, H. and Vaadia, E.}, + title = {Single-unit activity related to bimanual arm movements in the primary and supplementary motor cortices}, + journal = {J Neurophysiol}, + volume = {88}, number = {6}, - pages = {382-91}, - year = {2008}, + pages = {3498-517}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00335.2001}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12466464}, + year = {2002}, + type = {Journal Article} +} + +@article{RN3040, + author = {Oosterhof, N. N. and Wiggett, A. J. and Diedrichsen, J. and Tipper, S. P. and Downing, P. E.}, + title = {Surface-based information mapping reveals crossmodal vision-action representations in human parietal and occipitotemporal cortex}, + journal = {J Neurophysiol}, + volume = {104}, + number = {2}, + pages = {1077-89}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00326.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20538772}, + year = {2010}, + type = {Journal Article} +} + +@article{RN3038, + author = {Donchin, O. and Rabe, K. and Diedrichsen, J. and Lally, N. and Schoch, B. and Gizewski, E. R. and Timmann, D.}, + title = {Cerebellar regions involved in adaptation to force field and visuomotor perturbation}, + journal = {J Neurophysiol}, + volume = {107}, + number = {1}, + pages = {134-47}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00007.2011 [pii] +10.1152/jn.00007.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21975446}, + year = {2012}, + type = {Journal Article} +} + +@article{RN3037, + author = {Lally, N. and Frendo, B. and Diedrichsen, J.}, + title = {Sensory cancellation of self-movement facilitates visual motion detection}, + journal = {J Vis}, + volume = {11}, + number = {14}, + ISSN = {1534-7362 (Electronic) +1534-7362 (Linking)}, + DOI = {11.14.5 [pii] +10.1167/11.14.5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22147221}, + year = {2011}, type = {Journal Article} } @@ -6746,154 +7276,128 @@ @article{RN3036 type = {Journal Article} } -@article{RN2573, - author = {De Zeeuw, C. I. and Hoebeek, F. E. and Schonewille, M.}, - title = {Causes and consequences of oscillations in the cerebellar cortex}, - journal = {Neuron}, - volume = {58}, - number = {5}, - pages = {655-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18549777 }, - year = {2008}, - type = {Journal Article} -} - -@article{RN3053, - author = {Dayan, P. and Daw, N. D.}, - title = {Decision theory, reinforcement learning, and the brain}, - journal = {Cogn Affect Behav Neurosci}, - volume = {8}, - number = {4}, - pages = {429-53}, - ISSN = {1530-7026 (Print) -1530-7026 (Linking)}, - DOI = {8/4/429 [pii] -10.3758/CABN.8.4.429}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19033240}, - year = {2008}, - type = {Journal Article} -} - -@article{RN2640, - author = {Cothros, N. and Wong, J. and Gribble, P. L.}, - title = {Distinct haptic cues do not reduce interference when learning to reach in multiple force fields}, - journal = {PLoS One}, - volume = {3}, - number = {4}, - pages = {e1990}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18431477 }, - year = {2008}, - type = {Journal Article} -} - -@article{RN3204, - author = {Cipriani, C. and Zaccone, F. and Micera, S. and Carrozza, M.C.}, - title = {On the Shared Control of an EMG-Controlled Prosthetic Hand: Analysis of User-Prosthesis Interaction}, - journal = {IEEE Transactions on Robotics}, - volume = {24}, - number = {1}, - pages = {170-184}, - DOI = {10.1109/TRO.2007.910708}, - year = {2008}, +@article{RN3035, + author = {Devor, A. and Tian, P. and Nishimura, N. and Teng, I. C. and Hillman, E. M. and Narayanan, S. N. and Ulbert, I. and Boas, D. A. and Kleinfeld, D. and Dale, A. M.}, + title = {Suppressed neuronal activity and concurrent arteriolar vasoconstriction may explain negative blood oxygenation level-dependent signal}, + journal = {J Neurosci}, + volume = {27}, + number = {16}, + pages = {4452-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {27/16/4452 [pii] +10.1523/JNEUROSCI.0134-07.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17442830}, + year = {2007}, type = {Journal Article} } -@article{RN3250, - author = {Cincotta, M. and Ziemann, U.}, - title = {Neurophysiology of unimanual motor control and mirror movements}, - journal = {Clin Neurophysiol}, - volume = {119}, +@article{RN3033, + author = {Diedrichsen, J. and Ridgway, G. R. and Friston, K. J. and Wiestler, T.}, + title = {Comparing the similarity and spatial structure of neural representations: a pattern-component model}, + journal = {Neuroimage}, + volume = {55}, number = {4}, - pages = {744-62}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {10.1016/j.clinph.2007.11.047}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/18187362}, - year = {2008}, + pages = {1665-78}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2011.01.044}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21256225}, + year = {2011}, type = {Journal Article} } -@article{RN2754, - author = {Carbon, Maren and Kingsley, Peter B and Tang, Chengke and Bressman, Susan and Eidelberg, David}, - title = {Microstructural White Matter Changes in Primary Torsion Dystonia}, - journal = {Movement Disorders}, - volume = {23}, - pages = {234-239}, - year = {2008}, +@article{RN3032, + author = {Diedrichsen, J. and Grafton, S. and Albert, N. and Hazeltine, E. and Ivry, R. B.}, + title = {Goal-selection and movement-related conflict during bimanual reaching movements}, + journal = {Cereb Cortex}, + volume = {16}, + number = {12}, + pages = {1729-38}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + DOI = {bhj108 [pii] +10.1093/cercor/bhj108}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16400162}, + year = {2006}, type = {Journal Article} } -@article{RN2736, - author = {Carbon, Maren and Kingsley, Peter B and Tang, Chengke and Bressman, Susan and Eidelberg, David}, - title = {Microstructural White Matter Changes in Primary Torsion Dystonia}, - journal = {Movement Disorders}, - volume = {23}, - pages = {234-239}, - year = {2008}, +@article{RN3031, + author = {Wiestler, T. and McGonigle, D. J. and Diedrichsen, J.}, + title = {Integration of sensory and motor representations of single fingers in the human cerebellum}, + journal = {J Neurophysiol}, + volume = {105}, + number = {6}, + pages = {3042-53}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00106.2011 [pii] +10.1152/jn.00106.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21471398}, + year = {2011}, type = {Journal Article} } -@article{RN2587, - author = {Burge, J. and Ernst, M. O. and Banks, M. S.}, - title = {The statistical determinants of adaptation rate in human reaching}, - journal = {J Vis}, - volume = {8}, - number = {4}, - pages = {20 1-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18484859 }, - year = {2008}, +@article{RN3030, + author = {Verstynen, T. and Ivry, R. B.}, + title = {Network dynamics mediating ipsilateral motor cortex activity during unimanual actions}, + journal = {J Cogn Neurosci}, + volume = {23}, + number = {9}, + pages = {2468-80}, + ISSN = {1530-8898 (Electronic) +0898-929X (Linking)}, + DOI = {10.1162/jocn.2011.21612}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21268666}, + year = {2011}, type = {Journal Article} } -@article{RN2525, - author = {Brooks, J. C. and Beckmann, C. F. and Miller, K. L. and Wise, R. G. and Porro, C. A. and Tracey, I. and Jenkinson, M.}, - title = {Physiological noise modelling for spinal functional magnetic resonance imaging studies}, - journal = {Neuroimage}, - volume = {39}, - number = {2}, - pages = {680-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17950627 }, - year = {2008}, +@article{RN3029, + author = {Kriegeskorte, N. and Simmons, W. K. and Bellgowan, P. S. and Baker, C. I.}, + title = {Circular analysis in systems neuroscience: the dangers of double dipping}, + journal = {Nat Neurosci}, + volume = {12}, + number = {5}, + pages = {535-40}, + ISSN = {1546-1726 (Electronic) +1097-6256 (Linking)}, + DOI = {nn.2303 [pii] +10.1038/nn.2303}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19396166}, + year = {2009}, type = {Journal Article} } -@article{RN2749, - author = {Birn, Rasmus and Smith, Monica and Jones, Tyler and Bandettini, Peter}, - title = {The respiration response function: The temporal dynamics of fMRI signal fluctuations related to changes in respiration}, - journal = {NeuroImage}, - volume = {40}, - number = {2}, - pages = {644-654}, - url = {citeulike-article-id:2649988 -http://dx.doi.org/10.1016/j.neuroimage.2007.11.059 }, - year = {2008}, +@article{RN3028, + author = {Hanakawa, T. and Parikh, S. and Bruno, M. K. and Hallett, M.}, + title = {Finger and face representations in the ipsilateral precentral motor areas in humans}, + journal = {J Neurophysiol}, + volume = {93}, + number = {5}, + pages = {2950-8}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00784.2004 [pii] +10.1152/jn.00784.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15625099}, + year = {2005}, type = {Journal Article} } -@article{RN2904, - author = {Bestmann, S. and Ruff, C. C. and Blankenburg, F. and Weiskopf, N. and Driver, J. and Rothwell, J. C.}, - title = {Mapping causal interregional influences with concurrent TMS-fMRI}, - journal = {Exp Brain Res}, - volume = {191}, +@article{RN3027, + author = {Horenstein, C. and Lowe, M. J. and Koenig, K. A. and Phillips, M. D.}, + title = {Comparison of unilateral and bilateral complex finger tapping-related activation in premotor and primary motor cortex}, + journal = {Hum Brain Mapp}, + volume = {30}, number = {4}, - pages = {383-402}, - ISSN = {1432-1106 (Electronic) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-008-1601-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18936922}, - year = {2008}, - type = {Journal Article} -} - -@article{RN2646, - author = {Berniker, M. and Kording, K.}, - title = {Estimating the sources of motor errors for adaptation and generalization}, - journal = {Nat Neurosci}, - volume = {11}, - number = {12}, - pages = {1454-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19011624 }, - year = {2008}, + pages = {1397-412}, + ISSN = {1097-0193 (Electronic) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.20610}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18537112}, + year = {2009}, type = {Journal Article} } @@ -6929,655 +7433,587 @@ @article{RN3025 type = {Journal Article} } -@article{RN3317, - author = {Ben-Hur, A. and Ong, C. S. and Sonnenburg, S. and Scholkopf, B. and Ratsch, G.}, - title = {Support vector machines and kernels for computational biology}, - journal = {PLoS Comput Biol}, - volume = {4}, - number = {10}, - pages = {e1000173}, - ISSN = {1553-7358 (Electronic) -1553-734X (Linking)}, - DOI = {10.1371/journal.pcbi.1000173}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/18974822}, - year = {2008}, - type = {Journal Article} -} - -@article{RN2964, - author = {Bays, P. M. and Husain, M.}, - title = {Dynamic shifts of limited working memory resources in human vision}, - journal = {Science}, - volume = {321}, - number = {5890}, - pages = {851-4}, - ISSN = {1095-9203 (Electronic) -0036-8075 (Linking)}, - DOI = {321/5890/851 [pii] -10.1126/science.1158023}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18687968}, - year = {2008}, - type = {Journal Article} -} - -@inproceedings{RN2548, - author = {Balsters, J.H., Cussans, E., Diedrichsen, J., Philips, K., Preuss, T.M., Rilling, J.K., & Ramnani, N. }, - title = {Evolution of the Cerebellar Cortex: Selective expansion of prefrontal-projecting lobules}, - booktitle = {Organization for Human Brain Mapping}, - type = {Conference Proceedings} -} - -@article{RN2555, - author = {Baldissera, F. and Rota, V. and Esposti, R.}, - title = {Anticipatory postural adjustments in arm muscles associated with movements of the contralateral limb and their possible role in interlimb coordination}, - journal = {Exp Brain Res}, - volume = {185}, - number = {1}, - pages = {63-74}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17912507 }, - year = {2008}, - type = {Journal Article} -} - -@article{RN2554, - author = {Baldissera, F. and Rota, V. and Esposti, R.}, - title = {Postural adjustments in arm and leg muscles associated with isodirectional and antidirectional coupling of upper limb movements in the horizontal plane}, +@article{RN3024, + author = {Hund-Georgiadis, M. and von Cramon, D. Y.}, + title = {Motor-learning-related changes in piano players and non-musicians revealed by functional magnetic-resonance signals}, journal = {Exp Brain Res}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18594800 }, - year = {2008}, - type = {Journal Article} -} - -@article{RN2670, - author = {Badre, D.}, - title = {Cognitive control, hierarchy, and the rostro-caudal organization of the frontal lobes}, - journal = {Trends Cogn Sci}, - volume = {12}, - number = {5}, - pages = {193-200}, - ISSN = {1364-6613 (Print)}, - DOI = {S1364-6613(08)00061-2 [pii] -10.1016/j.tics.2008.02.004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18403252}, - year = {2008}, + volume = {125}, + number = {4}, + pages = {417-25}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10323287}, + year = {1999}, type = {Journal Article} } -@inproceedings{RN2606, - author = {Andersson, J.L., Smith, S.M., Jenkinson, M.}, - title = {FNIRT - FMRIB's Non-linear Image Registration Tool}, - booktitle = {Organization for Human Brain Mapping}, - type = {Conference Proceedings} -} - -@article{RN2629, - author = {Ahmed, A. A. and Wolpert, D. M. and Flanagan, J. R.}, - title = {Flexible representations of dynamics are used in object manipulation}, - journal = {Curr Biol}, - volume = {18}, - number = {10}, - pages = {763-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18485709 }, - year = {2008}, +@article{RN3023, + author = {Foltys, H. and Krings, T. and Meister, I. G. and Sparing, R. and Boroojerdi, B. and Thron, A. and Topper, R.}, + title = {Motor representation in patients rapidly recovering after stroke: a functional magnetic resonance imaging and transcranial magnetic stimulation study}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {12}, + pages = {2404-15}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245703002633 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14652101}, + year = {2003}, type = {Journal Article} } -@article{RN2861, - author = {Acharya, S. and Tenore, F. and Aggarwal, V. and Etienne-Cummings, R. and Schieber, M. H. and Thakor, N. V.}, - title = {Decoding individuated finger movements using volume-constrained neuronal ensembles in the M1 hand area}, - journal = {IEEE Trans Neural Syst Rehabil Eng}, - volume = {16}, - number = {1}, - pages = {15-23}, - ISSN = {1534-4320 (Print) -1534-4320 (Linking)}, - DOI = {10.1109/TNSRE.2007.916269}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18303801}, - year = {2008}, +@article{RN3022, + author = {Hutton, C. and Draganski, B. and Ashburner, J. and Weiskopf, N.}, + title = {A comparison between voxel-based cortical thickness and voxel-based morphometry in normal aging}, + journal = {Neuroimage}, + volume = {48}, + number = {2}, + pages = {371-80}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)00679-X [pii] +10.1016/j.neuroimage.2009.06.043}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19559801}, + year = {2009}, type = {Journal Article} } -@article{RN3231, - author = {Wu, W. and Hatsopoulos, N. G.}, - title = {Coordinate system representations of movement direction in the premotor cortex}, - journal = {Exp Brain Res}, - volume = {176}, +@article{RN3021, + author = {Draganski, B. and Ashburner, J. and Hutton, C. and Kherif, F. and Frackowiak, R. S. and Helms, G. and Weiskopf, N.}, + title = {Regional specificity of MRI contrast parameter changes in normal ageing revealed by voxel-based quantification (VBQ)}, + journal = {Neuroimage}, + volume = {55}, number = {4}, - pages = {652-7}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-006-0818-7}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17180398}, - year = {2007}, + pages = {1423-34}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(11)00088-7 [pii] +10.1016/j.neuroimage.2011.01.052}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21277375}, + year = {2011}, type = {Journal Article} } -@inproceedings{RN2572, - author = {Winkelman, B. H. and Frens, M. A.}, - title = {Three dimensional oculomotor tuning of complex and simple spikes in Purkinje cells of the cerebellar flocculus. }, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} +@article{RN3020, + author = {Dayan, E. and Cohen, L. G.}, + title = {Neuroplasticity subserving motor skill learning}, + journal = {Neuron}, + volume = {72}, + number = {3}, + pages = {443-54}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(11)00918-4 [pii] +10.1016/j.neuron.2011.10.008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22078504}, + year = {2011}, + type = {Journal Article} } -@article{RN2560, - author = {Weiss, D. J. and Wark, J. D. and Rosenbaum, D. A.}, - title = {Monkey see, monkey plan, monkey do: the end-state comfort effect in cotton-top tamarins (Saguinus oedipus)}, - journal = {Psychol Sci}, - volume = {18}, - number = {12}, - pages = {1063-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18031413 }, - year = {2007}, +@article{RN3019, + author = {Gerloff, C. and Corwell, B. and Chen, R. and Hallett, M. and Cohen, L. G.}, + title = {Stimulation over the human supplementary motor area interferes with the organization of future elements in complex motor sequences}, + journal = {Brain}, + volume = {120 ( Pt 9)}, + pages = {1587-602}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9313642}, + year = {1997}, type = {Journal Article} } -@article{RN2470, - author = {Verstynen, T. and Spencer, R. and Stinear, C. M. and Konkle, T. and Diedrichsen, J. and Byblow, W. D. and Ivry, R. B.}, - title = {Ipsilateral corticospinal projections do not predict congenital mirror movements: A case report}, - journal = {Neuropsychologia}, - volume = {45}, - number = {4}, - pages = {844-52}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17023008 }, - year = {2007}, +@article{RN3018, + author = {Karni, A. and Meyer, G. and Rey-Hipolito, C. and Jezzard, P. and Adams, M. M. and Turner, R. and Ungerleider, L. G.}, + title = {The acquisition of skilled motor performance: fast and slow experience-driven changes in primary motor cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {95}, + number = {3}, + pages = {861-8}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448252}, + year = {1998}, type = {Journal Article} } -@article{RN2602, - author = {Ullsperger, M. and Nittono, H. and von Cramon, D. Y.}, - title = {When goals are missed: dealing with self-generated and externally induced failure}, - journal = {Neuroimage}, - volume = {35}, - number = {3}, - pages = {1356-64}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17350291 }, - year = {2007}, +@article{RN3017, + author = {Tanji, J. and Shima, K.}, + title = {Role for supplementary motor area cells in planning several movements ahead}, + journal = {Nature}, + volume = {371}, + number = {6496}, + pages = {413-6}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/371413a0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8090219}, + year = {1994}, type = {Journal Article} } -@article{RN2507, - author = {Tseng, Y. W. and Diedrichsen, J. and Krakauer, J. W. and Shadmehr, R. and Bastian, A. J.}, - title = {Sensory prediction errors drive cerebellum-dependent adaptation of reaching}, - journal = {J Neurophysiol}, - volume = {98}, - number = {1}, - pages = {54-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17507504 }, +@article{RN3016, + author = {Li, S. and Ostwald, D. and Giese, M. and Kourtzi, Z.}, + title = {Flexible coding for categorical decisions in the human brain}, + journal = {J Neurosci}, + volume = {27}, + number = {45}, + pages = {12321-30}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {27/45/12321 [pii] +10.1523/JNEUROSCI.3795-07.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17989296}, year = {2007}, type = {Journal Article} } -@article{RN2706, - author = {Todorov, E.}, - title = {Probabilistic inference of multijoint movements, skeletal parameters and marker attachments from diverse motion capture data}, - journal = {IEEE Trans Biomed Eng}, - volume = {54}, - number = {11}, - pages = {1927-39}, - ISSN = {0018-9294 (Print) -0018-9294 (Linking)}, - DOI = {10.1109/TBME.2007.903521}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18018688}, - year = {2007}, +@article{RN3015, + author = {Li, S. and Mayhew, S. D. and Kourtzi, Z.}, + title = {Learning shapes the representation of behavioral choice in the human brain}, + journal = {Neuron}, + volume = {62}, + number = {3}, + pages = {441-52}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(09)00239-6 [pii] +10.1016/j.neuron.2009.03.016}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19447098}, + year = {2009}, type = {Journal Article} } -@inbook{RN2495, - author = {Todorov, E.}, - title = {Optimal Control Theory}, - booktitle = {Bayesian Brain. Probabilistic Approaches to Neural Coding}, - editor = {Kenji Doya and Shin Ishii and Alexandre Pouget and Rao, Rajesh P. N.}, - publisher = {MIT Press}, - address = {Boston}, - pages = {269-294}, - year = {2007}, - type = {Book Section} +@article{RN3014, + author = {Li, S. and Mayhew, S. D. and Kourtzi, Z.}, + title = {Learning Shapes Spatiotemporal Brain Patterns for Flexible Categorical Decisions}, + journal = {Cereb Cortex}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhr309 [pii] +10.1093/cercor/bhr309}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22079922}, + year = {2011}, + type = {Journal Article} } -@article{RN2527, - author = {Tcheang, L. and Bays, P. M. and Ingram, J. N. and Wolpert, D. M.}, - title = {Simultaneous bimanual dynamics are learned without interference}, - journal = {Exp Brain Res}, - volume = {183}, +@article{RN3013, + author = {Xiong, J. and Ma, L. and Wang, B. and Narayana, S. and Duff, E. P. and Egan, G. F. and Fox, P. T.}, + title = {Long-term motor training induced changes in regional cerebral blood flow in both task and resting states}, + journal = {Neuroimage}, + volume = {45}, number = {1}, - pages = {17-25}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17611745 }, - year = {2007}, + pages = {75-82}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)01218-4 [pii] +10.1016/j.neuroimage.2008.11.016}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19100845}, + year = {2009}, type = {Journal Article} } -@article{RN2510, - author = {Sternad, D. and Wei, K. and Diedrichsen, J. and Ivry, R. B.}, - title = {Intermanual interactions during initiation and production of rhythmic and discrete movements in individuals lacking a corpus callosum}, - journal = {Exp Brain Res}, - volume = {176}, - number = {4}, - pages = {559-74}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16917769 }, - year = {2007}, +@article{RN3012, + author = {Ma, L. and Wang, B. and Narayana, S. and Hazeltine, E. and Chen, X. and Robin, D. A. and Fox, P. T. and Xiong, J.}, + title = {Changes in regional activity are accompanied with changes in inter-regional connectivity during 4 weeks motor learning}, + journal = {Brain Res}, + volume = {1318}, + pages = {64-76}, + ISSN = {1872-6240 (Electronic) +0006-8993 (Linking)}, + DOI = {S0006-8993(09)02771-1 [pii] +10.1016/j.brainres.2009.12.073}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20051230}, + year = {2010}, type = {Journal Article} } -@article{RN3085, - author = {Slobounov, S. and Ray, W. and Cao, C. and Chiang, H.}, - title = {Modulation of cortical activity as a result of task-specific practice}, - journal = {Neurosci Lett}, - volume = {421}, - number = {2}, - pages = {126-31}, - ISSN = {0304-3940 (Print) -0304-3940 (Linking)}, - DOI = {S0304-3940(07)00496-X [pii] -10.1016/j.neulet.2007.04.077}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17566654}, - year = {2007}, +@article{RN3011, + author = {Ma, L. and Narayana, S. and Robin, D. A. and Fox, P. T. and Xiong, J.}, + title = {Changes occur in resting state network of motor system during 4 weeks of motor skill learning}, + journal = {Neuroimage}, + volume = {58}, + number = {1}, + pages = {226-33}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(11)00622-7 [pii] +10.1016/j.neuroimage.2011.06.014}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21689765}, + year = {2011}, type = {Journal Article} } -@article{RN2747, - author = {Shmueli, Karin and van Gelderen, Peter and de Zwart, Jacco and Horovitz, Silvina and Fukunaga, Masaki and Jansma, Martijn and Duyn, Jeff}, - title = {Low-frequency fluctuations in the cardiac rate as a source of variance in the resting-state fMRI BOLD signal}, - journal = {NeuroImage}, - volume = {38}, - number = {2}, - pages = {306-320}, - url = {citeulike-article-id:1902953 -http://dx.doi.org/10.1016/j.neuroimage.2007.07.037 }, - year = {2007}, +@article{RN3009, + author = {Sakai, K. and Hikosaka, O. and Miyauchi, S. and Sasaki, Y. and Fujimaki, N. and Putz, B.}, + title = {Presupplementary motor area activation during sequence learning reflects visuo-motor association}, + journal = {J Neurosci}, + volume = {19}, + number = {10}, + pages = {RC1}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10234047}, + year = {1999}, type = {Journal Article} } -@misc{RN2951, - url = {http://www.fmrirobot.org/}, - year = {2007}, - type = {Web Page} -} - -@article{RN2763, - author = {Schmahmann, Jeremy D and Pandya, Deepak N and Wang, Ruopeng and Dai, Guangping and Crespigny, Alex J De and Wedeen, Van J}, - title = {Association fibre pathways of the brain: parallel observations from diffusion spectrum imaging and autoradiography}, - journal = {Brain}, - volume = {130}, - pages = {630-653}, - year = {2007}, +@article{RN3008, + author = {Sakai, K. and Kitaguchi, K. and Hikosaka, O.}, + title = {Chunking during human visuomotor sequence learning}, + journal = {Exp Brain Res}, + volume = {152}, + number = {2}, + pages = {229-42}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-003-1548-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12879170}, + year = {2003}, type = {Journal Article} } -@article{RN2741, - author = {Schmahmann, Jeremy D and Pandya, Deepak N and Wang, Ruopeng and Dai, Guangping and Crespigny, Alex J De and Wedeen, Van J}, - title = {Association fibre pathways of the brain: parallel observations from diffusion spectrum imaging and autoradiography}, - journal = {Brain}, - volume = {130}, - pages = {630-653}, - year = {2007}, +@article{RN3007, + author = {Floyer-Lea, A. and Matthews, P. M.}, + title = {Changing brain networks for visuomotor control with increased movement automaticity}, + journal = {J Neurophysiol}, + volume = {92}, + number = {4}, + pages = {2405-12}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.01092.2003 +92/4/2405 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15381748}, + year = {2004}, type = {Journal Article} } -@article{RN3397, - author = {Schieber, M. H. and Rivlis, G.}, - title = {Partial reconstruction of muscle activity from a pruned network of diverse motor cortex neurons}, +@article{RN3006, + author = {Floyer-Lea, A. and Matthews, P. M.}, + title = {Distinguishable brain activation networks for short- and long-term motor skill learning}, journal = {J Neurophysiol}, - volume = {97}, + volume = {94}, number = {1}, - pages = {70-82}, + pages = {512-8}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {10.1152/jn.00544.2006}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17035361}, - year = {2007}, + DOI = {00717.2004 [pii] +10.1152/jn.00717.2004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15716371}, + year = {2005}, type = {Journal Article} } -@misc{RN2546, - url = {http://www.sph.sc.edu/comd/rorden/mricron}, - year = {2007}, - type = {Computer Program} +@article{RN3005, + author = {Floyer-Lea, A. and Wylezinska, M. and Kincses, T. and Matthews, P. M.}, + title = {Rapid modulation of GABA concentration in human sensorimotor cortex during motor learning}, + journal = {J Neurophysiol}, + volume = {95}, + number = {3}, + pages = {1639-44}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00346.2005 [pii] +10.1152/jn.00346.2005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16221751}, + year = {2006}, + type = {Journal Article} } -@article{RN2767, - author = {Rancz, E. A. and Ishikawa, T. and Duguid, I. and Chadderton, P. and Mahon, S. and Hausser, M.}, - title = {High-fidelity transmission of sensory information by single cerebellar mossy fibre boutons}, +@article{RN3004, + author = {Pruszynski, J. A. and Kurtzer, I. and Nashed, J. Y. and Omrani, M. and Brouwer, B. and Scott, S. H.}, + title = {Primary motor cortex underlies multi-joint integration for fast feedback control}, journal = {Nature}, - volume = {450}, - number = {7173}, - pages = {1245-8}, + volume = {478}, + number = {7369}, + pages = {387-90}, ISSN = {1476-4687 (Electronic) 0028-0836 (Linking)}, - DOI = {nature05995 [pii] -10.1038/nature05995}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18097412}, - year = {2007}, + DOI = {nature10436 [pii] +10.1038/nature10436}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21964335}, + year = {2011}, type = {Journal Article} } -@article{RN2879, - author = {Poreisz, C. and Boros, K. and Antal, A. and Paulus, W.}, - title = {Safety aspects of transcranial direct current stimulation concerning healthy subjects and patients}, - journal = {Brain Res Bull}, +@article{RN3003, + author = {Hatsopoulos, N. G. and Suminski, A. J.}, + title = {Sensing with the motor cortex}, + journal = {Neuron}, volume = {72}, - number = {4-6}, - pages = {208-14}, - ISSN = {0361-9230 (Print) -0361-9230 (Linking)}, - DOI = {S0361-9230(07)00011-1 [pii] -10.1016/j.brainresbull.2007.01.004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17452283}, - year = {2007}, - type = {Journal Article} -} - -@article{RN2500, - author = {Pollok, B. and Butz, M. and Gross, J. and Schnitzler, A.}, - title = {Intercerebellar coupling contributes to bimanual coordination}, - journal = {J Cogn Neurosci}, - volume = {19}, - number = {4}, - pages = {704-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17381260 }, - year = {2007}, - type = {Journal Article} -} - -@inproceedings{RN2708, - author = {Peters, J. and Schaal, S.}, - title = {Using reward-weighted regression for reinforcement learning of task space control}, - booktitle = {IEEE Symposium on approximate dynamic programming and reinforcement learning }, - pages = {262-267}, - url = {http://www-clmc.usc.edu/publications/P/peters-ADPRL2007.pdf}, - type = {Conference Proceedings} -} - -@article{RN3114, - author = {Perlmutter, J. S. and Thach, W. T.}, - title = {Writer's cramp: questions of causation}, - journal = {Neurology}, - volume = {69}, - number = {4}, - pages = {331-2}, - ISSN = {1526-632X (Electronic) -0028-3878 (Linking)}, - DOI = {69/4/331 [pii] -10.1212/01.wnl.0000269330.95232.7c}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17646624}, - year = {2007}, - type = {Journal Article} -} - -@article{RN3156, - author = {Perez, M. A. and Wise, S. P. and Willingham, D. T. and Cohen, L. G.}, - title = {Neurophysiological mechanisms involved in transfer of procedural knowledge}, - journal = {J Neurosci}, - volume = {27}, - number = {5}, - pages = {1045-53}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {27/5/1045 [pii] -10.1523/JNEUROSCI.4128-06.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17267558}, - year = {2007}, - type = {Journal Article} -} - -@article{RN3155, - author = {Perez, M. A. and Tanaka, S. and Wise, S. P. and Sadato, N. and Tanabe, H. C. and Willingham, D. T. and Cohen, L. G.}, - title = {Neural substrates of intermanual transfer of a newly acquired motor skill}, - journal = {Curr Biol}, - volume = {17}, - number = {21}, - pages = {1896-902}, - ISSN = {0960-9822 (Print) -0960-9822 (Linking)}, - DOI = {S0960-9822(07)02021-0 [pii] -10.1016/j.cub.2007.09.058}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17964167}, - year = {2007}, + number = {3}, + pages = {477-87}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(11)00932-9 [pii] +10.1016/j.neuron.2011.10.020}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22078507}, + year = {2011}, type = {Journal Article} } -@article{RN2579, - author = {Miall, R. C. and Christensen, L. O. and Cain, O. and Stanley, J.}, - title = {Disruption of state estimation in the human lateral cerebellum}, - journal = {PLoS Biol}, - volume = {5}, - number = {11}, - pages = {e316}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18044990 }, - year = {2007}, +@article{RN3001, + author = {Sternad, D. and Abe, M. O. and Hu, X. and Muller, H.}, + title = {Neuromotor noise, error tolerance and velocity-dependent costs in skilled performance}, + journal = {PLoS Comput Biol}, + volume = {7}, + number = {9}, + pages = {e1002159}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1002159 +09-PLCB-RA-1522 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21966262}, + year = {2011}, type = {Journal Article} } -@article{RN2583, - author = {Mazzoni, P. and Hristova, A. and Krakauer, J. W.}, - title = {Why don't we move faster? Parkinson's disease, movement vigor, and implicit motivation}, - journal = {J Neurosci}, - volume = {27}, - number = {27}, - pages = {7105-16}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17611263 }, - year = {2007}, +@article{RN3000, + author = {Sergio, L. E. and Kalaska, J. F.}, + title = {Systematic changes in directional tuning of motor cortex cell activity with hand location in the workspace during generation of static isometric forces in constant spatial directions}, + journal = {J Neurophysiol}, + volume = {78}, + number = {2}, + pages = {1170-4}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9307146}, + year = {1997}, type = {Journal Article} } -@article{RN2857, - author = {Matsuzaka, Y. and Picard, N. and Strick, P. L.}, - title = {Skill representation in the primary motor cortex after long-term practice}, +@article{RN2999, + author = {Meier, J. D. and Aflalo, T. N. and Kastner, S. and Graziano, M. S.}, + title = {Complex organization of human primary motor cortex: a high-resolution fMRI study}, journal = {J Neurophysiol}, - volume = {97}, - number = {2}, - pages = {1819-32}, + volume = {100}, + number = {4}, + pages = {1800-12}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {00784.2006 [pii] -10.1152/jn.00784.2006}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17182912}, - year = {2007}, + DOI = {90531.2008 [pii] +10.1152/jn.90531.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18684903}, + year = {2008}, type = {Journal Article} } -@article{RN3058, - author = {MacLin, O. H. and Dixon, M. R. and Daugherty, D. and Small, S. L.}, - title = {Using a computer simulation of three slot machines to investigate a gambler's preference among varying densities of near-miss alternatives}, - journal = {Behav Res Methods}, - volume = {39}, - number = {2}, - pages = {237-41}, - ISSN = {1554-351X (Print) -1554-351X (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17695350}, - year = {2007}, +@article{RN2998, + author = {Schieber, M. H. and Hibbard, L. S.}, + title = {How somatotopic is the motor cortex hand area?}, + journal = {Science}, + volume = {261}, + number = {5120}, + pages = {489-92}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8332915}, + year = {1993}, type = {Journal Article} } -@article{RN2672, - author = {Liu, D. and Todorov, E.}, - title = {Evidence for the flexible sensorimotor strategies predicted by optimal feedback control}, - journal = {J Neurosci}, - volume = {27}, - number = {35}, - pages = {9354-68}, - ISSN = {1529-2401 (Electronic)}, - DOI = {27/35/9354 [pii] -10.1523/JNEUROSCI.1110-06.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17728449}, - year = {2007}, +@article{RN2997, + author = {Graziano, M. S. and Taylor, C. S. and Moore, T.}, + title = {Complex movements evoked by microstimulation of precentral cortex}, + journal = {Neuron}, + volume = {34}, + number = {5}, + pages = {841-51}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896627302006980 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12062029}, + year = {2002}, type = {Journal Article} } -@article{RN3016, - author = {Li, S. and Ostwald, D. and Giese, M. and Kourtzi, Z.}, - title = {Flexible coding for categorical decisions in the human brain}, - journal = {J Neurosci}, - volume = {27}, - number = {45}, - pages = {12321-30}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {27/45/12321 [pii] -10.1523/JNEUROSCI.3795-07.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17989296}, +@article{RN2996, + author = {Graziano, M. S. and Aflalo, T. N.}, + title = {Mapping behavioral repertoire onto the cortex}, + journal = {Neuron}, + volume = {56}, + number = {2}, + pages = {239-51}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(07)00711-8 [pii] +10.1016/j.neuron.2007.09.013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17964243}, year = {2007}, type = {Journal Article} } -@article{RN2551, - author = {Lancaster, J. L. and Tordesillas-Gutierrez, D. and Martinez, M. and Salinas, F. and Evans, A. and Zilles, K. and Mazziotta, J. C. and Fox, P. T.}, - title = {Bias between MNI and Talairach coordinates analyzed using the ICBM-152 brain template}, - journal = {Hum Brain Mapp}, - volume = {28}, - number = {11}, - pages = {1194-205}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17266101 }, - year = {2007}, +@article{RN2995, + author = {Turnham, E. J. and Braun, D. A. and Wolpert, D. M.}, + title = {Inferring visuomotor priors for sensorimotor learning}, + journal = {PLoS Comput Biol}, + volume = {7}, + number = {3}, + pages = {e1001112}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1001112}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21483475}, + year = {2011}, type = {Journal Article} } -@article{RN2778, - author = {Lambercy, O and Dovat, L and Gassert, R and Teo, CL and Milner, T and Burdet, E}, - title = {A Haptic Knob for Rehabilitation of Hand Function}, - journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering }, - volume = {15}, - number = {3}, - pages = {356-66}, - year = {2007}, +@article{RN2994, + author = {Turnham, E. J. and Braun, D. A. and Wolpert, D. M.}, + title = {Facilitation of learning induced by both random and gradual visuomotor task variation}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00635.2011 [pii] +10.1152/jn.00635.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22131385}, + year = {2011}, type = {Journal Article} } -@article{RN3640, - author = {Kriegeskorte, N. and Bandettini, P.}, - title = {Analyzing for information, not activation, to exploit high-resolution fMRI}, - journal = {Neuroimage}, - volume = {38}, - number = {4}, - pages = {649-62}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2007.02.022}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/17804260}, - year = {2007}, +@article{RN2993, + author = {Wolpert, D. M. and Diedrichsen, J. and Flanagan, J. R.}, + title = {Principles of sensorimotor learning}, + journal = {Nat Rev Neurosci}, + volume = {12}, + number = {12}, + pages = {739-51}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {10.1038/nrn3112}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=22033537}, + year = {2011}, type = {Journal Article} } -@article{RN2855, - author = {Krakauer, J. W.}, - title = {Avoiding performance and task confounds: multimodal investigation of brain reorganization after stroke rehabilitation}, - journal = {Exp Neurol}, - volume = {204}, - number = {2}, - pages = {491-5}, - ISSN = {0014-4886 (Print) -0014-4886 (Linking)}, - DOI = {S0014-4886(07)00006-4 [pii] -10.1016/j.expneurol.2006.12.026}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17331501}, - year = {2007}, +@article{RN2992, + author = {Fautrelle, L. and Pichat, C. and Ricolfi, F. and Peyrin, C. and Bonnetblanc, F.}, + title = {Catching falling objects: the role of the cerebellum in processing sensory-motor errors that may influence updating of feedforward commands. An fMRI study}, + journal = {Neuroscience}, + volume = {190}, + pages = {135-44}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {S0306-4522(11)00718-4 [pii] +10.1016/j.neuroscience.2011.06.034}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21718759}, + year = {2011}, type = {Journal Article} } -@article{RN3116, - author = {Korman, M. and Doyon, J. and Doljansky, J. and Carrier, J. and Dagan, Y. and Karni, A.}, - title = {Daytime sleep condenses the time course of motor memory consolidation}, - journal = {Nat Neurosci}, - volume = {10}, - number = {9}, - pages = {1206-13}, - ISSN = {1097-6256 (Print) -1097-6256 (Linking)}, - DOI = {nn1959 [pii] -10.1038/nn1959}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17694051}, - year = {2007}, +@article{RN2991, + author = {Gentner, R. and Gorges, S. and Weise, D. and aufm Kampe, K. and Buttmann, M. and Classen, J.}, + title = {Encoding of motor skill in the corticomuscular system of musicians}, + journal = {Curr Biol}, + volume = {20}, + number = {20}, + pages = {1869-74}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(10)01163-2 [pii] +10.1016/j.cub.2010.09.045}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20951047}, + year = {2010}, type = {Journal Article} } -@article{RN2552, - author = {Kording, K.}, - title = {Decision theory: what "should" the nervous system do?}, - journal = {Science}, - volume = {318}, - number = {5850}, - pages = {606-10}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17962554 }, - year = {2007}, +@article{RN2990, + author = {Chen, Y. and Namburi, P. and Elliott, L. T. and Heinzle, J. and Soon, C. S. and Chee, M. W. and Haynes, J. D.}, + title = {Cortical surface-based searchlight decoding}, + journal = {Neuroimage}, + volume = {56}, + number = {2}, + pages = {582-92}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(10)01008-6 [pii] +10.1016/j.neuroimage.2010.07.035}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20656043}, + year = {2011}, type = {Journal Article} } -@article{RN3560, - author = {Kiani, R. and Esteky, H. and Mirpour, K. and Tanaka, K.}, - title = {Object category structure in response patterns of neuronal population in monkey inferior temporal cortex}, - journal = {J Neurophysiol}, - volume = {97}, - number = {6}, - pages = {4296-309}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00024.2007}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17428910}, - year = {2007}, +@article{RN2989, + author = {Nozaki, D. and Yokoi, A. and Hirashima, M.}, + title = {Gain-field encoding of both arms' kinematics in the internal model enables +flexible bimanual action}, + journal = {Journal of Neuroscience}, + year = {in press}, type = {Journal Article} } -@article{RN2519, - author = {Keuthen, N. J. and Makris, N. and Schlerf, J. E. and Martis, B. and Savage, C. R. and McMullin, K. and Seidman, L. J. and Schmahmann, J. D. and Kennedy, D. N. and Hodge, S. M. and Rauch, S. L.}, - title = {Evidence for reduced cerebellar volumes in trichotillomania}, - journal = {Biol Psychiatry}, - volume = {61}, - number = {3}, - pages = {374-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16945351 }, - year = {2007}, +@article{RN2985, + author = {Kuper, M. and Thurling, M. and Stefanescu, R. and Maderwald, S. and Roths, J. and Elles, H. G. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, + title = {Evidence for a motor somatotopy in the cerebellar dentate nucleus-an fMRI study in humans}, + journal = {Hum Brain Mapp}, + ISSN = {1097-0193 (Electronic) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.21400}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21938757}, + year = {2011}, type = {Journal Article} } - -@article{RN3603, - author = {Jeffery, D. T. and Norton, J. A. and Roy, F. D. and Gorassini, M. A.}, - title = {Effects of transcranial direct current stimulation on the excitability of the leg motor cortex}, - journal = {Exp Brain Res}, - volume = {182}, - number = {2}, - pages = {281-7}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-007-1093-y [doi]}, - url = {http://www.springerlink.com/content/851rm4243p124275/fulltext.pdf}, - year = {2007}, + +@article{RN2984, + author = {Kuper, M. and Dimitrova, A. and Thurling, M. and Maderwald, S. and Roths, J. and Elles, H. G. and Gizewski, E. R. and Ladd, M. E. and Diedrichsen, J. and Timmann, D.}, + title = {Evidence for a motor and a non-motor domain in the human dentate nucleus--an fMRI study}, + journal = {Neuroimage}, + volume = {54}, + number = {4}, + pages = {2612-22}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(10)01458-8 [pii] +10.1016/j.neuroimage.2010.11.028}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21081171}, + year = {2011}, type = {Journal Article} } -@article{RN2621, - author = {Jax, S. A. and Rosenbaum, D. A.}, - title = {Hand path priming in manual obstacle avoidance: evidence that the dorsal stream does not only control visually guided actions in real time}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {33}, +@article{RN2983, + author = {Oosterhof, N. N. and Wiestler, T. and Downing, P. E. and Diedrichsen, J.}, + title = {A comparison of volume-based and surface-based multi-voxel pattern analysis}, + journal = {Neuroimage}, + volume = {56}, number = {2}, - pages = {425-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17469977 }, - year = {2007}, + pages = {593-600}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.04.270}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20621701}, + year = {2011}, type = {Journal Article} } -@article{RN2497, - author = {Huang, V. S. and Shadmehr, R.}, - title = {Evolution of motor memory during the seconds after observation of motor error}, - journal = {J Neurophysiol}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17428900 }, - year = {2007}, +@article{RN2982, + author = {White, O. and Thonnard, J. L. and Wing, A. M. and Bracewell, R. M. and Diedrichsen, J. and Lefevre, P.}, + title = {Grip force regulates hand impedance to optimize object stability in high impact loads}, + journal = {Neuroscience}, + volume = {189C}, + pages = {269-276}, + ISSN = {1873-7544 (Electronic) +0306-4522 (Linking)}, + DOI = {S0306-4522(11)00495-7 [pii] +10.1016/j.neuroscience.2011.04.055}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21640167}, + year = {2011}, type = {Journal Article} } -@article{RN2877, - author = {Hallett, M.}, - title = {Transcranial magnetic stimulation: a primer}, - journal = {Neuron}, - volume = {55}, - number = {2}, - pages = {187-99}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896-6273(07)00460-6 [pii] -10.1016/j.neuron.2007.06.026}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17640522}, - year = {2007}, +@article{RN2981, + author = {Galea, J. M. and Vazquez, A. and Pasricha, N. and Orban de Xivry, J. J. and Celnik, P.}, + title = {Dissociating the Roles of the Cerebellum and Motor Cortex during Adaptive Learning: The Motor Cortex Retains What the Cerebellum Learns}, + journal = {Cereb Cortex}, + volume = {21}, + number = {8}, + pages = {1761-70}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhq246 [pii] +10.1093/cercor/bhq246}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21139077}, + year = {2011}, type = {Journal Article} } @@ -7597,827 +8033,878 @@ @article{RN2980 type = {Journal Article} } -@article{RN2654, - author = {Hadipour-Niktarash, A. and Lee, C. K. and Desmond, J. E. and Shadmehr, R.}, - title = {Impairment of retention but not acquisition of a visuomotor skill through time-dependent disruption of primary motor cortex}, - journal = {J Neurosci}, - volume = {27}, - number = {49}, - pages = {13413-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18057199 }, - year = {2007}, - type = {Journal Article} +@misc{RN2979, + year = {2010}, + type = {Conference Paper} } -@article{RN2716, - author = {Habas, C. and Cabanis, E. A.}, - title = {The neural network involved in a bimanual tactile-tactile matching discrimination task: a functional imaging study at 3 T}, - journal = {Neuroradiology}, - volume = {49}, - number = {8}, - pages = {681-8}, - ISSN = {0028-3940 (Print) -0028-3940 (Linking)}, - DOI = {10.1007/s00234-007-0239-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17546450}, - year = {2007}, +@article{RN2978, + author = {Soteropoulos, D. S. and Edgley, S. A. and Baker, S. N.}, + title = {Lack of evidence for direct corticospinal contributions to control of the ipsilateral forelimb in monkey}, + journal = {J Neurosci}, + volume = {31}, + number = {31}, + pages = {11208-19}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/31/11208 [pii] +10.1523/JNEUROSCI.0257-11.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21813682}, + year = {2011}, type = {Journal Article} } -@article{RN2715, - author = {Habas, C. and Cabanis, E. A.}, - title = {Anatomical parcellation of the brainstem and cerebellar white matter: a preliminary probabilistic tractography study at 3 T}, - journal = {Neuroradiology}, - volume = {49}, - number = {10}, - pages = {849-63}, - ISSN = {1432-1920 (Electronic) -0028-3940 (Linking)}, - DOI = {10.1007/s00234-007-0267-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17701168}, - year = {2007}, +@article{RN2977, + author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {Context-dependent partitioning of motor learning in bimanual movements}, + journal = {J Neurophysiol}, + volume = {104}, + number = {4}, + pages = {2082-91}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00299.2010 [pii] +10.1152/jn.00299.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20685927}, + year = {2010}, type = {Journal Article} } -@article{RN2589, - author = {Guigon, E. and Baraduc, P. and Desmurget, M.}, - title = {Computational motor control: redundancy and invariance}, - journal = {J Neurophysiol}, - volume = {97}, - number = {1}, - pages = {331-47}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17005621 }, - year = {2007}, +@article{RN2976, + author = {Stedman, A. and Davey, N. J. and Ellaway, P. H.}, + title = {Facilitation of human first dorsal interosseous muscle responses to transcranial magnetic stimulation during voluntary contraction of the contralateral homonymous muscle}, + journal = {Muscle Nerve}, + volume = {21}, + number = {8}, + pages = {1033-9}, + ISSN = {0148-639X (Print) +0148-639X (Linking)}, + DOI = {10.1002/(SICI)1097-4598(199808)21:8<1033::AID-MUS7>3.0.CO;2-9 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9655121}, + year = {1998}, type = {Journal Article} } -@article{RN2996, - author = {Graziano, M. S. and Aflalo, T. N.}, - title = {Mapping behavioral repertoire onto the cortex}, - journal = {Neuron}, - volume = {56}, +@article{RN2975, + author = {Muellbacher, W. and Facchini, S. and Boroojerdi, B. and Hallett, M.}, + title = {Changes in motor cortex excitability during ipsilateral hand muscle activation in humans}, + journal = {Clin Neurophysiol}, + volume = {111}, number = {2}, - pages = {239-51}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896-6273(07)00711-8 [pii] -10.1016/j.neuron.2007.09.013}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17964243}, - year = {2007}, + pages = {344-9}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388-2457(99)00243-6 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10680571}, + year = {2000}, type = {Journal Article} } -@article{RN2968, - author = {Glickstein, M.}, - title = {What does the cerebellum really do?}, - journal = {Curr Biol}, - volume = {17}, - number = {19}, - pages = {R824-7}, - ISSN = {0960-9822 (Print) -0960-9822 (Linking)}, - DOI = {S0960-9822(07)01785-X [pii] -10.1016/j.cub.2007.08.009}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17925205}, - year = {2007}, +@article{RN2974, + author = {Stinear, C. M. and Walker, K. S. and Byblow, W. D.}, + title = {Symmetric facilitation between motor cortices during contraction of ipsilateral hand muscles}, + journal = {Exp Brain Res}, + volume = {139}, + number = {1}, + pages = {101-5}, + ISSN = {0014-4819 (Print) +0014-4819 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11482835}, + year = {2001}, type = {Journal Article} } -@article{RN2785, - author = {Gizewski, E. R. and de Greiff, A. and Maderwald, S. and Timmann, D. and Forsting, M. and Ladd, M. E.}, - title = {fMRI at 7 T: whole-brain coverage and signal advantages even infratentorially?}, - journal = {Neuroimage}, - volume = {37}, - number = {3}, - pages = {761-8}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(07)00516-2 [pii] -10.1016/j.neuroimage.2007.06.005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17644414}, - year = {2007}, +@article{RN2972, + author = {Fries, P.}, + title = {Neuronal gamma-band synchronization as a fundamental process in cortical computation}, + journal = {Annu Rev Neurosci}, + volume = {32}, + pages = {209-24}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev.neuro.051508.135603}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19400723}, + year = {2009}, type = {Journal Article} } -@article{RN3200, - author = {Gepshtein, S. and Seydell, A. and Trommershauser, J.}, - title = {Optimality of human movement under natural variations of visual-motor uncertainty}, - journal = {J Vis}, - volume = {7}, - number = {5}, - pages = {13 1-18}, - ISSN = {1534-7362 (Electronic) -1534-7362 (Linking)}, - DOI = {10.1167/7.5.13 -7/5/13 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18217853}, - year = {2007}, +@article{RN2971, + author = {Oliveira, F. T. and Diedrichsen, J. and Verstynen, T. and Duque, J. and Ivry, R. B.}, + title = {Transcranial magnetic stimulation of posterior parietal cortex affects decisions of hand choice}, + journal = {Proc Natl Acad Sci U S A}, + volume = {107}, + number = {41}, + pages = {17751-6}, + ISSN = {1091-6490 (Electronic) +0027-8424 (Linking)}, + DOI = {1006223107 [pii] +10.1073/pnas.1006223107}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20876098}, + year = {2010}, type = {Journal Article} } -@book{RN3614, - author = {Friston, K.J. and Ashburner, J. and Kiebel, S.J. and Nichols, T.E. and Penny, W.D. }, - title = {Statistical Parametric Mapping: The Analysis of Functional Brain Images}, - publisher = {Academic Press}, - year = {2007}, - type = {Edited Book} +@article{RN2970, + author = {Duque, J. and Ivry, R. B.}, + title = {Role of corticospinal suppression during motor preparation}, + journal = {Cereb Cortex}, + volume = {19}, + number = {9}, + pages = {2013-24}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhn230 [pii] +10.1093/cercor/bhn230}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19126798}, + year = {2009}, + type = {Journal Article} } -@article{RN3255, - author = {Friston, K. and Mattout, J. and Trujillo-Barreto, N. and Ashburner, J. and Penny, W.}, - title = {Variational free energy and the Laplace approximation}, +@article{RN2969, + author = {Indovina, I. and Sanes, J. N.}, + title = {On somatotopic representation centers for finger movements in human primary motor cortex and supplementary motor area}, journal = {Neuroimage}, - volume = {34}, - number = {1}, - pages = {220-34}, + volume = {13}, + number = {6 Pt 1}, + pages = {1027-34}, ISSN = {1053-8119 (Print) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2006.08.035}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17055746}, - year = {2007}, + DOI = {10.1006/nimg.2001.0776 +S1053-8119(01)90776-1 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11352608}, + year = {2001}, type = {Journal Article} } -@article{RN2766, - author = {Fox, M. D. and Raichle, M. E.}, - title = {Spontaneous fluctuations in brain activity observed with functional magnetic resonance imaging}, - journal = {Nat Rev Neurosci}, - volume = {8}, - number = {9}, - pages = {700-11}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17704812 }, +@article{RN2968, + author = {Glickstein, M.}, + title = {What does the cerebellum really do?}, + journal = {Curr Biol}, + volume = {17}, + number = {19}, + pages = {R824-7}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(07)01785-X [pii] +10.1016/j.cub.2007.08.009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17925205}, year = {2007}, type = {Journal Article} } -@article{RN2529, - author = {Eickhoff, S. B. and Paus, T. and Caspers, S. and Grosbras, M. H. and Evans, A. C. and Zilles, K. and Amunts, K.}, - title = {Assignment of functional activations to probabilistic cytoarchitectonic areas revisited}, - journal = {Neuroimage}, - volume = {36}, - number = {3}, - pages = {511-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17499520 }, - year = {2007}, +@article{RN2967, + author = {Yedimenko, J. A. and Perez, M. A.}, + title = {The effect of bilateral isometric forces in different directions on motor cortical function in humans}, + journal = {J Neurophysiol}, + volume = {104}, + number = {6}, + pages = {2922-31}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.00020.2010 [pii] +10.1152/jn.00020.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20668276}, + year = {2010}, type = {Journal Article} } -@article{RN2508, - author = {Diedrichsen, J. and Verstynen, T. and Hon, A. and Zhang, Y. and Ivry, R. B.}, - title = {Illusions of force perception: the role of sensori-motor predictions, visual information, and motor errors}, +@article{RN2966, + author = {Zarahn, E. and Weston, G. D. and Liang, J. and Mazzoni, P. and Krakauer, J. W.}, + title = {Explaining savings for visuomotor adaptation: linear time-invariant state-space models are not sufficient}, journal = {J Neurophysiol}, - volume = {97}, + volume = {100}, number = {5}, - pages = {3305-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17344369 }, - year = {2007}, - type = {Journal Article} -} - -@article{RN2511, - author = {Diedrichsen, J. and Criscimagna-Hemminger, S. E. and Shadmehr, R.}, - title = {Dissociating timing and coordination as functions of the cerebellum}, - journal = {J Neurosci}, - volume = {27}, - number = {23}, - pages = {6291-301}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17554003 }, - year = {2007}, - type = {Journal Article} -} - -@article{RN2537, - author = {Diedrichsen, J.}, - title = {Optimal task-dependent changes of bimanual feedback control and adaptation}, - journal = {Curr Biol}, - volume = {17}, - number = {19}, - pages = {1675-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17900901 }, - year = {2007}, - type = {Journal Article} -} - -@article{RN3626, - author = {DiCarlo, J. J. and Cox, D. D.}, - title = {Untangling invariant object recognition}, - journal = {Trends Cogn Sci}, - volume = {11}, - number = {8}, - pages = {333-41}, - ISSN = {1364-6613 (Print) -1364-6613 (Linking)}, - DOI = {10.1016/j.tics.2007.06.010}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/17631409}, - year = {2007}, + pages = {2537-48}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90529.2008 [pii] +10.1152/jn.90529.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18596178}, + year = {2008}, type = {Journal Article} } -@article{RN3035, - author = {Devor, A. and Tian, P. and Nishimura, N. and Teng, I. C. and Hillman, E. M. and Narayanan, S. N. and Ulbert, I. and Boas, D. A. and Kleinfeld, D. and Dale, A. M.}, - title = {Suppressed neuronal activity and concurrent arteriolar vasoconstriction may explain negative blood oxygenation level-dependent signal}, - journal = {J Neurosci}, - volume = {27}, - number = {16}, - pages = {4452-9}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {27/16/4452 [pii] -10.1523/JNEUROSCI.0134-07.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17442830}, - year = {2007}, +@article{RN2965, + author = {Reichenbach, A. and Bresciani, J. P. and Peer, A. and Bulthoff, H. H. and Thielscher, A.}, + title = {Contributions of the PPC to Online Control of Visually Guided Reaching Movements Assessed with fMRI-Guided TMS}, + journal = {Cereb Cortex}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhq225 [pii] +10.1093/cercor/bhq225}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21084453}, + year = {2010}, type = {Journal Article} } -@article{RN2790, - author = {Deoni, S. C. and Catani, M.}, - title = {Visualization of the deep cerebellar nuclei using quantitative T1 and rho magnetic resonance imaging at 3 Tesla}, - journal = {Neuroimage}, - volume = {37}, - number = {4}, - pages = {1260-6}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(07)00572-1 [pii] -10.1016/j.neuroimage.2007.06.036}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17702607}, - year = {2007}, +@article{RN2964, + author = {Bays, P. M. and Husain, M.}, + title = {Dynamic shifts of limited working memory resources in human vision}, + journal = {Science}, + volume = {321}, + number = {5890}, + pages = {851-4}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {321/5890/851 [pii] +10.1126/science.1158023}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18687968}, + year = {2008}, type = {Journal Article} } -@article{RN3095, - author = {Churchland, M. M. and Yu, B. M. and Sahani, M. and Shenoy, K. V.}, - title = {Techniques for extracting single-trial activity patterns from large-scale neural recordings}, - journal = {Curr Opin Neurobiol}, - volume = {17}, - number = {5}, - pages = {609-18}, - ISSN = {0959-4388 (Print) -0959-4388 (Linking)}, - DOI = {S0959-4388(07)00119-5 [pii] -10.1016/j.conb.2007.11.001}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18093826}, - year = {2007}, +@article{RN2963, + author = {Bisley, J. W. and Goldberg, M. E.}, + title = {Attention, intention, and priority in the parietal lobe}, + journal = {Annu Rev Neurosci}, + volume = {33}, + pages = {1-21}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-060909-152823}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20192813}, + year = {2010}, type = {Journal Article} } -@article{RN2515, - author = {Braun, D. A. and Wolpert, D. M.}, - title = {Optimal control: when redundancy matters}, - journal = {Curr Biol}, - volume = {17}, - number = {22}, - pages = {R973-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18029255 }, - year = {2007}, +@article{RN2962, + author = {Apps, R. and Hawkes, R.}, + title = {Cerebellar cortical organization: a one-map hypothesis}, + journal = {Nat Rev Neurosci}, + volume = {10}, + number = {9}, + pages = {670-81}, + ISSN = {1471-0048 (Electronic) +1471-003X (Linking)}, + DOI = {nrn2698 [pii] +10.1038/nrn2698}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19693030}, + year = {2009}, type = {Journal Article} } -@article{RN2764, - author = {Behrens, T. E. and Berg, H. J. and Jbabdi, S. and Rushworth, M. F. and Woolrich, M. W.}, - title = {Probabilistic diffusion tractography with multiple fibre orientations: What can we gain?}, - journal = {Neuroimage}, - volume = {34}, - number = {1}, - pages = {144-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17070705 }, - year = {2007}, +@article{RN2961, + author = {Zipser, D. and Andersen, R. A.}, + title = {A back-propagation programmed network that simulates response properties of a subset of posterior parietal neurons}, + journal = {Nature}, + volume = {331}, + number = {6158}, + pages = {679-84}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/331679a0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3344044}, + year = {1988}, type = {Journal Article} } -@article{RN2862, - author = {Begliomini, C. and Wall, M. B. and Smith, A. T. and Castiello, U.}, - title = {Differential cortical activity for precision and whole-hand visually guided grasping in humans}, - journal = {Eur J Neurosci}, - volume = {25}, - number = {4}, - pages = {1245-52}, - ISSN = {0953-816X (Print) -0953-816X (Linking)}, - DOI = {EJN5365 [pii] -10.1111/j.1460-9568.2007.05365.x}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17331220}, - year = {2007}, +@article{RN2960, + author = {Eisenberg, M. and Shmuelof, L. and Vaadia, E. and Zohary, E.}, + title = {Functional organization of human motor cortex: directional selectivity for movement}, + journal = {J Neurosci}, + volume = {30}, + number = {26}, + pages = {8897-905}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/26/8897 [pii] +10.1523/JNEUROSCI.0007-10.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20592212}, + year = {2010}, type = {Journal Article} } -@article{RN3203, - author = {Battaglia, P. W. and Schrater, P. R.}, - title = {Humans trade off viewing time and movement duration to improve visuomotor accuracy in a fast reaching task}, +@article{RN2959, + author = {Franklin, D. W. and Wolpert, D. M.}, + title = {Specificity of reflex adaptation for task-relevant variability}, journal = {J Neurosci}, - volume = {27}, - number = {26}, - pages = {6984-94}, + volume = {28}, + number = {52}, + pages = {14165-75}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {27/26/6984 [pii] -10.1523/JNEUROSCI.1309-07.2007}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17596447}, - year = {2007}, + DOI = {28/52/14165 [pii] +10.1523/JNEUROSCI.4406-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19109499}, + year = {2008}, type = {Journal Article} } -@article{RN3220, - author = {Ashburner, J.}, - title = {A fast diffeomorphic image registration algorithm}, - journal = {Neuroimage}, - volume = {38}, - number = {1}, - pages = {95-113}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2007.07.007}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17761438}, - year = {2007}, +@article{RN2958, + author = {Christensen, A. and Ilg, W. and Giese, M. A.}, + title = {Spatiotemporal tuning of the facilitation of biological motion perception by concurrent motor execution}, + journal = {J Neurosci}, + volume = {31}, + number = {9}, + pages = {3493-9}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/9/3493 [pii] +10.1523/JNEUROSCI.4277-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21368061}, + year = {2011}, type = {Journal Article} } -@article{RN3562, - author = {Aguirre, G. K.}, - title = {Continuous carry-over designs for fMRI}, - journal = {Neuroimage}, - volume = {35}, - number = {4}, - pages = {1480-94}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2007.02.005}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/17376705}, - year = {2007}, +@article{RN2957, + author = {Luft, A. R. and Schwarz, S.}, + title = {Dopaminergic signals in primary motor cortex}, + journal = {Int J Dev Neurosci}, + volume = {27}, + number = {5}, + pages = {415-21}, + ISSN = {1873-474X (Electronic) +0736-5748 (Linking)}, + DOI = {S0736-5748(09)00067-7 [pii] +10.1016/j.ijdevneu.2009.05.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19446627}, + year = {2009}, type = {Journal Article} } -@article{RN2436, - author = {Xu, D. and Liu, T. and Ashe, J. and Bushara, K. O.}, - title = {Role of the olivo-cerebellar system in timing}, - journal = {J Neurosci}, - volume = {26}, - number = {22}, - pages = {5990-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16738241 }, - year = {2006}, +@article{RN2956, + author = {Izawa, J. and Shadmehr, R.}, + title = {Learning from sensory and reward prediction errors during motor adaptation}, + journal = {PLoS Comput Biol}, + volume = {7}, + number = {3}, + pages = {e1002012}, + ISSN = {1553-7358 (Electronic) +1553-734X (Linking)}, + DOI = {10.1371/journal.pcbi.1002012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21423711}, + year = {2011}, type = {Journal Article} } -@article{RN2638, - author = {Ward, N. S. and Frackowiak, R. S.}, - title = {The functional anatomy of cerebral reorganisation after focal brain injury}, - journal = {J Physiol Paris}, - volume = {99}, - number = {4-6}, - pages = {425-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16750616 }, - year = {2006}, +@article{RN2955, + author = {Hosp, J. A. and Pekanovic, A. and Rioult-Pedotti, M. S. and Luft, A. R.}, + title = {Dopaminergic projections from midbrain to primary motor cortex mediate motor skill learning}, + journal = {J Neurosci}, + volume = {31}, + number = {7}, + pages = {2481-7}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/7/2481 [pii] +10.1523/JNEUROSCI.5411-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21325515}, + year = {2011}, type = {Journal Article} } -@article{RN2427, - author = {Wang, J. and Sainburg, R. L.}, - title = {The symmetry of interlimb transfer depends on workspace locations}, - journal = {Exp Brain Res}, - volume = {170}, - number = {4}, - pages = {464-71}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16328262 }, - year = {2006}, +@article{RN2954, + author = {Madelain, L. and Paeye, C. and Wallman, J.}, + title = {Modification of saccadic gain by reinforcement}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.01094.2009 [pii] +10.1152/jn.01094.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21525366}, + year = {2011}, type = {Journal Article} } -@article{RN2429, - author = {Vaziri, S. and Diedrichsen, J. and Shadmehr, R.}, - title = {Why does the brain predict sensory consequences of oculomotor commands? Optimal integration of the predicted and the actual sensory feedback}, - journal = {J Neurosci}, - volume = {26}, - number = {16}, - pages = {4188-97}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16624939 }, - year = {2006}, +@article{RN2953, + author = {Abe, M. and Schambra, H. and Wassermann, E. M. and Luckenbaugh, D. and Schweighofer, N. and Cohen, L. G.}, + title = {Reward Improves Long-Term Retention of a Motor Memory through Induction of Offline Memory Gains}, + journal = {Curr Biol}, + volume = {21}, + number = {7}, + pages = {557-62}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(11)00221-1 [pii] +10.1016/j.cub.2011.02.030}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21419628}, + year = {2011}, type = {Journal Article} } -@article{RN2425, - author = {van Mier, H. I. and Petersen, S. E.}, - title = {Intermanual transfer effects in sequential tactuomotor learning: evidence for effector independent coding}, - journal = {Neuropsychologia}, - volume = {44}, - number = {6}, - pages = {939-49}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16198379 }, - year = {2006}, - type = {Journal Article} +@book{RN2952, + author = {Marr, D}, + title = {Vision: A computational investigation into the human representation and procesing of visual information}, + publisher = {Freeman}, + address = {New York}, + year = {1982}, + type = {Book} } -@article{RN2533, - author = {Toga, A. W. and Thompson, P. M. and Mori, S. and Amunts, K. and Zilles, K.}, - title = {Towards multimodal atlases of the human brain}, - journal = {Nat Rev Neurosci}, - volume = {7}, - number = {12}, - pages = {952-66}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17115077 }, - year = {2006}, - type = {Journal Article} +@misc{RN2951, + url = {http://www.fmrirobot.org/}, + year = {2007}, + type = {Web Page} } -@article{RN3176, - author = {Tanaka, H. and Krakauer, J. W. and Qian, N.}, - title = {An optimization principle for determining movement duration}, +@article{RN2950, + author = {Kennerley, S. W. and Sakai, K. and Rushworth, M. F.}, + title = {Organization of action sequences and the role of the pre-SMA}, journal = {J Neurophysiol}, - volume = {95}, - number = {6}, - pages = {3875-86}, + volume = {91}, + number = {2}, + pages = {978-93}, ISSN = {0022-3077 (Print) 0022-3077 (Linking)}, - DOI = {00751.2005 [pii] -10.1152/jn.00751.2005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16571740}, - year = {2006}, + DOI = {10.1152/jn.00651.2003 +00651.2003 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14573560}, + year = {2004}, type = {Journal Article} } -@article{RN2700, - author = {Takashima, A. and Petersson, K. M. and Rutters, F. and Tendolkar, I. and Jensen, O. and Zwarts, M. J. and McNaughton, B. L. and Fernandez, G.}, - title = {Declarative memory consolidation in humans: a prospective functional magnetic resonance imaging study}, - journal = {Proc Natl Acad Sci U S A}, - volume = {103}, - number = {3}, - pages = {756-61}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - DOI = {0507774103 [pii] -10.1073/pnas.0507774103}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16407110}, - year = {2006}, +@article{RN2949, + author = {Balsters, J. H. and Ramnani, N.}, + title = {Cerebellar plasticity and the automation of first-order rules}, + journal = {J Neurosci}, + volume = {31}, + number = {6}, + pages = {2305-12}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {31/6/2305 [pii] +10.1523/JNEUROSCI.4358-10.2011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21307266}, + year = {2011}, type = {Journal Article} } -@article{RN2577, - author = {Soetedjo, R. and Fuchs, A. F.}, - title = {Complex spike activity of purkinje cells in the oculomotor vermis during behavioral adaptation of monkey saccades}, - journal = {J Neurosci}, - volume = {26}, - number = {29}, - pages = {7741-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16855102 }, - year = {2006}, +@article{RN2948, + author = {Coynel, D. and Marrelec, G. and Perlbarg, V. and Pelegrini-Issac, M. and Van de Moortele, P. F. and Ugurbil, K. and Doyon, J. and Benali, H. and Lehericy, S.}, + title = {Dynamics of motor-related functional integration during motor sequence learning}, + journal = {Neuroimage}, + volume = {49}, + number = {1}, + pages = {759-66}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)00939-2 [pii] +10.1016/j.neuroimage.2009.08.048}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19716894}, + year = {2010}, type = {Journal Article} } -@article{RN2626, - author = {Smith, M. A. and Ghazizadeh, A. and Shadmehr, R.}, - title = {Interacting adaptive processes with different timescales underlie short-term motor learning}, - journal = {PLoS Biol}, - volume = {4}, +@article{RN2947, + author = {Jenkins, I. H. and Brooks, D. J. and Nixon, P. D. and Frackowiak, R. S. and Passingham, R. E.}, + title = {Motor sequence learning: a study with positron emission tomography}, + journal = {J Neurosci}, + volume = {14}, number = {6}, - pages = {e179}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16700627 }, - year = {2006}, + pages = {3775-90}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8207487}, + year = {1994}, type = {Journal Article} } -@article{RN2459, - author = {Shmuel, A. and Augath, M. and Oeltermann, A. and Logothetis, N. K.}, - title = {Negative functional MRI response correlates with decreases in neuronal activity in monkey visual area V1}, - journal = {Nat Neurosci}, - volume = {9}, - number = {4}, - pages = {569-77}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16547508 }, - year = {2006}, +@article{RN2944, + author = {White, O. and Diedrichsen, J.}, + title = {Responsibility assignment in redundant systems}, + journal = {Curr Biol}, + volume = {20}, + number = {14}, + pages = {1290-5}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(10)00774-8 [pii] +10.1016/j.cub.2010.05.069}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20598886}, + year = {2010}, type = {Journal Article} } -@article{RN2597, - author = {Seidler, R. D. and Noll, D. C. and Chintalapati, P.}, - title = {Bilateral basal ganglia activation associated with sensorimotor adaptation}, - journal = {Exp Brain Res}, - volume = {175}, +@article{RN2942, + author = {Diedrichsen, J. and Maderwald, S. and Kuper, M. and Thurling, M. and Rabe, K. and Gizewski, E. R. and Ladd, M. E. and Timmann, D.}, + title = {Imaging the deep cerebellar nuclei: a probabilistic atlas and normalization procedure}, + journal = {Neuroimage}, + volume = {54}, number = {3}, - pages = {544-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16794848 }, - year = {2006}, + pages = {1786-94}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.10.035}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20965257}, + year = {2011}, type = {Journal Article} } -@article{RN2792, - author = {Saxe, R. and Brett, M. and Kanwisher, N.}, - title = {Divide and conquer: a defense of functional localizers}, - journal = {Neuroimage}, - volume = {30}, +@article{RN2940, + author = {Xu, L. and Johnson, T. D. and Nichols, T. E. and Nee, D. E.}, + title = {Modeling inter-subject variability in FMRI activation location: a Bayesian hierarchical spatial model}, + journal = {Biometrics}, + volume = {65}, number = {4}, - pages = {1088-96; discussion 1097-9}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(05)02579-6 [pii] -10.1016/j.neuroimage.2005.12.062}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16635578}, - year = {2006}, + pages = {1041-51}, + ISSN = {1541-0420 (Electronic) +0006-341X (Linking)}, + DOI = {BIOM1190 [pii] +10.1111/j.1541-0420.2008.01190.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19210732}, + year = {2009}, type = {Journal Article} } -@article{RN2599, - author = {Rosenbaum, D. A. and Dawson, A. M. and Challis, J. H.}, - title = {Haptic tracking permits bimanual independence}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {32}, - number = {5}, - pages = {1266-75}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17002536 }, - year = {2006}, +@article{RN2939, + author = {Hummel, F. C. and Heise, K. and Celnik, P. and Floel, A. and Gerloff, C. and Cohen, L. G.}, + title = {Facilitating skilled right hand motor function in older subjects by anodal polarization over the left primary motor cortex}, + journal = {Neurobiol Aging}, + volume = {31}, + number = {12}, + pages = {2160-8}, + ISSN = {1558-1497 (Electronic) +0197-4580 (Linking)}, + DOI = {S0197-4580(08)00422-3 [pii] +10.1016/j.neurobiolaging.2008.12.008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19201066}, + year = {2010}, type = {Journal Article} } -@article{RN2655, - author = {Richardson, A. G. and Overduin, S. A. and Valero-Cabre, A. and Padoa-Schioppa, C. and Pascual-Leone, A. and Bizzi, E. and Press, D. Z.}, - title = {Disruption of primary motor cortex before learning impairs memory of movement dynamics}, - journal = {J Neurosci}, - volume = {26}, - number = {48}, - pages = {12466-70}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17135408 }, - year = {2006}, +@article{RN2938, + author = {Sehm, B. and Perez, M. A. and Xu, B. and Hidler, J. and Cohen, L. G.}, + title = {Functional neuroanatomy of mirroring during a unimanual force generation task}, + journal = {Cereb Cortex}, + volume = {20}, + number = {1}, + pages = {34-45}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhp075 [pii] +10.1093/cercor/bhp075}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19435709}, + year = {2010}, type = {Journal Article} } -@article{RN2474, - author = {Reed, K. and Peshkin, M. and Hartmann, M. J. and Grabowecky, M. and Patton, J. and Vishton, P. M.}, - title = {Haptically linked dyads: are two motor-control systems better than one?}, - journal = {Psychol Sci}, - volume = {17}, - number = {5}, - pages = {365-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16683920 }, - year = {2006}, +@article{RN2937, + author = {Censor, N. and Dimyan, M. A. and Cohen, L. G.}, + title = {Modification of existing human motor memories is enabled by primary cortical processing during memory reactivation}, + journal = {Curr Biol}, + volume = {20}, + number = {17}, + pages = {1545-9}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(10)00998-X [pii] +10.1016/j.cub.2010.07.047}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20817532}, + year = {2010}, type = {Journal Article} } -@article{RN2858, - author = {Rathelot, J. A. and Strick, P. L.}, - title = {Muscle representation in the macaque motor cortex: an anatomical perspective}, - journal = {Proc Natl Acad Sci U S A}, - volume = {103}, - number = {21}, - pages = {8257-62}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - DOI = {0602933103 [pii] -10.1073/pnas.0602933103}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16702556}, - year = {2006}, +@article{RN2936, + author = {Olshausen, B. A. and Field, D. J.}, + title = {Emergence of simple-cell receptive field properties by learning a sparse code for natural images}, + journal = {Nature}, + volume = {381}, + number = {6583}, + pages = {607-9}, + ISSN = {0028-0836 (Print) +0028-0836 (Linking)}, + DOI = {10.1038/381607a0}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8637596}, + year = {1996}, type = {Journal Article} } -@book{RN2882, - author = {Rasmussen, C. E. and Williams, C. K. I.}, - title = {Gaussian processes for machine learning}, - publisher = {The MIT Press}, - address = {Cambridge, Massachusetts}, - year = {2006}, - type = {Book} +@article{RN2934, + author = {Prevosto, V. and Graf, W. and Ugolini, G.}, + title = {Cerebellar inputs to intraparietal cortex areas LIP and MIP: functional frameworks for adaptive control of eye movements, reaching, and arm/eye/head movement coordination}, + journal = {Cereb Cortex}, + volume = {20}, + number = {1}, + pages = {214-28}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhp091 [pii] +10.1093/cercor/bhp091}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19465740}, + year = {2010}, + type = {Journal Article} } -@article{RN2543, - author = {Ramnani, N. and Behrens, T. E. and Johansen-Berg, H. and Richter, M. C. and Pinsk, M. A. and Andersson, J. L. and Rudebeck, P. and Ciccarelli, O. and Richter, W. and Thompson, A. J. and Gross, C. G. and Robson, M. D. and Kastner, S. and Matthews, P. M.}, - title = {The evolution of prefrontal inputs to the cortico-pontine system: diffusion imaging evidence from Macaque monkeys and humans}, - journal = {Cereb Cortex}, - volume = {16}, - number = {6}, - pages = {811-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16120793 }, - year = {2006}, +@article{RN2933, + author = {Fritsch, B. and Reis, J. and Martinowich, K. and Schambra, H. M. and Ji, Y. and Cohen, L. G. and Lu, B.}, + title = {Direct current stimulation promotes BDNF-dependent synaptic plasticity: potential implications for motor learning}, + journal = {Neuron}, + volume = {66}, + number = {2}, + pages = {198-204}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(10)00238-2 [pii] +10.1016/j.neuron.2010.03.035}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20434997}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2932, + author = {Lindenberg, R. and Renga, V. and Zhu, L. L. and Nair, D. and Schlaug, G.}, + title = {Bihemispheric brain stimulation facilitates motor recovery in chronic stroke patients}, + journal = {Neurology}, + volume = {75}, + number = {24}, + pages = {2176-84}, + ISSN = {1526-632X (Electronic) +0028-3878 (Linking)}, + DOI = {WNL.0b013e318202013a [pii] +10.1212/WNL.0b013e318202013a}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=21068427}, + year = {2010}, type = {Journal Article} } -@article{RN2446, - author = {Ramnani, N.}, - title = {The primate cortico-cerebellar system: anatomy and function}, - journal = {Nat Rev Neurosci}, - volume = {7}, - number = {7}, - pages = {511-22}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16791141 }, - year = {2006}, +@article{RN2931, + author = {Vines, B. W. and Cerruti, C. and Schlaug, G.}, + title = {Dual-hemisphere tDCS facilitates greater improvements for healthy subjects' non-dominant hand compared to uni-hemisphere stimulation}, + journal = {BMC Neurosci}, + volume = {9}, + pages = {103}, + ISSN = {1471-2202 (Electronic) +1471-2202 (Linking)}, + DOI = {1471-2202-9-103 [pii] +10.1186/1471-2202-9-103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18957075}, + year = {2008}, type = {Journal Article} } -@article{RN3083, - author = {Raghavan, P. and Petra, E. and Krakauer, J. W. and Gordon, A. M.}, - title = {Patterns of impairment in digit independence after subcortical stroke}, - journal = {J Neurophysiol}, - volume = {95}, - number = {1}, - pages = {369-78}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00873.2005 [pii] -10.1152/jn.00873.2005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16207778}, - year = {2006}, +@article{RN2930, + author = {Yousry, T. A. and Schmid, U. D. and Alkadhi, H. and Schmidt, D. and Peraud, A. and Buettner, A. and Winkler, P.}, + title = {Localization of the motor hand area to a knob on the precentral gyrus. A new landmark}, + journal = {Brain}, + volume = {120 ( Pt 1)}, + pages = {141-57}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + year = {1997}, type = {Journal Article} } -@article{RN2468, - author = {Pasalar, S. and Roitman, A. V. and Durfee, W. K. and Ebner, T. J.}, - title = {Force field effects on cerebellar Purkinje cell discharge with implications for internal models}, - journal = {Nat Neurosci}, - volume = {9}, - number = {11}, - pages = {1404-11}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17028585 }, - year = {2006}, +@article{RN2929, + author = {Scheperjans, F. and Hermann, K. and Eickhoff, S. B. and Amunts, K. and Schleicher, A. and Zilles, K.}, + title = {Observer-independent cytoarchitectonic mapping of the human superior parietal cortex}, + journal = {Cereb Cortex}, + volume = {18}, + number = {4}, + pages = {846-67}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhm116 [pii] +10.1093/cercor/bhm116}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17644831}, + year = {2008}, type = {Journal Article} } -@article{RN2472, - author = {Nozaki, D. and Kurtzer, I. and Scott, S. H.}, - title = {Limited transfer of learning between unimanual and bimanual skills within the same limb}, - journal = {Nat Neurosci}, - volume = {9}, - number = {11}, - pages = {1364-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17028583 }, - year = {2006}, +@article{RN2928, + author = {Fischl, B. and Rajendran, N. and Busa, E. and Augustinack, J. and Hinds, O. and Yeo, B. T. and Mohlberg, H. and Amunts, K. and Zilles, K.}, + title = {Cortical folding patterns and predicting cytoarchitecture}, + journal = {Cereb Cortex}, + volume = {18}, + number = {8}, + pages = {1973-80}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhm225 [pii] +10.1093/cercor/bhm225}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18079129}, + year = {2008}, type = {Journal Article} } -@article{RN2839, - author = {Norman, K. A. and Polyn, S. M. and Detre, G. J. and Haxby, J. V.}, - title = {Beyond mind-reading: multi-voxel pattern analysis of fMRI data}, - journal = {Trends Cogn Sci}, - volume = {10}, - number = {9}, - pages = {424-30}, - ISSN = {1364-6613 (Print) -1364-6613 (Linking)}, - DOI = {10.1016/j.tics.2006.07.005 [doi]}, - year = {2006}, +@article{RN2927, + author = {Hutton, C. and Bork, A. and Josephs, O. and Deichmann, R. and Ashburner, J. and Turner, R.}, + title = {Image distortion correction in fMRI: A quantitative evaluation}, + journal = {Neuroimage}, + volume = {16}, + number = {1}, + pages = {217-40}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1006/nimg.2001.1054 +S1053811901910547 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11969330}, + year = {2002}, type = {Journal Article} } -@article{RN2596, - author = {Morton, S. M. and Bastian, A. J.}, - title = {Cerebellar contributions to locomotor adaptations during splitbelt treadmill walking}, - journal = {J Neurosci}, - volume = {26}, - number = {36}, - pages = {9107-16}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16957067 }, - year = {2006}, +@article{RN2926, + author = {Kamitani, Y. and Tong, F.}, + title = {Decoding the visual and subjective contents of the human brain}, + journal = {Nat Neurosci}, + volume = {8}, + number = {5}, + pages = {679-85}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {10.1038/nn1444}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15852014}, + year = {2005}, type = {Journal Article} } -@article{RN2473, - author = {Mazzoni, P. and Krakauer, J. W.}, - title = {An implicit plan overrides an explicit strategy during visuomotor adaptation}, +@article{RN2925, + author = {Swisher, J. D. and Gatenby, J. C. and Gore, J. C. and Wolfe, B. A. and Moon, C. H. and Kim, S. G. and Tong, F.}, + title = {Multiscale pattern analysis of orientation-selective activity in the primary visual cortex}, journal = {J Neurosci}, - volume = {26}, - number = {14}, - pages = {3642-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16597717 }, - year = {2006}, - type = {Journal Article} -} - -@article{RN2392, - author = {Mayr, U. and Diedrichsen, J. and Ivry, R. and Keele, S. W.}, - title = {Dissociating Task-set Selection from Task-set Inhibition in the Prefrontal Cortex}, - journal = {J Cogn Neurosci}, - volume = {18}, + volume = {30}, number = {1}, - pages = {14-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16417679}, - year = {2006}, + pages = {325-30}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/1/325 [pii] +10.1523/JNEUROSCI.4811-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20053913}, + year = {2010}, type = {Journal Article} } -@article{RN2547, - author = {Kurtzer, I. and Pruszynski, J. A. and Herter, T. M. and Scott, S. H.}, - title = {Primate upper limb muscles exhibit activity patterns that differ from their anatomical action during a postural task}, - journal = {J Neurophysiol}, - volume = {95}, - number = {1}, - pages = {493-504}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16251262 }, +@article{RN2924, + author = {Gerloff, C. and Bushara, K. and Sailer, A. and Wassermann, E. M. and Chen, R. and Matsuoka, T. and Waldvogel, D. and Wittenberg, G. F. and Ishii, K. and Cohen, L. G. and Hallett, M.}, + title = {Multimodal imaging of brain reorganization in motor areas of the contralesional hemisphere of well recovered patients after capsular stroke}, + journal = {Brain}, + volume = {129}, + number = {Pt 3}, + pages = {791-808}, + ISSN = {1460-2156 (Electronic) +0006-8950 (Linking)}, + DOI = {awh713 [pii] +10.1093/brain/awh713}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16364955}, year = {2006}, type = {Journal Article} } -@article{RN2836, - author = {Kriegeskorte, N. and Goebel, R. and Bandettini, P.}, - title = {Information-based functional brain mapping}, - journal = {Proc Natl Acad Sci U S A}, - volume = {103}, - number = {10}, - pages = {3863-8}, - year = {2006}, +@article{RN2923, + author = {Rao, S. M. and Binder, J. R. and Bandettini, P. A. and Hammeke, T. A. and Yetkin, F. Z. and Jesmanowicz, A. and Lisk, L. M. and Morris, G. L. and Mueller, W. M. and Estkowski, L. D. and et al.}, + title = {Functional magnetic resonance imaging of complex human movements}, + journal = {Neurology}, + volume = {43}, + number = {11}, + pages = {2311-8}, + ISSN = {0028-3878 (Print) +0028-3878 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8232948}, + year = {1993}, type = {Journal Article} } -@article{RN2477, - author = {Kanwisher, N. and Yovel, G.}, - title = {The fusiform face area: a cortical region specialized for the perception of faces}, - journal = {Philos Trans R Soc Lond B Biol Sci}, - volume = {361}, - number = {1476}, - pages = {2109-28}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17118927 }, - year = {2006}, +@article{RN2922, + author = {Kawashima, R. and Matsumura, M. and Sadato, N. and Naito, E. and Waki, A. and Nakamura, S. and Matsunami, K. and Fukuda, H. and Yonekura, Y.}, + title = {Regional cerebral blood flow changes in human brain related to ipsilateral and contralateral complex hand movements--a PET study}, + journal = {Eur J Neurosci}, + volume = {10}, + number = {7}, + pages = {2254-60}, + ISSN = {0953-816X (Print) +0953-816X (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9749754}, + year = {1998}, type = {Journal Article} } -@article{RN2835, - author = {Kamitani, Y. and Tong, F.}, - title = {Decoding seen and attended motion directions from activity in the human visual cortex}, - journal = {Curr Biol}, - volume = {16}, - number = {11}, - pages = {1096-102}, - ISSN = {0960-9822 (Print) -0960-9822 (Linking)}, - DOI = {S0960-9822(06)01464-3 [pii] -10.1016/j.cub.2006.04.003}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16753563}, - year = {2006}, +@article{RN2921, + author = {Catalan, M. J. and Honda, M. and Weeks, R. A. and Cohen, L. G. and Hallett, M.}, + title = {The functional neuroanatomy of simple and complex sequential finger movements: a PET study}, + journal = {Brain}, + volume = {121 ( Pt 2)}, + pages = {253-64}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9549504}, + year = {1998}, type = {Journal Article} } -@article{RN2458, - author = {Johansson, R. S. and Theorin, A. and Westling, G. and Andersson, M. and Ohki, Y. and Nyberg, L.}, - title = {How a lateralized brain supports symmetrical bimanual tasks}, - journal = {PLoS Biol}, - volume = {4}, - number = {6}, - pages = {e158}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16669700 }, - year = {2006}, +@article{RN2920, + author = {Boecker, H. and Kleinschmidt, A. and Requardt, M. and Hanicke, W. and Merboldt, K. D. and Frahm, J.}, + title = {Functional cooperativity of human cortical motor areas during self-paced simple finger movements. A high-resolution MRI study}, + journal = {Brain}, + volume = {117 ( Pt 6)}, + pages = {1231-9}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7820562}, + year = {1994}, type = {Journal Article} } -@article{RN3578, - author = {Hummel, F. C. and Cohen, L. G.}, - title = {Non-invasive brain stimulation: a new strategy to improve neurorehabilitation after stroke?}, - journal = {Lancet Neurol}, - volume = {5}, - number = {8}, - pages = {708-12}, - ISSN = {1474-4422 (Print) -1474-4422 (Linking)}, - DOI = {S1474-4422(06)70525-7 [pii] -10.1016/S1474-4422(06)70525-7 [doi]}, - url = {http://ac.els-cdn.com/S1474442206705257/1-s2.0-S1474442206705257-main.pdf?_tid=5a443de8be7a27796400c2d967428e7e&acdnat=1338119400_19f94d437ecd2893fcabff48f2ba1ae0}, - year = {2006}, +@article{RN2919, + author = {Brus-Ramer, M. and Carmel, J. B. and Martin, J. H.}, + title = {Motor cortex bilateral motor representation depends on subcortical and interhemispheric interactions}, + journal = {J Neurosci}, + volume = {29}, + number = {19}, + pages = {6196-206}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/19/6196 [pii] +10.1523/JNEUROSCI.5852-08.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19439597}, + year = {2009}, type = {Journal Article} } -@article{RN2451, - author = {Heuer, H. and Klein, W.}, - title = {The influence of movement cues on intermanual interactions}, - journal = {Psychol Res}, - volume = {70}, - number = {4}, - pages = {229-244}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082546 }, - year = {2006}, +@article{RN2918, + author = {Wisneski, K. J. and Anderson, N. and Schalk, G. and Smyth, M. and Moran, D. and Leuthardt, E. C.}, + title = {Unique cortical physiology associated with ipsilateral hand movements and neuroprosthetic implications}, + journal = {Stroke}, + volume = {39}, + number = {12}, + pages = {3351-9}, + ISSN = {1524-4628 (Electronic) +0039-2499 (Linking)}, + DOI = {STROKEAHA.108.518175 [pii] +10.1161/STROKEAHA.108.518175}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18927456}, + year = {2008}, type = {Journal Article} } -@article{RN2413, - author = {Heuer, H. and Klein, W.}, - title = {Intermanual interactions related to movement amplitudes and endpoint locations}, - journal = {J Mot Behav}, - volume = {38}, - number = {2}, - pages = {126-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16531395}, - year = {2006}, +@article{RN2917, + author = {Brinkman, J. and Kuypers, H. G.}, + title = {Cerebral control of contralateral and ipsilateral arm, hand and finger movements in the split-brain rhesus monkey}, + journal = {Brain}, + volume = {96}, + number = {4}, + pages = {653-74}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4204228}, + year = {1973}, type = {Journal Article} } -@article{RN3112, - author = {Haynes, J. D. and Rees, G.}, - title = {Decoding mental states from brain activity in humans}, - journal = {Nat Rev Neurosci}, - volume = {7}, - number = {7}, - pages = {523-34}, - ISSN = {1471-003X (Print) -1471-003X (Linking)}, - DOI = {nrn1931 [pii] -10.1038/nrn1931}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16791142}, - year = {2006}, +@article{RN2916, + author = {Cisek, P. and Crammond, D. J. and Kalaska, J. F.}, + title = {Neural activity in primary motor and dorsal premotor cortex in reaching tasks with the contralateral versus ipsilateral arm}, + journal = {J Neurophysiol}, + volume = {89}, + number = {2}, + pages = {922-42}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {10.1152/jn.00607.2002}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12574469}, + year = {2003}, type = {Journal Article} } -@article{RN2588, - author = {Harris, C. M. and Wolpert, D. M.}, - title = {The main sequence of saccades optimizes speed-accuracy trade-off}, - journal = {Biol Cybern}, - volume = {95}, +@article{RN2915, + author = {Tanji, J. and Okano, K. and Sato, K. C.}, + title = {Neuronal activity in cortical motor areas related to ipsilateral, contralateral, and bilateral digit movements of the monkey}, + journal = {J Neurophysiol}, + volume = {60}, number = {1}, - pages = {21-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16555070 }, - year = {2006}, + pages = {325-43}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3404223}, + year = {1988}, type = {Journal Article} } @@ -8437,4272 +8924,4491 @@ @article{RN2914 type = {Journal Article} } -@article{RN2534, - author = {Gomi, H. and Abekawa, N. and Nishida, S.}, - title = {Spatiotemporal tuning of rapid interactions between visual-motion analysis and reaching movement}, - journal = {J Neurosci}, - volume = {26}, - number = {20}, - pages = {5301-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16707782 }, - year = {2006}, +@article{RN2911, + author = {Misaki, M. and Kim, Y. and Bandettini, P. A. and Kriegeskorte, N.}, + title = {Comparison of multivariate classifiers and response normalizations for pattern-information fMRI}, + journal = {Neuroimage}, + volume = {53}, + number = {1}, + pages = {103-18}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2010.05.051}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20580933}, + year = {2010}, type = {Journal Article} } -@article{RN2924, - author = {Gerloff, C. and Bushara, K. and Sailer, A. and Wassermann, E. M. and Chen, R. and Matsuoka, T. and Waldvogel, D. and Wittenberg, G. F. and Ishii, K. and Cohen, L. G. and Hallett, M.}, - title = {Multimodal imaging of brain reorganization in motor areas of the contralesional hemisphere of well recovered patients after capsular stroke}, - journal = {Brain}, - volume = {129}, - number = {Pt 3}, - pages = {791-808}, - ISSN = {1460-2156 (Electronic) -0006-8950 (Linking)}, - DOI = {awh713 [pii] -10.1093/brain/awh713}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16364955}, - year = {2006}, +@article{RN2910, + author = {Shadmehr, R. and Krakauer, J. W.}, + title = {A computational neuroanatomy for motor control}, + journal = {Exp Brain Res}, + volume = {185}, + number = {3}, + pages = {359-81}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-008-1280-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18251019}, + year = {2008}, type = {Journal Article} } -@article{RN3121, - author = {Gentner, R. and Classen, J.}, - title = {Modular organization of finger movements by the human central nervous system}, +@article{RN2909, + author = {Pereira, F. and Mitchell, T. and Botvinick, M.}, + title = {Machine learning classifiers and fMRI: a tutorial overview}, + journal = {Neuroimage}, + volume = {45}, + number = {1 Suppl}, + pages = {S199-209}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2008.11.007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19070668}, + year = {2009}, + type = {Journal Article} +} + +@article{RN2908, + author = {Frens, M. A. and Mathoera, A. L. and van der Steen, J.}, + title = {Floccular complex spike response to transparent retinal slip}, journal = {Neuron}, - volume = {52}, - number = {4}, - pages = {731-42}, + volume = {30}, + number = {3}, + pages = {795-801}, ISSN = {0896-6273 (Print) 0896-6273 (Linking)}, - DOI = {S0896-6273(06)00776-8 [pii] -10.1016/j.neuron.2006.09.038}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17114055}, - year = {2006}, + DOI = {S0896-6273(01)00321-X [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11430812}, + year = {2001}, type = {Journal Article} } -@article{RN2793, - author = {Friston, K. J. and Rotshtein, P. and Geng, J. J. and Sterzer, P. and Henson, R. N.}, - title = {A critique of functional localisers}, - journal = {Neuroimage}, - volume = {30}, - number = {4}, - pages = {1077-87}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(05)00602-6 [pii] -10.1016/j.neuroimage.2005.08.012}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16635579}, - year = {2006}, +@article{RN2907, + author = {van Broekhoven, P. C. and Schraa-Tam, C. K. and van der Lugt, A. and Smits, M. and Frens, M. A. and van der Geest, J. N.}, + title = {Cerebellar contributions to the processing of saccadic errors}, + journal = {Cerebellum}, + volume = {8}, + number = {3}, + pages = {403-15}, + ISSN = {1473-4230 (Electronic) +1473-4222 (Linking)}, + DOI = {10.1007/s12311-009-0116-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19472026}, + year = {2009}, type = {Journal Article} } -@article{RN3005, - author = {Floyer-Lea, A. and Wylezinska, M. and Kincses, T. and Matthews, P. M.}, - title = {Rapid modulation of GABA concentration in human sensorimotor cortex during motor learning}, - journal = {J Neurophysiol}, - volume = {95}, - number = {3}, - pages = {1639-44}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00346.2005 [pii] -10.1152/jn.00346.2005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16221751}, - year = {2006}, +@article{RN2906, + author = {Shadmehr, R. and Smith, M. A. and Krakauer, J. W.}, + title = {Error correction, sensory prediction, and adaptation in motor control}, + journal = {Annu Rev Neurosci}, + volume = {33}, + pages = {89-108}, + ISSN = {1545-4126 (Electronic) +0147-006X (Linking)}, + DOI = {10.1146/annurev-neuro-060909-153135}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20367317}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2905, + author = {Bestmann, S. and Swayne, O. and Blankenburg, F. and Ruff, C. C. and Teo, J. and Weiskopf, N. and Driver, J. and Rothwell, J. C. and Ward, N. S.}, + title = {The role of contralesional dorsal premotor cortex after stroke as studied with concurrent TMS-fMRI}, + journal = {J Neurosci}, + volume = {30}, + number = {36}, + pages = {11926-37}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/36/11926 [pii] +10.1523/JNEUROSCI.5642-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20826657}, + year = {2010}, type = {Journal Article} } -@article{RN2530, - author = {Eickhoff, S. B. and Heim, S. and Zilles, K. and Amunts, K.}, - title = {Testing anatomically specified hypotheses in functional imaging using cytoarchitectonic maps}, - journal = {Neuroimage}, - volume = {32}, - number = {2}, - pages = {570-82}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16781166 }, - year = {2006}, +@article{RN2904, + author = {Bestmann, S. and Ruff, C. C. and Blankenburg, F. and Weiskopf, N. and Driver, J. and Rothwell, J. C.}, + title = {Mapping causal interregional influences with concurrent TMS-fMRI}, + journal = {Exp Brain Res}, + volume = {191}, + number = {4}, + pages = {383-402}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-008-1601-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18936922}, + year = {2008}, type = {Journal Article} } -@article{RN2595, - author = {Dimitrova, A. and Zeljko, D. and Schwarze, F. and Maschke, M. and Gerwig, M. and Frings, M. and Beck, A. and Aurich, V. and Forsting, M. and Timmann, D.}, - title = {Probabilistic 3D MRI atlas of the human cerebellar dentate/interposed nuclei}, - journal = {Neuroimage}, - volume = {30}, - number = {1}, - pages = {12-25}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16257240 }, - year = {2006}, +@article{RN2903, + author = {Ganguly, K. and Secundo, L. and Ranade, G. and Orsborn, A. and Chang, E. F. and Dimitrov, D. F. and Wallis, J. D. and Barbaro, N. M. and Knight, R. T. and Carmena, J. M.}, + title = {Cortical representation of ipsilateral arm movements in monkey and man}, + journal = {J Neurosci}, + volume = {29}, + number = {41}, + pages = {12948-56}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/41/12948 [pii] +10.1523/JNEUROSCI.2471-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19828809}, + year = {2009}, type = {Journal Article} } -@article{RN2575, - author = {Dimitrova, A. and de Greiff, A. and Schoch, B. and Gerwig, M. and Frings, M. and Gizewski, E. R. and Timmann, D.}, - title = {Activation of cerebellar nuclei comparing finger, foot and tongue movements as revealed by fMRI}, - journal = {Brain Res Bull}, - volume = {71}, - number = {1-3}, - pages = {233-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17113951 }, - year = {2006}, - type = {Journal Article} +@book{RN2902, + author = {Borg, I. and Groenen, P.}, + title = {Modern Multidimensional Scaling: theory and applications}, + publisher = {Springer-Verlag}, + address = {New York}, + edition = {2nd}, + year = {2005}, + type = {Book} } -@article{RN3032, - author = {Diedrichsen, J. and Grafton, S. and Albert, N. and Hazeltine, E. and Ivry, R. B.}, - title = {Goal-selection and movement-related conflict during bimanual reaching movements}, - journal = {Cereb Cortex}, - volume = {16}, - number = {12}, - pages = {1729-38}, - ISSN = {1047-3211 (Print) -1047-3211 (Linking)}, - DOI = {bhj108 [pii] -10.1093/cercor/bhj108}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16400162}, - year = {2006}, +@article{RN2901, + author = {Rose, D.}, + title = {Triangulated graphs and the elimination process}, + journal = {Journal of Mathematical Analysis and Applications}, + volume = {23}, + number = {3}, + pages = {597–609}, + year = {1970}, type = {Journal Article} } -@article{RN2471, - author = {Diedrichsen, J.}, - title = {A spatially unbiased atlas template of the human cerebellum}, - journal = {Neuroimage}, - volume = {33}, +@article{RN2900, + author = {Berry, A. and Krueger, R. and Simonet, G.}, + title = {Maximal label search algorithms to compute perfect and minimal elimination orderings}, + journal = {SIAM Journal on Discrete Mathematics}, + volume = {23}, number = {1}, - pages = {127-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16904911 }, - year = {2006}, + pages = {428-446}, + year = {2009}, type = {Journal Article} } -@article{RN2506, - author = {de Poel, H. J. and Peper, C. L. and Beek, P. J.}, - title = {Laterally focused attention modulates asymmetric coupling in rhythmic interlimb coordination}, - journal = {Psychol Res}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17021836 }, - year = {2006}, +@article{RN2899, + author = {Parter, S.}, + title = {The use of linear graphs in Gauss elimination}, + journal = {SIAM Review}, + volume = {3}, + number = {2}, + pages = {119-130}, + url = {http://www.jstor.org/stable/2027387}, + year = {1961}, type = {Journal Article} } -@article{RN2484, - author = {Davare, M. and Andres, M. and Cosnard, G. and Thonnard, J. L. and Olivier, E.}, - title = {Dissociating the role of ventral and dorsal premotor cortex in precision grasping}, - journal = {J Neurosci}, - volume = {26}, - number = {8}, - pages = {2260-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16495453 }, - year = {2006}, - type = {Journal Article} +@inbook{RN2898, + author = {Berry, A. and Heggernes, P. and Simonet, G.}, + title = {The minimum degree heuristic +and the minimal triangulation process}, + booktitle = {Graph-Theoretic Concepts in Computer Science}, + publisher = {Springer}, + pages = {58-70}, + url = {http://www.springerlink.com/content/dyj3v3ngjqg7aahn/}, + year = {2003}, + type = {Book Section} } -@article{RN2662, - author = {d'Avella, A. and Portone, A. and Fernandez, L. and Lacquaniti, F.}, - title = {Control of fast-reaching movements by muscle synergy combinations}, - journal = {J Neurosci}, - volume = {26}, - number = {30}, - pages = {7791-810}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16870725 }, - year = {2006}, +@article{RN2897, + author = {Friston, K. J.}, + title = {Modalities, modes, and models in functional neuroimaging}, + journal = {Science}, + volume = {326}, + number = {5951}, + pages = {399-403}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {326/5951/399 [pii] +10.1126/science.1174521}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19833961}, + year = {2009}, type = {Journal Article} } -@article{RN3171, - author = {Culham, J. C. and Valyear, K. F.}, - title = {Human parietal cortex in action}, - journal = {Curr Opin Neurobiol}, - volume = {16}, +@article{RN2896, + author = {Friman, O. and Cedefamn, J. and Lundberg, P. and Borga, M. and Knutsson, H.}, + title = {Detection of neural activity in functional MRI using canonical correlation analysis}, + journal = {Magn Reson Med}, + volume = {45}, number = {2}, - pages = {205-12}, - ISSN = {0959-4388 (Print) -0959-4388 (Linking)}, - DOI = {S0959-4388(06)00030-4 [pii] -10.1016/j.conb.2006.03.005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16563735}, - year = {2006}, + pages = {323-30}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + DOI = {10.1002/1522-2594(200102)45:2<323::AID-MRM1041>3.0.CO;2-# [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11180440}, + year = {2001}, type = {Journal Article} } -@article{RN2746, - author = {Crone, Eveline and Somsen, Riek and Zanolie, Kiki and Van der Molen, Maurits}, - title = {A heart rate analysis of developmental change in feedback processing and rule shifting from childhood to early adulthood}, - journal = {Journal of experimental child psychology}, - volume = {95}, - number = {2}, - pages = {99-116}, - url = {citeulike-article-id:6377590 -http://dx.doi.org/10.1016/j.jecp.2006.03.007 }, - year = {2006}, +@article{RN2895, + author = {Friman, O. and Borga, M. and Lundberg, P. and Knutsson, H.}, + title = {Adaptive analysis of fMRI data}, + journal = {Neuroimage}, + volume = {19}, + number = {3}, + pages = {837-45}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053811903000776 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880812}, + year = {2003}, type = {Journal Article} } -@article{RN2642, - author = {Cothros, N. and Wong, J. D. and Gribble, P. L.}, - title = {Are there distinct neural representations of object and limb dynamics?}, - journal = {Exp Brain Res}, - volume = {173}, +@article{RN2893, + author = {Sing, G. C. and Joiner, W. M. and Nanayakkara, T. and Brayanov, J. B. and Smith, M. A.}, + title = {Primitives for motor adaptation reflect correlated neural tuning to position and velocity}, + journal = {Neuron}, + volume = {64}, number = {4}, - pages = {689-97}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16525798 }, - year = {2006}, + pages = {575-89}, + ISSN = {1097-4199 (Electronic) +0896-6273 (Linking)}, + DOI = {S0896-6273(09)00795-8 [pii] +10.1016/j.neuron.2009.10.001}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19945398}, + year = {2009}, type = {Journal Article} } -@book{RN2584, - author = {Congdon, P}, - title = {Bayesian statistical modeling }, - publisher = {Wiley}, - address = {London}, - edition = {second edition}, - year = {2006}, - type = {Book} -} - -@article{RN3198, - author = {Churchland, M. M. and Afshar, A. and Shenoy, K. V.}, - title = {A central source of movement variability}, - journal = {Neuron}, - volume = {52}, - number = {6}, - pages = {1085-96}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896-6273(06)00871-3 [pii] -10.1016/j.neuron.2006.10.034}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17178410}, - year = {2006}, +@article{RN2891, + author = {Sanchez-Panchuelo, R. M. and Francis, S. and Bowtell, R. and Schluppeck, D.}, + title = {Mapping human somatosensory cortex in individual subjects with 7T functional MRI}, + journal = {J Neurophysiol}, + volume = {103}, + number = {5}, + pages = {2544-56}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {01017.2009 [pii] +10.1152/jn.01017.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20164393}, + year = {2010}, type = {Journal Article} } -@article{RN2605, - author = {Chib, V. S. and Patton, J. L. and Lynch, K. M. and Mussa-Ivaldi, F. A.}, - title = {Haptic identification of surfaces as fields of force}, +@article{RN2890, + author = {Schlerf, J. E. and Verstynen, T. D. and Ivry, R. B. and Spencer, R. M.}, + title = {Evidence of a novel somatopic map in the human neocerebellum during complex actions}, journal = {J Neurophysiol}, - volume = {95}, - number = {2}, - pages = {1068-77}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16207784 }, - year = {2006}, + volume = {103}, + number = {6}, + pages = {3330-6}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {jn.01117.2009 [pii] +10.1152/jn.01117.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20393055}, + year = {2010}, type = {Journal Article} } -@article{RN2628, - author = {Chhabra, M. and Jacobs, R. A.}, - title = {Properties of synergies arising from a theory of optimal motor behavior}, - journal = {Neural Comput}, - volume = {18}, - number = {10}, - pages = {2320-42}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16907628 }, - year = {2006}, +@article{RN2889, + author = {Helms, G. and Draganski, B. and Frackowiak, R. and Ashburner, J. and Weiskopf, N.}, + title = {Improved segmentation of deep brain grey matter structures using magnetization transfer (MT) parameter maps}, + journal = {Neuroimage}, + volume = {47}, + number = {1}, + pages = {194-8}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)00295-X [pii] +10.1016/j.neuroimage.2009.03.053}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19344771}, + year = {2009}, type = {Journal Article} } -@article{RN2496, - author = {Chen, H. and Hua, S. E. and Smith, M. A. and Lenz, F. A. and Shadmehr, R.}, - title = {Effects of human cerebellar thalamus disruption on adaptive control of reaching}, - journal = {Cereb Cortex}, - volume = {16}, - number = {10}, - pages = {1462-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16357337 }, - year = {2006}, +@article{RN2888, + author = {Friston, K. J. and Poline, J. B. and Holmes, A. P. and Frith, C. D. and Frackowiak, R. S.}, + title = {A multivariate analysis of PET activation studies}, + journal = {Hum Brain Mapp}, + volume = {4}, + number = {2}, + pages = {140-51}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/(SICI)1097-0193(1996)4:2<140::AID-HBM5>3.0.CO;2-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20408193}, + year = {1996}, type = {Journal Article} } -@article{RN2538, - author = {Bays, P. M. and Wolpert, D. M.}, - title = {Actions and consequences in bimanual interaction are represented in different coordinate systems}, - journal = {J Neurosci}, - volume = {26}, - number = {26}, - pages = {7121-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16807341 }, - year = {2006}, +@article{RN2887, + author = {Peters, J. and Schaal, S.}, + title = {Reinforcement learning of motor skills with policy gradients}, + journal = {Neural Netw}, + volume = {21}, + number = {4}, + pages = {682-97}, + ISSN = {0893-6080 (Print) +0893-6080 (Linking)}, + DOI = {S0893-6080(08)00070-1 [pii] +10.1016/j.neunet.2008.02.003}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18482830}, + year = {2008}, type = {Journal Article} } -@article{RN2454, - author = {Bays, P. M. and Flanagan, J. R. and Wolpert, D. M.}, - title = {Attenuation of self-generated tactile sensations is predictive, not postdictive}, - journal = {PLoS Biol}, - volume = {4}, +@article{RN2886, + author = {Dale, A. M. and Fischl, B. and Sereno, M. I.}, + title = {Cortical surface-based analysis. I. Segmentation and surface reconstruction}, + journal = {Neuroimage}, + volume = {9}, number = {2}, - pages = {e28}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16402860 }, - year = {2006}, + pages = {179-94}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(98)90395-0 [pii] +10.1006/nimg.1998.0395}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9931268}, + year = {1999}, type = {Journal Article} } -@article{RN2467, - author = {Bastian, A. J.}, - title = {Learning to predict the future: the cerebellum adapts feedforward movement control}, - journal = {Curr Opin Neurobiol}, - volume = {16}, - number = {6}, - pages = {645-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17071073 }, - year = {2006}, +@article{RN2884, + author = {Wipf, D. and Nagarajan, S.}, + title = {A unified Bayesian framework for MEG/EEG source imaging}, + journal = {Neuroimage}, + volume = {44}, + number = {3}, + pages = {947-66}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00187-0 [pii] +10.1016/j.neuroimage.2008.02.059}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18602278}, + year = {2009}, type = {Journal Article} } -@article{RN2382, - author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and Swinnen, S. P.}, - title = {Spatial interference during bimanual coordination: Differential brain networks associated with control of movement amplitude and direction}, - journal = {Hum Brain Mapp}, - volume = {26}, - number = {4}, - pages = {286-300}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15965999}, - year = {2005}, - type = {Journal Article} +@misc{RN2883, + year = {2008}, + type = {Computer Program} } -@article{RN2363, - author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and Swinnen, S. P.}, - title = {The role of anterior cingulate cortex and precuneus in the coordination of motor behaviour}, - journal = {Eur J Neurosci}, - volume = {22}, - number = {1}, - pages = {235-46}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16029213}, - year = {2005}, +@book{RN2882, + author = {Rasmussen, C. E. and Williams, C. K. I.}, + title = {Gaussian processes for machine learning}, + publisher = {The MIT Press}, + address = {Cambridge, Massachusetts}, + year = {2006}, + type = {Book} +} + +@article{RN2881, + author = {Utz, K. S. and Dimova, V. and Oppenlander, K. and Kerkhoff, G.}, + title = {Electrified minds: Transcranial direct current stimulation (tDCS) and Galvanic Vestibular Stimulation (GVS) as methods of non-invasive brain stimulation in neuropsychology-A review of current data and future implications}, + journal = {Neuropsychologia}, + volume = {48}, + number = {10}, + pages = {2789-2810}, + ISSN = {1873-3514 (Electronic) +0028-3932 (Linking)}, + DOI = {S0028-3932(10)00231-9 [pii] +10.1016/j.neuropsychologia.2010.06.002}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20542047}, + year = {2010}, type = {Journal Article} } -@article{RN2743, - author = {Wedeen, V J and Hagmann, P and Tseng, W Y and Reese, T G and Weisskoff, R M}, - title = {Mapping complex tissue architecture with diffusion spectrum magnetic resonance imaging}, - journal = {Magn. Reson. Med.}, - volume = {54}, - pages = {1377-86}, +@article{RN2880, + author = {Iyer, M. B. and Mattu, U. and Grafman, J. and Lomarev, M. and Sato, S. and Wassermann, E. M.}, + title = {Safety and cognitive effect of frontal DC brain polarization in healthy individuals}, + journal = {Neurology}, + volume = {64}, + number = {5}, + pages = {872-5}, + ISSN = {1526-632X (Electronic) +0028-3878 (Linking)}, + DOI = {64/5/872 [pii] +10.1212/01.WNL.0000152986.07469.E9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15753425}, year = {2005}, type = {Journal Article} } -@article{RN2284, - author = {Wainscott, S. K. and Donchin, O. and Shadmehr, R.}, - title = {Internal models and contextual cues: encoding serial order and direction of movement}, - journal = {J Neurophysiol}, - volume = {93}, - number = {2}, - pages = {786-800}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385598}, - year = {2005}, +@article{RN2879, + author = {Poreisz, C. and Boros, K. and Antal, A. and Paulus, W.}, + title = {Safety aspects of transcranial direct current stimulation concerning healthy subjects and patients}, + journal = {Brain Res Bull}, + volume = {72}, + number = {4-6}, + pages = {208-14}, + ISSN = {0361-9230 (Print) +0361-9230 (Linking)}, + DOI = {S0361-9230(07)00011-1 [pii] +10.1016/j.brainresbull.2007.01.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17452283}, + year = {2007}, type = {Journal Article} } -@article{RN2380, - author = {Wager, T. D. and Keller, M. C. and Lacey, S. C. and Jonides, J.}, - title = {Increased sensitivity in neuroimaging analyses using robust regression}, - journal = {Neuroimage}, - volume = {26}, +@article{RN2878, + author = {Ziemann, U.}, + title = {TMS in cognitive neuroscience: virtual lesion and beyond}, + journal = {Cortex}, + volume = {46}, number = {1}, - pages = {99-113}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15862210}, - year = {2005}, + pages = {124-7}, + ISSN = {1973-8102 (Electronic) +0010-9452 (Linking)}, + DOI = {S0010-9452(09)00099-9 [pii] +10.1016/j.cortex.2009.02.020}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19344895}, + year = {2010}, type = {Journal Article} } -@article{RN2338, - author = {Verstynen, T. and Diedrichsen, J. and Albert, N. and Aparicio, P. and Ivry, R. B.}, - title = {Ipsilateral motor cortex activity during unimanual hand movements relates to task complexity}, - journal = {J Neurophysiol}, - volume = {93}, - number = {3}, - pages = {1209-22}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15525809}, - year = {2005}, +@article{RN2877, + author = {Hallett, M.}, + title = {Transcranial magnetic stimulation: a primer}, + journal = {Neuron}, + volume = {55}, + number = {2}, + pages = {187-99}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(07)00460-6 [pii] +10.1016/j.neuron.2007.06.026}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17640522}, + year = {2007}, type = {Journal Article} } -@article{RN2434, - author = {Vangheluwe, S. and Wenderoth, N. and Swinnen, S. P.}, - title = {Learning and transfer of an ipsilateral coordination task: evidence for a dual-layer movement representation}, - journal = {J Cogn Neurosci}, - volume = {17}, - number = {9}, - pages = {1460-70}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16197699 }, - year = {2005}, +@article{RN2876, + author = {Galea, J. M. and Celnik, P.}, + title = {Brain polarization enhances the formation and retention of motor memories}, + journal = {J Neurophysiol}, + volume = {102}, + number = {1}, + pages = {294-301}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00184.2009 [pii] +10.1152/jn.00184.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19386757}, + year = {2009}, type = {Journal Article} } -@article{RN2396, - author = {Van Essen, D. C.}, - title = {A Population-Average, Landmark- and Surface-based (PALS) atlas of human cerebral cortex}, - journal = {Neuroimage}, - volume = {28}, - number = {3}, - pages = {635-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16172003}, - year = {2005}, +@article{RN2875, + author = {Nitsche, M. A. and Liebetanz, D. and Lang, N. and Antal, A. and Tergau, F. and Paulus, W.}, + title = {Safety criteria for transcranial direct current stimulation (tDCS) in humans}, + journal = {Clin Neurophysiol}, + volume = {114}, + number = {11}, + pages = {2220-2; author reply 2222-3}, + ISSN = {1388-2457 (Print) +1388-2457 (Linking)}, + DOI = {S1388245703002359 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14580622}, + year = {2003}, type = {Journal Article} } -@article{RN3060, - author = {Trommershauser, J. and Gepshtein, S. and Maloney, L. T. and Landy, M. S. and Banks, M. S.}, - title = {Optimal compensation for changes in task-relevant movement variability}, - journal = {J Neurosci}, - volume = {25}, - number = {31}, - pages = {7169-78}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - DOI = {25/31/7169 [pii] -10.1523/JNEUROSCI.1906-05.2005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16079399}, +@article{RN2874, + author = {Nitsche, M. A. and Seeber, A. and Frommann, K. and Klein, C. C. and Rochford, C. and Nitsche, M. S. and Fricke, K. and Liebetanz, D. and Lang, N. and Antal, A. and Paulus, W. and Tergau, F.}, + title = {Modulating parameters of excitability during and after transcranial direct current stimulation of the human motor cortex}, + journal = {J Physiol}, + volume = {568}, + number = {Pt 1}, + pages = {291-303}, + ISSN = {0022-3751 (Print) +0022-3751 (Linking)}, + DOI = {jphysiol.2005.092429 [pii] +10.1113/jphysiol.2005.092429}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16002441}, year = {2005}, type = {Journal Article} } -@article{RN2494, - author = {Todorov, E. and Li, W.}, - title = {A generalized iterative LQG method for locally-optimal feedback control on constrained nonlinear stochastic systems}, - journal = {Proceedings of the American Control Conference}, - year = {2005}, +@article{RN2873, + author = {Nitsche, M. A. and Cohen, L. G. and Wassermann, E. M. and Priori, A. and Lang, N. and Antal, A. and Paulus, W. and Hummel, F. and Boggio, P. S. and Fregni, F. and Pascual-Leone, A.}, + title = {Transcranial direct current stimulation: State of the art 2008}, + journal = {Brain Stimul}, + volume = {1}, + number = {3}, + pages = {206-23}, + ISSN = {1935-861X (Print)}, + DOI = {S1935-861X(08)00040-5 [pii] +10.1016/j.brs.2008.06.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20633386}, + year = {2008}, type = {Journal Article} } -@article{RN2452, - author = {Todorov, Emanuel}, - title = {Stochastic optimal control and estimation methods adapted to the noise characteristics of the sensory motor system}, - journal = {Neural Computation}, - volume = {17}, - pages = {1084-1108}, - year = {2005}, +@article{RN2872, + author = {Prabhakaran, S. and Zarahn, E. and Riley, C. and Speizer, A. and Chong, J. Y. and Lazar, R. M. and Marshall, R. S. and Krakauer, J. W.}, + title = {Inter-individual variability in the capacity for motor recovery after ischemic stroke}, + journal = {Neurorehabil Neural Repair}, + volume = {22}, + number = {1}, + pages = {64-71}, + ISSN = {1545-9683 (Print) +1545-9683 (Linking)}, + DOI = {1545968307305302 [pii] +10.1177/1545968307305302}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17687024}, + year = {2008}, type = {Journal Article} } -@article{RN2663, - author = {Ting, L. H. and Macpherson, J. M.}, - title = {A limited set of muscle synergies for force control during a postural task}, - journal = {J Neurophysiol}, - volume = {93}, - number = {1}, - pages = {609-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15342720 }, - year = {2005}, +@article{RN2871, + author = {Li, W. and Piech, V. and Gilbert, C. D.}, + title = {Learning to link visual contours}, + journal = {Neuron}, + volume = {57}, + number = {3}, + pages = {442-51}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896-6273(07)01011-2 [pii] +10.1016/j.neuron.2007.12.011}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18255036}, + year = {2008}, type = {Journal Article} } -@article{RN3181, - author = {Thompson, R. F.}, - title = {In search of memory traces}, - journal = {Annu Rev Psychol}, - volume = {56}, - pages = {1-23}, - ISSN = {0066-4308 (Print) -0066-4308 (Linking)}, - DOI = {10.1146/annurev.psych.56.091103.070239}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15709927}, - year = {2005}, +@article{RN2870, + author = {White, O. and Dowling, N. and Bracewell, R. M. and Diedrichsen, J.}, + title = {Hand interactions in rapid grip force adjustments are independent of object dynamics}, + journal = {J Neurophysiol}, + volume = {100}, + number = {5}, + pages = {2738-45}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90593.2008 [pii] +10.1152/jn.90593.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18768641}, + year = {2008}, type = {Journal Article} } -@article{RN2306, - author = {Smith, M. A. and Shadmehr, R.}, - title = {Intact Ability to Learn Internal Models of Arm Dynamics in Huntington's Disease But Not Cerebellar Degeneration}, +@article{RN2869, + author = {Kluzik, J. and Diedrichsen, J. and Shadmehr, R. and Bastian, A. J.}, + title = {Reach adaptation: what determines whether we learn an internal model of the tool or adapt the model of our arm?}, journal = {J Neurophysiol}, - volume = {93}, - number = {5}, - pages = {2809-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15625094}, - year = {2005}, + volume = {100}, + number = {3}, + pages = {1455-64}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {90334.2008 [pii] +10.1152/jn.90334.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18596187}, + year = {2008}, type = {Journal Article} } -@article{RN3376, - author = {Shmiel, T. and Drori, R. and Shmiel, O. and Ben-Shaul, Y. and Nadasdy, Z. and Shemesh, M. and Teicher, M. and Abeles, M.}, - title = {Neurons of the cerebral cortex exhibit precise interspike timing in correspondence to behavior}, - journal = {Proc Natl Acad Sci U S A}, - volume = {102}, - number = {51}, - pages = {18655-7}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - DOI = {10.1073/pnas.0509346102}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/16339894}, - year = {2005}, +@article{RN2868, + author = {Huang, V. S. and Shadmehr, R. and Diedrichsen, J.}, + title = {Active learning: learning a motor skill without a coach}, + journal = {J Neurophysiol}, + volume = {100}, + number = {2}, + pages = {879-87}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {01095.2007 [pii] +10.1152/jn.01095.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18509079}, + year = {2008}, type = {Journal Article} } -@article{RN2526, - author = {Shergill, S. S. and Samson, G. and Bays, P. M. and Frith, C. D. and Wolpert, D. M.}, - title = {Evidence for sensory prediction deficits in schizophrenia}, - journal = {Am J Psychiatry}, - volume = {162}, - number = {12}, - pages = {2384-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16330607 }, - year = {2005}, +@article{RN2867, + author = {Diedrichsen, J. and Verstynen, T. and Schlerf, J. and Wiestler, T.}, + title = {Advances in functional imaging of the human cerebellum}, + journal = {Curr Opin Neurol}, + volume = {23}, + number = {4}, + pages = {382-7}, + ISSN = {1473-6551 (Electronic) +1080-8248 (Linking)}, + DOI = {10.1097/WCO.0b013e32833be837}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20581682}, + year = {2010}, type = {Journal Article} } -@book{RN2513, - author = {Shadmehr, R. and Wise, S. P.}, - title = {The computational neurobiology of reaching and pointing}, - publisher = {MIT Press}, - address = {Cambridge}, - year = {2005}, - type = {Book} +@article{RN2864, + author = {Maier, M. A. and Armand, J. and Kirkwood, P. A. and Yang, H. W. and Davis, J. N. and Lemon, R. N.}, + title = {Differences in the corticospinal projection from primary motor cortex and supplementary motor area to macaque upper limb motoneurons: an anatomical and electrophysiological study}, + journal = {Cereb Cortex}, + volume = {12}, + number = {3}, + pages = {281-96}, + ISSN = {1047-3211 (Print) +1047-3211 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11839602}, + year = {2002}, + type = {Journal Article} } -@inbook{RN2644, - author = {Shadmehr, R and Donchin, O and Hwang, EJ and Hemminger, SE and Rao, A }, - title = {Learning dynamics of reaching -}, - booktitle = {Motor Cortex in Voluntary Movements: A Distributed -System for Distributed Functions}, - editor = {Riehle A, Vaadia E.}, - publisher = {CRC Press}, - address = {Boca Raton, FL}, - pages = {297–328}, - year = {2005}, - type = {Book Section} +@article{RN2863, + author = {Smith, A. M.}, + title = {The activity of supplementary motor area neurons during a maintained precision grip}, + journal = {Brain Res}, + volume = {172}, + number = {2}, + pages = {315-27}, + ISSN = {0006-8993 (Print) +0006-8993 (Linking)}, + DOI = {0006-8993(79)90541-9 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=111775}, + year = {1979}, + type = {Journal Article} } -@article{RN2541, - author = {Sergio, L. E. and Hamel-Paquet, C. and Kalaska, J. F.}, - title = {Motor cortex neural correlates of output kinematics and kinetics during isometric-force and arm-reaching tasks}, - journal = {J Neurophysiol}, - volume = {94}, +@article{RN2862, + author = {Begliomini, C. and Wall, M. B. and Smith, A. T. and Castiello, U.}, + title = {Differential cortical activity for precision and whole-hand visually guided grasping in humans}, + journal = {Eur J Neurosci}, + volume = {25}, number = {4}, - pages = {2353-78}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15888522 }, - year = {2005}, + pages = {1245-52}, + ISSN = {0953-816X (Print) +0953-816X (Linking)}, + DOI = {EJN5365 [pii] +10.1111/j.1460-9568.2007.05365.x}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17331220}, + year = {2007}, type = {Journal Article} } -@article{RN2571, - author = {Schmolesky, M. T. and De Zeeuw, C. I. and Hansel, C.}, - title = {Climbing fiber synaptic plasticity and modifications in Purkinje cell excitability}, - journal = {Prog Brain Res}, - volume = {148}, - pages = {81-94}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15661183 }, - year = {2005}, +@article{RN2861, + author = {Acharya, S. and Tenore, F. and Aggarwal, V. and Etienne-Cummings, R. and Schieber, M. H. and Thakor, N. V.}, + title = {Decoding individuated finger movements using volume-constrained neuronal ensembles in the M1 hand area}, + journal = {IEEE Trans Neural Syst Rehabil Eng}, + volume = {16}, + number = {1}, + pages = {15-23}, + ISSN = {1534-4320 (Print) +1534-4320 (Linking)}, + DOI = {10.1109/TNSRE.2007.916269}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18303801}, + year = {2008}, type = {Journal Article} } -@article{RN2375, - author = {Schluppeck, D. and Glimcher, P. and Heeger, D. J.}, - title = {Topographic organization for delayed saccades in human posterior parietal cortex}, - journal = {J Neurophysiol}, - volume = {94}, - number = {2}, - pages = {1372-84}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15817644}, - year = {2005}, +@article{RN2860, + author = {Schieber, M. H. and Santello, M.}, + title = {Hand function: peripheral and central constraints on performance}, + journal = {J Appl Physiol}, + volume = {96}, + number = {6}, + pages = {2293-300}, + ISSN = {8750-7587 (Print) +0161-7567 (Linking)}, + DOI = {10.1152/japplphysiol.01063.2003 +96/6/2293 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15133016}, + year = {2004}, type = {Journal Article} } -@article{RN2623, - author = {Scheidt, R. A. and Conditt, M. A. and Secco, E. L. and Mussa-Ivaldi, F. A.}, - title = {Interaction of visual and proprioceptive feedback during adaptation of human reaching movements}, - journal = {J Neurophysiol}, - volume = {93}, - number = {6}, - pages = {3200-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659526 }, - year = {2005}, +@article{RN2859, + author = {Schieber, M. H.}, + title = {Motor cortex and the distributed anatomy of finger movements}, + journal = {Adv Exp Med Biol}, + volume = {508}, + pages = {411-6}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12171137}, + year = {2002}, type = {Journal Article} } -@article{RN2230, - author = {Scheidt, R. A. and Conditt, M. A. and Secco, E. L. and Mussa-Ivaldi, F. A.}, - title = {Interaction of Visual and Proprioceptive Feedback During Adaptation of Human Reaching Movements}, - journal = {J Neurophysiol}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659526}, - year = {2005}, +@article{RN2858, + author = {Rathelot, J. A. and Strick, P. L.}, + title = {Muscle representation in the macaque motor cortex: an anatomical perspective}, + journal = {Proc Natl Acad Sci U S A}, + volume = {103}, + number = {21}, + pages = {8257-62}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {0602933103 [pii] +10.1073/pnas.0602933103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16702556}, + year = {2006}, type = {Journal Article} } -@article{RN2688, - author = {Sainburg, R. L.}, - title = {Handedness: differential specializations for control of trajectory and position}, - journal = {Exerc Sport Sci Rev}, - volume = {33}, - number = {4}, - pages = {206-13}, - ISSN = {0091-6331 (Print)}, - DOI = {00003677-200510000-00010 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16239839}, - year = {2005}, +@article{RN2857, + author = {Matsuzaka, Y. and Picard, N. and Strick, P. L.}, + title = {Skill representation in the primary motor cortex after long-term practice}, + journal = {J Neurophysiol}, + volume = {97}, + number = {2}, + pages = {1819-32}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00784.2006 [pii] +10.1152/jn.00784.2006}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17182912}, + year = {2007}, type = {Journal Article} } -@article{RN2685, - author = {Sainburg, R. L.}, - title = {Handedness: differential specializations for control of trajectory and position}, - journal = {Exerc Sport Sci Rev}, - volume = {33}, - number = {4}, - pages = {206-13}, - ISSN = {0091-6331 (Print)}, - DOI = {00003677-200510000-00010 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16239839}, - year = {2005}, +@article{RN2856, + author = {Rathelot, J. A. and Strick, P. L.}, + title = {Subdivisions of primary motor cortex based on cortico-motoneuronal cells}, + journal = {Proc Natl Acad Sci U S A}, + volume = {106}, + number = {3}, + pages = {918-23}, + ISSN = {1091-6490 (Electronic) +0027-8424 (Linking)}, + DOI = {0808362106 [pii] +10.1073/pnas.0808362106}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19139417}, + year = {2009}, type = {Journal Article} } -@article{RN2535, - author = {Saijo, N. and Murakami, I. and Nishida, S. and Gomi, H.}, - title = {Large-field visual motion directly induces an involuntary rapid manual following response}, - journal = {J Neurosci}, - volume = {25}, - number = {20}, - pages = {4941-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15901775 }, - year = {2005}, +@article{RN2855, + author = {Krakauer, J. W.}, + title = {Avoiding performance and task confounds: multimodal investigation of brain reorganization after stroke rehabilitation}, + journal = {Exp Neurol}, + volume = {204}, + number = {2}, + pages = {491-5}, + ISSN = {0014-4886 (Print) +0014-4886 (Linking)}, + DOI = {S0014-4886(07)00006-4 [pii] +10.1016/j.expneurol.2006.12.026}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17331501}, + year = {2007}, type = {Journal Article} } -@article{RN2374, - author = {Rushworth, M. F. and Kennerley, S. W. and Walton, M. E.}, - title = {Cognitive neuroscience: resolving conflict in and over the medial frontal cortex}, - journal = {Curr Biol}, - volume = {15}, - number = {2}, - pages = {R54-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15668156}, - year = {2005}, +@article{RN2854, + author = {Marshall, R. S. and Zarahn, E. and Alon, L. and Minzer, B. and Lazar, R. M. and Krakauer, J. W.}, + title = {Early imaging correlates of subsequent motor recovery after stroke}, + journal = {Ann Neurol}, + volume = {65}, + number = {5}, + pages = {596-602}, + ISSN = {1531-8249 (Electronic) +0364-5134 (Linking)}, + DOI = {10.1002/ana.21636}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19479972}, + year = {2009}, type = {Journal Article} } -@article{RN3305, - author = {Rosa, M. G. and Tweedale, R.}, - title = {Brain maps, great and small: lessons from comparative studies of primate visual cortical organization}, - journal = {Philos Trans R Soc Lond B Biol Sci}, - volume = {360}, - number = {1456}, - pages = {665-91}, - ISSN = {0962-8436 (Print) -0962-8436 (Linking)}, - DOI = {10.1098/rstb.2005.1626}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15937007}, +@article{RN2853, + author = {Huang, Y. Z. and Edwards, M. J. and Rounis, E. and Bhatia, K. P. and Rothwell, J. C.}, + title = {Theta burst stimulation of the human motor cortex}, + journal = {Neuron}, + volume = {45}, + number = {2}, + pages = {201-6}, + ISSN = {0896-6273 (Print) +0896-6273 (Linking)}, + DOI = {S0896627304008463 [pii] +10.1016/j.neuron.2004.12.033}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15664172}, year = {2005}, type = {Journal Article} } -@article{RN3054, - author = {Roelfsema, P. R. and van Ooyen, A.}, - title = {Attention-gated reinforcement learning of internal representations for classification}, - journal = {Neural Comput}, - volume = {17}, - number = {10}, - pages = {2176-214}, - ISSN = {0899-7667 (Print) -0899-7667 (Linking)}, - DOI = {10.1162/0899766054615699}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16105222}, - year = {2005}, +@article{RN2852, + author = {Pinheiro, J. C. and Bates, M. D.}, + title = {Unconstrained parametrizations for variance-covariance matrices}, + journal = {Statistics and Computing}, + volume = {6}, + pages = {289-296}, + year = {1995}, type = {Journal Article} } -@article{RN3624, - author = {Quiroga, R. Q. and Reddy, L. and Kreiman, G. and Koch, C. and Fried, I.}, - title = {Invariant visual representation by single neurons in the human brain}, - journal = {Nature}, - volume = {435}, - number = {7045}, - pages = {1102-7}, - ISSN = {1476-4687 (Electronic) -0028-0836 (Linking)}, - DOI = {10.1038/nature03687}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/15973409}, - year = {2005}, +@article{RN2851, + author = {Lindstrom, M. J. and Bates, M. B.}, + title = {Newton-Raphson and EM Algorithms for linear mixed-effects models for repeated-measures data}, + journal = {Journal of the American Statistical Association}, + volume = {83}, + number = {404}, + pages = {1014-1022}, + year = {1988}, type = {Journal Article} } -@article{RN2501, - author = {Pollok, B. and Sudmeyer, M. and Gross, J. and Schnitzler, A.}, - title = {The oscillatory network of simple repetitive bimanual movements}, - journal = {Brain Res Cogn Brain Res}, - volume = {25}, +@article{RN2850, + author = {Friston, K. and Chu, C. and Mourao-Miranda, J. and Hulme, O. and Rees, G. and Penny, W. and Ashburner, J.}, + title = {Bayesian decoding of brain images}, + journal = {Neuroimage}, + volume = {39}, number = {1}, - pages = {300-11}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16023333 }, - year = {2005}, + pages = {181-205}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {10.1016/j.neuroimage.2007.08.013}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17919928}, + year = {2008}, type = {Journal Article} } -@article{RN2499, - author = {Pollok, B. and Gross, J. and Muller, K. and Aschersleben, G. and Schnitzler, A.}, - title = {The cerebral oscillatory network associated with auditorily paced finger movements}, - journal = {Neuroimage}, - volume = {24}, - number = {3}, - pages = {646-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15652300 }, - year = {2005}, +@article{RN2848, + author = {Talelli, P. and Waddingham, W. and Ewas, A. and Rothwell, J. C. and Ward, N. S.}, + title = {The effect of age on task-related modulation of interhemispheric balance}, + journal = {Exp Brain Res}, + volume = {186}, + number = {1}, + pages = {59-66}, + ISSN = {1432-1106 (Electronic) +0014-4819 (Linking)}, + DOI = {10.1007/s00221-007-1205-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18040671}, + year = {2008}, type = {Journal Article} } -@article{RN3433, - author = {Penny, W. D. and Trujillo-Barreto, N. J. and Friston, K. J.}, - title = {Bayesian fMRI time series analysis with spatial priors}, +@article{RN2847, + author = {Talelli, P. and Ewas, A. and Waddingham, W. and Rothwell, J. C. and Ward, N. S.}, + title = {Neural correlates of age-related changes in cortical neurophysiology}, journal = {Neuroimage}, - volume = {24}, - number = {2}, - pages = {350-62}, + volume = {40}, + number = {4}, + pages = {1772-81}, ISSN = {1053-8119 (Print) 1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2004.08.034}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15627578}, - year = {2005}, + DOI = {S1053-8119(08)00066-9 [pii] +10.1016/j.neuroimage.2008.01.039}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18329904}, + year = {2008}, type = {Journal Article} } -@article{RN3356, - author = {Penhune, V. B. and Doyon, J.}, - title = {Cerebellum and M1 interaction during early learning of timed motor sequences}, - journal = {Neuroimage}, - volume = {26}, - number = {3}, - pages = {801-12}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2005.02.041}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15955490}, - year = {2005}, +@article{RN2845, + author = {Noskin, O. and Krakauer, J. W. and Lazar, R. M. and Festa, J. R. and Handy, C. and O'Brien, K. A. and Marshall, R. S.}, + title = {Ipsilateral motor dysfunction from unilateral stroke: implications for the functional neuroanatomy of hemiparesis}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {79}, + number = {4}, + pages = {401-6}, + ISSN = {1468-330X (Electronic) +0022-3050 (Linking)}, + DOI = {jnnp.2007.118463 [pii] +10.1136/jnnp.2007.118463}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17635970}, + year = {2008}, type = {Journal Article} } -@article{RN2430, - author = {Paulin, M. G.}, - title = {Evolution of the cerebellum as a neuronal machine for Bayesian state estimation}, - journal = {J Neural Eng}, - volume = {2}, - number = {3}, - pages = {S219-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16135886 }, - year = {2005}, +@article{RN2842, + author = {Steele, C. J. and Penhune, V. B.}, + title = {Specific increases within global decreases: a functional magnetic resonance imaging investigation of five days of motor sequence learning}, + journal = {J Neurosci}, + volume = {30}, + number = {24}, + pages = {8332-41}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/24/8332 [pii] +10.1523/JNEUROSCI.5569-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20554884}, + year = {2010}, type = {Journal Article} } -@article{RN2353, - author = {Park, J. H. and Shea, C. H.}, - title = {Sequence learning: Response structure and effector transfer}, - journal = {The Quarterly Journal of Experimental Psychology}, - volume = {58A}, - pages = {387-419}, - year = {2005}, +@article{RN2839, + author = {Norman, K. A. and Polyn, S. M. and Detre, G. J. and Haxby, J. V.}, + title = {Beyond mind-reading: multi-voxel pattern analysis of fMRI data}, + journal = {Trends Cogn Sci}, + volume = {10}, + number = {9}, + pages = {424-30}, + ISSN = {1364-6613 (Print) +1364-6613 (Linking)}, + DOI = {10.1016/j.tics.2006.07.005 [doi]}, + year = {2006}, type = {Journal Article} } -@article{RN2727, - author = {Pantazis, D. and Nichols, T. E. and Baillet, S. and Leahy, R. M.}, - title = {A comparison of random field theory and permutation methods for the statistical analysis of MEG data}, - journal = {Neuroimage}, - volume = {25}, - number = {2}, - pages = {383-94}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(04)00567-1 [pii] -10.1016/j.neuroimage.2004.09.040}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15784416}, - year = {2005}, +@article{RN2838, + author = {Kriegeskorte, N. and Mur, M. and Ruff, D. A. and Kiani, R. and Bodurka, J. and Esteky, H. and Tanaka, K. and Bandettini, P. A.}, + title = {Matching categorical object representations in inferior temporal cortex of man and monkey}, + journal = {Neuron}, + volume = {60}, + number = {6}, + pages = {1126-41}, + ISSN = {1097-4199 (Electronic) +1097-4199 (Linking)}, + DOI = {10.1016/j.neuron.2008.10.043 [doi]}, + year = {2008}, type = {Journal Article} } -@article{RN2491, - author = {Pan, X. and Todorov, E. and Li, W.}, - title = {Towards an Integrated System for Estimating Multi-joint Movement from Diverse Sensor Data}, - journal = {Conf Proc IEEE Eng Med Biol Soc}, - volume = {5}, - pages = {4982-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17281363 }, - year = {2005}, +@article{RN2836, + author = {Kriegeskorte, N. and Goebel, R. and Bandettini, P.}, + title = {Information-based functional brain mapping}, + journal = {Proc Natl Acad Sci U S A}, + volume = {103}, + number = {10}, + pages = {3863-8}, + year = {2006}, type = {Journal Article} } -@article{RN2376, - author = {Oullier, O. and Jantzen, K. J. and Steinberg, F. L. and Kelso, J. A.}, - title = {Neural substrates of real and imagined sensorimotor coordination}, - journal = {Cereb Cortex}, - volume = {15}, - number = {7}, - pages = {975-85}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15563729}, - year = {2005}, +@article{RN2835, + author = {Kamitani, Y. and Tong, F.}, + title = {Decoding seen and attended motion directions from activity in the human visual cortex}, + journal = {Curr Biol}, + volume = {16}, + number = {11}, + pages = {1096-102}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(06)01464-3 [pii] +10.1016/j.cub.2006.04.003}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16753563}, + year = {2006}, type = {Journal Article} } -@article{RN3548, - author = {O'Toole, A. J. and Jiang, F. and Abdi, H. and Haxby, J. V.}, - title = {Partially distributed representations of objects and faces in ventral temporal cortex}, - journal = {J Cogn Neurosci}, - volume = {17}, - number = {4}, - pages = {580-90}, - ISSN = {0898-929X (Print) -0898-929X (Linking)}, - DOI = {10.1162/0898929053467550}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15829079}, +@article{RN2834, + author = {Haynes, J. D. and Rees, G.}, + title = {Predicting the stream of consciousness from activity in human visual cortex}, + journal = {Curr Biol}, + volume = {15}, + number = {14}, + pages = {1301-7}, + ISSN = {0960-9822 (Print) +0960-9822 (Linking)}, + DOI = {S0960-9822(05)00661-5 [pii] +10.1016/j.cub.2005.06.026 [doi]}, year = {2005}, type = {Journal Article} } -@article{RN2612, - author = {Nozaki, D. and Nakazawa, K. and Akai, M.}, - title = {Muscle activity determined by cosine tuning with a nontrivial preferred direction during isometric force exertion by lower limb}, - journal = {J Neurophysiol}, - volume = {93}, +@article{RN2833, + author = {Haynes, J. D. and Rees, G.}, + title = {Predicting the orientation of invisible stimuli from activity in human primary visual cortex}, + journal = {Nat Neurosci}, + volume = {8}, number = {5}, - pages = {2614-24}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15647398 }, + pages = {686-91}, + ISSN = {1097-6256 (Print) +1097-6256 (Linking)}, + DOI = {nn1445 [pii] +10.1038/nn1445 [doi]}, year = {2005}, type = {Journal Article} } -@article{RN2461, - author = {Nitschke, M. F. and Arp, T. and Stavrou, G. and Erdmann, C. and Heide, W.}, - title = {The cerebellum in the cerebro-cerebellar network for the control of eye and hand movements--an fMRI study}, - journal = {Prog Brain Res}, - volume = {148}, - pages = {151-64}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15661188 }, - year = {2005}, +@article{RN2832, + author = {Haxby, J. V. and Gobbini, M. I. and Furey, M. L. and Ishai, A. and Schouten, J. L. and Pietrini, P.}, + title = {Distributed and overlapping representations of faces and objects in ventral temporal cortex}, + journal = {Science}, + volume = {293}, + number = {5539}, + pages = {2425-30}, + ISSN = {0036-8075 (Print) +0036-8075 (Linking)}, + DOI = {10.1126/science.1063736}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2830, + author = {Astafiev, S. V. and Snyder, A. Z. and Shulman, G. L. and Corbetta, M.}, + title = {Comment on "Modafinil shifts human locus coeruleus to low-tonic, high-phasic activity during functional MRI" and "Homeostatic sleep pressure and responses to sustained attention in the suprachiasmatic area"}, + journal = {Science}, + volume = {328}, + number = {5976}, + pages = {309; author reply 309}, + ISSN = {1095-9203 (Electronic) +0036-8075 (Linking)}, + DOI = {328/5976/309-a [pii] +10.1126/science.1177200}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20395497}, + year = {2010}, + type = {Journal Article} +} + +@article{RN2828, + author = {Criscimagna-Hemminger, S. E. and Bastian, A. J. and Shadmehr, R.}, + title = {Size of Error Affects Cerebellar Contributions to Motor Learning}, + journal = {J Neurophysiol}, + ISSN = {1522-1598 (Electronic) +0022-3077 (Linking)}, + DOI = {00822.2009 [pii] +10.1152/jn.00822.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20164398 +http://jn.physiology.org/cgi/content/abstract/103/4/2275}, + year = {2010}, type = {Journal Article} } -@article{RN2874, - author = {Nitsche, M. A. and Seeber, A. and Frommann, K. and Klein, C. C. and Rochford, C. and Nitsche, M. S. and Fricke, K. and Liebetanz, D. and Lang, N. and Antal, A. and Paulus, W. and Tergau, F.}, - title = {Modulating parameters of excitability during and after transcranial direct current stimulation of the human motor cortex}, - journal = {J Physiol}, - volume = {568}, - number = {Pt 1}, - pages = {291-303}, - ISSN = {0022-3751 (Print) -0022-3751 (Linking)}, - DOI = {jphysiol.2005.092429 [pii] -10.1113/jphysiol.2005.092429}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16002441}, - year = {2005}, +@article{RN2820, + author = {Kanaan, R. A. and Borgwardt, S. and McGuire, P. K. and Craig, M. C. and Murphy, D. G. and Picchioni, M. and Shergill, S. S. and Jones, D. K. and Catani, M.}, + title = {Microstructural organization of cerebellar tracts in schizophrenia}, + journal = {Biol Psychiatry}, + volume = {66}, + number = {11}, + pages = {1067-9}, + ISSN = {1873-2402 (Electronic) +0006-3223 (Linking)}, + DOI = {S0006-3223(09)00901-9 [pii] +10.1016/j.biopsych.2009.07.028}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19733836}, + year = {2009}, type = {Journal Article} } -@article{RN2373, - author = {Nachev, P. and Rees, G. and Parton, A. and Kennard, C. and Husain, M.}, - title = {Volition and conflict in human medial frontal cortex}, - journal = {Curr Biol}, - volume = {15}, - number = {2}, - pages = {122-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15668167}, - year = {2005}, +@article{RN2807, + author = {Balsters, J. H. and Cussans, E. and Diedrichsen, J. and Phillips, K. A. and Preuss, T. M. and Rilling, J. K. and Ramnani, N.}, + title = {Evolution of the cerebellar cortex: the selective expansion of prefrontal-projecting cerebellar lobules}, + journal = {Neuroimage}, + volume = {49}, + number = {3}, + pages = {2045-52}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(09)01116-1 [pii] +10.1016/j.neuroimage.2009.10.045}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19857577}, + year = {2010}, type = {Journal Article} } -@article{RN3065, - author = {Mosier, K. M. and Scheidt, R. A. and Acosta, S. and Mussa-Ivaldi, F. A.}, - title = {Remapping hand movements in a novel geometrical environment}, - journal = {J Neurophysiol}, - volume = {94}, - number = {6}, - pages = {4362-72}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00380.2005 [pii] -10.1152/jn.00380.2005}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16148276}, - year = {2005}, +@article{RN2805, + author = {Diedrichsen, J. and White, O. and Newman, D. and Lally, N.}, + title = {Use-dependent and error-based learning of motor behaviors}, + journal = {J Neurosci}, + volume = {30}, + number = {15}, + pages = {5159-66}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {30/15/5159 [pii] +10.1523/JNEUROSCI.5406-09.2010}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20392938}, + year = {2010}, type = {Journal Article} } -@article{RN2431, - author = {Miall, R. C. and Jenkinson, E. W.}, - title = {Functional imaging of changes in cerebellar activity related to learning during a novel eye-hand tracking task}, - journal = {Exp Brain Res}, - volume = {166}, - number = {2}, - pages = {170-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082535 }, - year = {2005}, +@article{RN2804, + author = {Höpker, W}, + title = {Das Altern des Nucleus dentatus}, + journal = {Zeitschrift für Altersforschung}, + volume = {5}, + number = {3}, + pages = {256-277}, + year = {1951}, type = {Journal Article} } -@article{RN2343, - author = {Mattar, A. A. and Gribble, P. L.}, - title = {Motor learning by observing}, - journal = {Neuron}, - volume = {46}, - number = {1}, - pages = {153-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15820701}, - year = {2005}, +@article{RN2803, + author = {Guizzetti, P.}, + title = {Principali risultati dell’applicazione grossolona a fresco delle reazioni istochimiche del ferro sul sistema nervoso centrale dell’uomo e di alcuni mammiferi domestici}, + journal = {Riv. di patologia nervosa e mentale }, + volume = {20}, + number = {103}, + year = {1915}, type = {Journal Article} } -@article{RN2603, - author = {Mars, R. B. and Coles, M. G. and Grol, M. J. and Holroyd, C. B. and Nieuwenhuis, S. and Hulstijn, W. and Toni, I.}, - title = {Neural dynamics of error processing in medial frontal cortex}, - journal = {Neuroimage}, - volume = {28}, - number = {4}, - pages = {1007-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16055352 }, - year = {2005}, - type = {Journal Article} +@book{RN2802, + author = {Dejerine, J.}, + title = {Anatomie des centres nerveux}, + publisher = {II. J. Rueff}, + address = {Paris}, + year = {1901}, + type = {Book} } -@article{RN2394, - author = {Makris, N. and Schlerf, J. E. and Hodge, S. M. and Haselgrove, C. and Albaugh, M. D. and Seidman, L. J. and Rauch, S. L. and Harris, G. and Biederman, J. and Caviness, V. S., Jr. and Kennedy, D. N. and Schmahmann, J. D.}, - title = {MRI-based surface-assisted parcellation of human cerebellar cortex: an anatomically specified method with estimate of reliability}, - journal = {Neuroimage}, - volume = {25}, - number = {4}, - pages = {1146-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850732}, - year = {2005}, +@article{RN2801, + author = {Heimburger, R.F. and Whitlock, C. C.}, + title = {Stereotaxic destruction of the human dentate nucleus}, + journal = {Confin. Neurol.}, + volume = {1965}, + number = {26}, + pages = {346-358}, + year = {1965}, type = {Journal Article} } -@article{RN2348, - author = {Maddox, W. T. and Aparicio, P. and Marchant, N. L. and Ivry, R. B.}, - title = {Rule-based category learning is impaired in patients with Parkinson's disease but not in patients with cerebellar disorders}, - journal = {J Cogn Neurosci}, - volume = {17}, - number = {5}, - pages = {707-23}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15904539}, - year = {2005}, - type = {Journal Article} +@book{RN2800, + author = {Blinkov, S. and Glezer, I.}, + title = {The human brain in figures and tables. A quantitative handbook}, + publisher = {Plenum}, + address = {New York}, + year = {1968}, + type = {Book} } -@article{RN2581, - author = {Loewenstein, Y. and Mahon, S. and Chadderton, P. and Kitamura, K. and Sompolinsky, H. and Yarom, Y. and Hausser, M.}, - title = {Bistability of cerebellar Purkinje cells modulated by sensory stimulation}, - journal = {Nat Neurosci}, - volume = {8}, - number = {2}, - pages = {202-11}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15665875 }, - year = {2005}, - type = {Journal Article} +@book{RN2799, + author = {Larsell, O. and Jansen, J.}, + title = {The comparative anatomy and histology of the cerebellum. The human cerebellum, cerebellar connections and cerebellar cortex. }, + publisher = {The University of Minnesota Press}, + address = {Minneapolis}, + year = {1972}, + type = {Book} } -@article{RN2492, - author = {Li, W. and Todorov, E. and Pan, X.}, - title = {Hierarchical Feedback and Learning for Multi-joint Arm Movement Control}, - journal = {Conf Proc IEEE Eng Med Biol Soc}, +@inbook{RN2798, + author = {Jansen, J. and Brodal, A.}, + title = {Das Kleinhirn}, + booktitle = {Handbuch der mikroskopischen Anatomie des Menschen}, + editor = {Möllendorff, W. v. and Bargmann, W. }, + publisher = {Springer Verlag}, + address = {Berlin Göttingen Heidelberg}, volume = {4}, - pages = {4400-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17281211 }, - year = {2005}, + pages = {1-323}, + year = {1958}, + type = {Book Section} +} + +@article{RN2797, + author = {Maschke, M. and Weber, J. and Dimitrova, A. and Bonnet, U. and Bohrenkamper, J. and Sturm, S. and Kindsvater, K. and Muller, B. W. and Gastpar, M. and Diener, H. C. and Forsting, M. and Timmann, D.}, + title = {Age-related changes of the dentate nuclei in normal adults as revealed by 3D fast low angle shot (FLASH) echo sequence magnetic resonance imaging}, + journal = {J Neurol}, + volume = {251}, + number = {6}, + pages = {740-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15311352 }, + year = {2004}, type = {Journal Article} } -@inproceedings{RN2350, - author = {Lehericy, S. and Lenglet, C. and Doyon, J. and Benali, H. and Van de Moortele, P. F. and Sapiro, G. and Faugeras, O. and Deriche, R. and Ugurbil, K.}, - title = {Activation shifts from the premotor to the sensorimotor territory of the striatum during the course of motor sequence learning}, - booktitle = {Human Brain Mapping}, - type = {Conference Proceedings} +@article{RN2796, + author = {Aoki, S. and Okada, Y. and Nishimura, K. and Barkovich, A. J. and Kjos, B. O. and Brasch, R. C. and Norman, D.}, + title = {Normal deposition of brain iron in childhood and adolescence: MR imaging at 1.5 T}, + journal = {Radiology}, + volume = {172}, + number = {2}, + pages = {381-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2748819 }, + year = {1989}, + type = {Journal Article} } -@article{RN3399, - author = {Lauritzen, M.}, - title = {Reading vascular changes in brain imaging: is dendritic calcium the key?}, - journal = {Nat Rev Neurosci}, - volume = {6}, - number = {1}, - pages = {77-85}, - ISSN = {1471-003X (Print) -1471-003X (Linking)}, - DOI = {10.1038/nrn1589}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15611729}, - year = {2005}, +@article{RN2795, + author = {Gans, A.}, + title = {Beitrag zur Kenntnis des Aufbaus des Nucleus dentatus aus zwei Teilen, namentlich auf Grund von Untersuchungen der Eisenreaktion}, + journal = {Z. ges. Neurol. Psychiatr.}, + volume = {93}, + pages = {750-755}, + year = {1924}, type = {Journal Article} } -@article{RN2309, - author = {Kunde, W. and Weigelt, M.}, - title = {Goal congruency in bimanual object manipulation}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {31}, - number = {1}, - pages = {145-56}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15709869}, - year = {2005}, +@article{RN2794, + author = {Polit, A. and Bizzi, E.}, + title = {Processes controlling arm movements in monkeys}, + journal = {Science}, + volume = {201}, + number = {4362}, + pages = {1235-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=99813 }, + year = {1978}, type = {Journal Article} } -@article{RN3185, - author = {Konczak, J. and Schoch, B. and Dimitrova, A. and Gizewski, E. and Timmann, D.}, - title = {Functional recovery of children and adolescents after cerebellar tumour resection}, - journal = {Brain}, - volume = {128}, - number = {Pt 6}, - pages = {1428-41}, - ISSN = {1460-2156 (Electronic) -0006-8950 (Linking)}, - DOI = {awh385 [pii] -10.1093/brain/awh385}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659424}, - year = {2005}, +@article{RN2793, + author = {Friston, K. J. and Rotshtein, P. and Geng, J. J. and Sterzer, P. and Henson, R. N.}, + title = {A critique of functional localisers}, + journal = {Neuroimage}, + volume = {30}, + number = {4}, + pages = {1077-87}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(05)00602-6 [pii] +10.1016/j.neuroimage.2005.08.012}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16635579}, + year = {2006}, type = {Journal Article} } -@article{RN2295, - author = {Karnath, H. O. and Perenin, M. T.}, - title = {Cortical Control of Visually Guided Reaching: Evidence from Patients with Optic Ataxia}, - journal = {Cereb Cortex}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15716470}, - year = {2005}, +@article{RN2792, + author = {Saxe, R. and Brett, M. and Kanwisher, N.}, + title = {Divide and conquer: a defense of functional localizers}, + journal = {Neuroimage}, + volume = {30}, + number = {4}, + pages = {1088-96; discussion 1097-9}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(05)02579-6 [pii] +10.1016/j.neuroimage.2005.12.062}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16635578}, + year = {2006}, type = {Journal Article} } -@article{RN2926, - author = {Kamitani, Y. and Tong, F.}, - title = {Decoding the visual and subjective contents of the human brain}, - journal = {Nat Neurosci}, - volume = {8}, - number = {5}, - pages = {679-85}, - ISSN = {1097-6256 (Print) -1097-6256 (Linking)}, - DOI = {10.1038/nn1444}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15852014}, - year = {2005}, +@article{RN2791, + author = {Timmann, D. and Brandauer, B. and Hermsdörfer, J. and Ilg, W. and Konczak, J. and Gerwig, M. and Gizewski, E. R. and Schoch, B.}, + title = {Lesion-symptom mapping of the human cerebellum}, + journal = {Cerebellum}, + volume = {7}, + number = {4}, + pages = {602-6}, + ISSN = {1473-4230 (Electronic) +1473-4222 (Linking)}, + DOI = {10.1007/s12311-008-0066-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18949530}, + year = {2008}, type = {Journal Article} } -@article{RN2328, - author = {Johnson-Frey, S. H. and Newman-Norlund, R. and Grafton, S. T.}, - title = {A distributed left hemisphere network active during planning of everyday tool use skills}, - journal = {Cereb Cortex}, - volume = {15}, - number = {6}, - pages = {681-95}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15342430}, - year = {2005}, +@article{RN2790, + author = {Deoni, S. C. and Catani, M.}, + title = {Visualization of the deep cerebellar nuclei using quantitative T1 and rho magnetic resonance imaging at 3 Tesla}, + journal = {Neuroimage}, + volume = {37}, + number = {4}, + pages = {1260-6}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(07)00572-1 [pii] +10.1016/j.neuroimage.2007.06.036}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17702607}, + year = {2007}, type = {Journal Article} } -@article{RN2441, - author = {Jantzen, K. J. and Steinberg, F. L. and Kelso, J. A.}, - title = {Functional MRI reveals the existence of modality and coordination-dependent timing networks}, +@article{RN2789, + author = {Dimitrova, A. and Weber, J. and Redies, C. and Kindsvater, K. and Maschke, M. and Kolb, F. P. and Forsting, M. and Diener, H. C. and Timmann, D.}, + title = {MRI atlas of the human cerebellar nuclei}, journal = {Neuroimage}, - volume = {25}, - number = {4}, - pages = {1031-42}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850722 }, - year = {2005}, + volume = {17}, + number = {1}, + pages = {240-55}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053811902911249 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12482081}, + year = {2002}, type = {Journal Article} } -@article{RN2880, - author = {Iyer, M. B. and Mattu, U. and Grafman, J. and Lomarev, M. and Sato, S. and Wassermann, E. M.}, - title = {Safety and cognitive effect of frontal DC brain polarization in healthy individuals}, - journal = {Neurology}, - volume = {64}, - number = {5}, - pages = {872-5}, - ISSN = {1526-632X (Electronic) -0028-3878 (Linking)}, - DOI = {64/5/872 [pii] -10.1212/01.WNL.0000152986.07469.E9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15753425}, - year = {2005}, - type = {Journal Article} +@book{RN2788, + author = {Chan-Palay, V.}, + title = {Cerebellar dentate nucleus. Organization, cytology, and transmitters }, + publisher = {Springer Verlag}, + address = {Berlin}, + year = {1977}, + type = {Book} } -@article{RN2853, - author = {Huang, Y. Z. and Edwards, M. J. and Rounis, E. and Bhatia, K. P. and Rothwell, J. C.}, - title = {Theta burst stimulation of the human motor cortex}, - journal = {Neuron}, - volume = {45}, - number = {2}, - pages = {201-6}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896627304008463 [pii] -10.1016/j.neuron.2004.12.033}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15664172}, - year = {2005}, +@article{RN2787, + author = {Haacke, E. M. and Xu, Y. and Cheng, Y. C. and Reichenbach, J. R.}, + title = {Susceptibility weighted imaging (SWI)}, + journal = {Magn Reson Med}, + volume = {52}, + number = {3}, + pages = {612-8}, + ISSN = {0740-3194 (Print) +0740-3194 (Linking)}, + DOI = {10.1002/mrm.20198}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15334582}, + year = {2004}, type = {Journal Article} } -@article{RN2368, - author = {Hore, J. and Watts, S.}, - title = {Timing finger opening in overarm throwing based on a spatial representation of hand path}, - journal = {J Neurophysiol}, - volume = {93}, - number = {6}, - pages = {3189-99}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15911892}, - year = {2005}, +@article{RN2786, + author = {Haacke, E. M. and Mittal, S. and Wu, Z. and Neelavalli, J. and Cheng, Y. C.}, + title = {Susceptibility-weighted imaging: technical aspects and clinical applications, part 1}, + journal = {AJNR Am J Neuroradiol}, + volume = {30}, + number = {1}, + pages = {19-30}, + ISSN = {1936-959X (Electronic) +0195-6108 (Linking)}, + DOI = {ajnr.A1400 [pii] +10.3174/ajnr.A1400}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19039041}, + year = {2009}, type = {Journal Article} } -@article{RN2381, - author = {Heuer, H. and Klein, W.}, - title = {The influence of movement cues on intermanual interactions}, - journal = {Psychol Res}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082546}, - year = {2005}, +@article{RN2785, + author = {Gizewski, E. R. and de Greiff, A. and Maderwald, S. and Timmann, D. and Forsting, M. and Ladd, M. E.}, + title = {fMRI at 7 T: whole-brain coverage and signal advantages even infratentorially?}, + journal = {Neuroimage}, + volume = {37}, + number = {3}, + pages = {761-8}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(07)00516-2 [pii] +10.1016/j.neuroimage.2007.06.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17644414}, + year = {2007}, type = {Journal Article} } -@article{RN2834, - author = {Haynes, J. D. and Rees, G.}, - title = {Predicting the stream of consciousness from activity in human visual cortex}, - journal = {Curr Biol}, - volume = {15}, - number = {14}, - pages = {1301-7}, - ISSN = {0960-9822 (Print) -0960-9822 (Linking)}, - DOI = {S0960-9822(05)00661-5 [pii] -10.1016/j.cub.2005.06.026 [doi]}, - year = {2005}, +@article{RN2784, + author = {Habas, C.}, + title = {Functional imaging of the deep cerebellar nuclei: a review}, + journal = {Cerebellum}, + volume = {9}, + number = {1}, + pages = {22-8}, + ISSN = {1473-4230 (Electronic) +1473-4222 (Linking)}, + DOI = {10.1007/s12311-009-0119-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19513801}, + year = {2009}, type = {Journal Article} } -@article{RN2833, - author = {Haynes, J. D. and Rees, G.}, - title = {Predicting the orientation of invisible stimuli from activity in human primary visual cortex}, - journal = {Nat Neurosci}, - volume = {8}, - number = {5}, - pages = {686-91}, - ISSN = {1097-6256 (Print) -1097-6256 (Linking)}, - DOI = {nn1445 [pii] -10.1038/nn1445 [doi]}, - year = {2005}, - type = {Journal Article} +@book{RN2783, + author = {Duvernoy, H.M.}, + title = {The human brain stem and cerebellum. Surface, structure, vascularization, and three-dimensional sectional anatomy with MRI.}, + publisher = {Springer-Verlag}, + address = {Wien}, + year = {1995}, + type = {Book} } -@article{RN2614, - author = {Haruno, M. and Wolpert, D. M.}, - title = {Optimal control of redundant muscles in step-tracking wrist movements}, - journal = {J Neurophysiol}, - volume = {94}, - number = {6}, - pages = {4244-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16079196 }, - year = {2005}, +@inbook{RN2782, + author = {Voogd, J}, + title = {Cerebellum and precerebellar nuclei}, + booktitle = {Human Nervous System}, + editor = {Paxinos, G and Mai, JK}, + publisher = {Elsevier}, + edition = {2nd Edition}, + chapter = {11}, + pages = {321-392}, + year = {2004}, + type = {Book Section} +} + +@article{RN2781, + author = {Kozlova, G. P.}, + title = {Individual anatomical variations in cerebellar nuclei}, + journal = {Neurosci Behav Physiol}, + volume = {14}, + number = {1}, + pages = {63-7}, + ISSN = {0097-0549 (Print) +0097-0549 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6717774}, + year = {1984}, type = {Journal Article} } -@article{RN3028, - author = {Hanakawa, T. and Parikh, S. and Bruno, M. K. and Hallett, M.}, - title = {Finger and face representations in the ipsilateral precentral motor areas in humans}, - journal = {J Neurophysiol}, - volume = {93}, - number = {5}, - pages = {2950-8}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00784.2004 [pii] -10.1152/jn.00784.2004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15625099}, - year = {2005}, +@article{RN2780, + author = {Franklin, D. W. and Burdet, E. and Tee, K. P. and Osu, R. and Chew, C. M. and Milner, T. E. and Kawato, M.}, + title = {CNS learns stable, accurate, and efficient movements using a simple algorithm}, + journal = {J Neurosci}, + volume = {28}, + number = {44}, + pages = {11165-73}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {28/44/11165 [pii] +10.1523/JNEUROSCI.3099-08.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18971459}, + year = {2008}, type = {Journal Article} } -@article{RN2502, - author = {Gross, J. and Pollok, B. and Dirks, M. and Timmermann, L. and Butz, M. and Schnitzler, A.}, - title = {Task-dependent oscillations during unimanual and bimanual movements in the human primary motor cortex and SMA studied with magnetoencephalography}, - journal = {Neuroimage}, - volume = {26}, - number = {1}, - pages = {91-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15862209 }, - year = {2005}, +@article{RN2779, + author = {Dovat, L and Lambercy, O and Gassert, R and Maeder, T and Teo, CL and Milner, T and Burdet, E}, + title = {HandCARE: A Cable-Actuated Rehabilitation Equipment to Train Hand Function after Stroke}, + journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering }, + volume = {16}, + number = {6}, + pages = {382-91}, + year = {2008}, type = {Journal Article} } -@article{RN2265, - author = {Graydon, F. X. and Friston, K. J. and Thomas, C. G. and Brooks, V. B. and Menon, R. S.}, - title = {Learning-related fMRI activation associated with a rotational visuo-motor transformation}, - journal = {Brain Res Cogn Brain Res}, - volume = {22}, +@article{RN2778, + author = {Lambercy, O and Dovat, L and Gassert, R and Teo, CL and Milner, T and Burdet, E}, + title = {A Haptic Knob for Rehabilitation of Hand Function}, + journal = {IEEE Transactions on Neural Systems and Rehabilitation Engineering }, + volume = {15}, number = {3}, - pages = {373-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15722208}, - year = {2005}, + pages = {356-66}, + year = {2007}, type = {Journal Article} } -@article{RN2437, - author = {Gerwig, M. and Hajjar, K. and Dimitrova, A. and Maschke, M. and Kolb, F. P. and Frings, M. and Thilmann, A. F. and Forsting, M. and Diener, H. C. and Timmann, D.}, - title = {Timing of conditioned eyeblink responses is impaired in cerebellar patients}, - journal = {J Neurosci}, - volume = {25}, - number = {15}, - pages = {3919-31}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15829644 }, - year = {2005}, +@article{RN2776, + author = {Muller, H. and Sternad, D.}, + title = {Motor learning: changes in the structure of variability in a redundant task}, + journal = {Adv Exp Med Biol}, + volume = {629}, + pages = {439-56}, + ISSN = {0065-2598 (Print) +0065-2598 (Linking)}, + DOI = {10.1007/978-0-387-77064-2_23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19227514}, + year = {2009}, type = {Journal Article} } -@article{RN2684, - author = {Fujita, M.}, - title = {Feed-forward associative learning for volitional movement control}, - journal = {Neurosci Res}, - volume = {52}, - number = {2}, - pages = {153-65}, - ISSN = {0168-0102 (Print)}, - DOI = {S0168-0102(05)00065-9 [pii] -10.1016/j.neures.2005.02.006}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15893576}, - year = {2005}, +@article{RN2775, + author = {Braun, D. A. and Aertsen, A. and Wolpert, D. M. and Mehring, C.}, + title = {Motor task variation induces structural learning}, + journal = {Curr Biol}, + volume = {19}, + number = {4}, + pages = {352-7}, + ISSN = {1879-0445 (Electronic) +0960-9822 (Linking)}, + DOI = {S0960-9822(09)00608-3 [pii] +10.1016/j.cub.2009.01.036}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19217296}, + year = {2009}, type = {Journal Article} } -@article{RN3006, - author = {Floyer-Lea, A. and Matthews, P. M.}, - title = {Distinguishable brain activation networks for short- and long-term motor skill learning}, - journal = {J Neurophysiol}, - volume = {94}, - number = {1}, - pages = {512-8}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {00717.2004 [pii] -10.1152/jn.00717.2004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15716371}, - year = {2005}, +@article{RN2774, + author = {Braun, D. A. and Aertsen, A. and Wolpert, D. M. and Mehring, C.}, + title = {Learning optimal adaptation strategies in unpredictable motor tasks}, + journal = {J Neurosci}, + volume = {29}, + number = {20}, + pages = {6472-8}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/20/6472 [pii] +10.1523/JNEUROSCI.3075-08.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19458218}, + year = {2009}, type = {Journal Article} } -@article{RN3425, - author = {Eliasmith, C.}, - title = {A unified approach to building and controlling spiking attractor networks}, - journal = {Neural Comput}, - volume = {17}, +@article{RN2773, + author = {Nagengast, A. J. and Braun, D. A. and Wolpert, D. M.}, + title = {Optimal control predicts human performance on objects with internal degrees of freedom}, + journal = {PLoS Comput Biol}, + volume = {5}, number = {6}, - pages = {1276-314}, - ISSN = {0899-7667 (Print) -0899-7667 (Linking)}, - DOI = {10.1162/0899766053630332}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15901399}, - year = {2005}, + pages = {e1000419}, + ISSN = {1553-7358 (Electronic)}, + DOI = {10.1371/journal.pcbi.1000419}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19557193}, + year = {2009}, type = {Journal Article} } -@article{RN2531, - author = {Eickhoff, S. B. and Stephan, K. E. and Mohlberg, H. and Grefkes, C. and Fink, G. R. and Amunts, K. and Zilles, K.}, - title = {A new SPM toolbox for combining probabilistic cytoarchitectonic maps and functional imaging data}, - journal = {Neuroimage}, - volume = {25}, - number = {4}, - pages = {1325-35}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850749 }, - year = {2005}, - type = {Journal Article} +@book{RN2772, + author = {Afshar, F. and Watkins, E.S. and Yap, J.C. }, + title = {Stereotaxic atlas of the human brainstem and cerebellar nuclei. A variability study}, + publisher = {Raven Press}, + address = {New York}, + year = {1978}, + type = {Book} } -@article{RN2336, - author = {Diedrichsen, J. and Verstynen, T. and Lehman, S. L. and Ivry, R. B.}, - title = {Cerebellar involvement in anticipating the consequences of self-produced actions during bimanual movements}, - journal = {J Neurophysiol}, - volume = {93}, - number = {2}, - pages = {801-12}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15356182}, - year = {2005}, - type = {Journal Article} +@book{RN2771, + author = {Angevine, J.B. and Mancall, E.L. and Yakovlev, P.I. }, + title = {The human cerebellum. An atlas of gross topography in serial sections}, + publisher = {Little, Brown and Company}, + address = {Boston}, + year = {1961}, + type = {Book} } -@article{RN2372, - author = {Diedrichsen, J. and Shadmehr, R.}, - title = {Detecting and adjusting for artifacts in fMRI time series data}, - journal = {Neuroimage}, - volume = {27}, - number = {3}, - pages = {624-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15975828}, - year = {2005}, - type = {Journal Article} +@inbook{RN2770, + author = {Jakob, A.}, + title = {Das Kleinhirn}, + booktitle = {Möllendorfs Handbuch der mikroskopischen Anatomie des Menschen}, + publisher = {Springer Verlag}, + address = {Berlin}, + volume = {4}, + pages = {674-916}, + year = {1928}, + type = {Book Section} } -@article{RN2341, - author = {Diedrichsen, J. and Hashambhoy, Yasmin L. and Rane, Tushar and Shadmehr, R.}, - title = {Neural correlates of reach errors}, - journal = {Journal of Neuroscience}, - volume = {25}, - number = {43}, - pages = {9919-9931}, - year = {2005}, +@article{RN2768, + author = {Diedrichsen, J. and Shadmehr, R. and Ivry, R. B.}, + title = {The coordination of movement: optimal feedback control and beyond}, + journal = {Trends Cogn Sci}, + volume = {14}, + number = {1}, + pages = {31-9}, + ISSN = {1879-307X (Electronic) +1364-6613 (Linking)}, + DOI = {S1364-6613(09)00258-7 [pii] +10.1016/j.tics.2009.11.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20005767}, + year = {2010}, type = {Journal Article} } -@inproceedings{RN2453, - author = {Diedrichsen, J.}, - title = {The coordination of complex movements}, - booktitle = {Advances in computational motor control}, - type = {Conference Proceedings} +@article{RN2767, + author = {Rancz, E. A. and Ishikawa, T. and Duguid, I. and Chadderton, P. and Mahon, S. and Hausser, M.}, + title = {High-fidelity transmission of sensory information by single cerebellar mossy fibre boutons}, + journal = {Nature}, + volume = {450}, + number = {7173}, + pages = {1245-8}, + ISSN = {1476-4687 (Electronic) +0028-0836 (Linking)}, + DOI = {nature05995 [pii] +10.1038/nature05995}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18097412}, + year = {2007}, + type = {Journal Article} } -@misc{RN2305, - url = {http://www.bme.jhu.edu/~jdiedric/download/caret/Caret_surface_statistics.pdf}, - year = {2005}, - type = {Web Page} +@article{RN2766, + author = {Fox, M. D. and Raichle, M. E.}, + title = {Spontaneous fluctuations in brain activity observed with functional magnetic resonance imaging}, + journal = {Nat Rev Neurosci}, + volume = {8}, + number = {9}, + pages = {700-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17704812 }, + year = {2007}, + type = {Journal Article} } -@article{RN2293, - author = {Della-Maggiore, V. and McIntosh, A. R.}, - title = {Time course of changes in brain activity and functional connectivity associated with long-term adaptation to a rotational transformation}, - journal = {J Neurophysiol}, - volume = {93}, - number = {4}, - pages = {2254-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15574799}, - year = {2005}, +@article{RN2765, + author = {O'Reilly, J. X. and Beckmann, C. F. and Tomassini, V. and Ramnani, N. and Johansen-Berg, H.}, + title = {Distinct and Overlapping Functional Zones in the Cerebellum Defined by Resting State Functional Connectivity}, + journal = {Cereb Cortex}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19684249 }, + year = {2009}, type = {Journal Article} } -@article{RN3074, - author = {Daw, N. D. and Niv, Y. and Dayan, P.}, - title = {Uncertainty-based competition between prefrontal and dorsolateral striatal systems for behavioral control}, - journal = {Nat Neurosci}, - volume = {8}, - number = {12}, - pages = {1704-11}, - ISSN = {1097-6256 (Print) -1097-6256 (Linking)}, - DOI = {nn1560 [pii] -10.1038/nn1560}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16286932}, - year = {2005}, +@article{RN2764, + author = {Behrens, T. E. and Berg, H. J. and Jbabdi, S. and Rushworth, M. F. and Woolrich, M. W.}, + title = {Probabilistic diffusion tractography with multiple fibre orientations: What can we gain?}, + journal = {Neuroimage}, + volume = {34}, + number = {1}, + pages = {144-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17070705 }, + year = {2007}, type = {Journal Article} } -@article{RN2632, - author = {d'Avella, A. and Bizzi, E.}, - title = {Shared and specific muscle synergies in natural motor behaviors}, - journal = {Proc Natl Acad Sci U S A}, - volume = {102}, - number = {8}, - pages = {3076-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15708969 }, - year = {2005}, +@article{RN2763, + author = {Schmahmann, Jeremy D and Pandya, Deepak N and Wang, Ruopeng and Dai, Guangping and Crespigny, Alex J De and Wedeen, Van J}, + title = {Association fibre pathways of the brain: parallel observations from diffusion spectrum imaging and autoradiography}, + journal = {Brain}, + volume = {130}, + pages = {630-653}, + year = {2007}, type = {Journal Article} } -@article{RN2435, - author = {Chen, S. H. and Desmond, J. E.}, - title = {Cerebrocerebellar networks during articulatory rehearsal and verbal working memory tasks}, - journal = {Neuroimage}, - volume = {24}, - number = {2}, - pages = {332-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15627576 }, - year = {2005}, +@article{RN2762, + author = {Salmi, Juha and Pallesen, Karen Johanne and Neuvonen, Tuomas and Brattico, Elvira and Korvenoja, Antti and Salonen, Oili}, + title = {Cognitive and Motor Loops of the Human Cerebro-cerebellar System}, + journal = {Journal of Cognitive Neuroscience}, + volume = {xx}, + pages = {1-14}, + year = {2010}, type = {Journal Article} } -@article{RN2450, - author = {Chen, J. L. and Penhune, V. B. and Zatorre, R. J.}, - title = {Tapping in synchrony to auditory rhythms: effect of temporal structure on behavior and neural activity}, - journal = {Ann N Y Acad Sci}, - volume = {1060}, - pages = {400-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16597792 }, - year = {2005}, +@article{RN2761, + author = {Saksena, Sona and Husain, Nuzhat and Malik, Gyanendra K and Trivedi, Richa and Sarma, Manoj and Rathore, Ramkishore S and Pandey, Chandra M and Gupta, Rakesh K}, + title = {Comparative Evaluation of the Cerebral and Cerebellar White Matter Development in Pediatric Age Group using Quantitative Diffusion Tensor Imaging}, + journal = {Cerebellum}, + volume = {7}, + pages = {392-400}, + year = {2008}, type = {Journal Article} } -@article{RN2539, - author = {Catz, N. and Dicke, P. W. and Thier, P.}, - title = {Cerebellar complex spike firing is suitable to induce as well as to stabilize motor learning}, - journal = {Curr Biol}, - volume = {15}, - number = {24}, - pages = {2179-89}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16360681 }, - year = {2005}, +@article{RN2758, + author = {Jissendi, P and Baudry, S and Balériaux, D}, + title = {Diffusion tensor imaging (DTI) and tractography of the cerebellar projections to prefrontal and posterior parietal cortices: A study at 3T}, + journal = {Journal of Neuroradiology}, + volume = {35}, + pages = {42-50}, + year = {2008}, type = {Journal Article} } -@article{RN2377, - author = {Carson, R. G.}, - title = {Neural pathways mediating bilateral interactions between the upper limbs}, - journal = {Brain Res Brain Res Rev}, - volume = {49}, - number = {3}, - pages = {641-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15904971}, - year = {2005}, +@article{RN2757, + author = {Hong, Ji Heon and Kim, Oh Lyong and Kim, Seong Ho and Lee, Mi Young and Jang, Sung Ho}, + title = {Cerebellar peduncle injury in patients with ataxia following diffuse axonal injury}, + journal = {Brain Research Bulletin}, + volume = {80}, + pages = {30-35}, + year = {2009}, type = {Journal Article} } -@article{RN2448, - author = {Buchsbaum, B. R. and Olsen, R. K. and Koch, P. F. and Kohn, P. and Kippenhan, J. S. and Berman, K. F.}, - title = {Reading, hearing, and the planum temporale}, - journal = {Neuroimage}, - volume = {24}, - number = {2}, - pages = {444-54}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15627586 }, - year = {2005}, +@article{RN2755, + author = {Granziera, Cristina and Schmahmann, Jeremy Dan and Hadjikhani, Nouchine and Meyer, Heiko and Meuli, Reto and Wedeen, Van and Krueger, Gunnar}, + title = {Diffusion Spectrum Imaging Shows the Structural Basis of Functional Cerebellar Circuits in the Human Cerebellum InVivo}, + journal = {PloS One}, + volume = {4}, + pages = {1-6}, + year = {2009}, type = {Journal Article} } -@book{RN2902, - author = {Borg, I. and Groenen, P.}, - title = {Modern Multidimensional Scaling: theory and applications}, - publisher = {Springer-Verlag}, - address = {New York}, - edition = {2nd}, - year = {2005}, - type = {Book} +@article{RN2754, + author = {Carbon, Maren and Kingsley, Peter B and Tang, Chengke and Bressman, Susan and Eidelberg, David}, + title = {Microstructural White Matter Changes in Primary Torsion Dystonia}, + journal = {Movement Disorders}, + volume = {23}, + pages = {234-239}, + year = {2008}, + type = {Journal Article} } -@article{RN2440, - author = {Bengtsson, S. L. and Ehrsson, H. H. and Forssberg, H. and Ullen, F.}, - title = {Effector-independent voluntary timing: behavioural and neuroimaging evidence}, - journal = {Eur J Neurosci}, - volume = {22}, - number = {12}, - pages = {3255-65}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16367791 }, - year = {2005}, +@article{RN2753, + author = {Argyelan, Miklos and Carbon, Maren and Niethammer, Martin and Ulug, Aziz M and Voss, Henning U and Bressman, Susan B and Dhawan, Vijay and Eidelberg, David}, + title = {Cerebellothalamocortical Connectivity Regulates Penetrance in Dystonia}, + journal = {Journal of neuroscience}, + volume = {29}, + pages = {9740 -9747}, + year = {2009}, type = {Journal Article} } -@article{RN2455, - author = {Bays, P. M. and Wolpert, D. M. and Flanagan, J. R.}, - title = {Perception of the consequences of self-action is temporally tuned and event driven}, - journal = {Curr Biol}, - volume = {15}, - number = {12}, - pages = {1125-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15964278 }, - year = {2005}, +@article{RN2752, + author = {Strick, P. L. and Dum, R. P. and Fiez, J. A.}, + title = {Cerebellum and nonmotor function}, + journal = {Annu Rev Neurosci}, + volume = {32}, + pages = {413-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19555291 }, + year = {2009}, type = {Journal Article} } -@article{RN2556, - author = {Baldissera, F. and Esposti, R.}, - title = {Postural constraints to coupling of ipsilateral hand-foot movements}, - journal = {Neuroreport}, - volume = {16}, - number = {15}, - pages = {1615-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16189465 }, - year = {2005}, +@article{RN2751, + author = {Glover, Gary and Li, Tie-Qiang and Ress, David}, + title = {Image-based method for retrospective correction of physiological motion effects in fMRI: RETROICOR}, + journal = {Magnetic Resonance in Medicine}, + volume = {44}, + number = {1}, + pages = {162-167}, + url = {citeulike-article-id:973762 +http://dx.doi.org/10.1002/1522-2594(200007)44:1%3C162::AID-MRM23%3E3.0.CO;2-E }, + year = {2000}, type = {Journal Article} } -@article{RN2388, - author = {Ashburner, J. and Friston, K. J.}, - title = {Unified segmentation}, - journal = {Neuroimage}, - volume = {26}, +@article{RN2750, + author = {Chang, Catie and Cunningham, John and Glover, Gary}, + title = {Influence of heart rate on the BOLD signal: The cardiac response function}, + journal = {NeuroImage}, + volume = {44}, number = {3}, - pages = {839-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15955494}, - year = {2005}, + pages = {857-869}, + url = {citeulike-article-id:3739300 +http://dx.doi.org/10.1016/j.neuroimage.2008.09.029 }, + year = {2009}, type = {Journal Article} } -@article{RN2521, - author = {Apps, R. and Garwicz, M.}, - title = {Anatomical and physiological foundations of cerebellar information processing}, - journal = {Nat Rev Neurosci}, - volume = {6}, - number = {4}, - pages = {297-311}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15803161 }, - year = {2005}, +@article{RN2749, + author = {Birn, Rasmus and Smith, Monica and Jones, Tyler and Bandettini, Peter}, + title = {The respiration response function: The temporal dynamics of fMRI signal fluctuations related to changes in respiration}, + journal = {NeuroImage}, + volume = {40}, + number = {2}, + pages = {644-654}, + url = {citeulike-article-id:2649988 +http://dx.doi.org/10.1016/j.neuroimage.2007.11.059 }, + year = {2008}, type = {Journal Article} } -@article{RN2337, - author = {Aparicio, P. and Diedrichsen, J. and Ivry, R. B.}, - title = {Effects of focal basal ganglia lesions on timing and force control}, - journal = {Brain Cogn}, - volume = {58}, - number = {1}, - pages = {62-74}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15878727}, - year = {2005}, +@article{RN2748, + author = {Jennings, Richard and van der Molen, Maurits}, + title = {Cardiac timing and the central regulation of action}, + journal = {Psychological research}, + volume = {66}, + number = {4}, + pages = {337-349}, + url = {citeulike-article-id:6016980 +http://dx.doi.org/10.1007/s00426-002-0106-5 }, + year = {2002}, type = {Journal Article} } -@article{RN2177, - author = {Zago, M. and Bosco, G. and Maffei, V. and Iosa, M. and Ivanenko, Y. P. and Lacquaniti, F.}, - title = {Internal models of target motion: expected dynamics overrides measured kinematics in timing manual interceptions}, - journal = {J Neurophysiol}, - volume = {91}, - number = {4}, - pages = {1620-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14627663}, - year = {2004}, +@article{RN2747, + author = {Shmueli, Karin and van Gelderen, Peter and de Zwart, Jacco and Horovitz, Silvina and Fukunaga, Masaki and Jansma, Martijn and Duyn, Jeff}, + title = {Low-frequency fluctuations in the cardiac rate as a source of variance in the resting-state fMRI BOLD signal}, + journal = {NeuroImage}, + volume = {38}, + number = {2}, + pages = {306-320}, + url = {citeulike-article-id:1902953 +http://dx.doi.org/10.1016/j.neuroimage.2007.07.037 }, + year = {2007}, type = {Journal Article} } -@article{RN2220, - author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and van Hecke, P. and Swinnen, S. P.}, - title = {Parieto-premotor areas mediate directional interference during bimanual movements}, - journal = {Cereb Cortex}, - volume = {14}, - number = {10}, - pages = {1153-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15142955}, - year = {2004}, +@article{RN2746, + author = {Crone, Eveline and Somsen, Riek and Zanolie, Kiki and Van der Molen, Maurits}, + title = {A heart rate analysis of developmental change in feedback processing and rule shifting from childhood to early adulthood}, + journal = {Journal of experimental child psychology}, + volume = {95}, + number = {2}, + pages = {99-116}, + url = {citeulike-article-id:6377590 +http://dx.doi.org/10.1016/j.jecp.2006.03.007 }, + year = {2006}, type = {Journal Article} } -@article{RN2240, - author = {Welsh, T. and Elliott, D.}, - title = {Movement trajectories in the presence of a distracting stimulus: evidence for a response activation model of selective reaching}, - journal = {Q J Exp Psychol A}, - volume = {57}, +@article{RN2745, + author = {Harvey, Ann and Pattinson, Kyle and Brooks, Jonathan and Mayhew, Stephen and Jenkinson, Mark and Wise, Richard}, + title = {Brainstem functional magnetic resonance imaging: Disentangling signal from physiological noise}, + journal = {Journal of Magnetic Resonance Imaging}, + volume = {28}, number = {6}, - pages = {1031-57}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15370515}, - year = {2004}, + pages = {1337-1344}, + url = {citeulike-article-id:6719734 +http://dx.doi.org/10.1002/jmri.21623 }, + year = {2008}, type = {Journal Article} } -@article{RN3272, - author = {Wang, J. and Sainburg, R. L.}, - title = {Interlimb transfer of novel inertial dynamics is asymmetrical}, - journal = {J Neurophysiol}, - volume = {92}, - number = {1}, - pages = {349-60}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00960.2003}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15028745}, - year = {2004}, +@article{RN2744, + author = {Chang, Catie and Glover, Gary}, + title = {Relationship between respiration, end-tidal CO2, and BOLD signals in resting-state fMRI}, + journal = {NeuroImage}, + volume = {47}, + number = {4}, + pages = {1381-1393}, + url = {citeulike-article-id:4385922 +http://dx.doi.org/10.1016/j.neuroimage.2009.04.048 }, + year = {2009}, type = {Journal Article} } -@article{RN2426, - author = {Wang, J. and Sainburg, R. L.}, - title = {Limitations in interlimb transfer of visuomotor rotations}, - journal = {Exp Brain Res}, - volume = {155}, - number = {1}, - pages = {1-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15064878 }, - year = {2004}, +@article{RN2743, + author = {Wedeen, V J and Hagmann, P and Tseng, W Y and Reese, T G and Weisskoff, R M}, + title = {Mapping complex tissue architecture with diffusion spectrum magnetic resonance imaging}, + journal = {Magn. Reson. Med.}, + volume = {54}, + pages = {1377-86}, + year = {2005}, type = {Journal Article} } -@inbook{RN2782, - author = {Voogd, J}, - title = {Cerebellum and precerebellar nuclei}, - booktitle = {Human Nervous System}, - editor = {Paxinos, G and Mai, JK}, - publisher = {Elsevier}, - edition = {2nd Edition}, - chapter = {11}, - pages = {321-392}, - year = {2004}, - type = {Book Section} +@article{RN2742, + author = {Wedeen, J and Wang, P and Schmahmann, D and Benner, T and Tseng, I and Dai, G and Pandya, N and Hagmann, P}, + title = {Diffusion spectrum magnetic resonance imaging (DSI) tractography of crossing fibers}, + journal = {Methods}, + volume = {41}, + pages = {1267 - 1277}, + year = {2008}, + type = {Journal Article} } -@article{RN2183, - author = {Vangheluwe, S. and Puttemans, V. and Wenderoth, N. and Van Baelen, M. and Swinnen, S. P.}, - title = {Inter- and intralimb transfer of a bimanual task: generalisability of limb dissociation}, - journal = {Behav Brain Res}, - volume = {154}, - number = {2}, - pages = {535-47}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15313043}, - year = {2004}, +@article{RN2741, + author = {Schmahmann, Jeremy D and Pandya, Deepak N and Wang, Ruopeng and Dai, Guangping and Crespigny, Alex J De and Wedeen, Van J}, + title = {Association fibre pathways of the brain: parallel observations from diffusion spectrum imaging and autoradiography}, + journal = {Brain}, + volume = {130}, + pages = {630-653}, + year = {2007}, type = {Journal Article} } -@article{RN2261, - author = {Van Essen, D. C.}, - title = {Surface-based approaches to spatial localization and registration in primate cerebral cortex}, - journal = {Neuroimage}, - volume = {23 Suppl 1}, - pages = {S97-107}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15501104}, - year = {2004}, +@article{RN2740, + author = {Saksena, Sona and Husain, Nuzhat and Malik, Gyanendra K and Trivedi, Richa and Sarma, Manoj and Rathore, Ramkishore S and Pandey, Chandra M and Gupta, Rakesh K}, + title = {Comparative Evaluation of the Cerebral and Cerebellar White Matter Development in Pediatric Age Group using Quantitative Diffusion Tensor Imaging}, + journal = {Cerebellum}, + volume = {7}, + pages = {392-400}, + year = {2008}, type = {Journal Article} } -@article{RN3056, - author = {van Beers, R. J. and Haggard, P. and Wolpert, D. M.}, - title = {The role of execution noise in movement variability}, - journal = {J Neurophysiol}, - volume = {91}, - number = {2}, - pages = {1050-63}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00652.2003 -00652.2003 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14561687}, - year = {2004}, +@article{RN2739, + author = {Prakash, Neal and Hageman, Nathan and Hua, Xue and Toga, Arthur W and Perlman, Susan L and Salamon, Noriko}, + title = {Patterns of fractional anisotropy changes in white matter of cerebellar peduncles distinguish spinocerebellar ataxia-1 from multiple system atrophy and other ataxia syndromes}, + journal = {NeuroImage}, + volume = {47}, + pages = {72-81}, + year = {2009}, type = {Journal Article} } -@article{RN2118, - author = {Uozumi, T. and Tamagawa, A. and Hashimoto, T. and Tsuji, S.}, - title = {Motor hand representation in cortical area 44}, - journal = {Neurology}, - volume = {62}, - number = {5}, - pages = {757-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15007126}, - year = {2004}, +@article{RN2737, + author = {Granziera, Cristina and Schmahmann, Jeremy Dan and Hadjikhani, Nouchine and Meyer, Heiko and Meuli, Reto and Wedeen, Van and Krueger, Gunnar}, + title = {Diffusion Spectrum Imaging Shows the Structural Basis of Functional Cerebellar Circuits in the Human Cerebellum InVivo}, + journal = {PloS One}, + volume = {4}, + pages = {1-6}, + year = {2009}, type = {Journal Article} } -@article{RN2562, - author = {Todorov, E.}, - title = {Optimality principles in sensorimotor control}, - journal = {Nat Neurosci}, - volume = {7}, - number = {9}, - pages = {907-15}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15332089 }, - year = {2004}, +@article{RN2736, + author = {Carbon, Maren and Kingsley, Peter B and Tang, Chengke and Bressman, Susan and Eidelberg, David}, + title = {Microstructural White Matter Changes in Primary Torsion Dystonia}, + journal = {Movement Disorders}, + volume = {23}, + pages = {234-239}, + year = {2008}, type = {Journal Article} } -@article{RN2465, - author = {Thomsen, K. and Offenhauser, N. and Lauritzen, M.}, - title = {Principal neuron spiking: neither necessary nor sufficient for cerebral blood flow in rat cerebellum}, - journal = {J Physiol}, - volume = {560}, - number = {Pt 1}, - pages = {181-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15272036 }, - year = {2004}, +@article{RN2734, + author = {Krienen, F. M. and Buckner, R. L.}, + title = {Segregated fronto-cerebellar circuits revealed by intrinsic functional connectivity}, + journal = {Cereb Cortex}, + volume = {19}, + number = {10}, + pages = {2485-97}, + ISSN = {1460-2199 (Electronic) +1047-3211 (Linking)}, + DOI = {bhp135 [pii] +10.1093/cercor/bhp135}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19592571}, + year = {2009}, type = {Journal Article} } -@misc{RN2136, - url = {https://dsc.sensable.com/datafiles/ghost/GHOSTProgrammersGuide.pdf}, - year = {2004}, - type = {Web Page} -} - -@article{RN3145, - author = {Sugihara, I. and Shinoda, Y.}, - title = {Molecular, topographic, and functional organization of the cerebellar cortex: a study with combined aldolase C and olivocerebellar labeling}, +@article{RN2733, + author = {Habas, C. and Kamdar, N. and Nguyen, D. and Prater, K. and Beckmann, C. F. and Menon, V. and Greicius, M. D.}, + title = {Distinct cerebellar contributions to intrinsic connectivity networks}, journal = {J Neurosci}, - volume = {24}, - number = {40}, - pages = {8771-85}, + volume = {29}, + number = {26}, + pages = {8586-94}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {24/40/8771 [pii] -10.1523/JNEUROSCI.1961-04.2004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15470143}, - year = {2004}, + DOI = {29/26/8586 [pii] +10.1523/JNEUROSCI.1868-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19571149}, + year = {2009}, type = {Journal Article} } -@article{RN3113, - author = {Sugihara, I. and Shinoda, Y.}, - title = {Molecular, topographic, and functional organization of the cerebellar cortex: a study with combined aldolase C and olivocerebellar labeling}, +@article{RN2732, + author = {O'Reilly, J. X. and Mesulam, M. M. and Nobre, A. C.}, + title = {The cerebellum predicts the timing of perceptual events}, journal = {J Neurosci}, - volume = {24}, - number = {40}, - pages = {8771-85}, + volume = {28}, + number = {9}, + pages = {2252-60}, ISSN = {1529-2401 (Electronic) 0270-6474 (Linking)}, - DOI = {24/40/8771 [pii] -10.1523/JNEUROSCI.1961-04.2004}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15470143}, - year = {2004}, + DOI = {28/9/2252 [pii] +10.1523/JNEUROSCI.2742-07.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18305258}, + year = {2008}, type = {Journal Article} } -@article{RN2222, - author = {Sommer, M. A. and Wurtz, R. H.}, - title = {What the brain stem tells the frontal cortex. II. Role of the SC-MD-FEF pathway in corollary discharge}, - journal = {J Neurophysiol}, - volume = {91}, - number = {3}, - pages = {1403-23}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14573557}, - year = {2004}, +@article{RN2730, + author = {Nichols, T. E. and Holmes, A. P.}, + title = {Nonparametric permutation tests for functional neuroimaging: a primer with examples}, + journal = {Hum Brain Mapp}, + volume = {15}, + number = {1}, + pages = {1-25}, + ISSN = {1065-9471 (Print) +1065-9471 (Linking)}, + DOI = {10.1002/hbm.1058 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11747097}, + year = {2002}, type = {Journal Article} } -@article{RN2528, - author = {Smith, S. M. and Jenkinson, M. and Woolrich, M. W. and Beckmann, C. F. and Behrens, T. E. and Johansen-Berg, H. and Bannister, P. R. and De Luca, M. and Drobnjak, I. and Flitney, D. E. and Niazy, R. K. and Saunders, J. and Vickers, J. and Zhang, Y. and De Stefano, N. and Brady, J. M. and Matthews, P. M.}, - title = {Advances in functional and structural MR image analysis and implementation as FSL}, - journal = {Neuroimage}, - volume = {23 Suppl 1}, - pages = {S208-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15501092 }, - year = {2004}, +@article{RN2729, + author = {Nichols, T. and Hayasaka, S.}, + title = {Controlling the familywise error rate in functional neuroimaging: a comparative review}, + journal = {Stat Methods Med Res}, + volume = {12}, + number = {5}, + pages = {419-46}, + ISSN = {0962-2802 (Print) +0962-2802 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14599004}, + year = {2003}, type = {Journal Article} } -@article{RN2111, - author = {Smith, A. C. and Frank, L. M. and Wirth, S. and Yanike, M. and Hu, D. and Kubota, Y. and Graybiel, A. M. and Suzuki, W. A. and Brown, E. N.}, - title = {Dynamic analysis of learning in behavioral experiments}, - journal = {J Neurosci}, - volume = {24}, - number = {2}, - pages = {447-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14724243}, - year = {2004}, +@article{RN2728, + author = {Hayasaka, S. and Nichols, T. E.}, + title = {Validating cluster size inference: random field and permutation methods}, + journal = {Neuroimage}, + volume = {20}, + number = {4}, + pages = {2343-56}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053811903005020 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14683734}, + year = {2003}, type = {Journal Article} } -@article{RN2226, - author = {Sheth, B. R. and Shimojo, S.}, - title = {Extrinsic cues suppress the encoding of intrinsic cues}, - journal = {J Cogn Neurosci}, - volume = {16}, +@article{RN2727, + author = {Pantazis, D. and Nichols, T. E. and Baillet, S. and Leahy, R. M.}, + title = {A comparison of random field theory and permutation methods for the statistical analysis of MEG data}, + journal = {Neuroimage}, + volume = {25}, number = {2}, - pages = {339-50}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15068602}, - year = {2004}, + pages = {383-94}, + ISSN = {1053-8119 (Print) +1053-8119 (Linking)}, + DOI = {S1053-8119(04)00567-1 [pii] +10.1016/j.neuroimage.2004.09.040}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15784416}, + year = {2005}, type = {Journal Article} } -@inbook{RN2307, - author = {Shadmehr, R. and Wise, R.}, - title = {Motor Learning and Memory for Reaching and Pointing}, - booktitle = {The Cognitive Neurosciences, Third Edition}, - editor = {Gazzaniga, M. S.}, - publisher = {MIT Press}, - address = {Boston}, - pages = {511-524}, - year = {2004}, - type = {Book Section} +@article{RN2726, + author = {Iadecola, C. and Li, J. and Ebner, T. J. and Xu, X.}, + title = {Nitric oxide contributes to functional hyperemia in cerebellar cortex}, + journal = {Am J Physiol}, + volume = {268}, + number = {5 Pt 2}, + pages = {R1153-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7539595 }, + year = {1995}, + type = {Journal Article} } -@article{RN2503, - author = {Serrien, D. J. and Brown, P.}, - title = {Changes in functional coupling patterns during bimanual task performance}, - journal = {Neuroreport}, - volume = {15}, - number = {9}, - pages = {1387-90}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15194858 }, - year = {2004}, +@article{RN2725, + author = {Iadecola, C. and Li, J. and Xu, S. and Yang, G.}, + title = {Neural mechanisms of blood flow regulation during synaptic activity in cerebellar cortex}, + journal = {J Neurophysiol}, + volume = {75}, + number = {2}, + pages = {940-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8714666 }, + year = {1996}, type = {Journal Article} } -@article{RN2308, - author = {Serences, J. T. and Schwarzbach, J. and Courtney, S. M. and Golay, X. and Yantis, S.}, - title = {Control of object-based attention in human cortex}, - journal = {Cereb Cortex}, - volume = {14}, - number = {12}, - pages = {1346-57}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15166105}, - year = {2004}, +@article{RN2724, + author = {Stoodley, C. J. and Schmahmann, J. D.}, + title = {Functional topography in the human cerebellum: a meta-analysis of neuroimaging studies}, + journal = {Neuroimage}, + volume = {44}, + number = {2}, + pages = {489-501}, + ISSN = {1095-9572 (Electronic) +1053-8119 (Linking)}, + DOI = {S1053-8119(08)00972-5 [pii] +10.1016/j.neuroimage.2008.08.039}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18835452}, + year = {2009}, type = {Journal Article} } -@article{RN2299, - author = {Seidler, R. D. and Noll, D. C. and Thiers, G.}, - title = {Feedforward and feedback processes in motor control}, - journal = {Neuroimage}, - volume = {22}, - number = {4}, - pages = {1775-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15275933}, - year = {2004}, +@article{RN2722, + author = {Logothetis, N. K. and Pauls, J. and Augath, M. and Trinath, T. and Oeltermann, A.}, + title = {Neurophysiological investigation of the basis of the fMRI signal}, + journal = {Nature}, + volume = {412}, + number = {6843}, + pages = {150-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11449264 }, + year = {2001}, type = {Journal Article} } -@article{RN2179, - author = {Scott, S. H.}, - title = {Optimal feedback control and the neural basis of volitional motor control}, - journal = {Nat Rev Neurosci}, - volume = {5}, - number = {7}, - pages = {532-46}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15208695}, - year = {2004}, +@article{RN2721, + author = {Mandeville, J. B. and Marota, J. J. and Ayata, C. and Zaharchuk, G. and Moskowitz, M. A. and Rosen, B. R. and Weisskoff, R. M.}, + title = {Evidence of a cerebrovascular postarteriole windkessel with delayed compliance}, + journal = {J Cereb Blood Flow Metab}, + volume = {19}, + number = {6}, + pages = {679-89}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10366199 }, + year = {1999}, type = {Journal Article} } -@article{RN2119, - author = {Schwartz, A. B. and Moran, D. W. and Reina, G. A.}, - title = {Differential representation of perception and action in the frontal cortex}, - journal = {Science}, - volume = {303}, - number = {5656}, - pages = {380-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14726593}, - year = {2004}, +@article{RN2720, + author = {Buxton, R. B. and Wong, E. C. and Frank, L. R.}, + title = {Dynamics of blood flow and oxygenation changes during brain activation: the balloon model}, + journal = {Magn Reson Med}, + volume = {39}, + number = {6}, + pages = {855-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9621908 }, + year = {1998}, type = {Journal Article} } -@article{RN2223, - author = {Schmitz, C. and Jenmalm, P. and Ehrsson, H. H. and Forssberg, H.}, - title = {Brain activity during predictable and unpredictable weight changes when lifting objects}, - journal = {J Neurophysiol}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385599}, - year = {2004}, +@article{RN2719, + author = {Hoge, R. D. and Atkinson, J. and Gill, B. and Crelier, G. R. and Marrett, S. and Pike, G. B.}, + title = {Investigation of BOLD signal dependence on cerebral blood flow and oxygen consumption: the deoxyhemoglobin dilution model}, + journal = {Magn Reson Med}, + volume = {42}, + number = {5}, + pages = {849-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10542343 }, + year = {1999}, type = {Journal Article} } -@article{RN3150, - author = {Schmahmann, J. D.}, - title = {Disorders of the cerebellum: ataxia, dysmetria of thought, and the cerebellar cognitive affective syndrome}, - journal = {J Neuropsychiatry Clin Neurosci}, - volume = {16}, - number = {3}, - pages = {367-78}, - ISSN = {0895-0172 (Print) -0895-0172 (Linking)}, - DOI = {10.1176/appi.neuropsych.16.3.367 -16/3/367 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15377747}, - year = {2004}, +@article{RN2718, + author = {Hoge, R. D. and Atkinson, J. and Gill, B. and Crelier, G. R. and Marrett, S. and Pike, G. B.}, + title = {Linear coupling between cerebral blood flow and oxygen consumption in activated human cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {96}, + number = {16}, + pages = {9403-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10430955 }, + year = {1999}, type = {Journal Article} } -@article{RN2860, - author = {Schieber, M. H. and Santello, M.}, - title = {Hand function: peripheral and central constraints on performance}, - journal = {J Appl Physiol}, - volume = {96}, - number = {6}, - pages = {2293-300}, - ISSN = {8750-7587 (Print) -0161-7567 (Linking)}, - DOI = {10.1152/japplphysiol.01063.2003 -96/6/2293 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15133016}, +@article{RN2717, + author = {Manni, E. and Petrosini, L.}, + title = {A century of cerebellar somatotopy: a debated representation}, + journal = {Nat Rev Neurosci}, + volume = {5}, + number = {3}, + pages = {241-9}, + ISSN = {1471-003X (Print) +1471-003X (Linking)}, + DOI = {10.1038/nrn1347 +nrn1347 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14976523}, year = {2004}, type = {Journal Article} } -@article{RN2244, - author = {Schaal, S. and Sternad, D. and Osu, R. and Kawato, M.}, - title = {Rhythmic arm movement is not discrete}, - journal = {Nat Neurosci}, - volume = {7}, - number = {10}, - pages = {1136-43}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15452580}, - year = {2004}, +@article{RN2716, + author = {Habas, C. and Cabanis, E. A.}, + title = {The neural network involved in a bimanual tactile-tactile matching discrimination task: a functional imaging study at 3 T}, + journal = {Neuroradiology}, + volume = {49}, + number = {8}, + pages = {681-8}, + ISSN = {0028-3940 (Print) +0028-3940 (Linking)}, + DOI = {10.1007/s00234-007-0239-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17546450}, + year = {2007}, type = {Journal Article} } -@article{RN3378, - author = {Sakai, K. and Hikosaka, O. and Nakamura, K.}, - title = {Emergence of rhythm during motor learning}, - journal = {Trends Cogn Sci}, - volume = {8}, - number = {12}, - pages = {547-53}, - ISSN = {1364-6613 (Print) -1364-6613 (Linking)}, - DOI = {10.1016/j.tics.2004.10.005}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15556024}, - year = {2004}, +@article{RN2715, + author = {Habas, C. and Cabanis, E. A.}, + title = {Anatomical parcellation of the brainstem and cerebellar white matter: a preliminary probabilistic tractography study at 3 T}, + journal = {Neuroradiology}, + volume = {49}, + number = {10}, + pages = {849-63}, + ISSN = {1432-1920 (Electronic) +0028-3940 (Linking)}, + DOI = {10.1007/s00234-007-0267-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17701168}, + year = {2007}, type = {Journal Article} } -@article{RN2089, - author = {Robertson, E. M. and Pascual-Leone, A. and Press, D. Z.}, - title = {Awareness modifies the skill-learning benefits of sleep}, - journal = {Curr Biol}, - volume = {14}, +@article{RN2714, + author = {Thomsen, K. and Piilgaard, H. and Gjedde, A. and Bonvento, G. and Lauritzen, M.}, + title = {Principal cell spiking, postsynaptic excitation, and oxygen consumption in the rat cerebellar cortex}, + journal = {J Neurophysiol}, + volume = {102}, number = {3}, - pages = {208-12}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761652}, - year = {2004}, + pages = {1503-12}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00289.2009 [pii] +10.1152/jn.00289.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19571198}, + year = {2009}, type = {Journal Article} } -@article{RN2082, - author = {Robertson, E. M. and Pascual-Leone, A. and Press, D. Z.}, - title = {Awareness modifies the skill-learning benefits of sleep}, - journal = {Curr Biol}, - volume = {14}, - number = {3}, - pages = {208-12}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761652}, - year = {2004}, +@article{RN2713, + author = {Yang, G. and Chen, G. and Ebner, T. J. and Iadecola, C.}, + title = {Nitric oxide is the predominant mediator of cerebellar hyperemia during somatosensory activation in rats}, + journal = {Am J Physiol}, + volume = {277}, + number = {6 Pt 2}, + pages = {R1760-70}, + ISSN = {0002-9513 (Print) +0002-9513 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10600924}, + year = {1999}, type = {Journal Article} } -@article{RN2185, - author = {Robertson, E. M. and Pascual-Leone, A. and Miall, R. C.}, - title = {Current concepts in procedural consolidation}, - journal = {Nat Rev Neurosci}, - volume = {5}, - number = {7}, - pages = {576-82}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15208699}, - year = {2004}, +@article{RN2712, + author = {Yang, G. and Huard, J. M. and Beitz, A. J. and Ross, M. E. and Iadecola, C.}, + title = {Stellate neurons mediate functional hyperemia in the cerebellar molecular layer}, + journal = {J Neurosci}, + volume = {20}, + number = {18}, + pages = {6968-73}, + ISSN = {0270-6474 (Print) +0270-6474 (Linking)}, + DOI = {20/18/6968 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10995841}, + year = {2000}, type = {Journal Article} } -@article{RN2379, - author = {Rissman, J. and Gazzaley, A. and D'Esposito, M.}, - title = {Measuring functional connectivity during distinct stages of a cognitive task}, - journal = {Neuroimage}, - volume = {23}, - number = {2}, - pages = {752-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15488425}, - year = {2004}, +@article{RN2711, + author = {Liu, T. and Xu, D. and Ashe, J. and Bushara, K.}, + title = {Specificity of inferior olive response to stimulus timing}, + journal = {J Neurophysiol}, + volume = {100}, + number = {3}, + pages = {1557-61}, + ISSN = {0022-3077 (Print) +0022-3077 (Linking)}, + DOI = {00961.2007 [pii] +10.1152/jn.00961.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18632890}, + year = {2008}, type = {Journal Article} } -@article{RN2256, - author = {Redish, A. D.}, - title = {Addiction as a computational process gone awry}, - journal = {Science}, - volume = {306}, - number = {5703}, - pages = {1944-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15591205}, - year = {2004}, +@article{RN2710, + author = {Fox, P. T. and Raichle, M. E. and Thach, W. T.}, + title = {Functional mapping of the human cerebellum with positron emission tomography}, + journal = {Proc Natl Acad Sci U S A}, + volume = {82}, + number = {21}, + pages = {7462-6}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3877309}, + year = {1985}, type = {Journal Article} } -@article{RN3652, - author = {Penny, W. D. and Stephan, K. E. and Mechelli, A. and Friston, K. J.}, - title = {Comparing dynamic causal models}, - journal = {Neuroimage}, - volume = {22}, - number = {3}, - pages = {1157-72}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1016/j.neuroimage.2004.03.026}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/15219588}, - year = {2004}, +@article{RN2709, + author = {Cirstea, M. C. and Levin, M. F.}, + title = {Compensatory strategies for reaching in stroke}, + journal = {Brain}, + volume = {123 ( Pt 5)}, + pages = {940-53}, + ISSN = {0006-8950 (Print) +0006-8950 (Linking)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10775539}, + year = {2000}, type = {Journal Article} } -@article{RN2344, - author = {Padoa-Schioppa, C. and Li, C. S. and Bizzi, E.}, - title = {Neuronal activity in the supplementary motor area of monkeys adapting to a new dynamic environment}, - journal = {J Neurophysiol}, - volume = {91}, - number = {1}, - pages = {449-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968016}, - year = {2004}, - type = {Journal Article} +@inproceedings{RN2708, + author = {Peters, J. and Schaal, S.}, + title = {Using reward-weighted regression for reinforcement learning of task space control}, + booktitle = {IEEE Symposium on approximate dynamic programming and reinforcement learning }, + pages = {262-267}, + url = {http://www-clmc.usc.edu/publications/P/peters-ADPRL2007.pdf}, + type = {Conference Proceedings} } -@article{RN2645, - author = {Osu, R. and Hirai, S. and Yoshioka, T. and Kawato, M.}, - title = {Random presentation enables subjects to adapt to two opposing forces on the hand}, - journal = {Nat Neurosci}, - volume = {7}, - number = {2}, - pages = {111-2}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14745452 }, - year = {2004}, +@article{RN2707, + author = {Galea, J. M. and Jayaram, G. and Ajagbe, L. and Celnik, P.}, + title = {Modulation of cerebellar excitability by polarity-specific noninvasive direct current stimulation}, + journal = {J Neurosci}, + volume = {29}, + number = {28}, + pages = {9115-22}, + ISSN = {1529-2401 (Electronic) +0270-6474 (Linking)}, + DOI = {29/28/9115 [pii] +10.1523/JNEUROSCI.2184-09.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19605648}, + year = {2009}, type = {Journal Article} } -@article{RN3534, - author = {Murase, N. and Duque, J. and Mazzocchio, R. and Cohen, L. G.}, - title = {Influence of interhemispheric interactions on motor function in chronic stroke}, - journal = {Ann Neurol}, - volume = {55}, - number = {3}, - pages = {400-9}, - ISSN = {0364-5134 (Print) -0364-5134 (Linking)}, - DOI = {10.1002/ana.10848}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/14991818}, - year = {2004}, +@article{RN2706, + author = {Todorov, E.}, + title = {Probabilistic inference of multijoint movements, skeletal parameters and marker attachments from diverse motion capture data}, + journal = {IEEE Trans Biomed Eng}, + volume = {54}, + number = {11}, + pages = {1927-39}, + ISSN = {0018-9294 (Print) +0018-9294 (Linking)}, + DOI = {10.1109/TBME.2007.903521}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18018688}, + year = {2007}, type = {Journal Article} } -@article{RN2115, - author = {Miall, R. C. and Jenkinson, N. and Kulkarni, K.}, - title = {Adaptation to rotated visual feedback: a re-examination of motor interference}, - journal = {Exp Brain Res}, - volume = {154}, +@article{RN2705, + author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {A modular planar robotic manipulandum with end-point torque control}, + journal = {J Neurosci Methods}, + volume = {181}, number = {2}, - pages = {201-10}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14608451}, - year = {2004}, + pages = {199-211}, + ISSN = {1872-678X (Electronic) +0165-0270 (Linking)}, + DOI = {S0165-0270(09)00263-5 [pii] +10.1016/j.jneumeth.2009.05.005}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19450621}, + year = {2009}, type = {Journal Article} } -@article{RN2197, - author = {Medendorp, W. P. and Goltz, H. C. and Crawford, J. D. and Vilis, T.}, - title = {Integration of target and effector information in human posterior parietal cortex for the planning of action}, - journal = {J Neurophysiol}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15356184}, - year = {2004}, +@article{RN2704, + author = {Tresch, M. C. and Jarc, A.}, + title = {The case for and against muscle synergies}, + journal = {Curr Opin Neurobiol}, + ISSN = {1873-6882 (Electronic) +0959-4388 (Linking)}, + DOI = {S0959-4388(09)00124-X [pii] +10.1016/j.conb.2009.09.002}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19828310}, + year = {2009}, type = {Journal Article} } -@article{RN2075, - author = {McNaughton, S. and Timmann, D. and Watts, S. and Hore, J.}, - title = {Overarm throwing speed in cerebellar subjects: effect of timing of ball release}, +@article{RN2703, + author = {Ingram, J. N. and Kording, K. P. and Howard, I. S. and Wolpert, D. M.}, + title = {The statistics of natural hand movements}, journal = {Exp Brain Res}, - volume = {154}, - number = {4}, - pages = {470-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14579002}, - year = {2004}, - type = {Journal Article} -} - -@article{RN2797, - author = {Maschke, M. and Weber, J. and Dimitrova, A. and Bonnet, U. and Bohrenkamper, J. and Sturm, S. and Kindsvater, K. and Muller, B. W. and Gastpar, M. and Diener, H. C. and Forsting, M. and Timmann, D.}, - title = {Age-related changes of the dentate nuclei in normal adults as revealed by 3D fast low angle shot (FLASH) echo sequence magnetic resonance imaging}, - journal = {J Neurol}, - volume = {251}, - number = {6}, - pages = {740-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15311352 }, - year = {2004}, + volume = {188}, + number = {2}, + pages = {223-36}, + ISSN = {1432-1106 (Electronic) +1432-1106 (Linking)}, + DOI = {10.1007/s00221-008-1355-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18369608}, + year = {2008}, type = {Journal Article} } -@article{RN2051, - author = {Maschke, M. and Gomez, C. M. and Ebner, T. J. and Konczak, J.}, - title = {Hereditary cerebellar ataxia progressively impairs force adaptation during goal-directed arm movements}, - journal = {J Neurophysiol}, - volume = {91}, - number = {1}, - pages = {230-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13679403}, - year = {2004}, +@article{RN2702, + author = {Han, C. E. and Arbib, M. A. and Schweighofer, N.}, + title = {Stroke rehabilitation reaches a threshold}, + journal = {PLoS Comput Biol}, + volume = {4}, + number = {8}, + pages = {e1000133}, + ISSN = {1553-7358 (Electronic)}, + DOI = {10.1371/journal.pcbi.1000133}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18769588}, + year = {2008}, type = {Journal Article} } -@article{RN2184, - author = {Marotta, J. J. and Keith, G. P. and Crawford, J. D.}, - title = {Task-Specific Sensorimotor Adaptation to Reversing Prisms}, - journal = {J Neurophysiol}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385588}, - year = {2004}, +@article{RN2701, + author = {Nishida, M. and Pearsall, J. and Buckner, R. L. and Walker, M. P.}, + title = {REM sleep, prefrontal theta, and the consolidation of human emotional memory}, + journal = {Cereb Cortex}, + volume = {19}, + number = {5}, + pages = {1158-66}, + ISSN = {1460-2199 (Electronic) +1460-2199 (Linking)}, + DOI = {bhn155 [pii] +10.1093/cercor/bhn155}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18832332}, + year = {2009}, type = {Journal Article} } -@article{RN2717, - author = {Manni, E. and Petrosini, L.}, - title = {A century of cerebellar somatotopy: a debated representation}, - journal = {Nat Rev Neurosci}, - volume = {5}, +@article{RN2700, + author = {Takashima, A. and Petersson, K. M. and Rutters, F. and Tendolkar, I. and Jensen, O. and Zwarts, M. J. and McNaughton, B. L. and Fernandez, G.}, + title = {Declarative memory consolidation in humans: a prospective functional magnetic resonance imaging study}, + journal = {Proc Natl Acad Sci U S A}, + volume = {103}, number = {3}, - pages = {241-9}, - ISSN = {1471-003X (Print) -1471-003X (Linking)}, - DOI = {10.1038/nrn1347 -nrn1347 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14976523}, - year = {2004}, + pages = {756-61}, + ISSN = {0027-8424 (Print) +0027-8424 (Linking)}, + DOI = {0507774103 [pii] +10.1073/pnas.0507774103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16407110}, + year = {2006}, type = {Journal Article} } -@article{RN2493, - author = {Li, W. and Todorov, E. and Pan, X.}, - title = {Hierarchical optimal control of redundant biomechanical systems}, - journal = {Conf Proc IEEE Eng Med Biol Soc}, - volume = {6}, - pages = {4618-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17271336 }, - year = {2004}, +@article{RN2697, + author = {Kriegeskorte, N. and Mur, M. and Bandettini, P.}, + title = {Representational similarity analysis - connecting the branches of systems neuroscience}, + journal = {Front Syst Neurosci}, + volume = {2}, + pages = {4}, + ISSN = {1662-5137 (Electronic)}, + DOI = {10.3389/neuro.06.004.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19104670}, + year = {2008}, type = {Journal Article} } -@article{RN2365, - author = {Lewis, P. A. and Wing, A. M. and Pope, P. A. and Praamstra, P. and Miall, R. C.}, - title = {Brain activity correlates differentially with increasing temporal complexity of rhythms during initialisation, synchronisation, and continuation phases of paced finger tapping}, - journal = {Neuropsychologia}, - volume = {42}, - number = {10}, - pages = {1301-12}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15193939}, - year = {2004}, +@article{RN2696, + author = {van Beers, R. J. and Sittig, A. C. and Denier van der Gon, J. J.}, + title = {How humans combine simultaneous proprioceptive and visual position information}, + journal = {Exp Brain Res}, + volume = {111}, + number = {2}, + pages = {253-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8891655 }, + year = {1996}, type = {Journal Article} } -@article{RN2356, - author = {Lehericy, S. and Ducros, M. and Van de Moortele, P. F. and Francois, C. and Thivard, L. and Poupon, C. and Swindale, N. and Ugurbil, K. and Kim, D. S.}, - title = {Diffusion tensor fiber tracking shows distinct corticostriatal circuits in humans}, - journal = {Ann Neurol}, - volume = {55}, +@article{RN2695, + author = {van Beers, R. J. and Sittig, A. C. and Denier van der Gon, J. J.}, + title = {The precision of proprioceptive position sense}, + journal = {Exp Brain Res}, + volume = {122}, number = {4}, - pages = {522-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15048891}, - year = {2004}, - type = {Journal Article} -} - -@article{RN3344, - author = {Lang, C. E. and Schieber, M. H.}, - title = {Human finger independence: limitations due to passive mechanical coupling versus active neuromuscular control}, - journal = {J Neurophysiol}, - volume = {92}, - number = {5}, - pages = {2802-10}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00480.2004}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15212429}, - year = {2004}, + pages = {367-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9827856 }, + year = {1998}, type = {Journal Article} } -@article{RN3100, - author = {Lang, C. E. and Schieber, M. H.}, - title = {Reduced muscle selectivity during individuated finger movements in humans after damage to the motor cortex or corticospinal tract}, - journal = {J Neurophysiol}, - volume = {91}, +@article{RN2694, + author = {Elliott, D. and Heath, M. and Binsted, G. and Ricker, K. L. and Roy, E. A. and Chua, R.}, + title = {Goal-Directed Aiming: Correcting a Force-Specification Error With the Right and Left Hands}, + journal = {J Mot Behav}, + volume = {31}, number = {4}, - pages = {1722-33}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00805.2003 -00805.2003 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14668295}, - year = {2004}, + pages = {309-324}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11177640 }, + year = {1999}, type = {Journal Article} } -@article{RN2155, - author = {Krakauer, J. W. and Ghilardi, M. F. and Mentis, M. and Barnes, A. and Veytsman, M. and Eidelberg, D. and Ghez, C.}, - title = {Differential cortical and subcortical activations in learning rotations and gains for reaching: a PET study}, - journal = {J Neurophysiol}, - volume = {91}, +@article{RN2693, + author = {Roy, E. A. and Elliott, D.}, + title = {Manual asymmetries in visually directed aiming}, + journal = {Can J Psychol}, + volume = {40}, number = {2}, - pages = {924-33}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14523069}, - year = {2004}, + pages = {109-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3730950 }, + year = {1986}, type = {Journal Article} } -@article{RN2263, - author = {Koyama, M. and Hasegawa, I. and Osada, T. and Adachi, Y. and Nakahara, K. and Miyashita, Y.}, - title = {Functional magnetic resonance imaging of macaque monkeys performing visually guided saccade tasks: comparison of cortical eye fields with humans}, - journal = {Neuron}, - volume = {41}, - number = {5}, - pages = {795-807}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15003178}, - year = {2004}, +@article{RN2692, + author = {Mieschke, P. E. and Elliott, D. and Helsen, W. F. and Carson, R. G. and Coull, J. A.}, + title = {Manual asymmetries in the preparation and control of goal-directed movements}, + journal = {Brain Cogn}, + volume = {45}, + number = {1}, + pages = {129-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11161367 }, + year = {2001}, type = {Journal Article} } -@article{RN2255, - author = {Kording, K. P. and Wolpert, D. M.}, - title = {Bayesian integration in sensorimotor learning}, - journal = {Nature}, - volume = {427}, - number = {6971}, - pages = {244-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14724638}, - year = {2004}, +@article{RN2691, + author = {Carnahan, H.}, + title = {Manual asymmetries in response to rapid target movement}, + journal = {Brain Cogn}, + volume = {37}, + number = {2}, + pages = {237-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9665745 }, + year = {1998}, type = {Journal Article} } -@article{RN2253, - author = {Kording, K. P. and Wolpert, D. M.}, - title = {The loss function of sensorimotor learning}, - journal = {Proc Natl Acad Sci U S A}, - volume = {101}, - number = {26}, - pages = {9839-42}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15210973}, - year = {2004}, +@article{RN2690, + author = {Todor, J. I. and Cisneros, J.}, + title = {Accommodation to increased accuracy demands by the right and left hands}, + journal = {J Mot Behav}, + volume = {17}, + number = {3}, + pages = {355-72}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15140687 }, + year = {1985}, type = {Journal Article} } -@article{RN2254, - author = {Kording, K. P. and Ku, S. P. and Wolpert, D. M.}, - title = {Bayesian integration in force estimation}, - journal = {J Neurophysiol}, - volume = {92}, - number = {5}, - pages = {3161-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15190091}, - year = {2004}, - type = {Journal Article} +@misc{RN2689, + pages = {367.26}, + year = {2009}, + type = {Conference Paper} } -@article{RN2252, - author = {Kording, K. P. and Fukunaga, I. and Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, - title = {A neuroeconomics approach to inferring utility functions in sensorimotor control}, - journal = {PLoS Biol}, - volume = {2}, - number = {10}, - pages = {e330}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15383835}, - year = {2004}, +@article{RN2688, + author = {Sainburg, R. L.}, + title = {Handedness: differential specializations for control of trajectory and position}, + journal = {Exerc Sport Sci Rev}, + volume = {33}, + number = {4}, + pages = {206-13}, + ISSN = {0091-6331 (Print)}, + DOI = {00003677-200510000-00010 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16239839}, + year = {2005}, type = {Journal Article} } -@article{RN2190, - author = {Kojima, Y. and Iwamoto, Y. and Yoshida, K.}, - title = {Memory of learning facilitates saccadic adaptation in the monkey}, - journal = {J Neurosci}, - volume = {24}, - number = {34}, - pages = {7531-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15329400}, - year = {2004}, +@article{RN2687, + author = {Schaefer, S. Y. and Haaland, K. Y. and Sainburg, R. L.}, + title = {Hemispheric specialization and functional impact of ipsilesional deficits in movement coordination and accuracy}, + journal = {Neuropsychologia}, + volume = {47}, + number = {13}, + pages = {2953-66}, + ISSN = {1873-3514 (Electronic)}, + DOI = {S0028-3932(09)00275-9 [pii] +10.1016/j.neuropsychologia.2009.06.025}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19573544}, + year = {2009}, type = {Journal Article} } -@article{RN2950, - author = {Kennerley, S. W. and Sakai, K. and Rushworth, M. F.}, - title = {Organization of action sequences and the role of the pre-SMA}, +@article{RN2686, + author = {Shabbott, B. A. and Sainburg, R. L.}, + title = {Differentiating between two models of motor lateralization}, journal = {J Neurophysiol}, - volume = {91}, + volume = {100}, number = {2}, - pages = {978-93}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00651.2003 -00651.2003 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14573560}, - year = {2004}, + pages = {565-75}, + ISSN = {0022-3077 (Print)}, + DOI = {90349.2008 [pii] +10.1152/jn.90349.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18497366}, + year = {2008}, type = {Journal Article} } -@article{RN2432, - author = {Ivry, R. B. and Spencer, R. M.}, - title = {The neural representation of time}, - journal = {Curr Opin Neurobiol}, - volume = {14}, - number = {2}, - pages = {225-32}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15082329 }, - year = {2004}, +@article{RN2685, + author = {Sainburg, R. L.}, + title = {Handedness: differential specializations for control of trajectory and position}, + journal = {Exerc Sport Sci Rev}, + volume = {33}, + number = {4}, + pages = {206-13}, + ISSN = {0091-6331 (Print)}, + DOI = {00003677-200510000-00010 [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16239839}, + year = {2005}, type = {Journal Article} } -@inproceedings{RN2131, - author = {Ivry, R. B. and Spencer, R. M.}, - title = {How might the cerbellum contribute to sequence learning}, - booktitle = {Motor Learning & Plasticity Satellite Meeting of the Neural Control of Movement Conference}, - type = {Conference Proceedings} +@article{RN2684, + author = {Fujita, M.}, + title = {Feed-forward associative learning for volitional movement control}, + journal = {Neurosci Res}, + volume = {52}, + number = {2}, + pages = {153-65}, + ISSN = {0168-0102 (Print)}, + DOI = {S0168-0102(05)00065-9 [pii] +10.1016/j.neures.2005.02.006}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15893576}, + year = {2005}, + type = {Journal Article} } -@inbook{RN1014, - author = {Ivry, R. B. and Diedrichsen, J. and Spencer, R. M. and Hazeltine, E. and Semjen, A.}, - title = {A cognitive neuroscience perspective on bimanual coordination and interference}, - booktitle = {Interlimb Coordination}, - editor = {Swinnen, S. and Duysens, J.}, - publisher = {Kluwer Academic Publishing}, - address = {Boston}, - pages = {259-295}, - year = {2004}, +@inbook{RN2683, + author = {Kawato, M.}, + title = {Learning internal models of the motor apparatus}, + booktitle = {The Acquisition of Motor Behaviors in Vertebrates}, + editor = {Bloedel, J. R., Ebner T.J.,Wise S.P.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {409-430}, + url = {http://books.google.co.uk/books?hl=en&lr=&id=1A1poktxUzgC&oi=fnd&pg=PA409&dq=Learning+internal+models+of+the+motor+apparatus+Kawato&ots=y3NUSze9A-&sig=bzKHSbQb7wS-IrRIZwKd5rCJcOQ#v=onepage&q=Learning%20internal%20models%20of%20the%20motor%20apparatus%20Kawato&f=false}, + year = {1996}, type = {Book Section} } -@article{RN2059, - author = {Imamizu, H. and Kuroda, T. and Yoshioka, T. and Kawato, M.}, - title = {Functional magnetic resonance imaging examination of two modular architectures for switching multiple internal models}, - journal = {J Neurosci}, - volume = {24}, - number = {5}, - pages = {1173-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14762135}, - year = {2004}, - type = {Journal Article} +@misc{RN2682, + pages = {702.8}, + year = {2009}, + type = {Conference Paper} } -@article{RN2189, - author = {Huber, R. and Ghilardi, M. F. and Massimini, M. and Tononi, G.}, - title = {Local sleep and learning}, - journal = {Nature}, - volume = {430}, - number = {6995}, - pages = {78-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15184907}, - year = {2004}, +@article{RN2681, + author = {Howarth, C. and Peppiatt-Wildman, C. M. and Attwell, D.}, + title = {The energy use associated with neural computation in the cerebellum}, + journal = {J Cereb Blood Flow Metab}, + ISSN = {1559-7016 (Electronic)}, + DOI = {jcbfm2009231 [pii] +10.1038/jcbfm.2009.231}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19888288}, + year = {2009}, type = {Journal Article} } -@inbook{RN2476, - author = {Horton, J C and Sincich, L C}, - title = {A new foundation for the visual cortical hierachy}, - booktitle = {The cognitive neurosciences III}, - editor = {Gazzaniga, M. S.}, - publisher = {MIT Press }, - address = {Boston}, - pages = {233-243}, - year = {2004}, - type = {Book Section} +@article{RN2679, + author = {Cothros, N. and Wong, J. and Gribble, P. L.}, + title = {Visual cues signaling object grasp reduce interference in motor learning}, + journal = {J Neurophysiol}, + volume = {102}, + number = {4}, + pages = {2112-20}, + ISSN = {1522-1598 (Electronic)}, + DOI = {00493.2009 [pii] +10.1152/jn.00493.2009}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19657075}, + year = {2009}, + type = {Journal Article} } -@article{RN2049, - author = {Horn, K. M. and Pong, M. and Gibson, A. R.}, - title = {Discharge of inferior olive cells during reaching errors and perturbations}, - journal = {Brain Res}, - volume = {996}, - number = {2}, - pages = {148-58}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14697492}, - year = {2004}, +@article{RN2678, + author = {Diedrichsen, J. and Balsters, J. H. and Flavell, J. and Cussans, E. and Ramnani, N.}, + title = {A probabilistic MR atlas of the human cerebellum}, + journal = {Neuroimage}, + volume = {46}, + number = {1}, + pages = {39-46}, + ISSN = {1095-9572 (Electronic)}, + DOI = {10.1016/j.neuroimage.2009.01.045}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19457380}, + year = {2009}, type = {Journal Article} } -@article{RN2609, - author = {Holroyd, C. B. and Nieuwenhuis, S. and Yeung, N. and Nystrom, L. and Mars, R. B. and Coles, M. G. and Cohen, J. D.}, - title = {Dorsal anterior cingulate cortex shows fMRI response to internal and external error signals}, - journal = {Nat Neurosci}, - volume = {7}, - number = {5}, - pages = {497-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15097995 }, - year = {2004}, +@article{RN2677, + author = {Takahashi, C. and Diedrichsen, J. and Watt, S. J.}, + title = {Integration of vision and haptics during tool use}, + journal = {J Vis}, + volume = {9}, + number = {6}, + pages = {3 1-13}, + ISSN = {1534-7362 (Electronic)}, + DOI = {10.1167/9.6.3 +/9/6/3/ [pii]}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19761294}, + year = {2009}, type = {Journal Article} } -@article{RN2487, - author = {Hillis, J. M. and Watt, S. J. and Landy, M. S. and Banks, M. S.}, - title = {Slant from texture and disparity cues: optimal cue combination}, - journal = {J Vis}, - volume = {4}, - number = {12}, - pages = {967-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15669906 }, - year = {2004}, +@article{RN2675, + author = {Zajac, F. E.}, + title = {Muscle and tendon: properties, models, scaling, and application to biomechanics and motor control}, + journal = {Crit Rev Biomed Eng}, + volume = {17}, + number = {4}, + pages = {359-411}, + ISSN = {0278-940X (Print)}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2676342}, + year = {1989}, type = {Journal Article} } -@article{RN2096, - author = {Hasson, U. and Nir, Y. and Levy, I. and Fuhrmann, G. and Malach, R.}, - title = {Intersubject synchronization of cortical activity during natural vision}, - journal = {Science}, - volume = {303}, - number = {5664}, - pages = {1634-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15016991}, - year = {2004}, +@article{RN2674, + author = {Diedrichsen, J. and Dowling, N.}, + title = {Bimanual coordination as task-dependent linear control policies}, + journal = {Hum Mov Sci}, + volume = {28}, + number = {3}, + pages = {334-47}, + ISSN = {1872-7646 (Electronic)}, + DOI = {S0167-9457(08)00100-0 [pii] +10.1016/j.humov.2008.10.003}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19131136}, + year = {2009}, type = {Journal Article} } -@article{RN2445, - author = {Harrington, D. L. and Boyd, L. A. and Mayer, A. R. and Sheltraw, D. M. and Lee, R. R. and Huang, M. and Rao, S. M.}, - title = {Neural representation of interval encoding and decision making}, - journal = {Brain Res Cogn Brain Res}, - volume = {21}, - number = {2}, - pages = {193-205}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15464351 }, - year = {2004}, +@article{RN2673, + author = {Mutha, P. K. and Sainburg, R. L.}, + title = {Shared Bimanual Tasks Elicit Bimanual Reflexes during Movement}, + journal = {J Neurophysiol}, + ISSN = {0022-3077 (Print)}, + DOI = {91335.2008 [pii] +10.1152/jn.91335.2008}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19793874}, + year = {2009}, type = {Journal Article} } -@article{RN2099, - author = {Handwerker, D. A. and Ollinger, J. M. and D'Esposito, M.}, - title = {Variation of BOLD hemodynamic responses across subjects and brain regions and their effects on statistical analyses}, - journal = {Neuroimage}, - volume = {21}, - number = {4}, - pages = {1639-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15050587}, - year = {2004}, +@article{RN2672, + author = {Liu, D. and Todorov, E.}, + title = {Evidence for the flexible sensorimotor strategies predicted by optimal feedback control}, + journal = {J Neurosci}, + volume = {27}, + number = {35}, + pages = {9354-68}, + ISSN = {1529-2401 (Electronic)}, + DOI = {27/35/9354 [pii] +10.1523/JNEUROSCI.1110-06.2007}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17728449}, + year = {2007}, type = {Journal Article} } -@inbook{RN2475, - author = {Hackert, T. A. and Kaas, J. H.}, - title = {Auditory cortex in primates: Functional subdivisions and processing streams }, - booktitle = {The cognitive Neurosciences III}, - editor = {Gazzaniga, M. S.}, +@inbook{RN2671, + author = {Saltzman, E L}, + title = {Dynamics and coordinate systems in skilled senorimotor activity}, + booktitle = {Mind as motion: explorations in the dynamics of cognition}, + editor = {Port, R. F. and Van Gelder, T}, publisher = {MIT Press}, - address = {Boston}, - pages = {215-232}, - year = {2004}, + address = {Cambridge, MA}, + year = {1979}, type = {Book Section} } -@article{RN2160, - author = {Haaland, K. Y. and Elsinger, C. L. and Mayer, A. R. and Durgerian, S. and Rao, S. M.}, - title = {Motor sequence complexity and performing hand produce differential patterns of hemispheric lateralization}, - journal = {J Cogn Neurosci}, - volume = {16}, - number = {4}, - pages = {621-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15165352}, - year = {2004}, +@article{RN2670, + author = {Badre, D.}, + title = {Cognitive control, hierarchy, and the rostro-caudal organization of the frontal lobes}, + journal = {Trends Cogn Sci}, + volume = {12}, + number = {5}, + pages = {193-200}, + ISSN = {1364-6613 (Print)}, + DOI = {S1364-6613(08)00061-2 [pii] +10.1016/j.tics.2008.02.004}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18403252}, + year = {2008}, type = {Journal Article} } -@article{RN2787, - author = {Haacke, E. M. and Xu, Y. and Cheng, Y. C. and Reichenbach, J. R.}, - title = {Susceptibility weighted imaging (SWI)}, - journal = {Magn Reson Med}, - volume = {52}, +@article{RN2669, + author = {Uno, Y. and Kawato, M. and Suzuki, R.}, + title = {Formation and control of optimal trajectory in human multijoint arm movement. Minimum torque-change model}, + journal = {Biol Cybern}, + volume = {61}, + number = {2}, + pages = {89-101}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2742921 }, + year = {1989}, + type = {Journal Article} +} + +@article{RN2668, + author = {Hoff, B. and Arbib, M. A.}, + title = {Models of Trajectory Formation and Temporal Interaction of Reach and Grasp}, + journal = {J Mot Behav}, + volume = {25}, number = {3}, - pages = {612-8}, - ISSN = {0740-3194 (Print) -0740-3194 (Linking)}, - DOI = {10.1002/mrm.20198}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15334582}, - year = {2004}, + pages = {175-192}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12581988 }, + year = {1993}, type = {Journal Article} } -@article{RN2043, - author = {Greger, B. and Norris, S. A. and Thach, W. T.}, - title = {Spike firing in the lateral cerebellar cortex correlated with movement and motor parameters irrespective of the effector limb}, +@article{RN2667, + author = {Karst, G. M. and Hasan, Z.}, + title = {Timing and magnitude of electromyographic activity for two-joint arm movements in different directions}, journal = {J Neurophysiol}, - volume = {91}, - number = {1}, - pages = {576-82}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12878717}, - year = {2004}, + volume = {66}, + number = {5}, + pages = {1594-604}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1765796 }, + year = {1991}, type = {Journal Article} } -@article{RN2258, - author = {Grefkes, C. and Ritzl, A. and Zilles, K. and Fink, G. R.}, - title = {Human medial intraparietal cortex subserves visuomotor coordinate transformation}, - journal = {Neuroimage}, - volume = {23}, - number = {4}, - pages = {1494-506}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15589113}, - year = {2004}, +@article{RN2666, + author = {Scholz, J. P. and Schoner, G.}, + title = {The uncontrolled manifold concept: identifying control variables for a functional task}, + journal = {Exp Brain Res}, + volume = {126}, + number = {3}, + pages = {289-306}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10382616 }, + year = {1999}, type = {Journal Article} } -@article{RN3125, - author = {Graziano, M. S. and Patel, K. T. and Taylor, C. S.}, - title = {Mapping from motor cortex to biceps and triceps altered by elbow angle}, +@article{RN2664, + author = {Mussa Ivaldi, F. A. and Morasso, P. and Zaccaria, R.}, + title = {Kinematic networks. A distributed model for representing and regularizing motor redundancy}, + journal = {Biol Cybern}, + volume = {60}, + number = {1}, + pages = {1-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3214648 }, + year = {1988}, + type = {Journal Article} +} + +@article{RN2663, + author = {Ting, L. H. and Macpherson, J. M.}, + title = {A limited set of muscle synergies for force control during a postural task}, journal = {J Neurophysiol}, - volume = {92}, + volume = {93}, number = {1}, - pages = {395-407}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.01241.2003 -01241.2003 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14985414}, - year = {2004}, + pages = {609-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15342720 }, + year = {2005}, type = {Journal Article} } -@inbook{RN2415, - author = {Grafton, S. and Ivry, R.B.}, - title = {The representation of action. }, - booktitle = {The Cognitive Neurosciences, 3rd Edition}, - editor = {Gazzaniga, M. S.}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - pages = {441-451}, - year = {2004}, - type = {Book Section} +@article{RN2662, + author = {d'Avella, A. and Portone, A. and Fernandez, L. and Lacquaniti, F.}, + title = {Control of fast-reaching movements by muscle synergy combinations}, + journal = {J Neurosci}, + volume = {26}, + number = {30}, + pages = {7791-810}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16870725 }, + year = {2006}, + type = {Journal Article} } -@article{RN3081, - author = {Goodman, S. R. and Latash, M. L. and Zatsiorsky, V. M.}, - title = {Indices of nonlinearity in finger force interaction}, - journal = {Biol Cybern}, - volume = {90}, +@article{RN2661, + author = {Overduin, S. A. and d'Avella, A. and Roh, J. and Bizzi, E.}, + title = {Modulation of muscle synergy recruitment in primate grasping}, + journal = {J Neurosci}, + volume = {28}, number = {4}, - pages = {264-71}, - ISSN = {0340-1200 (Print) -0340-1200 (Linking)}, - DOI = {10.1007/s00422-004-0466-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15085345}, - year = {2004}, + pages = {880-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18216196 }, + year = {2008}, type = {Journal Article} } -@article{RN3007, - author = {Floyer-Lea, A. and Matthews, P. M.}, - title = {Changing brain networks for visuomotor control with increased movement automaticity}, +@article{RN2660, + author = {Valero-Cuevas, F. J. and Venkadesan, M. and Todorov, E.}, + title = {Structured variability of muscle activations supports the minimal intervention principle of motor control}, journal = {J Neurophysiol}, - volume = {92}, - number = {4}, - pages = {2405-12}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.01092.2003 -92/4/2405 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15381748}, - year = {2004}, + volume = {102}, + number = {1}, + pages = {59-68}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19369362 }, + year = {2009}, type = {Journal Article} } -@article{RN2107, - author = {Diedrichsen, J. and Werner, S. and Schmidt, T. and Trommershauser, J.}, - title = {Immediate spatial distortions of pointing movements induced by visual landmarks}, - journal = {Percept Psychophys}, - volume = {66}, - number = {1}, - pages = {89-103}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15095943}, - year = {2004}, +@article{RN2659, + author = {Kutch, J. J. and Kuo, A. D. and Bloch, A. M. and Rymer, W. Z.}, + title = {Endpoint force fluctuations reveal flexible rather than synergistic patterns of muscle cooperation}, + journal = {J Neurophysiol}, + volume = {100}, + number = {5}, + pages = {2455-71}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18799603 }, + year = {2008}, type = {Journal Article} } -@article{RN2106, - author = {Diedrichsen, J. and Nambisan, R. and Kennerley, S. W. and Ivry, R. B.}, - title = {Independent on-line control of the two hands during bimanual reaching}, - journal = {Eur J Neurosci}, - volume = {19}, - number = {6}, - pages = {1643-52}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15066160}, - year = {2004}, +@article{RN2658, + author = {Friston, K.}, + title = {The free-energy principle: a rough guide to the brain?}, + journal = {Trends Cogn Sci}, + volume = {13}, + number = {7}, + pages = {293-301}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19559644 }, + year = {2009}, type = {Journal Article} } -@inproceedings{RN2144, - author = {Diedrichsen, Jörn and Ivry, Richard B. and Shadmehr, Reza}, - title = {How do two movements become one?}, - booktitle = {Neural Control of Movement. Satellite: Motor Plasticity.}, - type = {Conference Proceedings} +@article{RN2657, + author = {Braun, D. A. and Ortega, P. A. and Wolpert, D. M.}, + title = {Nash equilibria in multi-agent motor interactions}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {8}, + pages = {e1000468}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19680426 }, + year = {2009}, + type = {Journal Article} } -@inproceedings{RN2150, - author = {Diedrichsen, J. and Hashambhoy, Yasmin L. and Shadmehr, R.}, - title = {fMRI based comparison of force- and visually-induced errors during reaching movements.}, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} +@article{RN2656, + author = {Baraduc, P. and Lang, N. and Rothwell, J. C. and Wolpert, D. M.}, + title = {Consolidation of dynamic motor learning is not disrupted by rTMS of primary motor cortex}, + journal = {Curr Biol}, + volume = {14}, + number = {3}, + pages = {252-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761660 }, + year = {2004}, + type = {Journal Article} } -@inproceedings{RN2145, - author = {Diedrichsen, J. and Donchin, O.}, - title = {Learning models: Structures, Signals and Noise}, - booktitle = {Computational Neuroscience. Workshop: State-space models for motor learning and adaptation}, - type = {Conference Proceedings} +@article{RN2655, + author = {Richardson, A. G. and Overduin, S. A. and Valero-Cabre, A. and Padoa-Schioppa, C. and Pascual-Leone, A. and Bizzi, E. and Press, D. Z.}, + title = {Disruption of primary motor cortex before learning impairs memory of movement dynamics}, + journal = {J Neurosci}, + volume = {26}, + number = {48}, + pages = {12466-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17135408 }, + year = {2006}, + type = {Journal Article} } -@article{RN2269, - author = {Desmurget, M. and Gaveau, V. and Vindras, P. and Turner, R. S. and Broussolle, E. and Thobois, S.}, - title = {On-line motor control in patients with Parkinson's disease}, - journal = {Brain}, - volume = {127}, - number = {Pt 8}, - pages = {1755-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15215215}, - year = {2004}, +@article{RN2654, + author = {Hadipour-Niktarash, A. and Lee, C. K. and Desmond, J. E. and Shadmehr, R.}, + title = {Impairment of retention but not acquisition of a visuomotor skill through time-dependent disruption of primary motor cortex}, + journal = {J Neurosci}, + volume = {27}, + number = {49}, + pages = {13413-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18057199 }, + year = {2007}, type = {Journal Article} } -@article{RN2108, - author = {Derakhshan, I. and Diedrichsen, J. and Hazeltine, E. and Ivry, R. B.}, - title = {Hugo Liepmann revisited, this time with numbers}, - journal = {J Neurophysiol}, - volume = {91}, - number = {6}, - pages = {2934-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15136607}, - year = {2004}, +@article{RN2653, + author = {Nitsche, M. A. and Schauenburg, A. and Lang, N. and Liebetanz, D. and Exner, C. and Paulus, W. and Tergau, F.}, + title = {Facilitation of implicit motor learning by weak transcranial direct current stimulation of the primary motor cortex in the human}, + journal = {J Cogn Neurosci}, + volume = {15}, + number = {4}, + pages = {619-26}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803972 }, + year = {2003}, type = {Journal Article} } -@article{RN2294, - author = {Della-Maggiore, V. and Malfait, N. and Ostry, D. J. and Paus, T.}, - title = {Stimulation of the posterior parietal cortex interferes with arm trajectory adjustments during the learning of new dynamics}, - journal = {J Neurosci}, - volume = {24}, - number = {44}, - pages = {9971-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15525782}, - year = {2004}, +@article{RN2652, + author = {Reis, J. and Schambra, H. M. and Cohen, L. G. and Buch, E. R. and Fritsch, B. and Zarahn, E. and Celnik, P. A. and Krakauer, J. W.}, + title = {Noninvasive cortical stimulation enhances motor skill acquisition over multiple days through an effect on consolidation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {106}, + number = {5}, + pages = {1590-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19164589 }, + year = {2009}, type = {Journal Article} } -@article{RN2369, - author = {Debicki, D. B. and Gribble, P. L. and Watts, S. and Hore, J.}, - title = {Kinematics of wrist joint flexion in overarm throws made by skilled subjects}, +@article{RN2651, + author = {Cohen, N. R. and Cross, E. S. and Wymbs, N. F. and Grafton, S. T.}, + title = {Transient disruption of M1 during response planning impairs subsequent offline consolidation}, journal = {Exp Brain Res}, - volume = {154}, - number = {3}, - pages = {382-94}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14598003}, - year = {2004}, + volume = {196}, + number = {2}, + pages = {303-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19462166 }, + year = {2009}, type = {Journal Article} } -@article{RN2121, - author = {Debaere, F. and Wenderoth, N. and Sunaert, S. and Van Hecke, P. and Swinnen, S. P.}, - title = {Changes in brain activation during the acquisition of a new bimanual coodination task}, - journal = {Neuropsychologia}, - volume = {42}, - number = {7}, - pages = {855-67}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14998701}, - year = {2004}, +@article{RN2650, + author = {Wymbs, N. F. and Grafton, S. T.}, + title = {Neural substrates of practice structure that support future off-line learning}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19692514 }, + year = {2009}, type = {Journal Article} } -@article{RN2228, - author = {Davidson, P. R. and Wolpert, D. M.}, - title = {Scaling down motor memories: de-adaptation after motor learning}, - journal = {Neurosci Lett}, - volume = {370}, - number = {2-3}, - pages = {102-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15488303}, - year = {2004}, +@article{RN2649, + author = {Muellbacher, W. and Ziemann, U. and Boroojerdi, B. and Cohen, L. and Hallett, M.}, + title = {Role of the human motor cortex in rapid motor learning}, + journal = {Exp Brain Res}, + volume = {136}, + number = {4}, + pages = {431-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11291723 }, + year = {2001}, type = {Journal Article} } -@article{RN2238, - author = {Curtis, C. E. and Cole, M. W. and Rao, V. Y. and D'Esposito, M.}, - title = {Canceling Planned Action: An fMRI Study of Countermanding Saccades}, - journal = {Cereb Cortex}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15616130}, - year = {2004}, +@article{RN2648, + author = {Muellbacher, W. and Ziemann, U. and Wissel, J. and Dang, N. and Kofler, M. and Facchini, S. and Boroojerdi, B. and Poewe, W. and Hallett, M.}, + title = {Early consolidation in human primary motor cortex}, + journal = {Nature}, + volume = {415}, + number = {6872}, + pages = {640-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11807497 }, + year = {2002}, type = {Journal Article} } -@article{RN3338, - author = {Costa, R. M. and Cohen, D. and Nicolelis, M. A.}, - title = {Differential corticostriatal plasticity during fast and slow motor skill learning in mice}, - journal = {Curr Biol}, - volume = {14}, - number = {13}, - pages = {1124-34}, - ISSN = {0960-9822 (Print) -0960-9822 (Linking)}, - DOI = {10.1016/j.cub.2004.06.053}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/15242609}, - year = {2004}, +@article{RN2646, + author = {Berniker, M. and Kording, K.}, + title = {Estimating the sources of motor errors for adaptation and generalization}, + journal = {Nat Neurosci}, + volume = {11}, + number = {12}, + pages = {1454-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19011624 }, + year = {2008}, type = {Journal Article} } -@article{RN2033, - author = {Cordo, P. J. and Gurfinkel, V. S.}, - title = {Motor coordination can be fully understood only by studying complex movements}, - journal = {Prog Brain Res}, - volume = {143}, - pages = {29-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14653148}, +@article{RN2645, + author = {Osu, R. and Hirai, S. and Yoshioka, T. and Kawato, M.}, + title = {Random presentation enables subjects to adapt to two opposing forces on the hand}, + journal = {Nat Neurosci}, + volume = {7}, + number = {2}, + pages = {111-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14745452 }, year = {2004}, type = {Journal Article} } -@article{RN2275, - author = {Cools, R. and Clark, L. and Robbins, T. W.}, - title = {Differential responses in human striatum and prefrontal cortex to changes in object and rule relevance}, - journal = {J Neurosci}, - volume = {24}, - number = {5}, - pages = {1129-35}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14762131}, - year = {2004}, - type = {Journal Article} +@inbook{RN2644, + author = {Shadmehr, R and Donchin, O and Hwang, EJ and Hemminger, SE and Rao, A }, + title = {Learning dynamics of reaching +}, + booktitle = {Motor Cortex in Voluntary Movements: A Distributed +System for Distributed Functions}, + editor = {Riehle A, Vaadia E.}, + publisher = {CRC Press}, + address = {Boca Raton, FL}, + pages = {297–328}, + year = {2005}, + type = {Book Section} } -@article{RN2211, - author = {Calhoun, V. D. and Stevens, M. C. and Pearlson, G. D. and Kiehl, K. A.}, - title = {fMRI analysis with the general linear model: removal of latency-induced amplitude bias by incorporation of hemodynamic derivative terms}, - journal = {Neuroimage}, - volume = {22}, +@article{RN2643, + author = {Conditt, M. A. and Gandolfo, F. and Mussa-Ivaldi, F. A.}, + title = {The motor system does not learn the dynamics of the arm by rote memorization of past experience}, + journal = {J Neurophysiol}, + volume = {78}, number = {1}, - pages = {252-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15110015}, - year = {2004}, + pages = {554-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9242306 }, + year = {1997}, type = {Journal Article} } -@article{RN2329, - author = {Buccino, G. and Vogt, S. and Ritzl, A. and Fink, G. R. and Zilles, K. and Freund, H. J. and Rizzolatti, G.}, - title = {Neural circuits underlying imitation learning of hand actions: an event-related fMRI study}, - journal = {Neuron}, - volume = {42}, - number = {2}, - pages = {323-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15091346}, - year = {2004}, +@article{RN2642, + author = {Cothros, N. and Wong, J. D. and Gribble, P. L.}, + title = {Are there distinct neural representations of object and limb dynamics?}, + journal = {Exp Brain Res}, + volume = {173}, + number = {4}, + pages = {689-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16525798 }, + year = {2006}, type = {Journal Article} } -@article{RN3129, - author = {Brochier, T. and Spinks, R. L. and Umilta, M. A. and Lemon, R. N.}, - title = {Patterns of muscle activity underlying object-specific grasp by the macaque monkey}, - journal = {J Neurophysiol}, - volume = {92}, +@article{RN2641, + author = {Nozaki, D. and Scott, S. H.}, + title = {Multi-compartment model can explain partial transfer of learning within the same limb between unimanual and bimanual reaching}, + journal = {Exp Brain Res}, + volume = {194}, number = {3}, - pages = {1770-82}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00976.2003 -00976.2003 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15163676}, - year = {2004}, + pages = {451-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19205679 }, + year = {2009}, type = {Journal Article} } -@article{RN2364, - author = {Botvinick, M. M. and Cohen, J. D. and Carter, C. S.}, - title = {Conflict monitoring and anterior cingulate cortex: an update}, - journal = {Trends Cogn Sci}, - volume = {8}, - number = {12}, - pages = {539-46}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15556023}, - year = {2004}, +@article{RN2640, + author = {Cothros, N. and Wong, J. and Gribble, P. L.}, + title = {Distinct haptic cues do not reduce interference when learning to reach in multiple force fields}, + journal = {PLoS One}, + volume = {3}, + number = {4}, + pages = {e1990}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18431477 }, + year = {2008}, type = {Journal Article} } -@article{RN2126, - author = {Bischoff-Grethe, A. and Goedert, K. M. and Willingham, D. T. and Grafton, S. T.}, - title = {Neural substrates of response-based sequence learning using fMRI}, - journal = {J Cogn Neurosci}, - volume = {16}, - number = {1}, - pages = {127-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15006042}, - year = {2004}, +@article{RN2639, + author = {Trommershauser, J. and Maloney, L. T. and Landy, M. S.}, + title = {Statistical decision theory and the selection of rapid, goal-directed movements}, + journal = {J Opt Soc Am A Opt Image Sci Vis}, + volume = {20}, + number = {7}, + pages = {1419-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12868646 }, + year = {2003}, type = {Journal Article} } -@article{RN3377, - author = {Ben-Shaul, Y. and Drori, R. and Asher, I. and Stark, E. and Nadasdy, Z. and Abeles, M.}, - title = {Neuronal activity in motor cortical areas reflects the sequential context of movement}, - journal = {J Neurophysiol}, - volume = {91}, - number = {4}, - pages = {1748-62}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00957.2003}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/14645381}, - year = {2004}, +@article{RN2638, + author = {Ward, N. S. and Frackowiak, R. S.}, + title = {The functional anatomy of cerebral reorganisation after focal brain injury}, + journal = {J Physiol Paris}, + volume = {99}, + number = {4-6}, + pages = {425-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16750616 }, + year = {2006}, type = {Journal Article} } -@article{RN2656, - author = {Baraduc, P. and Lang, N. and Rothwell, J. C. and Wolpert, D. M.}, - title = {Consolidation of dynamic motor learning is not disrupted by rTMS of primary motor cortex}, - journal = {Curr Biol}, - volume = {14}, - number = {3}, - pages = {252-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761660 }, - year = {2004}, +@article{RN2637, + author = {Wei, K. and Kording, K.}, + title = {Relevance of error: what drives motor adaptation?}, + journal = {J Neurophysiol}, + volume = {101}, + number = {2}, + pages = {655-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19019979 }, + year = {2009}, type = {Journal Article} } -@article{RN2273, - author = {Zink, C. F. and Pagnoni, G. and Martin, M. E. and Dhamala, M. and Berns, G. S.}, - title = {Human striatal response to salient nonrewarding stimuli}, +@inproceedings{RN2636, + author = {Hoffmann, H. and Theodorou, E. and Schaal, S.}, + title = {Optimized strategies in human reinforcement learning}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} +} + +@book{RN2635, + author = {Sutton, R. S. and Barto, A. G.}, + title = {Reinforcement learning}, + publisher = {MIT Press }, + address = {Cambridge, Massachusetts}, + year = {1998}, + type = {Book} +} + +@article{RN2633, + author = {Croxson, P. L. and Walton, M. E. and O'Reilly, J. X. and Behrens, T. E. and Rushworth, M. F.}, + title = {Effort-based cost-benefit valuation and the human brain}, journal = {J Neurosci}, - volume = {23}, - number = {22}, - pages = {8092-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12954871}, - year = {2003}, + volume = {29}, + number = {14}, + pages = {4531-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19357278 }, + year = {2009}, type = {Journal Article} } -@inproceedings{RN2241, - author = {Zhu, X. and Lafferty, J. and Ghahramani, Z.}, - title = {Combining active learning and semi-supervised learning using gaussian fields and harmonic functions}, - booktitle = {Proceedings og the ICML-2003 Workshop on the continuum from labeled to unlabeled data}, - type = {Conference Proceedings} +@article{RN2632, + author = {d'Avella, A. and Bizzi, E.}, + title = {Shared and specific muscle synergies in natural motor behaviors}, + journal = {Proc Natl Acad Sci U S A}, + volume = {102}, + number = {8}, + pages = {3076-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15708969 }, + year = {2005}, + type = {Journal Article} } -@article{RN1045, - author = {Zhang, Y. and Forster, C. and Milner, T. A. and Iadecola, C.}, - title = {Attenuation of activity-induced increases in cerebellar blood flow by lesion of the inferior olive}, - journal = {Am J Physiol Heart Circ Physiol}, - volume = {285}, +@article{RN2631, + author = {Tresch, M. C. and Saltiel, P. and Bizzi, E.}, + title = {The construction of movement by the spinal cord}, + journal = {Nat Neurosci}, + volume = {2}, + number = {2}, + pages = {162-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10195201 }, + year = {1999}, + type = {Journal Article} +} + +@article{RN2630, + author = {d'Avella, A. and Saltiel, P. and Bizzi, E.}, + title = {Combinations of muscle synergies in the construction of a natural motor behavior}, + journal = {Nat Neurosci}, + volume = {6}, number = {3}, - pages = {H1177-82}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12750064}, + pages = {300-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12563264 }, year = {2003}, type = {Journal Article} } -@article{RN1046, - author = {Yang, G. and Zhang, Y. and Ross, M. E. and Iadecola, C.}, - title = {Attenuation of activity-induced increases in cerebellar blood flow in mice lacking neuronal nitric oxide synthase}, - journal = {Am J Physiol Heart Circ Physiol}, - volume = {285}, - number = {1}, - pages = {H298-304}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12623792}, - year = {2003}, +@article{RN2629, + author = {Ahmed, A. A. and Wolpert, D. M. and Flanagan, J. R.}, + title = {Flexible representations of dynamics are used in object manipulation}, + journal = {Curr Biol}, + volume = {18}, + number = {10}, + pages = {763-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18485709 }, + year = {2008}, + type = {Journal Article} +} + +@article{RN2628, + author = {Chhabra, M. and Jacobs, R. A.}, + title = {Properties of synergies arising from a theory of optimal motor behavior}, + journal = {Neural Comput}, + volume = {18}, + number = {10}, + pages = {2320-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16907628 }, + year = {2006}, type = {Journal Article} } -@article{RN1038, - author = {Whitney, D. and Westwood, D. A. and Goodale, M. A.}, - title = {The influence of visual motion on fast reaching movements to a stationary object}, - journal = {Nature}, - volume = {423}, - number = {6942}, - pages = {869-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12815432}, - year = {2003}, +@article{RN2627, + author = {O'Sullivan, I. and Burdet, E. and Diedrichsen, J.}, + title = {Dissociating variability and effort as determinants of coordination}, + journal = {PLoS Comput Biol}, + volume = {5}, + number = {4}, + pages = {e1000345}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19360132 }, + year = {2009}, type = {Journal Article} } -@article{RN948, - author = {Weigelt, C. and Cardoso De Oliveira, S.}, - title = {Visuomotor transformations affect bimanual coupling}, - journal = {Exp Brain Res}, - volume = {148}, - number = {4}, - pages = {439-50.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582827}, - year = {2003}, +@article{RN2626, + author = {Smith, M. A. and Ghazizadeh, A. and Shadmehr, R.}, + title = {Interacting adaptive processes with different timescales underlie short-term motor learning}, + journal = {PLoS Biol}, + volume = {4}, + number = {6}, + pages = {e179}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16700627 }, + year = {2006}, type = {Journal Article} } -@article{RN2178, - author = {Walker, M. P. and Brakefield, T. and Hobson, J. A. and Stickgold, R.}, - title = {Dissociable stages of human memory consolidation and reconsolidation}, - journal = {Nature}, - volume = {425}, - number = {6958}, - pages = {616-20}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534587}, - year = {2003}, +@article{RN2625, + author = {Kim, S. G. and Ugurbil, K. and Strick, P. L.}, + title = {Activation of a cerebellar output nucleus during cognitive processing}, + journal = {Science}, + volume = {265}, + number = {5174}, + pages = {949-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8052851 }, + year = {1994}, type = {Journal Article} } -@article{RN2085, - author = {Vaillancourt, D. E. and Thulborn, K. R. and Corcos, D. M.}, - title = {Neural basis for the processes that underlie visually guided and internally guided force control in humans}, +@article{RN2624, + author = {Dum, R. P. and Strick, P. L.}, + title = {An unfolded map of the cerebellar dentate nucleus and its projections to the cerebral cortex}, journal = {J Neurophysiol}, - volume = {90}, - number = {5}, - pages = {3330-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12840082}, + volume = {89}, + number = {1}, + pages = {634-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12522208 }, year = {2003}, type = {Journal Article} } -@article{RN2003, - author = {Ullen, F. and Forssberg, H. and Ehrsson, H. H.}, - title = {Neural networks for the coordination of the hands in time}, +@article{RN2623, + author = {Scheidt, R. A. and Conditt, M. A. and Secco, E. L. and Mussa-Ivaldi, F. A.}, + title = {Interaction of visual and proprioceptive feedback during adaptation of human reaching movements}, journal = {J Neurophysiol}, - volume = {89}, - number = {2}, - pages = {1126-35}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12574485}, - year = {2003}, + volume = {93}, + number = {6}, + pages = {3200-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659526 }, + year = {2005}, type = {Journal Article} } -@article{RN2639, - author = {Trommershauser, J. and Maloney, L. T. and Landy, M. S.}, - title = {Statistical decision theory and the selection of rapid, goal-directed movements}, - journal = {J Opt Soc Am A Opt Image Sci Vis}, - volume = {20}, - number = {7}, - pages = {1419-33}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12868646 }, - year = {2003}, +@article{RN2622, + author = {Huang, V. S. and Krakauer, J. W.}, + title = {Robotic neurorehabilitation: a computational motor learning perspective}, + journal = {J Neuroeng Rehabil}, + volume = {6}, + pages = {5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=19243614 }, + year = {2009}, type = {Journal Article} } -@article{RN2234, - author = {Tong, C. and Flanagan, J. R.}, - title = {Task-specific internal models for kinematic transformations}, - journal = {J Neurophysiol}, - volume = {90}, +@article{RN2621, + author = {Jax, S. A. and Rosenbaum, D. A.}, + title = {Hand path priming in manual obstacle avoidance: evidence that the dorsal stream does not only control visually guided actions in real time}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {33}, number = {2}, - pages = {578-85}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12904486}, - year = {2003}, + pages = {425-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17469977 }, + year = {2007}, type = {Journal Article} } -@article{RN2225, - author = {Tipper, S. P. and Grison, S. and Kessler, K.}, - title = {Long-term inhibition of return of attention}, - journal = {Psychol Sci}, - volume = {14}, - number = {1}, - pages = {19-25}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12564749}, - year = {2003}, +@article{RN2620, + author = {Jax, S. A. and Rosenbaum, D. A.}, + title = {Hand path priming in manual obstacle avoidance: Rapid decay of dorsal stream information}, + journal = {Neuropsychologia}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18597796 }, + year = {2008}, type = {Journal Article} } -@article{RN2010, - author = {Steyvers, M. and Etoh, S. and Sauner, D. and Levin, O. and Siebner, H. R. and Swinnen, S. P. and Rothwell, J. C.}, - title = {High-frequency transcranial magnetic stimulation of the supplementary motor area reduces bimanual coupling during anti-phase but not in-phase movements}, - journal = {Exp Brain Res}, - volume = {151}, - number = {3}, - pages = {309-17}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12756517}, - year = {2003}, +@article{RN2619, + author = {Scheidt, R. A. and Reinkensmeyer, D. J. and Conditt, M. A. and Rymer, W. Z. and Mussa-Ivaldi, F. A.}, + title = {Persistence of motor adaptation during constrained, multi-joint, arm movements}, + journal = {J Neurophysiol}, + volume = {84}, + number = {2}, + pages = {853-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10938312 }, + year = {2000}, type = {Journal Article} } -@article{RN1068, - author = {Spencer, R. M. and Zelaznik, H. N. and Diedrichsen, J. and Ivry, R. B.}, - title = {Disrupted timing of discontinuous but not continuous movements by cerebellar lesions}, - journal = {Science}, - volume = {300}, - number = {5624}, - pages = {1437-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12775842}, - year = {2003}, +@article{RN2618, + author = {Wagner, M. J. and Smith, M. A.}, + title = {Shared internal models for feedforward and feedback control}, + journal = {J Neurosci}, + volume = {28}, + number = {42}, + pages = {10663-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18923042 }, + year = {2008}, type = {Journal Article} } -@article{RN2112, - author = {Sober, S. J. and Sabes, P. N.}, - title = {Multisensory integration during motor planning}, - journal = {J Neurosci}, - volume = {23}, - number = {18}, - pages = {6982-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12904459}, - year = {2003}, +@article{RN2617, + author = {Classen, J. and Liepert, J. and Wise, S. P. and Hallett, M. and Cohen, L. G.}, + title = {Rapid plasticity of human cortical movement representation induced by practice}, + journal = {J Neurophysiol}, + volume = {79}, + number = {2}, + pages = {1117-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9463469 }, + year = {1998}, type = {Journal Article} } -@article{RN2110, - author = {Smith, A. C. and Brown, E. N.}, - title = {Estimating a state-space model from point process observations}, - journal = {Neural Comput}, - volume = {15}, - number = {5}, - pages = {965-91}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803953}, - year = {2003}, +@article{RN2616, + author = {Butefisch, C. M. and Davis, B. C. and Wise, S. P. and Sawaki, L. and Kopylev, L. and Classen, J. and Cohen, L. G.}, + title = {Mechanisms of use-dependent plasticity in the human motor cortex}, + journal = {Proc Natl Acad Sci U S A}, + volume = {97}, + number = {7}, + pages = {3661-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10716702 }, + year = {2000}, type = {Journal Article} } -@article{RN2011, - author = {Singh, K. and Scott, S. H.}, - title = {A motor learning strategy reflects neural circuitry for limb control}, - journal = {Nat Neurosci}, - volume = {6}, - number = {4}, - pages = {399-403}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12627165}, - year = {2003}, +@article{RN2615, + author = {Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {Composition and decomposition in bimanual dynamic learning}, + journal = {J Neurosci}, + volume = {28}, + number = {42}, + pages = {10531-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18923029 }, + year = {2008}, type = {Journal Article} } -@article{RN2349, - author = {Shin, J. C. and Ivry, R. B.}, - title = {Spatial and temporal sequence learning in patients with Parkinson's disease or cerebellar lesions}, - journal = {J Cogn Neurosci}, - volume = {15}, - number = {8}, - pages = {1232-43}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14709239}, - year = {2003}, +@article{RN2614, + author = {Haruno, M. and Wolpert, D. M.}, + title = {Optimal control of redundant muscles in step-tracking wrist movements}, + journal = {J Neurophysiol}, + volume = {94}, + number = {6}, + pages = {4244-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16079196 }, + year = {2005}, type = {Journal Article} } -@article{RN2080, - author = {Shergill, S. S. and Bays, P. M. and Frith, C. D. and Wolpert, D. M.}, - title = {Two eyes for an eye: the neuroscience of force escalation}, - journal = {Science}, - volume = {301}, - number = {5630}, - pages = {187}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12855800}, - year = {2003}, +@article{RN2613, + author = {van Bolhuis, B. M. and Gielen, C. C.}, + title = {A comparison of models explaining muscle activation patterns for isometric contractions}, + journal = {Biol Cybern}, + volume = {81}, + number = {3}, + pages = {249-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473849 }, + year = {1999}, type = {Journal Article} } -@inproceedings{RN2146, - author = {Shannon, K and Diedrichsen, J. and Spencer, R. M. and Ivry, R. B.}, - title = {Asymmetries in bimanual coupling during visually controlled or internally planned movements.}, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} +@article{RN2612, + author = {Nozaki, D. and Nakazawa, K. and Akai, M.}, + title = {Muscle activity determined by cosine tuning with a nontrivial preferred direction during isometric force exertion by lower limb}, + journal = {J Neurophysiol}, + volume = {93}, + number = {5}, + pages = {2614-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15647398 }, + year = {2005}, + type = {Journal Article} } -@article{RN2191, - author = {Schubotz, R. I. and von Cramon, D. Y.}, - title = {Functional-anatomical concepts of human premotor cortex: evidence from fMRI and PET studies}, +@article{RN2610, + author = {Garavan, H. and Ross, T. J. and Kaufman, J. and Stein, E. A.}, + title = {A midline dissociation between error-processing and response-conflict monitoring}, journal = {Neuroimage}, - volume = {20 Suppl 1}, - pages = {S120-31}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14597305}, + volume = {20}, + number = {2}, + pages = {1132-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14568482 }, year = {2003}, type = {Journal Article} } -@article{RN2024, - author = {Schmidt, T. and Werner, S. and Diedrichsen, J.}, - title = {Spatial distortions induced by multiple visual landmarks: how local distortions combine to produce complex distortion patterns}, - journal = {Percept Psychophys}, - volume = {65}, - number = {6}, - pages = {861-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14528896}, - year = {2003}, +@article{RN2609, + author = {Holroyd, C. B. and Nieuwenhuis, S. and Yeung, N. and Nystrom, L. and Mars, R. B. and Coles, M. G. and Cohen, J. D.}, + title = {Dorsal anterior cingulate cortex shows fMRI response to internal and external error signals}, + journal = {Nat Neurosci}, + volume = {7}, + number = {5}, + pages = {497-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15097995 }, + year = {2004}, type = {Journal Article} } -@inproceedings{RN2044, - author = {Schaal, S.}, - title = {Dynamic movement primitives - A framework for motor control in humans and humanoid robots}, - booktitle = {The International Symposium on Adaptive Motion of Animals and Machines}, - type = {Conference Proceedings} -} - -@article{RN3008, - author = {Sakai, K. and Kitaguchi, K. and Hikosaka, O.}, - title = {Chunking during human visuomotor sequence learning}, - journal = {Exp Brain Res}, - volume = {152}, - number = {2}, - pages = {229-42}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - DOI = {10.1007/s00221-003-1548-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12879170}, - year = {2003}, +@article{RN2608, + author = {Diedrichsen, J. and Gush, S.}, + title = {Reversal of bimanual feedback responses with changes in task goal}, + journal = {J Neurophysiol}, + volume = {101}, + number = {1}, + pages = {283-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18987120 }, + year = {2009}, type = {Journal Article} } -@article{RN2310, - author = {Rushworth, M. F. and Johansen-Berg, H. and Gobel, S. M. and Devlin, J. T.}, - title = {The left parietal and premotor cortices: motor attention and selection}, - journal = {Neuroimage}, - volume = {20 Suppl 1}, - pages = {S89-100}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14597301}, - year = {2003}, - type = {Journal Article} +@inproceedings{RN2606, + author = {Andersson, J.L., Smith, S.M., Jenkinson, M.}, + title = {FNIRT - FMRIB's Non-linear Image Registration Tool}, + booktitle = {Organization for Human Brain Mapping}, + type = {Conference Proceedings} } -@article{RN2312, - author = {Rizzolatti, G. and Matelli, M.}, - title = {Two different streams form the dorsal visual system: anatomy and functions}, - journal = {Exp Brain Res}, - volume = {153}, +@article{RN2605, + author = {Chib, V. S. and Patton, J. L. and Lynch, K. M. and Mussa-Ivaldi, F. A.}, + title = {Haptic identification of surfaces as fields of force}, + journal = {J Neurophysiol}, + volume = {95}, number = {2}, - pages = {146-57}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14610633}, - year = {2003}, + pages = {1068-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16207784 }, + year = {2006}, type = {Journal Article} } -@article{RN2176, - author = {Petit, L. and Beauchamp, M. S.}, - title = {Neural basis of visually guided head movements studied with fMRI}, - journal = {J Neurophysiol}, - volume = {89}, - number = {5}, - pages = {2516-27}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12611944}, - year = {2003}, +@article{RN2604, + author = {Szentesi, P. and Zaremba, R. and van Mechelen, W. and Stienen, G. J.}, + title = {ATP utilization for calcium uptake and force production in different types of human skeletal muscle fibres}, + journal = {J Physiol}, + volume = {531}, + number = {Pt 2}, + pages = {393-403}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11230512 }, + year = {2001}, type = {Journal Article} } -@article{RN3435, - author = {Penny, W. and Kiebel, S. and Friston, K.}, - title = {Variational Bayesian inference for fMRI time series}, +@article{RN2603, + author = {Mars, R. B. and Coles, M. G. and Grol, M. J. and Holroyd, C. B. and Nieuwenhuis, S. and Hulstijn, W. and Toni, I.}, + title = {Neural dynamics of error processing in medial frontal cortex}, journal = {Neuroimage}, - volume = {19}, - number = {3}, - pages = {727-41}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/12880802}, - year = {2003}, + volume = {28}, + number = {4}, + pages = {1007-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16055352 }, + year = {2005}, type = {Journal Article} } -@article{RN2014, - author = {Paz, R. and Boraud, T. and Natan, C. and Bergman, H. and Vaadia, E.}, - title = {Preparatory activity in motor cortex reflects learning of local visuomotor skills}, - journal = {Nat Neurosci}, - volume = {6}, - number = {8}, - pages = {882-90}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12872127}, - year = {2003}, +@article{RN2602, + author = {Ullsperger, M. and Nittono, H. and von Cramon, D. Y.}, + title = {When goals are missed: dealing with self-generated and externally induced failure}, + journal = {Neuroimage}, + volume = {35}, + number = {3}, + pages = {1356-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17350291 }, + year = {2007}, type = {Journal Article} } -@inproceedings{RN2134, - author = {Oullier, O and Jantzen, K.J. and Steinberg, F. and Kelso, J. A.}, - title = {fMRI reveals neural mechanisms common to sensorimotor and bi-manual coordination}, - booktitle = {Society for Neuroscience}, - pages = {No. 554.6}, - type = {Conference Proceedings} -} - -@article{RN2653, - author = {Nitsche, M. A. and Schauenburg, A. and Lang, N. and Liebetanz, D. and Exner, C. and Paulus, W. and Tergau, F.}, - title = {Facilitation of implicit motor learning by weak transcranial direct current stimulation of the primary motor cortex in the human}, - journal = {J Cogn Neurosci}, - volume = {15}, - number = {4}, - pages = {619-26}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803972 }, - year = {2003}, +@article{RN2599, + author = {Rosenbaum, D. A. and Dawson, A. M. and Challis, J. H.}, + title = {Haptic tracking permits bimanual independence}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {32}, + number = {5}, + pages = {1266-75}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17002536 }, + year = {2006}, type = {Journal Article} } -@article{RN3581, - author = {Nitsche, M. A. and Nitsche, M. S. and Klein, C. C. and Tergau, F. and Rothwell, J. C. and Paulus, W.}, - title = {Level of action of cathodal DC polarisation induced inhibition of the human motor cortex}, - journal = {Clin Neurophysiol}, - volume = {114}, - number = {4}, - pages = {600-4}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {S1388245702004121 [pii]}, - year = {2003}, +@article{RN2598, + author = {Golla, H. and Tziridis, K. and Haarmeier, T. and Catz, N. and Barash, S. and Thier, P.}, + title = {Reduced saccadic resilience and impaired saccadic adaptation due to cerebellar disease}, + journal = {Eur J Neurosci}, + volume = {27}, + number = {1}, + pages = {132-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18184318 }, + year = {2008}, type = {Journal Article} } -@article{RN2875, - author = {Nitsche, M. A. and Liebetanz, D. and Lang, N. and Antal, A. and Tergau, F. and Paulus, W.}, - title = {Safety criteria for transcranial direct current stimulation (tDCS) in humans}, - journal = {Clin Neurophysiol}, - volume = {114}, - number = {11}, - pages = {2220-2; author reply 2222-3}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {S1388245703002359 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14580622}, - year = {2003}, +@article{RN2597, + author = {Seidler, R. D. and Noll, D. C. and Chintalapati, P.}, + title = {Bilateral basal ganglia activation associated with sensorimotor adaptation}, + journal = {Exp Brain Res}, + volume = {175}, + number = {3}, + pages = {544-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16794848 }, + year = {2006}, type = {Journal Article} } -@article{RN2113, - author = {Nicholson, D. A. and Freeman, J. H., Jr.}, - title = {Addition of inhibition in the olivocerebellar system and the ontogeny of a motor memory}, - journal = {Nat Neurosci}, - volume = {6}, - number = {5}, - pages = {532-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12692555}, - year = {2003}, +@article{RN2596, + author = {Morton, S. M. and Bastian, A. J.}, + title = {Cerebellar contributions to locomotor adaptations during splitbelt treadmill walking}, + journal = {J Neurosci}, + volume = {26}, + number = {36}, + pages = {9107-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16957067 }, + year = {2006}, type = {Journal Article} } -@article{RN2729, - author = {Nichols, T. and Hayasaka, S.}, - title = {Controlling the familywise error rate in functional neuroimaging: a comparative review}, - journal = {Stat Methods Med Res}, - volume = {12}, - number = {5}, - pages = {419-46}, - ISSN = {0962-2802 (Print) -0962-2802 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14599004}, - year = {2003}, +@article{RN2595, + author = {Dimitrova, A. and Zeljko, D. and Schwarze, F. and Maschke, M. and Gerwig, M. and Frings, M. and Beck, A. and Aurich, V. and Forsting, M. and Timmann, D.}, + title = {Probabilistic 3D MRI atlas of the human cerebellar dentate/interposed nuclei}, + journal = {Neuroimage}, + volume = {30}, + number = {1}, + pages = {12-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16257240 }, + year = {2006}, type = {Journal Article} } -@article{RN2361, - author = {Nichols, T. and Hayasaka, S.}, - title = {Controlling the familywise error rate in functional neuroimaging: a comparative review}, - journal = {Stat Methods Med Res}, - volume = {12}, - number = {5}, - pages = {419-46}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14599004}, - year = {2003}, +@article{RN2594, + author = {Jenkinson, M. and Bannister, P. and Brady, M. and Smith, S.}, + title = {Improved optimization for the robust and accurate linear registration and motion correction of brain images}, + journal = {Neuroimage}, + volume = {17}, + number = {2}, + pages = {825-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12377157 }, + year = {2002}, type = {Journal Article} } -@article{RN2490, - author = {Nanayakkara, T. and Shadmehr, R.}, - title = {Saccade adaptation in response to altered arm dynamics}, - journal = {J Neurophysiol}, - volume = {90}, - number = {6}, - pages = {4016-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14665687 }, - year = {2003}, +@article{RN2590, + author = {Izawa, J. and Rane, T. and Donchin, O. and Shadmehr, R.}, + title = {Motor adaptation as a process of reoptimization}, + journal = {J Neurosci}, + volume = {28}, + number = {11}, + pages = {2883-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18337419 }, + year = {2008}, type = {Journal Article} } -@article{RN3187, - author = {Morton, S. M. and Bastian, A. J.}, - title = {Relative contributions of balance and voluntary leg-coordination deficits to cerebellar gait ataxia}, +@article{RN2589, + author = {Guigon, E. and Baraduc, P. and Desmurget, M.}, + title = {Computational motor control: redundancy and invariance}, journal = {J Neurophysiol}, - volume = {89}, - number = {4}, - pages = {1844-56}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00787.2002 -00787.2002 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12612041}, - year = {2003}, + volume = {97}, + number = {1}, + pages = {331-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17005621 }, + year = {2007}, type = {Journal Article} } -@article{RN1040, - author = {Medendorp, W. P. and Goltz, H. C. and Vilis, T. and Crawford, J. D.}, - title = {Gaze-centered updating of visual space in human parietal cortex}, - journal = {J Neurosci}, - volume = {23}, - number = {15}, - pages = {6209-14}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12867504}, - year = {2003}, +@article{RN2588, + author = {Harris, C. M. and Wolpert, D. M.}, + title = {The main sequence of saccades optimizes speed-accuracy trade-off}, + journal = {Biol Cybern}, + volume = {95}, + number = {1}, + pages = {21-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16555070 }, + year = {2006}, type = {Journal Article} } -@article{RN3188, - author = {Maschke, M. and Gomez, C. M. and Tuite, P. J. and Konczak, J.}, - title = {Dysfunction of the basal ganglia, but not the cerebellum, impairs kinaesthesia}, - journal = {Brain}, - volume = {126}, - number = {Pt 10}, - pages = {2312-22}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - DOI = {10.1093/brain/awg230 -awg230 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12821507}, - year = {2003}, +@article{RN2587, + author = {Burge, J. and Ernst, M. O. and Banks, M. S.}, + title = {The statistical determinants of adaptation rate in human reaching}, + journal = {J Vis}, + volume = {8}, + number = {4}, + pages = {20 1-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18484859 }, + year = {2008}, type = {Journal Article} } -@article{RN2385, - author = {Makris, N. and Hodge, S. M. and Haselgrove, C. and Kennedy, D. N. and Dale, A. and Fischl, B. and Rosen, B. R. and Harris, G. and Caviness, V. S., Jr. and Schmahmann, J. D.}, - title = {Human cerebellum: surface-assisted cortical parcellation and volumetry with magnetic resonance imaging}, - journal = {J Cogn Neurosci}, - volume = {15}, - number = {4}, - pages = {584-99}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803969}, - year = {2003}, +@article{RN2586, + author = {Morasso, P.}, + title = {Spatial control of arm movements}, + journal = {Exp Brain Res}, + volume = {42}, + number = {2}, + pages = {223-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7262217 }, + year = {1981}, type = {Journal Article} } -@article{RN2201, - author = {Luo, W. L. and Nichols, T. E.}, - title = {Diagnosis and exploration of massively univariate neuroimaging models}, - journal = {Neuroimage}, - volume = {19}, - number = {3}, - pages = {1014-32}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880829}, - year = {2003}, +@article{RN2585, + author = {Burdet, E. and Milner, T. E.}, + title = {Quantization of human motions and learning of accurate movements}, + journal = {Biol Cybern}, + volume = {78}, + number = {4}, + pages = {307-18}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9652080 }, + year = {1998}, type = {Journal Article} } -@article{RN2302, - author = {Logothetis, N. K.}, - title = {The underpinnings of the BOLD functional magnetic resonance imaging signal}, - journal = {J Neurosci}, - volume = {23}, - number = {10}, - pages = {3963-71}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12764080}, - year = {2003}, - type = {Journal Article} +@book{RN2584, + author = {Congdon, P}, + title = {Bayesian statistical modeling }, + publisher = {Wiley}, + address = {London}, + edition = {second edition}, + year = {2006}, + type = {Book} } -@article{RN2090, - author = {Logothetis, N. K.}, - title = {MR imaging in the non-human primate: studies of function and of dynamic connectivity}, - journal = {Curr Opin Neurobiol}, - volume = {13}, - number = {5}, - pages = {630-42}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14630229}, - year = {2003}, +@article{RN2583, + author = {Mazzoni, P. and Hristova, A. and Krakauer, J. W.}, + title = {Why don't we move faster? Parkinson's disease, movement vigor, and implicit motivation}, + journal = {J Neurosci}, + volume = {27}, + number = {27}, + pages = {7105-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17611263 }, + year = {2007}, type = {Journal Article} } -@article{RN3080, - author = {Li, S. and Latash, M. L. and Yue, G. H. and Siemionow, V. and Sahgal, V.}, - title = {The effects of stroke and age on finger interaction in multi-finger force production tasks}, - journal = {Clin Neurophysiol}, - volume = {114}, - number = {9}, - pages = {1646-55}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {S1388245703001640 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948793}, - year = {2003}, +@article{RN2582, + author = {Synofzik, M. and Lindner, A. and Thier, P.}, + title = {The cerebellum updates predictions about the visual consequences of one's behavior}, + journal = {Curr Biol}, + volume = {18}, + number = {11}, + pages = {814-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18514520 }, + year = {2008}, type = {Journal Article} } -@article{RN3101, - author = {Lang, C. E. and Schieber, M. H.}, - title = {Differential impairment of individuated finger movements in humans after damage to the motor cortex or the corticospinal tract}, - journal = {J Neurophysiol}, - volume = {90}, +@article{RN2581, + author = {Loewenstein, Y. and Mahon, S. and Chadderton, P. and Kitamura, K. and Sompolinsky, H. and Yarom, Y. and Hausser, M.}, + title = {Bistability of cerebellar Purkinje cells modulated by sensory stimulation}, + journal = {Nat Neurosci}, + volume = {8}, number = {2}, - pages = {1160-70}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00130.2003 -00130.2003 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12660350}, - year = {2003}, + pages = {202-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15665875 }, + year = {2005}, type = {Journal Article} } -@article{RN3117, - author = {Korman, M. and Raz, N. and Flash, T. and Karni, A.}, - title = {Multiple shifts in the representation of a motor sequence during the acquisition of skilled performance}, +@article{RN2580, + author = {Mulliken, G. H. and Musallam, S. and Andersen, R. A.}, + title = {Forward estimation of movement state in posterior parietal cortex}, journal = {Proc Natl Acad Sci U S A}, - volume = {100}, - number = {21}, - pages = {12492-7}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - DOI = {10.1073/pnas.2035019100 -2035019100 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14530407}, - year = {2003}, + volume = {105}, + number = {24}, + pages = {8170-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18499800 }, + year = {2008}, type = {Journal Article} } -@inproceedings{RN2149, - author = {Konkle, T and Verstynen, T. and Diedrichsen, J. and Ivry, R. B.}, - title = {Sources of increased timing variability following TMS over motor cortex}, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} -} - -@article{RN2040, - author = {Koekkoek, S. K. and Hulscher, H. C. and Dortland, B. R. and Hensbroek, R. A. and Elgersma, Y. and Ruigrok, T. J. and De Zeeuw, C. I.}, - title = {Cerebellar LTD and learning-dependent timing of conditioned eyelid responses}, - journal = {Science}, - volume = {301}, - number = {5640}, - pages = {1736-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14500987}, - year = {2003}, +@article{RN2579, + author = {Miall, R. C. and Christensen, L. O. and Cain, O. and Stanley, J.}, + title = {Disruption of state estimation in the human lateral cerebellum}, + journal = {PLoS Biol}, + volume = {5}, + number = {11}, + pages = {e316}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18044990 }, + year = {2007}, type = {Journal Article} } -@article{RN2095, - author = {Kelly, R. M. and Strick, P. L.}, - title = {Cerebellar loops with motor cortex and prefrontal cortex of a nonhuman primate}, - journal = {J Neurosci}, - volume = {23}, - number = {23}, - pages = {8432-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968006}, - year = {2003}, +@article{RN2578, + author = {Edgley, S. A. and Lidierth, M.}, + title = {The discharges of cerebellar Golgi cells during locomotion in the cat}, + journal = {J Physiol}, + volume = {392}, + pages = {315-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3446782 }, + year = {1987}, type = {Journal Article} } -@article{RN1057, - author = {Keele, S. W. and Ivry, R. and Mayr, U. and Hazeltine, E. and Heuer, H.}, - title = {The cognitive and neural architecture of sequence representation}, - journal = {Psychol Rev}, - volume = {110}, - number = {2}, - pages = {316-39}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12747526}, - year = {2003}, +@article{RN2577, + author = {Soetedjo, R. and Fuchs, A. F.}, + title = {Complex spike activity of purkinje cells in the oculomotor vermis during behavioral adaptation of monkey saccades}, + journal = {J Neurosci}, + volume = {26}, + number = {29}, + pages = {7741-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16855102 }, + year = {2006}, type = {Journal Article} } -@article{RN2072, - author = {Kawato, M. and Kuroda, T. and Imamizu, H. and Nakano, E. and Miyauchi, S. and Yoshioka, T.}, - title = {Internal forward models in the cerebellum: fMRI study on grip force and load force coupling}, +@article{RN2576, + author = {Soetedjo, R. and Kojima, Y. and Fuchs, A.}, + title = {Complex spike activity signals the direction and size of dysmetric saccade errors}, journal = {Prog Brain Res}, - volume = {142}, - pages = {171-88}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12693261}, - year = {2003}, + volume = {171}, + pages = {153-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18718294 }, + year = {2008}, type = {Journal Article} } -@article{RN2409, - author = {Karniel, A. and Mussa-Ivaldi, F. A.}, - title = {Sequence, time, or state representation: how does the motor control system adapt to variable environments?}, - journal = {Biol Cybern}, - volume = {89}, - number = {1}, - pages = {10-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12836029}, - year = {2003}, +@article{RN2575, + author = {Dimitrova, A. and de Greiff, A. and Schoch, B. and Gerwig, M. and Frings, M. and Gizewski, E. R. and Timmann, D.}, + title = {Activation of cerebellar nuclei comparing finger, foot and tongue movements as revealed by fMRI}, + journal = {Brain Res Bull}, + volume = {71}, + number = {1-3}, + pages = {233-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17113951 }, + year = {2006}, type = {Journal Article} } -@article{RN2404, - author = {Karmarkar, U. R. and Buonomano, D. V.}, - title = {Temporal specificity of perceptual learning in an auditory discrimination task}, - journal = {Learn Mem}, - volume = {10}, - number = {2}, - pages = {141-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12663752}, - year = {2003}, +@article{RN2574, + author = {Ellerman, J. M. and Flament, D. and Kim, S. G. and Fu, Q. G. and Merkle, H. and Ebner, T. J. and Ugurbil, K.}, + title = {Spatial patterns of functional activation of the cerebellum investigated using high field (4 T) MRI}, + journal = {NMR Biomed}, + volume = {7}, + number = {1-2}, + pages = {63-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8068527 }, + year = {1994}, type = {Journal Article} } -@inbook{RN979, - author = {Johnson, Scott H. and Grafton, Scott T.}, - title = {From 'acting on' to 'acting with': the functional anatomy of object-oriented action schemata}, - booktitle = {Progress in Brain Research}, - editor = {Prablanc, C. and Pelisson, D. and Rossetti, Y.}, - publisher = {Elsevier Science}, - volume = {142}, - pages = {127-139}, - year = {2003}, - type = {Book Section} +@article{RN2573, + author = {De Zeeuw, C. I. and Hoebeek, F. E. and Schonewille, M.}, + title = {Causes and consequences of oscillations in the cerebellar cortex}, + journal = {Neuron}, + volume = {58}, + number = {5}, + pages = {655-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18549777 }, + year = {2008}, + type = {Journal Article} } -@article{RN2274, - author = {Jiang, H. and Stein, B. E. and McHaffie, J. G.}, - title = {Opposing basal ganglia processes shape midbrain visuomotor activity bilaterally}, - journal = {Nature}, - volume = {423}, - number = {6943}, - pages = {982-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12827201}, - year = {2003}, - type = {Journal Article} +@inproceedings{RN2572, + author = {Winkelman, B. H. and Frens, M. A.}, + title = {Three dimensional oculomotor tuning of complex and simple spikes in Purkinje cells of the cerebellar flocculus. }, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} } -@article{RN2352, - author = {Japikse, K. C. and Negash, S. and Howard, J. H., Jr. and Howard, D. V.}, - title = {Intermanual transfer of procedural learning after extended practice of probabilistic sequences}, - journal = {Exp Brain Res}, +@article{RN2571, + author = {Schmolesky, M. T. and De Zeeuw, C. I. and Hansel, C.}, + title = {Climbing fiber synaptic plasticity and modifications in Purkinje cell excitability}, + journal = {Prog Brain Res}, volume = {148}, - number = {1}, - pages = {38-49}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12478395}, - year = {2003}, + pages = {81-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15661183 }, + year = {2005}, type = {Journal Article} } -@inbook{RN1067, - author = {Ivry, R.B. and Helmuth, L.L.}, - title = {Representations and neural mechanisms of sequential movements}, - booktitle = {Cognitive Neuroscience Perspectives on the Problem of Intentional Action}, - editor = {Johnson-Frey, S.}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - pages = {221-257}, - year = {2003}, - type = {Book Section} +@article{RN2570, + author = {Todorov, E.}, + title = {Cosine tuning minimizes motor errors}, + journal = {Neural Comput}, + volume = {14}, + number = {6}, + pages = {1233-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12020444 }, + year = {2002}, + type = {Journal Article} } -@article{RN1469, - author = {Imamizu, H. and Kuroda, T. and Miyauchi, S. and Yoshioka, T. and Kawato, M.}, - title = {Modular organization of internal models of tools in the human cerebellum}, - journal = {Proc Natl Acad Sci U S A}, - volume = {100}, - number = {9}, - pages = {5461-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12704240}, - year = {2003}, +@article{RN2569, + author = {Hoffman, D. S. and Strick, P. L.}, + title = {Step-tracking movements of the wrist. IV. Muscle activity associated with movements in different directions}, + journal = {J Neurophysiol}, + volume = {81}, + number = {1}, + pages = {319-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9914292 }, + year = {1999}, type = {Journal Article} } -@article{RN2297, - author = {Hwang, E. J. and Donchin, O. and Smith, M. A. and Shadmehr, R.}, - title = {A gain-field encoding of limb position and velocity in the internal model of arm dynamics}, - journal = {PLoS Biol}, - volume = {1}, - number = {2}, - pages = {E25}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14624237}, - year = {2003}, +@article{RN2568, + author = {Flash, T. and Hogan, N.}, + title = {The coordination of arm movements: an experimentally confirmed mathematical model}, + journal = {J Neurosci}, + volume = {5}, + number = {7}, + pages = {1688-703}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4020415 }, + year = {1985}, type = {Journal Article} } -@article{RN2545, - author = {Hulsmann, E. and Erb, M. and Grodd, W.}, - title = {From will to action: sequential cerebellar contributions to voluntary movement}, - journal = {Neuroimage}, - volume = {20}, - number = {3}, - pages = {1485-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14642461 }, - year = {2003}, +@article{RN2567, + author = {Buchanan, T. S. and Shreeve, D. A.}, + title = {An evaluation of optimization techniques for the prediction of muscle activation patterns during isometric tasks}, + journal = {J Biomech Eng}, + volume = {118}, + number = {4}, + pages = {565-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8950661 }, + year = {1996}, type = {Journal Article} } -@inbook{RN1051, - author = {Hazeltine, E. and Ivry, R. B.}, - title = {Neural structures that support implicit sequence learning}, - booktitle = {Attention and implicit learning.}, - editor = {Jimenez, Luis}, - series = {Advances in Consciousness Research}, - publisher = {John Benjamins Publishing Company}, - address = {Amsterdam, Netherlands}, - volume = {48}, - pages = {71-107}, - year = {2003}, - type = {Book Section} +@article{RN2564, + author = {White, O. and Diedrichsen, J.}, + title = {Motor control: from joints to objects and back}, + journal = {Curr Biol}, + volume = {18}, + number = {12}, + pages = {R532-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18579100 }, + year = {2008}, + type = {Journal Article} } -@article{RN971, - author = {Hazeltine, E. and Diedrichsen, J. and Kennerley, S. W. and Ivry, R. B.}, - title = {Bimanual cross-talk during reaching movements is primarily related to response selection, not the specification of motor parameters}, - journal = {Psychol Res}, - volume = {67}, +@article{RN2562, + author = {Todorov, E.}, + title = {Optimality principles in sensorimotor control}, + journal = {Nat Neurosci}, + volume = {7}, + number = {9}, + pages = {907-15}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15332089 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2561, + author = {Rosenbaum, D. A. and van Heugten, C. M. and Caldwell, G. E.}, + title = {From cognition to biomechanics and back: the end-state comfort effect and the middle-is-faster effect}, + journal = {Acta Psychol (Amst)}, + volume = {94}, number = {1}, - pages = {56-70.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12589450}, - year = {2003}, + pages = {59-85}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8885711 }, + year = {1996}, type = {Journal Article} } -@article{RN2728, - author = {Hayasaka, S. and Nichols, T. E.}, - title = {Validating cluster size inference: random field and permutation methods}, - journal = {Neuroimage}, - volume = {20}, - number = {4}, - pages = {2343-56}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053811903005020 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14683734}, - year = {2003}, +@article{RN2560, + author = {Weiss, D. J. and Wark, J. D. and Rosenbaum, D. A.}, + title = {Monkey see, monkey plan, monkey do: the end-state comfort effect in cotton-top tamarins (Saguinus oedipus)}, + journal = {Psychol Sci}, + volume = {18}, + number = {12}, + pages = {1063-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18031413 }, + year = {2007}, type = {Journal Article} } -@article{RN3434, - author = {Harrison, L. and Penny, W. D. and Friston, K.}, - title = {Multivariate autoregressive modeling of fMRI time series}, - journal = {Neuroimage}, - volume = {19}, - number = {4}, - pages = {1477-91}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/12948704}, - year = {2003}, +@article{RN2559, + author = {Marsden, C. D. and Merton, P. A. and Morton, H. B.}, + title = {Human postural responses}, + journal = {Brain}, + volume = {104}, + number = {3}, + pages = {513-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7272713 }, + year = {1981}, type = {Journal Article} } -@article{RN2227, - author = {Guye, M. and Parker, G. J. and Symms, M. and Boulby, P. and Wheeler-Kingshott, C. A. and Salek-Haddadi, A. and Barker, G. J. and Duncan, J. S.}, - title = {Combined functional MRI and tractography to demonstrate the connectivity of the human primary motor cortex in vivo}, - journal = {Neuroimage}, - volume = {19}, - number = {4}, - pages = {1349-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948693}, - year = {2003}, +@article{RN2558, + author = {Kurtzer, I. and Pruszynski, J. A. and Scott, S. H.}, + title = {Long-latency reflexes of the human arm reflect an internal model of limb dynamics}, + journal = {Curr Biol}, + volume = {18}, + number = {6}, + pages = {449-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18356051 }, + year = {2008}, type = {Journal Article} } -@article{RN2007, - author = {Grezes, J. and Tucker, M. and Armony, J. and Ellis, R. and Passingham, R. E.}, - title = {Objects automatically potentiate action: an fMRI study of implicit processing}, - journal = {Eur J Neurosci}, - volume = {17}, - number = {12}, - pages = {2735-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12823480}, - year = {2003}, +@article{RN2557, + author = {Pruszynski, J. A. and Kurtzer, I. and Scott, S. H.}, + title = {Rapid motor responses are appropriately tuned to the metrics of a visuospatial task}, + journal = {J Neurophysiol}, + volume = {100}, + number = {1}, + pages = {224-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18463184 }, + year = {2008}, type = {Journal Article} } -@article{RN2479, - author = {Glimcher, P. W.}, - title = {The neurobiology of visual-saccadic decision making}, - journal = {Annu Rev Neurosci}, - volume = {26}, - pages = {133-79}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14527268 }, - year = {2003}, +@article{RN2556, + author = {Baldissera, F. and Esposti, R.}, + title = {Postural constraints to coupling of ipsilateral hand-foot movements}, + journal = {Neuroreport}, + volume = {16}, + number = {15}, + pages = {1615-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16189465 }, + year = {2005}, type = {Journal Article} } -@article{RN2438, - author = {Gerwig, M. and Dimitrova, A. and Kolb, F. P. and Maschke, M. and Brol, B. and Kunnel, A. and Boring, D. and Thilmann, A. F. and Forsting, M. and Diener, H. C. and Timmann, D.}, - title = {Comparison of eyeblink conditioning in patients with superior and posterior inferior cerebellar lesions}, - journal = {Brain}, - volume = {126}, - number = {Pt 1}, - pages = {71-94}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12477698 }, - year = {2003}, +@article{RN2555, + author = {Baldissera, F. and Rota, V. and Esposti, R.}, + title = {Anticipatory postural adjustments in arm muscles associated with movements of the contralateral limb and their possible role in interlimb coordination}, + journal = {Exp Brain Res}, + volume = {185}, + number = {1}, + pages = {63-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17912507 }, + year = {2008}, type = {Journal Article} } -@article{RN2610, - author = {Garavan, H. and Ross, T. J. and Kaufman, J. and Stein, E. A.}, - title = {A midline dissociation between error-processing and response-conflict monitoring}, - journal = {Neuroimage}, - volume = {20}, - number = {2}, - pages = {1132-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14568482 }, - year = {2003}, +@article{RN2554, + author = {Baldissera, F. and Rota, V. and Esposti, R.}, + title = {Postural adjustments in arm and leg muscles associated with isodirectional and antidirectional coupling of upper limb movements in the horizontal plane}, + journal = {Exp Brain Res}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18594800 }, + year = {2008}, type = {Journal Article} } -@article{RN3079, - author = {Gao, F. and Li, S. and Li, Z. M. and Latash, M. L. and Zatsiorsky, V. M.}, - title = {Matrix analyses of interaction among fingers in static force production tasks}, - journal = {Biol Cybern}, - volume = {89}, +@article{RN2553, + author = {Fagg, A. H. and Shah, A. and Barto, A. G.}, + title = {A computational model of muscle recruitment for wrist movements}, + journal = {J Neurophysiol}, + volume = {88}, number = {6}, - pages = {407-14}, - ISSN = {0340-1200 (Print) -0340-1200 (Linking)}, - DOI = {10.1007/s00422-003-0420-z}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14673652}, - year = {2003}, + pages = {3348-58}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12466451 }, + year = {2002}, type = {Journal Article} } -@article{RN2331, - author = {Galletti, C. and Kutz, D. F. and Gamberini, M. and Breveglieri, R. and Fattori, P.}, - title = {Role of the medial parieto-occipital cortex in the control of reaching and grasping movements}, - journal = {Exp Brain Res}, - volume = {153}, - number = {2}, - pages = {158-70}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14517595}, - year = {2003}, +@article{RN2552, + author = {Kording, K.}, + title = {Decision theory: what "should" the nervous system do?}, + journal = {Science}, + volume = {318}, + number = {5850}, + pages = {606-10}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17962554 }, + year = {2007}, type = {Journal Article} } -@article{RN2029, - author = {Friston, K. J. and Harrison, L. and Penny, W.}, - title = {Dynamic causal modelling}, - journal = {Neuroimage}, - volume = {19}, - number = {4}, - pages = {1273-302}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948688}, - year = {2003}, +@article{RN2551, + author = {Lancaster, J. L. and Tordesillas-Gutierrez, D. and Martinez, M. and Salinas, F. and Evans, A. and Zilles, K. and Mazziotta, J. C. and Fox, P. T.}, + title = {Bias between MNI and Talairach coordinates analyzed using the ICBM-152 brain template}, + journal = {Hum Brain Mapp}, + volume = {28}, + number = {11}, + pages = {1194-205}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17266101 }, + year = {2007}, type = {Journal Article} } -@article{RN2895, - author = {Friman, O. and Borga, M. and Lundberg, P. and Knutsson, H.}, - title = {Adaptive analysis of fMRI data}, +@article{RN2550, + author = {Ashburner, J. and Friston, K. J.}, + title = {Voxel-based morphometry--the methods}, journal = {Neuroimage}, - volume = {19}, - number = {3}, - pages = {837-45}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053811903000776 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880812}, - year = {2003}, + volume = {11}, + number = {6 Pt 1}, + pages = {805-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10860804 }, + year = {2000}, type = {Journal Article} } -@article{RN3023, - author = {Foltys, H. and Krings, T. and Meister, I. G. and Sparing, R. and Boroojerdi, B. and Thron, A. and Topper, R.}, - title = {Motor representation in patients rapidly recovering after stroke: a functional magnetic resonance imaging and transcranial magnetic stimulation study}, - journal = {Clin Neurophysiol}, - volume = {114}, - number = {12}, - pages = {2404-15}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {S1388245703002633 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14652101}, - year = {2003}, +@article{RN2549, + author = {Herrup, K. and Kuemerle, B.}, + title = {The compartmentalization of the cerebellum}, + journal = {Annu Rev Neurosci}, + volume = {20}, + pages = {61-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9056708 }, + year = {1997}, type = {Journal Article} } -@article{RN2081, - author = {Flanagan, J. R. and Vetter, P. and Johansson, R. S. and Wolpert, D. M.}, - title = {Prediction precedes control in motor learning}, - journal = {Curr Biol}, - volume = {13}, - number = {2}, - pages = {146-50}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12546789}, - year = {2003}, +@inproceedings{RN2548, + author = {Balsters, J.H., Cussans, E., Diedrichsen, J., Philips, K., Preuss, T.M., Rilling, J.K., & Ramnani, N. }, + title = {Evolution of the Cerebellar Cortex: Selective expansion of prefrontal-projecting lobules}, + booktitle = {Organization for Human Brain Mapping}, + type = {Conference Proceedings} +} + +@article{RN2547, + author = {Kurtzer, I. and Pruszynski, J. A. and Herter, T. M. and Scott, S. H.}, + title = {Primate upper limb muscles exhibit activity patterns that differ from their anatomical action during a postural task}, + journal = {J Neurophysiol}, + volume = {95}, + number = {1}, + pages = {493-504}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16251262 }, + year = {2006}, type = {Journal Article} } -@article{RN2326, - author = {Eliassen, J. C. and Souza, T. and Sanes, J. N.}, - title = {Experience-dependent activation patterns in human brain during visual-motor associative learning}, - journal = {J Neurosci}, - volume = {23}, - number = {33}, - pages = {10540-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14627638}, - year = {2003}, - type = {Journal Article} +@misc{RN2546, + url = {http://www.sph.sc.edu/comd/rorden/mricron}, + year = {2007}, + type = {Computer Program} } -@article{RN2105, - author = {Ekstrom, A. D. and Kahana, M. J. and Caplan, J. B. and Fields, T. A. and Isham, E. A. and Newman, E. L. and Fried, I.}, - title = {Cellular networks underlying human spatial navigation}, - journal = {Nature}, - volume = {425}, - number = {6954}, - pages = {184-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968182}, +@article{RN2545, + author = {Hulsmann, E. and Erb, M. and Grodd, W.}, + title = {From will to action: sequential cerebellar contributions to voluntary movement}, + journal = {Neuroimage}, + volume = {20}, + number = {3}, + pages = {1485-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14642461 }, year = {2003}, type = {Journal Article} } -@article{RN3429, - author = {Eisenhauer, Joseph G}, - title = {Regression through the origin}, - journal = {Teaching Statistics}, - volume = {25}, - number = {3}, - pages = {76-80}, - ISSN = {1467-9639}, - year = {2003}, +@article{RN2544, + author = {Amunts, K. and Zilles, K.}, + title = {Advances in cytoarchitectonic mapping of the human cerebral cortex}, + journal = {Neuroimaging Clin N Am}, + volume = {11}, + number = {2}, + pages = {151-69, vii}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11489732 }, + year = {2001}, type = {Journal Article} } -@article{RN2076, - author = {Ehrsson, H. H. and Fagergren, A. and Johansson, R. S. and Forssberg, H.}, - title = {Evidence for the involvement of the posterior parietal cortex in coordination of fingertip forces for grasp stability in manipulation}, - journal = {J Neurophysiol}, - volume = {90}, - number = {5}, - pages = {2978-86}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14615423}, - year = {2003}, +@article{RN2543, + author = {Ramnani, N. and Behrens, T. E. and Johansen-Berg, H. and Richter, M. C. and Pinsk, M. A. and Andersson, J. L. and Rudebeck, P. and Ciccarelli, O. and Richter, W. and Thompson, A. J. and Gross, C. G. and Robson, M. D. and Kastner, S. and Matthews, P. M.}, + title = {The evolution of prefrontal inputs to the cortico-pontine system: diffusion imaging evidence from Macaque monkeys and humans}, + journal = {Cereb Cortex}, + volume = {16}, + number = {6}, + pages = {811-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16120793 }, + year = {2006}, type = {Journal Article} } -@article{RN2624, - author = {Dum, R. P. and Strick, P. L.}, - title = {An unfolded map of the cerebellar dentate nucleus and its projections to the cerebral cortex}, +@article{RN2541, + author = {Sergio, L. E. and Hamel-Paquet, C. and Kalaska, J. F.}, + title = {Motor cortex neural correlates of output kinematics and kinetics during isometric-force and arm-reaching tasks}, journal = {J Neurophysiol}, - volume = {89}, - number = {1}, - pages = {634-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12522208 }, - year = {2003}, + volume = {94}, + number = {4}, + pages = {2353-78}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15888522 }, + year = {2005}, type = {Journal Article} } -@article{RN2120, - author = {Doyon, J. and Penhune, V. and Ungerleider, L. G.}, - title = {Distinct contribution of the cortico-striatal and cortico-cerebellar systems to motor skill learning}, - journal = {Neuropsychologia}, - volume = {41}, - number = {3}, - pages = {252-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12457751}, - year = {2003}, +@article{RN2539, + author = {Catz, N. and Dicke, P. W. and Thier, P.}, + title = {Cerebellar complex spike firing is suitable to induce as well as to stabilize motor learning}, + journal = {Curr Biol}, + volume = {15}, + number = {24}, + pages = {2179-89}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16360681 }, + year = {2005}, type = {Journal Article} } -@article{RN2061, - author = {Donchin, O. and Francis, J. T. and Shadmehr, R.}, - title = {Quantifying generalization from trial-by-trial behavior of adaptive systems that learn with basis functions: theory and experiments in human motor control}, +@article{RN2538, + author = {Bays, P. M. and Wolpert, D. M.}, + title = {Actions and consequences in bimanual interaction are represented in different coordinate systems}, journal = {J Neurosci}, - volume = {23}, - number = {27}, - pages = {9032-45}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534237}, - year = {2003}, + volume = {26}, + number = {26}, + pages = {7121-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16807341 }, + year = {2006}, type = {Journal Article} } -@article{RN937, - author = {Diedrichsen, J. and Verstynen, T. and Hon, A. and Lehman, S. L. and Ivry, R. B.}, - title = {Anticipatory adjustments in the unloading task: Is an efference copy necessary for learning?}, - journal = {Exp Brain Res}, - volume = {148}, - number = {2}, - pages = {272-276}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12520418}, - year = {2003}, +@article{RN2537, + author = {Diedrichsen, J.}, + title = {Optimal task-dependent changes of bimanual feedback control and adaptation}, + journal = {Curr Biol}, + volume = {17}, + number = {19}, + pages = {1675-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17900901 }, + year = {2007}, type = {Journal Article} } -@inproceedings{RN2147, - author = {Diedrichsen, J. and Verstynen, T. and Albert, N. and Ivry, R. B.}, - title = {Predicting the body and the world: The role of the cerebellum in anticipatory postural adjustments required for bimanual coordination.}, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} +@article{RN2536, + author = {Srimal, R. and Diedrichsen, J. and Ryklin, E. B. and Curtis, C. E.}, + title = {Obligatory adaptation of saccade gains}, + journal = {J Neurophysiol}, + volume = {99}, + number = {3}, + pages = {1554-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18234985 }, + year = {2008}, + type = {Journal Article} } -@inbook{RN838, - author = {Diedrichsen, J. and Ivry, R. B. and Pressing, J.}, - title = {Cerebellar and basal ganglia contributions to interval timing}, - booktitle = {Functional and neural mechanisms of interval timing}, - editor = {Meck, W. H.}, - publisher = {CRC Press}, - address = {Boca Raton, FL}, - pages = {457-481}, - year = {2003}, - type = {Book Section} +@article{RN2535, + author = {Saijo, N. and Murakami, I. and Nishida, S. and Gomi, H.}, + title = {Large-field visual motion directly induces an involuntary rapid manual following response}, + journal = {J Neurosci}, + volume = {25}, + number = {20}, + pages = {4941-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15901775 }, + year = {2005}, + type = {Journal Article} } -@article{RN970, - author = {Diedrichsen, J. and Ivry, R. B. and Hazeltine, E. and Kennerley, S. and Cohen, A.}, - title = {Bimanual interference associated with the selection of target locations}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {29}, - number = {1}, - pages = {64-77}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12669748}, - year = {2003}, +@article{RN2534, + author = {Gomi, H. and Abekawa, N. and Nishida, S.}, + title = {Spatiotemporal tuning of rapid interactions between visual-motion analysis and reaching movement}, + journal = {J Neurosci}, + volume = {26}, + number = {20}, + pages = {5301-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16707782 }, + year = {2006}, type = {Journal Article} } -@article{RN2009, - author = {Diedrichsen, J. and Hazeltine, E. and Nurss, W. K. and Ivry, R. B.}, - title = {The role of the corpus callosum in the coupling of bimanual isometric force pulses}, - journal = {J Neurophysiol}, - volume = {90}, - number = {4}, - pages = {2409-18}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534269}, - year = {2003}, +@article{RN2533, + author = {Toga, A. W. and Thompson, P. M. and Mori, S. and Amunts, K. and Zilles, K.}, + title = {Towards multimodal atlases of the human brain}, + journal = {Nat Rev Neurosci}, + volume = {7}, + number = {12}, + pages = {952-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17115077 }, + year = {2006}, type = {Journal Article} } -@phdthesis{RN2055, - author = {Diedrichsen, J.}, - title = {The Neural Control of Anticipatory Postural Adjustments during Bimanual Movements}, - university = {University of California, Berkeley}, - type = {Dissertation}, - year = {2003}, - type = {Thesis} +@article{RN2532, + author = {Naito, E. and Scheperjans, F. and Eickhoff, S. B. and Amunts, K. and Roland, P. E. and Zilles, K. and Ehrsson, H. H.}, + title = {Human superior parietal lobule is involved in somatic perception of bimanual interaction with an external object}, + journal = {J Neurophysiol}, + volume = {99}, + number = {2}, + pages = {695-703}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18003884 }, + year = {2008}, + type = {Journal Article} } -@phdthesis{RN1060, - author = {Dewan, Maneesh}, - title = {Design, construction and testing of an fMRI compatible robotic arm}, - university = {Johns Hopkins University}, - type = {Master thesis}, - year = {2003}, - type = {Thesis} +@article{RN2531, + author = {Eickhoff, S. B. and Stephan, K. E. and Mohlberg, H. and Grefkes, C. and Fink, G. R. and Amunts, K. and Zilles, K.}, + title = {A new SPM toolbox for combining probabilistic cytoarchitectonic maps and functional imaging data}, + journal = {Neuroimage}, + volume = {25}, + number = {4}, + pages = {1325-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850749 }, + year = {2005}, + type = {Journal Article} } -@article{RN1078, - author = {Debaere, F. and Wenderoth, N. and Sunaert, S. and Van Hecke, P. and Swinnen, S. P.}, - title = {Internal vs external generation of movements: differential neural pathways involved in bimanual coordination performed in the presence or absence of augmented visual feedback}, +@article{RN2530, + author = {Eickhoff, S. B. and Heim, S. and Zilles, K. and Amunts, K.}, + title = {Testing anatomically specified hypotheses in functional imaging using cytoarchitectonic maps}, journal = {Neuroimage}, - volume = {19}, - number = {3}, - pages = {764-76}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880805}, - year = {2003}, + volume = {32}, + number = {2}, + pages = {570-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16781166 }, + year = {2006}, type = {Journal Article} } -@article{RN2630, - author = {d'Avella, A. and Saltiel, P. and Bizzi, E.}, - title = {Combinations of muscle synergies in the construction of a natural motor behavior}, - journal = {Nat Neurosci}, - volume = {6}, +@article{RN2529, + author = {Eickhoff, S. B. and Paus, T. and Caspers, S. and Grosbras, M. H. and Evans, A. C. and Zilles, K. and Amunts, K.}, + title = {Assignment of functional activations to probabilistic cytoarchitectonic areas revisited}, + journal = {Neuroimage}, + volume = {36}, number = {3}, - pages = {300-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12563264 }, - year = {2003}, + pages = {511-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17499520 }, + year = {2007}, type = {Journal Article} } -@article{RN2483, - author = {Culham, J. C. and Danckert, S. L. and DeSouza, J. F. and Gati, J. S. and Menon, R. S. and Goodale, M. A.}, - title = {Visually guided grasping produces fMRI activation in dorsal but not ventral stream brain areas}, - journal = {Exp Brain Res}, - volume = {153}, - number = {2}, - pages = {180-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12961051 }, - year = {2003}, +@article{RN2528, + author = {Smith, S. M. and Jenkinson, M. and Woolrich, M. W. and Beckmann, C. F. and Behrens, T. E. and Johansen-Berg, H. and Bannister, P. R. and De Luca, M. and Drobnjak, I. and Flitney, D. E. and Niazy, R. K. and Saunders, J. and Vickers, J. and Zhang, Y. and De Stefano, N. and Brady, J. M. and Matthews, P. M.}, + title = {Advances in functional and structural MR image analysis and implementation as FSL}, + journal = {Neuroimage}, + volume = {23 Suppl 1}, + pages = {S208-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15501092 }, + year = {2004}, type = {Journal Article} } -@article{RN1041, - author = {Criscimagna-Hemminger, S. E. and Donchin, O. and Gazzaniga, M. S. and Shadmehr, R.}, - title = {Learned dynamics of reaching movements generalize from dominant to nondominant arm}, - journal = {J Neurophysiol}, - volume = {89}, +@article{RN2527, + author = {Tcheang, L. and Bays, P. M. and Ingram, J. N. and Wolpert, D. M.}, + title = {Simultaneous bimanual dynamics are learned without interference}, + journal = {Exp Brain Res}, + volume = {183}, number = {1}, - pages = {168-76}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12522169}, - year = {2003}, + pages = {17-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17611745 }, + year = {2007}, type = {Journal Article} } -@article{RN2288, - author = {Connolly, J. D. and Andersen, R. A. and Goodale, M. A.}, - title = {FMRI evidence for a 'parietal reach region' in the human brain}, - journal = {Exp Brain Res}, - volume = {153}, - number = {2}, - pages = {140-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12955383}, - year = {2003}, +@article{RN2526, + author = {Shergill, S. S. and Samson, G. and Bays, P. M. and Frith, C. D. and Wolpert, D. M.}, + title = {Evidence for sensory prediction deficits in schizophrenia}, + journal = {Am J Psychiatry}, + volume = {162}, + number = {12}, + pages = {2384-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16330607 }, + year = {2005}, type = {Journal Article} } -@article{RN2916, - author = {Cisek, P. and Crammond, D. J. and Kalaska, J. F.}, - title = {Neural activity in primary motor and dorsal premotor cortex in reaching tasks with the contralateral versus ipsilateral arm}, - journal = {J Neurophysiol}, - volume = {89}, +@article{RN2525, + author = {Brooks, J. C. and Beckmann, C. F. and Miller, K. L. and Wise, R. G. and Porro, C. A. and Tracey, I. and Jenkinson, M.}, + title = {Physiological noise modelling for spinal functional magnetic resonance imaging studies}, + journal = {Neuroimage}, + volume = {39}, number = {2}, - pages = {922-42}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00607.2002}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12574469}, - year = {2003}, - type = {Journal Article} -} - -@article{RN2114, - author = {Caplan, J. B. and Madsen, J. R. and Schulze-Bonhage, A. and Aschenbrenner-Scheibe, R. and Newman, E. L. and Kahana, M. J.}, - title = {Human theta oscillations related to sensorimotor integration and spatial learning}, - journal = {J Neurosci}, - volume = {23}, - number = {11}, - pages = {4726-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12805312}, - year = {2003}, + pages = {680-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17950627 }, + year = {2008}, type = {Journal Article} } -@article{RN2466, - author = {Caesar, K. and Gold, L. and Lauritzen, M.}, - title = {Context sensitivity of activity-dependent increases in cerebral blood flow}, - journal = {Proc Natl Acad Sci U S A}, - volume = {100}, - number = {7}, - pages = {4239-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12655065 }, - year = {2003}, +@article{RN2524, + author = {Garwicz, M. and Apps, R. and Trott, J. R.}, + title = {Micro-organization of olivocerebellar and corticonuclear connections of the paravermal cerebellum in the cat}, + journal = {Eur J Neurosci}, + volume = {8}, + number = {12}, + pages = {2726-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8996822 }, + year = {1996}, type = {Journal Article} } -@article{RN2015, - author = {Bracewell, R. Martyn and Wing, A. M. and Soper, Harriet M. and Clark, G. Kristen}, - title = {Predictive and reactive co-ordination of grip and load forces in bimanual lifting in man}, - journal = {European Journal of Neuroscience}, - volume = {18}, - pages = {2396-2402}, - year = {2003}, +@article{RN2523, + author = {Apps, R. and Atkins, M. J. and Garwicz, M.}, + title = {Gating of cutaneous input to cerebellar climbing fibres during a reaching task in the cat}, + journal = {J Physiol}, + volume = {502 ( Pt 1)}, + pages = {203-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9234207 }, + year = {1997}, type = {Journal Article} } -@article{RN2016, - author = {Bogaerts, H. and Buekers, M. J. and Zaal, F. T. and Swinnen, S. P.}, - title = {When visuo-motor incongruence aids motor performance: the effect of perceiving motion structures during transformed visual feedback on bimanual coordination}, - journal = {Behav Brain Res}, - volume = {138}, +@article{RN2522, + author = {Apps, R. and Garwicz, M.}, + title = {Precise matching of olivo-cortical divergence and cortico-nuclear convergence between somatotopically corresponding areas in the medial C1 and medial C3 zones of the paravermal cerebellum}, + journal = {Eur J Neurosci}, + volume = {12}, number = {1}, - pages = {45-57}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12493629}, - year = {2003}, + pages = {205-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10651875 }, + year = {2000}, type = {Journal Article} } -@article{RN2231, - author = {Bock, O.}, - title = {Sensorimotor adaptation to visual distortions with different kinematic coupling}, - journal = {Exp Brain Res}, - volume = {151}, +@article{RN2521, + author = {Apps, R. and Garwicz, M.}, + title = {Anatomical and physiological foundations of cerebellar information processing}, + journal = {Nat Rev Neurosci}, + volume = {6}, number = {4}, - pages = {557-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12856094}, - year = {2003}, + pages = {297-311}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15803161 }, + year = {2005}, type = {Journal Article} } -@inbook{RN2898, - author = {Berry, A. and Heggernes, P. and Simonet, G.}, - title = {The minimum degree heuristic -and the minimal triangulation process}, - booktitle = {Graph-Theoretic Concepts in Computer Science}, - publisher = {Springer}, - pages = {58-70}, - url = {http://www.springerlink.com/content/dyj3v3ngjqg7aahn/}, - year = {2003}, - type = {Book Section} -} - -@article{RN2092, - author = {Bellgowan, P. S. and Saad, Z. S. and Bandettini, P. A.}, - title = {Understanding neural system dynamics through task modulation and measurement of functional MRI amplitude, latency, and width}, - journal = {Proc Natl Acad Sci U S A}, - volume = {100}, - number = {3}, - pages = {1415-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12552093}, - year = {2003}, +@article{RN2520, + author = {Snyder, P. J. and Bilder, R. M. and Wu, H. and Bogerts, B. and Lieberman, J. A.}, + title = {Cerebellar volume asymmetries are related to handedness: a quantitative MRI study}, + journal = {Neuropsychologia}, + volume = {33}, + number = {4}, + pages = {407-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7617152 }, + year = {1995}, type = {Journal Article} } -@article{RN2067, - author = {Bellgowan, P. S. and Saad, Z. S. and Bandettini, P. A.}, - title = {Understanding neural system dynamics through task modulation and measurement of functional MRI amplitude, latency, and width}, - journal = {Proc Natl Acad Sci U S A}, - volume = {100}, +@article{RN2519, + author = {Keuthen, N. J. and Makris, N. and Schlerf, J. E. and Martis, B. and Savage, C. R. and McMullin, K. and Seidman, L. J. and Schmahmann, J. D. and Kennedy, D. N. and Hodge, S. M. and Rauch, S. L.}, + title = {Evidence for reduced cerebellar volumes in trichotillomania}, + journal = {Biol Psychiatry}, + volume = {61}, number = {3}, - pages = {1415-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12552093}, - year = {2003}, - type = {Journal Article} -} - -@article{RN2167, - author = {Beauchamp, M. S.}, - title = {Detection of eye movements from fMRI data}, - journal = {Magn Reson Med}, - volume = {49}, - number = {2}, - pages = {376-80}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12541259}, - year = {2003}, + pages = {374-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16945351 }, + year = {2007}, type = {Journal Article} } -@article{RN2358, - author = {Baddeley, R. J. and Ingram, H. A. and Miall, R. C.}, - title = {System identification applied to a visuomotor task: near-optimal human performance in a noisy changing task}, - journal = {J Neurosci}, - volume = {23}, - number = {7}, - pages = {3066-75}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12684493}, - year = {2003}, +@article{RN2518, + author = {Grafton, S. T. and Schmitt, P. and Van Horn, J. and Diedrichsen, J.}, + title = {Neural substrates of visuomotor learning based on improved feedback control and prediction}, + journal = {Neuroimage}, + volume = {39}, + number = {3}, + pages = {1383-95}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18032069 }, + year = {2008}, type = {Journal Article} } -@article{RN2266, - author = {Astafiev, S. V. and Shulman, G. L. and Stanley, C. M. and Snyder, A. Z. and Van Essen, D. C. and Corbetta, M.}, - title = {Functional organization of human intraparietal and frontal cortex for attending, looking, and pointing}, - journal = {J Neurosci}, - volume = {23}, - number = {11}, - pages = {4689-99}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12805308}, - year = {2003}, +@article{RN2515, + author = {Braun, D. A. and Wolpert, D. M.}, + title = {Optimal control: when redundancy matters}, + journal = {Curr Biol}, + volume = {17}, + number = {22}, + pages = {R973-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=18029255 }, + year = {2007}, type = {Journal Article} } -@article{RN3393, - author = {Andersen, B. B. and Gundersen, H. J. and Pakkenberg, B.}, - title = {Aging of the human cerebellum: a stereological study}, - journal = {J Comp Neurol}, - volume = {466}, - number = {3}, - pages = {356-65}, - ISSN = {0021-9967 (Print) -0021-9967 (Linking)}, - DOI = {10.1002/cne.10884}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/14556293}, - year = {2003}, +@article{RN2514, + author = {Latash, M. L. and Scholz, J. P. and Schoner, G.}, + title = {Motor control strategies revealed in the structure of motor variability}, + journal = {Exerc Sport Sci Rev}, + volume = {30}, + number = {1}, + pages = {26-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11800496 }, + year = {2002}, type = {Journal Article} } -@inproceedings{RN2148, - author = {Albert, N. and Diedrichsen, J. and Hazeltine, E. and Grafton, S. T. and Ivry, R. B.}, - title = {Size matters: Bimanual interference in programming lifting movements based on apparent object size or surface properties.}, - booktitle = {Society for Neuroscience}, - type = {Conference Proceedings} +@book{RN2513, + author = {Shadmehr, R. and Wise, S. P.}, + title = {The computational neurobiology of reaching and pointing}, + publisher = {MIT Press}, + address = {Cambridge}, + year = {2005}, + type = {Book} } -@article{RN2074, - author = {Zackowski, K. M. and Thach, W. T., Jr. and Bastian, A. J.}, - title = {Cerebellar subjects show impaired coupling of reach and grasp movements}, - journal = {Exp Brain Res}, - volume = {146}, - number = {4}, - pages = {511-22}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12355280}, - year = {2002}, +@article{RN2511, + author = {Diedrichsen, J. and Criscimagna-Hemminger, S. E. and Shadmehr, R.}, + title = {Dissociating timing and coordination as functions of the cerebellum}, + journal = {J Neurosci}, + volume = {27}, + number = {23}, + pages = {6291-301}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17554003 }, + year = {2007}, type = {Journal Article} } -@article{RN1982, - author = {Worsley, K. J. and Liao, C. H. and Aston, J. and Petre, V. and Duncan, G. H. and Morales, F. and Evans, A. C.}, - title = {A general statistical analysis for fMRI data}, - journal = {Neuroimage}, - volume = {15}, - number = {1}, - pages = {1-15}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11771969}, - year = {2002}, +@article{RN2510, + author = {Sternad, D. and Wei, K. and Diedrichsen, J. and Ivry, R. B.}, + title = {Intermanual interactions during initiation and production of rhythmic and discrete movements in individuals lacking a corpus callosum}, + journal = {Exp Brain Res}, + volume = {176}, + number = {4}, + pages = {559-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16917769 }, + year = {2007}, type = {Journal Article} } -@article{RN3613, - author = {WMA}, - title = {World Medical Association Declaration of Helsinki: ethical principles for medical research involving human subjects}, - journal = {J Postgrad Med}, - volume = {48}, - number = {3}, - pages = {206-8}, - ISSN = {0022-3859 (Print)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12432198 -http://www.jpgmonline.com/article.asp?issn=0022-3859;year=2002;volume=48;issue=3;spage=206;epage=8;aulast=}, - year = {2002}, +@article{RN2508, + author = {Diedrichsen, J. and Verstynen, T. and Hon, A. and Zhang, Y. and Ivry, R. B.}, + title = {Illusions of force perception: the role of sensori-motor predictions, visual information, and motor errors}, + journal = {J Neurophysiol}, + volume = {97}, + number = {5}, + pages = {3305-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17344369 }, + year = {2007}, type = {Journal Article} } -@article{RN925, - author = {Wilson, S. J. and Pressing, J. L. and Wales, R. J.}, - title = {Modelling rhythmic function in a musician post-stroke}, - journal = {Neuropsychologia}, - volume = {40}, - number = {8}, - pages = {1494-505}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11931954}, - year = {2002}, +@article{RN2507, + author = {Tseng, Y. W. and Diedrichsen, J. and Krakauer, J. W. and Shadmehr, R. and Bastian, A. J.}, + title = {Sensory prediction errors drive cerebellum-dependent adaptation of reaching}, + journal = {J Neurophysiol}, + volume = {98}, + number = {1}, + pages = {54-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17507504 }, + year = {2007}, type = {Journal Article} } -@article{RN693, - author = {Werner, Steffen and Diedrichsen, Joern}, - title = {The time course of spatial memory distortions}, - journal = {Memory & Cognition}, - volume = {30}, - number = {5}, - pages = {717-729}, - year = {2002}, +@article{RN2506, + author = {de Poel, H. J. and Peper, C. L. and Beek, P. J.}, + title = {Laterally focused attention modulates asymmetric coupling in rhythmic interlimb coordination}, + journal = {Psychol Res}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17021836 }, + year = {2006}, type = {Journal Article} } -@article{RN2319, - author = {Weiss, Y. and Simoncelli, E. P. and Adelson, E. H.}, - title = {Motion illusions as optimal percepts}, - journal = {Nat Neurosci}, - volume = {5}, - number = {6}, - pages = {598-604}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12021763}, - year = {2002}, +@article{RN2503, + author = {Serrien, D. J. and Brown, P.}, + title = {Changes in functional coupling patterns during bimanual task performance}, + journal = {Neuroreport}, + volume = {15}, + number = {9}, + pages = {1387-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15194858 }, + year = {2004}, type = {Journal Article} } -@article{RN931, - author = {Walter, C. B. and Swinnen, S. P. and Dounskaia, N. V.}, - title = {Generation of bimanual trajectories of disparate eccentricity: levels of interference and spontaneous changes over practice}, - journal = {J Mot Behav}, - volume = {34}, - number = {2}, - pages = {183-95.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12057891}, - year = {2002}, +@article{RN2502, + author = {Gross, J. and Pollok, B. and Dirks, M. and Timmermann, L. and Butz, M. and Schnitzler, A.}, + title = {Task-dependent oscillations during unimanual and bimanual movements in the human primary motor cortex and SMA studied with magnetoencephalography}, + journal = {Neuroimage}, + volume = {26}, + number = {1}, + pages = {91-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15862209 }, + year = {2005}, type = {Journal Article} } -@article{RN808, - author = {Vorberg, D. and Schulze, H. H.}, - title = {Linear phase-correction in synchronization: Predictions, parameter estimation and simulations}, - journal = {Journal of Mathematical Psychology}, - volume = {46}, - pages = {56-87}, - year = {2002}, +@article{RN2501, + author = {Pollok, B. and Sudmeyer, M. and Gross, J. and Schnitzler, A.}, + title = {The oscillatory network of simple repetitive bimanual movements}, + journal = {Brain Res Cogn Brain Res}, + volume = {25}, + number = {1}, + pages = {300-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16023333 }, + year = {2005}, type = {Journal Article} } -@article{RN3066, - author = {Vetter, P. and Flash, T. and Wolpert, D. M.}, - title = {Planning movements in a simple redundant task}, - journal = {Curr Biol}, - volume = {12}, - number = {6}, - pages = {488-91}, - ISSN = {0960-9822 (Print) -0960-9822 (Linking)}, - DOI = {S0960982202007157 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11909535}, - year = {2002}, +@article{RN2500, + author = {Pollok, B. and Butz, M. and Gross, J. and Schnitzler, A.}, + title = {Intercerebellar coupling contributes to bimanual coordination}, + journal = {J Cogn Neurosci}, + volume = {19}, + number = {4}, + pages = {704-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17381260 }, + year = {2007}, type = {Journal Article} } -@article{RN2004, - author = {Van Mier, H. I. and Petersen, S. E.}, - title = {Role of the cerebellum in motor cognition}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {334-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582064}, - year = {2002}, +@article{RN2499, + author = {Pollok, B. and Gross, J. and Muller, K. and Aschersleben, G. and Schnitzler, A.}, + title = {The cerebral oscillatory network associated with auditorily paced finger movements}, + journal = {Neuroimage}, + volume = {24}, + number = {3}, + pages = {646-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15652300 }, + year = {2005}, type = {Journal Article} } -@article{RN2262, - author = {Van Essen, D. C.}, - title = {Windows on the brain: the emerging role of atlases and databases in neuroscience}, - journal = {Curr Opin Neurobiol}, - volume = {12}, - number = {5}, - pages = {574-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12367638}, - year = {2002}, +@article{RN2497, + author = {Huang, V. S. and Shadmehr, R.}, + title = {Evolution of motor memory during the seconds after observation of motor error}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17428900 }, + year = {2007}, type = {Journal Article} } -@article{RN2116, - author = {Van Essen, D. C.}, - title = {Surface-based atlases of cerebellar cortex in the human, macaque, and mouse}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {468-79}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582074}, - year = {2002}, +@article{RN2496, + author = {Chen, H. and Hua, S. E. and Smith, M. A. and Lenz, F. A. and Shadmehr, R.}, + title = {Effects of human cerebellar thalamus disruption on adaptive control of reaching}, + journal = {Cereb Cortex}, + volume = {16}, + number = {10}, + pages = {1462-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16357337 }, + year = {2006}, type = {Journal Article} } -@article{RN3057, - author = {van Beers, R. J. and Baraduc, P. and Wolpert, D. M.}, - title = {Role of uncertainty in sensorimotor control}, - journal = {Philos Trans R Soc Lond B Biol Sci}, - volume = {357}, - number = {1424}, - pages = {1137-45}, - ISSN = {0962-8436 (Print) -0962-8436 (Linking)}, - DOI = {10.1098/rstb.2002.1101}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12217180}, - year = {2002}, +@inbook{RN2495, + author = {Todorov, E.}, + title = {Optimal Control Theory}, + booktitle = {Bayesian Brain. Probabilistic Approaches to Neural Coding}, + editor = {Kenji Doya and Shin Ishii and Alexandre Pouget and Rao, Rajesh P. N.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {269-294}, + year = {2007}, + type = {Book Section} +} + +@article{RN2494, + author = {Todorov, E. and Li, W.}, + title = {A generalized iterative LQG method for locally-optimal feedback control on constrained nonlinear stochastic systems}, + journal = {Proceedings of the American Control Conference}, + year = {2005}, type = {Journal Article} } -@article{RN1064, - author = {Ungerleider, L. G. and Doyon, J. and Karni, A.}, - title = {Imaging brain plasticity during motor skill learning}, - journal = {Neurobiol Learn Mem}, - volume = {78}, - number = {3}, - pages = {553-64}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12559834}, - year = {2002}, +@article{RN2493, + author = {Li, W. and Todorov, E. and Pan, X.}, + title = {Hierarchical optimal control of redundant biomechanical systems}, + journal = {Conf Proc IEEE Eng Med Biol Soc}, + volume = {6}, + pages = {4618-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17271336 }, + year = {2004}, type = {Journal Article} } -@article{RN2088, - author = {Tong, C. and Wolpert, D. M. and Flanagan, J. R.}, - title = {Kinematics and dynamics are not represented independently in motor working memory: evidence from an interference study}, - journal = {J Neurosci}, - volume = {22}, - number = {3}, - pages = {1108-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11826139}, - year = {2002}, +@article{RN2492, + author = {Li, W. and Todorov, E. and Pan, X.}, + title = {Hierarchical Feedback and Learning for Multi-joint Arm Movement Control}, + journal = {Conf Proc IEEE Eng Med Biol Soc}, + volume = {4}, + pages = {4400-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17281211 }, + year = {2005}, type = {Journal Article} } -@article{RN2239, - author = {Todorov, E. and Jordan, M. I.}, - title = {Optimal feedback control as a theory of motor coordination}, - journal = {Nat Neurosci}, +@article{RN2491, + author = {Pan, X. and Todorov, E. and Li, W.}, + title = {Towards an Integrated System for Estimating Multi-joint Movement from Diverse Sensor Data}, + journal = {Conf Proc IEEE Eng Med Biol Soc}, volume = {5}, - number = {11}, - pages = {1226-35}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12404008}, - year = {2002}, + pages = {4982-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17281363 }, + year = {2005}, type = {Journal Article} } -@article{RN2570, - author = {Todorov, E.}, - title = {Cosine tuning minimizes motor errors}, - journal = {Neural Comput}, - volume = {14}, +@article{RN2490, + author = {Nanayakkara, T. and Shadmehr, R.}, + title = {Saccade adaptation in response to altered arm dynamics}, + journal = {J Neurophysiol}, + volume = {90}, number = {6}, - pages = {1233-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12020444 }, - year = {2002}, + pages = {4016-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14665687 }, + year = {2003}, + type = {Journal Article} +} + +@article{RN2487, + author = {Hillis, J. M. and Watt, S. J. and Landy, M. S. and Banks, M. S.}, + title = {Slant from texture and disparity cues: optimal cue combination}, + journal = {J Vis}, + volume = {4}, + number = {12}, + pages = {967-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15669906 }, + year = {2004}, type = {Journal Article} } @@ -12718,375 +13424,388 @@ @article{RN2486 type = {Journal Article} } -@article{RN842, - author = {Swinnen, S. P. and Dounskaia, N. and Duysens, J.}, - title = {Patterns of bimanual interference reveal movement encoding within a radial egocentric reference frame}, - journal = {Journal of Cognitive Neuroscience}, - volume = {14}, - number = {3}, - pages = {463-71.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11970805}, - year = {2002}, +@article{RN2485, + author = {Thoroughman, K. A. and Shadmehr, R.}, + title = {Electromyographic correlates of learning an internal model of reaching movements}, + journal = {J Neurosci}, + volume = {19}, + number = {19}, + pages = {8573-88}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10493757 }, + year = {1999}, type = {Journal Article} } -@article{RN901, - author = {Swinnen, S. P. and Debaere, F. and Puttemans, V. and Vangheluwe, S. and Kiekens, C.}, - title = {Coordination deficits on the ipsilesional side after unilateral stroke: the effect of practice on nonisodirectional ipsilateral coordination}, - journal = {Acta Psychol (Amst)}, - volume = {110}, - number = {2-3}, - pages = {305-20.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12102111}, - year = {2002}, +@article{RN2484, + author = {Davare, M. and Andres, M. and Cosnard, G. and Thonnard, J. L. and Olivier, E.}, + title = {Dissociating the role of ventral and dorsal premotor cortex in precision grasping}, + journal = {J Neurosci}, + volume = {26}, + number = {8}, + pages = {2260-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16495453 }, + year = {2006}, type = {Journal Article} } -@article{RN843, - author = {Swinnen, S. P.}, - title = {Intermanual coordination: from behavioural principles to neural-network interactions}, - journal = {Nat Rev Neurosci}, - volume = {3}, - number = {5}, - pages = {348-59.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11988774}, - year = {2002}, +@article{RN2483, + author = {Culham, J. C. and Danckert, S. L. and DeSouza, J. F. and Gati, J. S. and Menon, R. S. and Goodale, M. A.}, + title = {Visually guided grasping produces fMRI activation in dorsal but not ventral stream brain areas}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {180-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12961051 }, + year = {2003}, type = {Journal Article} } -@article{RN3042, - author = {Steinberg, O. and Donchin, O. and Gribova, A. and Cardosa de Oliveira, S. and Bergman, H. and Vaadia, E.}, - title = {Neuronal populations in primary motor cortex encode bimanual arm movements}, - journal = {Eur J Neurosci}, - volume = {15}, - number = {8}, - pages = {1371-80}, - ISSN = {0953-816X (Print) -0953-816X (Linking)}, - DOI = {1968 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11994131}, - year = {2002}, +@article{RN2482, + author = {Gandolfo, F. and Mussa-Ivaldi, F. A. and Bizzi, E.}, + title = {Motor learning by field approximation}, + journal = {Proc Natl Acad Sci U S A}, + volume = {93}, + number = {9}, + pages = {3843-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8632977 }, + year = {1996}, type = {Journal Article} } -@article{RN2039, - author = {Sommer, M. A. and Wurtz, R. H.}, - title = {A pathway in primate brain for internal monitoring of movements}, - journal = {Science}, - volume = {296}, - number = {5572}, - pages = {1480-2}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12029137}, - year = {2002}, +@article{RN2480, + author = {Bhushan, N. and Shadmehr, R.}, + title = {Computational nature of human adaptive control during learning of reaching movements in force fields}, + journal = {Biol Cybern}, + volume = {81}, + number = {1}, + pages = {39-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10434390 }, + year = {1999}, type = {Journal Article} } -@article{RN915, - author = {Sohn, Y. H. and Wiltz, K. and Hallett, M.}, - title = {Effect of volitional inhibition on cortical inhibitory mechanisms}, - journal = {J Neurophysiol}, - volume = {88}, - number = {1}, - pages = {333-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12091558}, - year = {2002}, +@article{RN2479, + author = {Glimcher, P. W.}, + title = {The neurobiology of visual-saccadic decision making}, + journal = {Annu Rev Neurosci}, + volume = {26}, + pages = {133-79}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14527268 }, + year = {2003}, type = {Journal Article} } -@article{RN3328, - author = {Slobounov, S. and Johnston, J. and Chiang, H. and Ray, W. J.}, - title = {Motor-related cortical potentials accompanying enslaving effect in single versus combination of fingers force production tasks}, - journal = {Clin Neurophysiol}, - volume = {113}, - number = {9}, - pages = {1444-53}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/12169327}, - year = {2002}, +@article{RN2478, + author = {Kanwisher, N.}, + title = {Domain specificity in face perception}, + journal = {Nat Neurosci}, + volume = {3}, + number = {8}, + pages = {759-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10903567 }, + year = {2000}, + type = {Journal Article} +} + +@article{RN2477, + author = {Kanwisher, N. and Yovel, G.}, + title = {The fusiform face area: a cortical region specialized for the perception of faces}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {361}, + number = {1476}, + pages = {2109-28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17118927 }, + year = {2006}, type = {Journal Article} } -@article{RN3327, - author = {Slobounov, S. and Johnston, J. and Chiang, H. and Ray, W.}, - title = {The role of sub-maximal force production in the enslaving phenomenon}, - journal = {Brain Res}, - volume = {954}, - number = {2}, - pages = {212-9}, - ISSN = {0006-8993 (Print) -0006-8993 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/12414104}, - year = {2002}, +@inbook{RN2476, + author = {Horton, J C and Sincich, L C}, + title = {A new foundation for the visual cortical hierachy}, + booktitle = {The cognitive neurosciences III}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press }, + address = {Boston}, + pages = {233-243}, + year = {2004}, + type = {Book Section} +} + +@inbook{RN2475, + author = {Hackert, T. A. and Kaas, J. H.}, + title = {Auditory cortex in primates: Functional subdivisions and processing streams }, + booktitle = {The cognitive Neurosciences III}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {215-232}, + year = {2004}, + type = {Book Section} +} + +@article{RN2474, + author = {Reed, K. and Peshkin, M. and Hartmann, M. J. and Grabowecky, M. and Patton, J. and Vishton, P. M.}, + title = {Haptically linked dyads: are two motor-control systems better than one?}, + journal = {Psychol Sci}, + volume = {17}, + number = {5}, + pages = {365-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16683920 }, + year = {2006}, type = {Journal Article} } -@article{RN3086, - author = {Slobounov, S. and Chiang, H. and Johnston, J. and Ray, W.}, - title = {Modulated cortical control of individual fingers in experienced musicians: an EEG study. Electroencephalographic study}, - journal = {Clin Neurophysiol}, - volume = {113}, - number = {12}, - pages = {2013-24}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {S1388245702002985 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12464342}, - year = {2002}, +@article{RN2473, + author = {Mazzoni, P. and Krakauer, J. W.}, + title = {An implicit plan overrides an explicit strategy during visuomotor adaptation}, + journal = {J Neurosci}, + volume = {26}, + number = {14}, + pages = {3642-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16597717 }, + year = {2006}, type = {Journal Article} } -@article{RN1019, - author = {Slijper, H. and Latash, M. L. and Rao, N. and Aruin, A. S.}, - title = {Task-specific modulation of anticipatory postural adjustments in individuals with hemiparesis}, - journal = {Clin Neurophysiol}, - volume = {113}, - number = {5}, - pages = {642-55}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11976044}, - year = {2002}, +@article{RN2472, + author = {Nozaki, D. and Kurtzer, I. and Scott, S. H.}, + title = {Limited transfer of learning between unimanual and bimanual skills within the same limb}, + journal = {Nat Neurosci}, + volume = {9}, + number = {11}, + pages = {1364-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17028583 }, + year = {2006}, type = {Journal Article} } -@article{RN1023, - author = {Slijper, H. and Latash, M. L. and Mordkoff, J. T.}, - title = {Anticipatory postural adjustments under simple and choice reaction time conditions}, - journal = {Brain Res}, - volume = {924}, - number = {2}, - pages = {184-97}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11750904}, - year = {2002}, +@article{RN2471, + author = {Diedrichsen, J.}, + title = {A spatially unbiased atlas template of the human cerebellum}, + journal = {Neuroimage}, + volume = {33}, + number = {1}, + pages = {127-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16904911 }, + year = {2006}, type = {Journal Article} } -@article{RN2460, - author = {Shmuel, A. and Yacoub, E. and Pfeuffer, J. and Van de Moortele, P. F. and Adriany, G. and Hu, X. and Ugurbil, K.}, - title = {Sustained negative BOLD, blood flow and oxygen consumption response and its coupling to the positive response in the human brain}, - journal = {Neuron}, - volume = {36}, - number = {6}, - pages = {1195-210}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12495632 }, - year = {2002}, +@article{RN2470, + author = {Verstynen, T. and Spencer, R. and Stinear, C. M. and Konkle, T. and Diedrichsen, J. and Byblow, W. D. and Ivry, R. B.}, + title = {Ipsilateral corticospinal projections do not predict congenital mirror movements: A case report}, + journal = {Neuropsychologia}, + volume = {45}, + number = {4}, + pages = {844-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17023008 }, + year = {2007}, type = {Journal Article} } -@article{RN1073, - author = {Serrien, D. J. and Strens, L. H. and Oliviero, A. and Brown, P.}, - title = {Repetitive transcranial magnetic stimulation of the supplementary motor area (SMA) degrades bimanual movement control in humans}, - journal = {Neurosci Lett}, - volume = {328}, - number = {2}, - pages = {89-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12133562}, - year = {2002}, +@article{RN2469, + author = {Harris, C. M. and Wolpert, D. M.}, + title = {Signal-dependent noise determines motor planning}, + journal = {Nature}, + volume = {394}, + number = {6695}, + pages = {780-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9723616 }, + year = {1998}, type = {Journal Article} } -@article{RN2212, - author = {Seidler, R. D. and Purushotham, A. and Kim, S. G. and Ugurbil, K. and Willingham, D. and Ashe, J.}, - title = {Cerebellum activation associated with performance change but not motor learning}, - journal = {Science}, - volume = {296}, - number = {5575}, - pages = {2043-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12065841}, - year = {2002}, +@article{RN2468, + author = {Pasalar, S. and Roitman, A. V. and Durfee, W. K. and Ebner, T. J.}, + title = {Force field effects on cerebellar Purkinje cell discharge with implications for internal models}, + journal = {Nat Neurosci}, + volume = {9}, + number = {11}, + pages = {1404-11}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17028585 }, + year = {2006}, type = {Journal Article} } -@article{RN806, - author = {Schulze, H. H. and Vorberg, D.}, - title = {Linear phase correction models for synchronization: parameter identification and estimation of parameters}, - journal = {Brain Cogn}, - volume = {48}, - number = {1}, - pages = {80-97.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11812034}, - year = {2002}, +@article{RN2467, + author = {Bastian, A. J.}, + title = {Learning to predict the future: the cerebellum adapts feedforward movement control}, + journal = {Curr Opin Neurobiol}, + volume = {16}, + number = {6}, + pages = {645-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=17071073 }, + year = {2006}, type = {Journal Article} } -@article{RN990, - author = {Schmitz, C. and Martin, N. and Assaiante, C.}, - title = {Building anticipatory postural adjustment during childhood: a kinematic and electromyographic analysis of unloading in children from 4 to 8 years of age}, - journal = {Exp Brain Res}, - volume = {142}, - number = {3}, - pages = {354-64.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11819044}, - year = {2002}, +@article{RN2466, + author = {Caesar, K. and Gold, L. and Lauritzen, M.}, + title = {Context sensitivity of activity-dependent increases in cerebral blood flow}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {7}, + pages = {4239-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12655065 }, + year = {2003}, type = {Journal Article} } -@article{RN2859, - author = {Schieber, M. H.}, - title = {Motor cortex and the distributed anatomy of finger movements}, - journal = {Adv Exp Med Biol}, - volume = {508}, - pages = {411-6}, - ISSN = {0065-2598 (Print) -0065-2598 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12171137}, - year = {2002}, +@article{RN2465, + author = {Thomsen, K. and Offenhauser, N. and Lauritzen, M.}, + title = {Principal neuron spiking: neither necessary nor sufficient for cerebral blood flow in rat cerebellum}, + journal = {J Physiol}, + volume = {560}, + number = {Pt 1}, + pages = {181-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15272036 }, + year = {2004}, type = {Journal Article} } -@article{RN3302, - author = {Santello, M. and Flanders, M. and Soechting, J. F.}, - title = {Patterns of hand motion during grasping and the influence of sensory guidance}, - journal = {J Neurosci}, - volume = {22}, - number = {4}, - pages = {1426-35}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/11850469}, - year = {2002}, +@article{RN2464, + author = {Mathiesen, C. and Caesar, K. and Lauritzen, M.}, + title = {Temporal coupling between neuronal activity and blood flow in rat cerebellar cortex as indicated by field potential analysis}, + journal = {J Physiol}, + volume = {523 Pt 1}, + pages = {235-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10673558 }, + year = {2000}, type = {Journal Article} } -@article{RN2313, - author = {Rizzolatti, G. and Fogassi, L. and Gallese, V.}, - title = {Motor and cognitive functions of the ventral premotor cortex}, - journal = {Curr Opin Neurobiol}, - volume = {12}, - number = {2}, - pages = {149-54}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12015230}, - year = {2002}, +@article{RN2463, + author = {Fiez, J. A. and Petersen, S. E.}, + title = {Neuroimaging studies of word reading}, + journal = {Proc Natl Acad Sci U S A}, + volume = {95}, + number = {3}, + pages = {914-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448259 }, + year = {1998}, type = {Journal Article} } -@article{RN2395, - author = {Pierson, R. and Corson, P. W. and Sears, L. L. and Alicata, D. and Magnotta, V. and Oleary, D. and Andreasen, N. C.}, - title = {Manual and semiautomated measurement of cerebellar subregions on MR images}, - journal = {Neuroimage}, - volume = {17}, - number = {1}, - pages = {61-76}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12482068}, - year = {2002}, +@article{RN2462, + author = {Fiez, J. A. and Raife, E. A. and Balota, D. A. and Schwarz, J. P. and Raichle, M. E. and Petersen, S. E.}, + title = {A positron emission tomography study of the short-term maintenance of verbal information}, + journal = {J Neurosci}, + volume = {16}, + number = {2}, + pages = {808-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8551361 }, + year = {1996}, type = {Journal Article} } -@article{RN3357, - author = {Penhune, V. B. and Doyon, J.}, - title = {Dynamic cortical and subcortical networks in learning and delayed recall of timed motor sequences}, - journal = {Journal of neuroscience}, - volume = {22}, - number = {4}, - pages = {1397-406}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/11850466}, - year = {2002}, +@article{RN2461, + author = {Nitschke, M. F. and Arp, T. and Stavrou, G. and Erdmann, C. and Heide, W.}, + title = {The cerebellum in the cerebro-cerebellar network for the control of eye and hand movements--an fMRI study}, + journal = {Prog Brain Res}, + volume = {148}, + pages = {151-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15661188 }, + year = {2005}, type = {Journal Article} } -@article{RN2125, - author = {Packard, M. G. and Knowlton, B. J.}, - title = {Learning and memory functions of the Basal Ganglia}, - journal = {Annu Rev Neurosci}, - volume = {25}, - pages = {563-93}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12052921}, +@article{RN2460, + author = {Shmuel, A. and Yacoub, E. and Pfeuffer, J. and Van de Moortele, P. F. and Adriany, G. and Hu, X. and Ugurbil, K.}, + title = {Sustained negative BOLD, blood flow and oxygen consumption response and its coupling to the positive response in the human brain}, + journal = {Neuron}, + volume = {36}, + number = {6}, + pages = {1195-210}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12495632 }, year = {2002}, type = {Journal Article} } -@article{RN933, - author = {Ohki, Y. and Edin, B. B. and Johansson, R. S.}, - title = {Predictions specify reactive control of individual digits in manipulation}, - journal = {J Neurosci}, - volume = {22}, - number = {2}, - pages = {600-10.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11784808}, - year = {2002}, +@article{RN2459, + author = {Shmuel, A. and Augath, M. and Oeltermann, A. and Logothetis, N. K.}, + title = {Negative functional MRI response correlates with decreases in neuronal activity in monkey visual area V1}, + journal = {Nat Neurosci}, + volume = {9}, + number = {4}, + pages = {569-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16547508 }, + year = {2006}, type = {Journal Article} } -@article{RN2137, - author = {Nowak, D. A. and Hermsdorfer, J. and Marquardt, C. and Fuchs, H. H.}, - title = {Grip and load force coupling during discrete vertical arm movements with a grasped object in cerebellar atrophy}, - journal = {Exp Brain Res}, - volume = {145}, - number = {1}, - pages = {28-39}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12070742}, - year = {2002}, +@article{RN2458, + author = {Johansson, R. S. and Theorin, A. and Westling, G. and Andersson, M. and Ohki, Y. and Nyberg, L.}, + title = {How a lateralized brain supports symmetrical bimanual tasks}, + journal = {PLoS Biol}, + volume = {4}, + number = {6}, + pages = {e158}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16669700 }, + year = {2006}, type = {Journal Article} } -@article{RN2730, - author = {Nichols, T. E. and Holmes, A. P.}, - title = {Nonparametric permutation tests for functional neuroimaging: a primer with examples}, - journal = {Hum Brain Mapp}, +@article{RN2455, + author = {Bays, P. M. and Wolpert, D. M. and Flanagan, J. R.}, + title = {Perception of the consequences of self-action is temporally tuned and event driven}, + journal = {Curr Biol}, volume = {15}, - number = {1}, - pages = {1-25}, - ISSN = {1065-9471 (Print) -1065-9471 (Linking)}, - DOI = {10.1002/hbm.1058 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11747097}, - year = {2002}, + number = {12}, + pages = {1125-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15964278 }, + year = {2005}, type = {Journal Article} } -@inproceedings{RN974, - author = {Nambisan, Rohit and Diedrichsen, Jörn and Ivry, Richard B. and Kennerley, Steven}, - title = {Two autopilots, one brain: limitations and interactions during online adjustment of bimanual reaching movements.}, - booktitle = {Society for neuroscience abstract}, - type = {Conference Proceedings} +@article{RN2454, + author = {Bays, P. M. and Flanagan, J. R. and Wolpert, D. M.}, + title = {Attenuation of self-generated tactile sensations is predictive, not postdictive}, + journal = {PLoS Biol}, + volume = {4}, + number = {2}, + pages = {e28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16402860 }, + year = {2006}, + type = {Journal Article} } -@article{RN2648, - author = {Muellbacher, W. and Ziemann, U. and Wissel, J. and Dang, N. and Kofler, M. and Facchini, S. and Boroojerdi, B. and Poewe, W. and Hallett, M.}, - title = {Early consolidation in human primary motor cortex}, - journal = {Nature}, - volume = {415}, - number = {6872}, - pages = {640-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11807497 }, - year = {2002}, - type = {Journal Article} +@inproceedings{RN2453, + author = {Diedrichsen, J.}, + title = {The coordination of complex movements}, + booktitle = {Advances in computational motor control}, + type = {Conference Proceedings} } -@article{RN1070, - author = {Meyer-Lindenberg, A. and Ziemann, U. and Hajak, G. and Cohen, L. and Berman, K. F.}, - title = {Transitions between dynamical states of differing stability in the human brain}, - journal = {Proc Natl Acad Sci U S A}, - volume = {99}, - number = {17}, - pages = {10948-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12151599}, - year = {2002}, +@article{RN2452, + author = {Todorov, Emanuel}, + title = {Stochastic optimal control and estimation methods adapted to the noise characteristics of the sensory motor system}, + journal = {Neural Computation}, + volume = {17}, + pages = {1084-1108}, + year = {2005}, type = {Journal Article} } -@article{RN1039, - author = {Medendorp, W. P. and Crawford, J. D.}, - title = {Visuospatial updating of reaching targets in near and far space}, - journal = {Neuroreport}, - volume = {13}, - number = {5}, - pages = {633-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11973460}, - year = {2002}, +@article{RN2451, + author = {Heuer, H. and Klein, W.}, + title = {The influence of movement cues on intermanual interactions}, + journal = {Psychol Res}, + volume = {70}, + number = {4}, + pages = {229-244}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082546 }, + year = {2006}, type = {Journal Article} } -@article{RN2246, - author = {McGlone, F. and Kelly, E. F. and Trulsson, M. and Francis, S. T. and Westling, G. and Bowtell, R.}, - title = {Functional neuroimaging studies of human somatosensory cortex}, - journal = {Behav Brain Res}, - volume = {135}, - number = {1-2}, - pages = {147-58}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12356445}, - year = {2002}, +@article{RN2450, + author = {Chen, J. L. and Penhune, V. B. and Zatorre, R. J.}, + title = {Tapping in synchrony to auditory rhythms: effect of temporal structure on behavior and neural activity}, + journal = {Ann N Y Acad Sci}, + volume = {1060}, + pages = {400-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16597792 }, + year = {2005}, type = {Journal Article} } @@ -13102,2860 +13821,2820 @@ @article{RN2449 type = {Journal Article} } -@article{RN2864, - author = {Maier, M. A. and Armand, J. and Kirkwood, P. A. and Yang, H. W. and Davis, J. N. and Lemon, R. N.}, - title = {Differences in the corticospinal projection from primary motor cortex and supplementary motor area to macaque upper limb motoneurons: an anatomical and electrophysiological study}, - journal = {Cereb Cortex}, - volume = {12}, - number = {3}, - pages = {281-96}, - ISSN = {1047-3211 (Print) -1047-3211 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11839602}, - year = {2002}, +@article{RN2448, + author = {Buchsbaum, B. R. and Olsen, R. K. and Koch, P. F. and Kohn, P. and Kippenhan, J. S. and Berman, K. F.}, + title = {Reading, hearing, and the planum temporale}, + journal = {Neuroimage}, + volume = {24}, + number = {2}, + pages = {444-54}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15627586 }, + year = {2005}, type = {Journal Article} } -@article{RN2514, - author = {Latash, M. L. and Scholz, J. P. and Schoner, G.}, - title = {Motor control strategies revealed in the structure of motor variability}, - journal = {Exerc Sport Sci Rev}, - volume = {30}, - number = {1}, - pages = {26-31}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11800496 }, - year = {2002}, +@article{RN2447, + author = {Sakai, K. and Hikosaka, O. and Miyauchi, S. and Takino, R. and Tamada, T. and Iwata, N. K. and Nielsen, M.}, + title = {Neural representation of a rhythm depends on its interval ratio}, + journal = {J Neurosci}, + volume = {19}, + number = {22}, + pages = {10074-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10559415 }, + year = {1999}, type = {Journal Article} } -@article{RN3078, - author = {Latash, M. L. and Li, S. and Danion, F. and Zatsiorsky, V. M.}, - title = {Central mechanisms of finger interaction during one- and two-hand force production at distal and proximal phalanges}, - journal = {Brain Res}, - volume = {924}, +@article{RN2446, + author = {Ramnani, N.}, + title = {The primate cortico-cerebellar system: anatomy and function}, + journal = {Nat Rev Neurosci}, + volume = {7}, + number = {7}, + pages = {511-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16791141 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2445, + author = {Harrington, D. L. and Boyd, L. A. and Mayer, A. R. and Sheltraw, D. M. and Lee, R. R. and Huang, M. and Rao, S. M.}, + title = {Neural representation of interval encoding and decision making}, + journal = {Brain Res Cogn Brain Res}, + volume = {21}, number = {2}, - pages = {198-208}, - ISSN = {0006-8993 (Print) -0006-8993 (Linking)}, - DOI = {S0006899301032346 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11750905}, - year = {2002}, + pages = {193-205}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15464351 }, + year = {2004}, + type = {Journal Article} +} + +@article{RN2444, + author = {Ramnani, N. and Passingham, R. E.}, + title = {Changes in the human brain during rhythm learning}, + journal = {J Cogn Neurosci}, + volume = {13}, + number = {7}, + pages = {952-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11595098 }, + year = {2001}, type = {Journal Article} } -@article{RN928, - author = {Lang, C. E. and Bastian, A. J.}, - title = {Cerebellar damage impairs automaticity of a recently practiced movement}, +@article{RN2443, + author = {Kawashima, R. and Okuda, J. and Umetsu, A. and Sugiura, M. and Inoue, K. and Suzuki, K. and Tabuchi, M. and Tsukiura, T. and Narayan, S. L. and Nagasaka, T. and Yanagawa, I. and Fujii, T. and Takahashi, S. and Fukuda, H. and Yamadori, A.}, + title = {Human cerebellum plays an important role in memory-timed finger movement: an fMRI study}, journal = {J Neurophysiol}, - volume = {87}, - number = {3}, - pages = {1336-1347}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11877508}, - year = {2002}, + volume = {83}, + number = {2}, + pages = {1079-87}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10669519 }, + year = {2000}, type = {Journal Article} } -@article{RN2156, - author = {Kitazawa, S. and Yin, P. B.}, - title = {Prism adaptation with delayed visual error signals in the monkey}, - journal = {Exp Brain Res}, - volume = {144}, - number = {2}, - pages = {258-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12012163}, +@article{RN2442, + author = {Dreher, J. C. and Grafman, J.}, + title = {The roles of the cerebellum and basal ganglia in timing and error prediction}, + journal = {Eur J Neurosci}, + volume = {16}, + number = {8}, + pages = {1609-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12405975 }, year = {2002}, type = {Journal Article} } -@article{RN2215, - author = {Kitazawa, S.}, - title = {Optimization of goal-directed movements in the cerebellum: a random walk hypothesis}, - journal = {Neurosci Res}, - volume = {43}, +@article{RN2441, + author = {Jantzen, K. J. and Steinberg, F. L. and Kelso, J. A.}, + title = {Functional MRI reveals the existence of modality and coordination-dependent timing networks}, + journal = {Neuroimage}, + volume = {25}, number = {4}, - pages = {289-94}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12135772}, - year = {2002}, + pages = {1031-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850722 }, + year = {2005}, type = {Journal Article} } -@article{RN962, - author = {Kerzel, D.}, - title = {Memory for the position of stationary objects: disentangling foveal bias and memory averaging}, - journal = {Vision Res}, - volume = {42}, - number = {2}, - pages = {159-67.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11809470}, - year = {2002}, +@article{RN2440, + author = {Bengtsson, S. L. and Ehrsson, H. H. and Forssberg, H. and Ullen, F.}, + title = {Effector-independent voluntary timing: behavioural and neuroimaging evidence}, + journal = {Eur J Neurosci}, + volume = {22}, + number = {12}, + pages = {3255-65}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16367791 }, + year = {2005}, type = {Journal Article} } -@article{RN671, - author = {Kennerley, Steve and Diedrichsen, Jörn and Hazeltine, E. and Semjen, Andras and Ivry, Richard B.}, - title = {Callosotomy patients exhibit temporal and spatial uncoupling during continuous bimanual movements}, - journal = {Nature Neuroscience}, - volume = {5}, - number = {4}, - pages = {376-381}, - year = {2002}, +@article{RN2438, + author = {Gerwig, M. and Dimitrova, A. and Kolb, F. P. and Maschke, M. and Brol, B. and Kunnel, A. and Boring, D. and Thilmann, A. F. and Forsting, M. and Diener, H. C. and Timmann, D.}, + title = {Comparison of eyeblink conditioning in patients with superior and posterior inferior cerebellar lesions}, + journal = {Brain}, + volume = {126}, + number = {Pt 1}, + pages = {71-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12477698 }, + year = {2003}, type = {Journal Article} } -@article{RN958, - author = {Kazennikov, O. and Perrig, S. and Wiesendanger, M.}, - title = {Kinematics of a coordinated goal-directed bimanual task}, - journal = {Behav Brain Res}, - volume = {134}, - number = {1-2}, - pages = {83-91.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12191795}, - year = {2002}, +@article{RN2437, + author = {Gerwig, M. and Hajjar, K. and Dimitrova, A. and Maschke, M. and Kolb, F. P. and Frings, M. and Thilmann, A. F. and Forsting, M. and Diener, H. C. and Timmann, D.}, + title = {Timing of conditioned eyeblink responses is impaired in cerebellar patients}, + journal = {J Neurosci}, + volume = {25}, + number = {15}, + pages = {3919-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15829644 }, + year = {2005}, type = {Journal Article} } -@article{RN1026, - author = {Karniel, A. and Mussa-Ivaldi, F. A.}, - title = {Does the motor control system use multiple models and context switching to cope with a variable environment?}, - journal = {Exp Brain Res}, - volume = {143}, - number = {4}, - pages = {520-4.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11914799}, - year = {2002}, +@article{RN2436, + author = {Xu, D. and Liu, T. and Ashe, J. and Bushara, K. O.}, + title = {Role of the olivo-cerebellar system in timing}, + journal = {J Neurosci}, + volume = {26}, + number = {22}, + pages = {5990-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16738241 }, + year = {2006}, type = {Journal Article} } -@article{RN978, - author = {Johnson, S. H. and Rotte, M. and Grafton, S. T. and Hinrichs, H. and Gazzaniga, M. S. and Heinze, H. J.}, - title = {Selective activation of a parietofrontal circuit during implicitly imagined prehension}, +@article{RN2435, + author = {Chen, S. H. and Desmond, J. E.}, + title = {Cerebrocerebellar networks during articulatory rehearsal and verbal working memory tasks}, journal = {Neuroimage}, - volume = {17}, - number = {4}, - pages = {1693-704.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12498743}, - year = {2002}, + volume = {24}, + number = {2}, + pages = {332-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15627576 }, + year = {2005}, type = {Journal Article} } -@article{RN3621, - author = {Johansen-Berg, H. and Rushworth, M. F. and Bogdanovic, M. D. and Kischka, U. and Wimalaratna, S. and Matthews, P. M.}, - title = {The role of ipsilateral premotor cortex in hand movement after stroke}, - journal = {Proc Natl Acad Sci U S A}, - volume = {99}, - number = {22}, - pages = {14518-23}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - DOI = {10.1073/pnas.222536799}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/12376621}, - year = {2002}, +@article{RN2434, + author = {Vangheluwe, S. and Wenderoth, N. and Swinnen, S. P.}, + title = {Learning and transfer of an ipsilateral coordination task: evidence for a dual-layer movement representation}, + journal = {J Cogn Neurosci}, + volume = {17}, + number = {9}, + pages = {1460-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16197699 }, + year = {2005}, type = {Journal Article} } -@article{RN2748, - author = {Jennings, Richard and van der Molen, Maurits}, - title = {Cardiac timing and the central regulation of action}, - journal = {Psychological research}, - volume = {66}, +@article{RN2433, + author = {Ramnani, N. and Toni, I. and Passingham, R. E. and Haggard, P.}, + title = {The cerebellum and parietal cortex play a specific role in coordination: a PET study}, + journal = {Neuroimage}, + volume = {14}, number = {4}, - pages = {337-349}, - url = {citeulike-article-id:6016980 -http://dx.doi.org/10.1007/s00426-002-0106-5 }, - year = {2002}, + pages = {899-911}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11554809 }, + year = {2001}, type = {Journal Article} } -@article{RN2594, - author = {Jenkinson, M. and Bannister, P. and Brady, M. and Smith, S.}, - title = {Improved optimization for the robust and accurate linear registration and motion correction of brain images}, - journal = {Neuroimage}, - volume = {17}, +@article{RN2432, + author = {Ivry, R. B. and Spencer, R. M.}, + title = {The neural representation of time}, + journal = {Curr Opin Neurobiol}, + volume = {14}, number = {2}, - pages = {825-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12377157 }, - year = {2002}, + pages = {225-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15082329 }, + year = {2004}, type = {Journal Article} } -@article{RN972, - author = {Ivry, R. B. and Spencer, R. M. and Zelaznik, H. N. and Diedrichsen, J.}, - title = {The cerebellum and event timing}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {302-17.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582062}, - year = {2002}, +@article{RN2431, + author = {Miall, R. C. and Jenkinson, E. W.}, + title = {Functional imaging of changes in cerebellar activity related to learning during a novel eye-hand tracking task}, + journal = {Exp Brain Res}, + volume = {166}, + number = {2}, + pages = {170-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082535 }, + year = {2005}, type = {Journal Article} } -@article{RN705, - author = {Ivry, R. B. and Richardson, T.}, - title = {Temporal control and coordination: The multiple timer model}, - journal = {Brain and Cognition}, - volume = {48}, - number = {1}, - pages = {117-132}, - year = {2002}, +@article{RN2430, + author = {Paulin, M. G.}, + title = {Evolution of the cerebellum as a neuronal machine for Bayesian state estimation}, + journal = {J Neural Eng}, + volume = {2}, + number = {3}, + pages = {S219-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16135886 }, + year = {2005}, + type = {Journal Article} +} + +@article{RN2429, + author = {Vaziri, S. and Diedrichsen, J. and Shadmehr, R.}, + title = {Why does the brain predict sensory consequences of oculomotor commands? Optimal integration of the predicted and the actual sensory feedback}, + journal = {J Neurosci}, + volume = {26}, + number = {16}, + pages = {4188-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16624939 }, + year = {2006}, + type = {Journal Article} +} + +@article{RN2428, + author = {Woodruff-Pak, D. S. and Papka, M. and Ivry, R.B.}, + title = {Cerebellar involvement in eyeblink classical conditioning in humans}, + journal = {Neuropsychology}, + volume = {10}, + pages = {443-458}, + year = {1996}, + type = {Journal Article} +} + +@article{RN2427, + author = {Wang, J. and Sainburg, R. L.}, + title = {The symmetry of interlimb transfer depends on workspace locations}, + journal = {Exp Brain Res}, + volume = {170}, + number = {4}, + pages = {464-71}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16328262 }, + year = {2006}, type = {Journal Article} } -@article{RN3182, - author = {Ito, M.}, - title = {Historical review of the significance of the cerebellum and the role of Purkinje cells in motor learning}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {273-88}, - ISSN = {0077-8923 (Print) -0077-8923 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582060}, - year = {2002}, +@article{RN2426, + author = {Wang, J. and Sainburg, R. L.}, + title = {Limitations in interlimb transfer of visuomotor rotations}, + journal = {Exp Brain Res}, + volume = {155}, + number = {1}, + pages = {1-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15064878 }, + year = {2004}, type = {Journal Article} } -@article{RN1048, - author = {Iadecola, C.}, - title = {Intrinsic signals and functional brain mapping: caution, blood vessels at work}, - journal = {Cereb Cortex}, - volume = {12}, - number = {3}, - pages = {223-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11839596}, - year = {2002}, +@article{RN2425, + author = {van Mier, H. I. and Petersen, S. E.}, + title = {Intermanual transfer effects in sequential tactuomotor learning: evidence for effector independent coding}, + journal = {Neuropsychologia}, + volume = {44}, + number = {6}, + pages = {939-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16198379 }, + year = {2006}, type = {Journal Article} } -@article{RN2927, - author = {Hutton, C. and Bork, A. and Josephs, O. and Deichmann, R. and Ashburner, J. and Turner, R.}, - title = {Image distortion correction in fMRI: A quantitative evaluation}, - journal = {Neuroimage}, - volume = {16}, +@article{RN2424, + author = {Suzuki, D. A. and Keller, E. L.}, + title = {The role of the posterior vermis of monkey cerebellum in smooth-pursuit eye movement control. II. Target velocity-related Purkinje cell activity}, + journal = {J Neurophysiol}, + volume = {59}, number = {1}, - pages = {217-40}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.2001.1054 -S1053811901910547 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11969330}, - year = {2002}, + pages = {19-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3343601 }, + year = {1988}, type = {Journal Article} } -@article{RN947, - author = {Hore, J. and Timmann, D. and Watts, S.}, - title = {Disorders in timing and force of finger opening in overarm throws made by cerebellar subjects}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {1-15}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582037}, - year = {2002}, +@article{RN2423, + author = {Snider, R. and Stowell, A.}, + title = {Receiving areas of the tactile, auditory, and visual systems in the cerebellum }, + journal = {Journal of Neurophysiology}, + volume = {7}, + pages = {331-337}, + year = {1944}, type = {Journal Article} } -@article{RN2037, - author = {Hillis, J. M. and Ernst, M. O. and Banks, M. S. and Landy, M. S.}, - title = {Combining sensory information: mandatory fusion within, but not between, senses}, - journal = {Science}, - volume = {298}, - number = {5598}, - pages = {1627-30}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446912}, - year = {2002}, +@article{RN2422, + author = {Serrien, D. J. and Kaluzny, P. and Wicki, U. and Wiesendanger, M.}, + title = {Grip force adjustments induced by predictable load perturbations during a manipulative task}, + journal = {Exp Brain Res}, + volume = {124}, + number = {1}, + pages = {100-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9928794 }, + year = {1999}, type = {Journal Article} } -@article{RN3216, - author = {Hikosaka, O. and Nakamura, K. and Sakai, K. and Nakahara, H.}, - title = {Central mechanisms of motor skill learning}, - journal = {Curr Opin Neurobiol}, - volume = {12}, +@article{RN2421, + author = {Paulignan, Y. and MacKenzie, C. and Marteniuk, R. and Jeannerod, M.}, + title = {The coupling of arm and finger movements during prehension}, + journal = {Exp Brain Res}, + volume = {79}, number = {2}, - pages = {217-22}, - ISSN = {0959-4388 (Print) -0959-4388 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/12015240}, - year = {2002}, + pages = {431-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2323388 }, + year = {1990}, type = {Journal Article} } -@inbook{RN1422, - author = {Hazeltine, E.}, - title = {The representational nature of sequence learning: Evidence for goal-based codes}, - booktitle = {Attention and Performance}, - editor = {Prinz, W. and Hommel, B.}, - publisher = {University Press}, - address = {Oxford}, - volume = {XIX}, - pages = {673-689}, - year = {2002}, - type = {Book Section} +@article{RN2420, + author = {MacKay, D. G.}, + title = {The problem of flexibility and fluency in skilled behavior}, + journal = {Psychological Review}, + volume = {95}, + pages = {492-527}, + year = {1982}, + type = {Journal Article} } -@article{RN2071, - author = {Hammond, G.}, - title = {Correlates of human handedness in primary motor cortex: a review and hypothesis}, - journal = {Neurosci Biobehav Rev}, - volume = {26}, - number = {3}, - pages = {285-92}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12034131}, - year = {2002}, - type = {Journal Article} +@inbook{RN2419, + author = {Keele, S. W. and Cohen, A. and Ivry, R.}, + title = {Motor programs: Concepts and issues}, + booktitle = {Attention & Performance. Volume XIII }, + editor = {Jeannerod, M.}, + publisher = {Erlbaum}, + address = {Hillsdale, NJ}, + pages = {77-110}, + year = {1990}, + type = {Book Section} } -@article{RN3362, - author = {Hahnloser, R. H. and Kozhevnikov, A. A. and Fee, M. S.}, - title = {An ultra-sparse code underlies the generation of neural sequences in a songbird}, - journal = {Nature}, - volume = {419}, - number = {6902}, - pages = {65-70}, - ISSN = {0028-0836 (Print) -0028-0836 (Linking)}, - DOI = {10.1038/nature00974}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/12214232}, - year = {2002}, +@article{RN2418, + author = {Keele, S. W. and Jennings, P. and Jones, S. and Caulton, D. and Cohen, A.}, + title = {On the modularity of sequence representation}, + journal = {Journal of Motor Behavior}, + volume = {27}, + pages = {17-30}, + year = {1995}, type = {Journal Article} } -@article{RN831, - author = {Haggard, P. and Clark, S. and Kalogeras, J.}, - title = {Voluntary action and conscious awareness}, - journal = {Nat Neurosci}, - volume = {5}, - number = {4}, - pages = {382-5.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11896397}, - year = {2002}, +@article{RN2417, + author = {Ivry, R.B. and Diener, H. C.}, + title = {Impaired velocity perception in patients with lesions of the cerebellum}, + journal = {Journal of Cognitive Neuroscience}, + volume = {3}, + pages = {335-366}, + year = {1991}, type = {Journal Article} } -@article{RN907, - author = {Gribble, P. L. and Scott, S. H.}, - title = {Overlap of internal models in motor cortex for mechanical loads during reaching}, - journal = {Nature}, - volume = {417}, - number = {6892}, - pages = {938-41.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12087402}, - year = {2002}, +@article{RN2416, + author = {Grill, S. E. and Hallett, M. and Marcus, C. and McShane, L.}, + title = {Disturbances of kinaesthesia in patients with cerebellar disorders}, + journal = {Brain}, + volume = {117 ( Pt 6)}, + pages = {1433-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7820578 }, + year = {1994}, type = {Journal Article} } -@article{RN890, - author = {Gribble, P. L. and Everling, S. and Ford, K. and Mattar, A.}, - title = {Hand-eye coordination for rapid pointing movementsArm movement direction and distance are specified prior to saccade onset}, - journal = {Exp Brain Res}, - volume = {145}, - number = {3}, - pages = {372-82.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12136387}, - year = {2002}, - type = {Journal Article} +@inbook{RN2415, + author = {Grafton, S. and Ivry, R.B.}, + title = {The representation of action. }, + booktitle = {The Cognitive Neurosciences, 3rd Edition}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {441-451}, + year = {2004}, + type = {Book Section} } -@article{RN2997, - author = {Graziano, M. S. and Taylor, C. S. and Moore, T.}, - title = {Complex movements evoked by microstimulation of precentral cortex}, - journal = {Neuron}, - volume = {34}, - number = {5}, - pages = {841-51}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896627302006980 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12062029}, - year = {2002}, +@article{RN2414, + author = {Cohen, A. and Ivry, R. and Keele, S. W.}, + title = {Attentional factors in the learning of movement sequences}, + journal = {Journal of Experimental Psychology: Learning, Memory, & Cognition}, + volume = {16}, + pages = {17-30}, + year = {1990}, type = {Journal Article} } -@article{RN1055, - author = {Grafton, S. T. and Hazeltine, E. and Ivry, R. B.}, - title = {Motor sequence learning with the nondominant left hand. A PET functional imaging study}, - journal = {Exp Brain Res}, - volume = {146}, - number = {3}, - pages = {369-78}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12232693}, - year = {2002}, +@article{RN2413, + author = {Heuer, H. and Klein, W.}, + title = {Intermanual interactions related to movement amplitudes and endpoint locations}, + journal = {J Mot Behav}, + volume = {38}, + number = {2}, + pages = {126-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16531395}, + year = {2006}, type = {Journal Article} } -@article{RN1997, - author = {Genovese, C. R. and Lazar, N. A. and Nichols, T.}, - title = {Thresholding of statistical maps in functional neuroimaging using the false discovery rate}, - journal = {Neuroimage}, - volume = {15}, - number = {4}, - pages = {870-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11906227}, - year = {2002}, +@article{RN2412, + author = {Miall, R. C. and Reckess, G. Z. and Imamizu, H.}, + title = {The cerebellum coordinates eye and hand tracking movements}, + journal = {Nat Neurosci}, + volume = {4}, + number = {6}, + pages = {638-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11369946}, + year = {2001}, type = {Journal Article} } -@article{RN2018, - author = {Franz, E. A. and Rowse, A. and Ballantine, B.}, - title = {Does handedness determine which hand leads in a bimanual task?}, - journal = {J Mot Behav}, - volume = {34}, - number = {4}, - pages = {402-12}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446253}, - year = {2002}, +@article{RN2410, + author = {Conditt, M. A. and Mussa-Ivaldi, F. A.}, + title = {Central representation of time during motor learning}, + journal = {Proc Natl Acad Sci U S A}, + volume = {96}, + number = {20}, + pages = {11625-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10500227}, + year = {1999}, type = {Journal Article} } -@article{RN877, - author = {Fortin, C. and Couture, E.}, - title = {Short-term memory and time estimation: beyond the 2-second "critical" value}, - journal = {Can J Exp Psychol}, - volume = {56}, - number = {2}, - pages = {120-7.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12066420}, - year = {2002}, +@article{RN2409, + author = {Karniel, A. and Mussa-Ivaldi, F. A.}, + title = {Sequence, time, or state representation: how does the motor control system adapt to variable environments?}, + journal = {Biol Cybern}, + volume = {89}, + number = {1}, + pages = {10-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12836029}, + year = {2003}, type = {Journal Article} } -@article{RN2553, - author = {Fagg, A. H. and Shah, A. and Barto, A. G.}, - title = {A computational model of muscle recruitment for wrist movements}, - journal = {J Neurophysiol}, - volume = {88}, - number = {6}, - pages = {3348-58}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12466451 }, - year = {2002}, +@article{RN2408, + author = {Hore, J. and Ritchie, R. and Watts, S.}, + title = {Finger opening in an overarm throw is not triggered by proprioceptive feedback from elbow extension or wrist flexion}, + journal = {Exp Brain Res}, + volume = {125}, + number = {3}, + pages = {302-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10229021}, + year = {1999}, type = {Journal Article} } -@article{RN2036, - author = {Ernst, M. O. and Banks, M. S.}, - title = {Humans integrate visual and haptic information in a statistically optimal fashion}, - journal = {Nature}, - volume = {415}, - number = {6870}, - pages = {429-33}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11807554}, - year = {2002}, +@article{RN2407, + author = {Carter, M. C. and Shapiro, D. C.}, + title = {Control of sequential movements: evidence for generalized motor programs}, + journal = {J Neurophysiol}, + volume = {52}, + number = {5}, + pages = {787-96}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6512588}, + year = {1984}, type = {Journal Article} } -@article{RN916, - author = {Ehrsson, H. H. and Kuhtz-Buschbeck, J. P. and Forssberg, H.}, - title = {Brain regions controlling nonsynergistic versus synergistic movement of the digits: a functional magnetic resonance imaging study}, +@article{RN2406, + author = {Wright, B. A. and Buonomano, D. V. and Mahncke, H. W. and Merzenich, M. M.}, + title = {Learning and generalization of auditory temporal-interval discrimination in humans}, journal = {J Neurosci}, - volume = {22}, - number = {12}, - pages = {5074-80.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12077202}, - year = {2002}, + volume = {17}, + number = {10}, + pages = {3956-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9133413}, + year = {1997}, type = {Journal Article} } -@article{RN2442, - author = {Dreher, J. C. and Grafman, J.}, - title = {The roles of the cerebellum and basal ganglia in timing and error prediction}, - journal = {Eur J Neurosci}, - volume = {16}, - number = {8}, - pages = {1609-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12405975 }, - year = {2002}, +@article{RN2405, + author = {Meegan, D. V. and Aslin, R. N. and Jacobs, R. A.}, + title = {Motor timing learned without motor training}, + journal = {Nat Neurosci}, + volume = {3}, + number = {9}, + pages = {860-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10966614}, + year = {2000}, type = {Journal Article} } -@article{RN1063, - author = {Doyon, J. and Song, A. W. and Karni, A. and Lalonde, F. and Adams, M. M. and Ungerleider, L. G.}, - title = {Experience-dependent changes in cerebellar contributions to motor sequence learning}, - journal = {Proc Natl Acad Sci U S A}, - volume = {99}, +@article{RN2404, + author = {Karmarkar, U. R. and Buonomano, D. V.}, + title = {Temporal specificity of perceptual learning in an auditory discrimination task}, + journal = {Learn Mem}, + volume = {10}, number = {2}, - pages = {1017-22}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11805340}, - year = {2002}, + pages = {141-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12663752}, + year = {2003}, type = {Journal Article} } -@article{RN3041, - author = {Donchin, O. and Gribova, A. and Steinberg, O. and Mitz, A. R. and Bergman, H. and Vaadia, E.}, - title = {Single-unit activity related to bimanual arm movements in the primary and supplementary motor cortices}, - journal = {J Neurophysiol}, - volume = {88}, - number = {6}, - pages = {3498-517}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - DOI = {10.1152/jn.00335.2001}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12466464}, +@article{RN2403, + author = {Buonomano, D. V. and Karmarkar, U. R.}, + title = {How do we tell time?}, + journal = {Neuroscientist}, + volume = {8}, + number = {1}, + pages = {42-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11843098}, year = {2002}, type = {Journal Article} } -@article{RN900, - author = {Domkin, D. and Laczko, J. and Jaric, S. and Johansson, H. and Latash, M. L.}, - title = {Structure of joint variability in bimanual pointing tasks}, - journal = {Exp Brain Res}, - volume = {143}, - number = {1}, - pages = {11-23.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11907686}, - year = {2002}, +@article{RN2402, + author = {Holmes, G.}, + title = {The cerebellum of man}, + journal = {Brain}, + volume = {62}, + pages = {1-30}, + year = {1939}, type = {Journal Article} } -@article{RN2789, - author = {Dimitrova, A. and Weber, J. and Redies, C. and Kindsvater, K. and Maschke, M. and Kolb, F. P. and Forsting, M. and Diener, H. C. and Timmann, D.}, - title = {MRI atlas of the human cerebellar nuclei}, - journal = {Neuroimage}, - volume = {17}, +@article{RN2400, + author = {Rothwell, J. C. and Traub, M. M. and Marsden, C. D.}, + title = {Automatic and "voluntary' responses compensating for disturbances of human thumb movements}, + journal = {Brain Res}, + volume = {248}, number = {1}, - pages = {240-55}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053811902911249 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12482081}, - year = {2002}, + pages = {33-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7127140}, + year = {1982}, type = {Journal Article} } -@article{RN2245, - author = {Del Gratta, C. and Della Penna, S. and Ferretti, A. and Franciotti, R. and Pizzella, V. and Tartaro, A. and Torquati, K. and Bonomo, L. and Romani, G. L. and Rossini, P. M.}, - title = {Topographic organization of the human primary and secondary somatosensory cortices: comparison of fMRI and MEG findings}, - journal = {Neuroimage}, - volume = {17}, - number = {3}, - pages = {1373-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12414277}, - year = {2002}, +@article{RN2399, + author = {Rothwell, J. C. and Traub, M. M. and Marsden, C. D.}, + title = {Influence of voluntary intent on the human long-latency stretch reflex}, + journal = {Nature}, + volume = {286}, + number = {5772}, + pages = {496-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7402329}, + year = {1980}, type = {Journal Article} } -@article{RN2005, - author = {Daskalakis, Z. J. and Christensen, B. K. and Fitzgerald, P. B. and Roshan, L. and Chen, R.}, - title = {The mechanisms of interhemispheric inhibition in the human motor cortex}, - journal = {J Physiol}, - volume = {543}, - number = {Pt 1}, - pages = {317-26}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12181302}, - year = {2002}, +@article{RN2398, + author = {Day, B. L. and Rothwell, J. C. and Marsden, C. D.}, + title = {Interaction between the long-latency stretch reflex and voluntary electromyographic activity prior to a rapid voluntary motor reaction}, + journal = {Brain Res}, + volume = {270}, + number = {1}, + pages = {55-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6871716}, + year = {1983}, type = {Journal Article} } -@article{RN2221, - author = {Cohen, Y. E. and Andersen, R. A.}, - title = {A common reference frame for movement plans in the posterior parietal cortex}, - journal = {Nat Rev Neurosci}, - volume = {3}, - number = {7}, - pages = {553-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12094211}, - year = {2002}, +@inbook{RN2397, + author = {Strick, P. L.}, + title = {Cerebellar involvement in 'volitional' muscle responses in load change}, + booktitle = {Cerebral motor control in man: Long loop mechanisms}, + editor = {Desmedt, J. E.}, + series = {Progress in clinical neurophysiology}, + publisher = {Krager}, + address = {Basel}, + volume = {4}, + pages = {85-93}, + year = {1978}, + type = {Book Section} +} + +@article{RN2396, + author = {Van Essen, D. C.}, + title = {A Population-Average, Landmark- and Surface-based (PALS) atlas of human cerebral cortex}, + journal = {Neuroimage}, + volume = {28}, + number = {3}, + pages = {635-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16172003}, + year = {2005}, type = {Journal Article} } -@article{RN886, - author = {Cisek, P. and Kalaska, J. F.}, - title = {Simultaneous encoding of multiple potential reach directions in dorsal premotor cortex}, - journal = {J Neurophysiol}, - volume = {87}, - number = {2}, - pages = {1149-54.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11826082 -http://jn.physiology.org/cgi/content/full/87/2/1149 -http://jn.physiology.org/cgi/content/abstract/87/2/1149}, +@article{RN2395, + author = {Pierson, R. and Corson, P. W. and Sears, L. L. and Alicata, D. and Magnotta, V. and Oleary, D. and Andreasen, N. C.}, + title = {Manual and semiautomated measurement of cerebellar subregions on MR images}, + journal = {Neuroimage}, + volume = {17}, + number = {1}, + pages = {61-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12482068}, year = {2002}, type = {Journal Article} } -@article{RN926, - author = {Cincotta, M. and Borgheresi, A. and Boffi, P. and Vigliano, P. and Ragazzoni, A. and Zaccara, G. and Ziemann, U.}, - title = {Bilateral motor cortex output with intended unimanual contraction in congenital mirror movements}, - journal = {Neurology}, - volume = {58}, - number = {8}, - pages = {1290-3.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11971104}, - year = {2002}, +@article{RN2394, + author = {Makris, N. and Schlerf, J. E. and Hodge, S. M. and Haselgrove, C. and Albaugh, M. D. and Seidman, L. J. and Rauch, S. L. and Harris, G. and Biederman, J. and Caviness, V. S., Jr. and Kennedy, D. N. and Schmahmann, J. D.}, + title = {MRI-based surface-assisted parcellation of human cerebellar cortex: an anatomically specified method with estimate of reliability}, + journal = {Neuroimage}, + volume = {25}, + number = {4}, + pages = {1146-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15850732}, + year = {2005}, type = {Journal Article} } -@article{RN964, - author = {Carrozzo, M. and Stratta, F. and McIntyre, J. and Lacquaniti, F.}, - title = {Cognitive allocentric representations of visual space shape pointing errors}, - journal = {Exp Brain Res}, - volume = {147}, - number = {4}, - pages = {426-36.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12444474}, - year = {2002}, +@article{RN2392, + author = {Mayr, U. and Diedrichsen, J. and Ivry, R. and Keele, S. W.}, + title = {Dissociating Task-set Selection from Task-set Inhibition in the Prefrontal Cortex}, + journal = {J Cogn Neurosci}, + volume = {18}, + number = {1}, + pages = {14-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16417679}, + year = {2006}, type = {Journal Article} } -@article{RN943, - author = {Cardoso de Oliveira, Simone}, - title = {The neural basis of bimanual coordination: recent neurophysiological evidence and functional models}, - journal = {Acta Psychologica}, - volume = {110}, - pages = {139-159}, - year = {2002}, +@article{RN2390, + author = {Woods, R. P. and Grafton, S. T. and Holmes, C. J. and Cherry, S. R. and Mazziotta, J. C.}, + title = {Automated image registration: I. General methods and intrasubject, intramodality validation}, + journal = {J Comput Assist Tomogr}, + volume = {22}, + number = {1}, + pages = {139-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448779}, + year = {1998}, type = {Journal Article} } -@article{RN2403, - author = {Buonomano, D. V. and Karmarkar, U. R.}, - title = {How do we tell time?}, - journal = {Neuroscientist}, - volume = {8}, +@article{RN2389, + author = {Woods, R. P. and Grafton, S. T. and Watson, J. D. and Sicotte, N. L. and Mazziotta, J. C.}, + title = {Automated image registration: II. Intersubject validation of linear and nonlinear models}, + journal = {J Comput Assist Tomogr}, + volume = {22}, number = {1}, - pages = {42-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11843098}, - year = {2002}, + pages = {153-65}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448780}, + year = {1998}, type = {Journal Article} } -@article{RN2289, - author = {Buneo, C. A. and Jarvis, M. R. and Batista, A. P. and Andersen, R. A.}, - title = {Direct visuomotor transformations for reaching}, - journal = {Nature}, - volume = {416}, - number = {6881}, - pages = {632-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11948351}, - year = {2002}, +@article{RN2388, + author = {Ashburner, J. and Friston, K. J.}, + title = {Unified segmentation}, + journal = {Neuroimage}, + volume = {26}, + number = {3}, + pages = {839-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15955494}, + year = {2005}, type = {Journal Article} } -@article{RN880, - author = {Buneo, C. A. and Jarvis, M. R. and Batista, A. P. and Andersen, R. A.}, - title = {Direct visuomotor transformations for reaching}, - journal = {Nature}, - volume = {416}, - number = {6881}, - pages = {632-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11948351}, - year = {2002}, +@article{RN2387, + author = {Evans, A.C. and Collins, D.L. and Mills, S.R. and Brown, E.D. and Kelly, R.L. and Peters, T.M.}, + title = {3D statistical neuroanatomical models from 305 MRI volumes}, + journal = {Proc. IEEE-Nuclear Science Symposium and Medial Imagine Conference}, + pages = {1813-1817}, + year = {1993}, type = {Journal Article} } -@article{RN1008, - author = {Bower, J. M.}, - title = {The organization of cerebellar cortical circuitry revisited: implications for function}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {135-55.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582048}, - year = {2002}, +@article{RN2386, + author = {Fischl, B. and Sereno, M. I. and Tootell, R. B. and Dale, A. M.}, + title = {High-resolution intersubject averaging and a coordinate system for the cortical surface}, + journal = {Hum Brain Mapp}, + volume = {8}, + number = {4}, + pages = {272-84}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10619420}, + year = {1999}, type = {Journal Article} } -@article{RN2130, - author = {Bischoff-Grethe, A. and Ivry, R. B. and Grafton, S. T.}, - title = {Cerebellar involvement in response reassignment rather than attention}, - journal = {J Neurosci}, - volume = {22}, - number = {2}, - pages = {546-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11784801}, - year = {2002}, +@article{RN2385, + author = {Makris, N. and Hodge, S. M. and Haselgrove, C. and Kennedy, D. N. and Dale, A. and Fischl, B. and Rosen, B. R. and Harris, G. and Caviness, V. S., Jr. and Schmahmann, J. D.}, + title = {Human cerebellum: surface-assisted cortical parcellation and volumetry with magnetic resonance imaging}, + journal = {J Cogn Neurosci}, + volume = {15}, + number = {4}, + pages = {584-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803969}, + year = {2003}, type = {Journal Article} } -@article{RN988, - author = {Attwell, P. J. and Ivarsson, M. and Millar, L. and Yeo, C. H.}, - title = {Cerebellar mechanisms in eyeblink conditioning}, - journal = {Ann N Y Acad Sci}, - volume = {978}, - pages = {79-92.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582043}, - year = {2002}, +@article{RN2382, + author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and Swinnen, S. P.}, + title = {Spatial interference during bimanual coordination: Differential brain networks associated with control of movement amplitude and direction}, + journal = {Hum Brain Mapp}, + volume = {26}, + number = {4}, + pages = {286-300}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15965999}, + year = {2005}, type = {Journal Article} } -@article{RN1047, - author = {Attwell, D. and Iadecola, C.}, - title = {The neural basis of functional brain imaging signals}, - journal = {Trends Neurosci}, - volume = {25}, - number = {12}, - pages = {621-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446129}, - year = {2002}, +@article{RN2381, + author = {Heuer, H. and Klein, W.}, + title = {The influence of movement cues on intermanual interactions}, + journal = {Psychol Res}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16082546}, + year = {2005}, type = {Journal Article} } -@inproceedings{RN829, - author = {Aparicio, Paul and Connor, Bonnie and Diedrichsen, Jörn and Ivry, Richard B.}, - title = {The effects of focal lesions of the basal ganglia on repetitive tapping tasks}, - booktitle = {Cognitive Neuroscience society}, - type = {Conference Proceedings} +@article{RN2380, + author = {Wager, T. D. and Keller, M. C. and Lacey, S. C. and Jonides, J.}, + title = {Increased sensitivity in neuroimaging analyses using robust regression}, + journal = {Neuroimage}, + volume = {26}, + number = {1}, + pages = {99-113}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15862210}, + year = {2005}, + type = {Journal Article} } -@article{RN2035, - author = {Alkadhi, H. and Crelier, G. R. and Boendermaker, S. H. and Golay, X. and Hepp-Reymond, M. C. and Kollias, S. S.}, - title = {Reproducibility of primary motor cortex somatotopy under controlled conditions}, - journal = {AJNR Am J Neuroradiol}, +@article{RN2379, + author = {Rissman, J. and Gazzaley, A. and D'Esposito, M.}, + title = {Measuring functional connectivity during distinct stages of a cognitive task}, + journal = {Neuroimage}, volume = {23}, - number = {9}, - pages = {1524-32}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12372742}, - year = {2002}, + number = {2}, + pages = {752-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15488425}, + year = {2004}, type = {Journal Article} } -@article{RN685, - author = {Wühr, Peter and Müsseler, Jochen}, - title = {Time course of the blindness to response-compatible stimuli}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {27}, - number = {5}, - pages = {1260-1270}, - year = {2001}, +@article{RN2377, + author = {Carson, R. G.}, + title = {Neural pathways mediating bilateral interactions between the upper limbs}, + journal = {Brain Res Brain Res Rev}, + volume = {49}, + number = {3}, + pages = {641-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15904971}, + year = {2005}, type = {Journal Article} } -@article{RN2203, - author = {Woolrich, M. W. and Ripley, B. D. and Brady, M. and Smith, S. M.}, - title = {Temporal autocorrelation in univariate linear modeling of FMRI data}, - journal = {Neuroimage}, - volume = {14}, - number = {6}, - pages = {1370-86}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11707093}, - year = {2001}, +@article{RN2376, + author = {Oullier, O. and Jantzen, K. J. and Steinberg, F. L. and Kelso, J. A.}, + title = {Neural substrates of real and imagined sensorimotor coordination}, + journal = {Cereb Cortex}, + volume = {15}, + number = {7}, + pages = {975-85}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15563729}, + year = {2005}, type = {Journal Article} } -@article{RN3616, - author = {Van Essen, D. C. and Lewis, J. W. and Drury, H. A. and Hadjikhani, N. and Tootell, R. B. and Bakircioglu, M. and Miller, M. I.}, - title = {Mapping visual cortex in monkeys and humans using surface-based atlases}, - journal = {Vision Res}, - volume = {41}, - number = {10-11}, - pages = {1359-78}, - ISSN = {0042-6989 (Print) -0042-6989 (Linking)}, - url = {http://ac.els-cdn.com/S0042698901000451/1-s2.0-S0042698901000451-main.pdf?_tid=e03d9864-7fa8-11e3-bb8d-00000aab0f26&acdnat=1389985084_da38b19c67b891a2eb6eddde6c40e030}, - year = {2001}, +@article{RN2375, + author = {Schluppeck, D. and Glimcher, P. and Heeger, D. J.}, + title = {Topographic organization for delayed saccades in human posterior parietal cortex}, + journal = {J Neurophysiol}, + volume = {94}, + number = {2}, + pages = {1372-84}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15817644}, + year = {2005}, type = {Journal Article} } -@article{RN2260, - author = {Van Essen, D.C., Dickson, J., Harwell, J., Hanlon, D., Anderson, C.H. and Drury, H.A.}, - title = {An Integrated Software System for Surface-based Analyses of Cerebral Cortex.}, - journal = {Journal of American Medical Informatics Association}, - volume = {41}, - pages = {1359-1378}, - url = { http://brainmap.wustl.edu/caret}, - year = {2001}, +@article{RN2374, + author = {Rushworth, M. F. and Kennerley, S. W. and Walton, M. E.}, + title = {Cognitive neuroscience: resolving conflict in and over the medial frontal cortex}, + journal = {Curr Biol}, + volume = {15}, + number = {2}, + pages = {R54-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15668156}, + year = {2005}, type = {Journal Article} } -@phdthesis{RN695, - author = {Trommershäuser, Julia}, - title = {Strategieabhaengige Verzerrungen im visuell-raeumlichen Arbeitsgedaechtnis}, - university = {University of Goettingen}, - type = {diploma thesis}, - year = {2001}, - type = {Thesis} -} - -@article{RN774, - author = {Tracy, J. I. and Faro, S. S. and Mohammed, F. B. and Pinus, A. B. and Madi, S. M. and Laskas, J. W.}, - title = {Cerebellar mediation of the complexity of bimanual compared to unimanual movements}, - journal = {Neurology}, - volume = {57}, - number = {10}, - pages = {1862-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11723277 -http://www.neurology.org/cgi/content/full/57/10/1862 -http://www.neurology.org/cgi/content/abstract/57/10/1862}, - year = {2001}, +@article{RN2373, + author = {Nachev, P. and Rees, G. and Parton, A. and Kennard, C. and Husain, M.}, + title = {Volition and conflict in human medial frontal cortex}, + journal = {Curr Biol}, + volume = {15}, + number = {2}, + pages = {122-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15668167}, + year = {2005}, type = {Journal Article} } -@article{RN2192, - author = {Toni, I. and Rushworth, M. F. and Passingham, R. E.}, - title = {Neural correlates of visuomotor associations. Spatial rules compared with arbitrary rules}, - journal = {Exp Brain Res}, - volume = {141}, +@article{RN2372, + author = {Diedrichsen, J. and Shadmehr, R.}, + title = {Detecting and adjusting for artifacts in fMRI time series data}, + journal = {Neuroimage}, + volume = {27}, number = {3}, - pages = {359-69}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11715080}, - year = {2001}, + pages = {624-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15975828}, + year = {2005}, type = {Journal Article} } -@article{RN950, - author = {Toni, I. and Rushworth, M. F. and Passingham, R. E.}, - title = {Neural correlates of visuomotor associations. Spatial rules compared with arbitrary rules}, +@article{RN2371, + author = {Haggard, P. and Wing, A.}, + title = {Coordinated responses following mechanical perturbation of the arm during prehension}, journal = {Exp Brain Res}, - volume = {141}, + volume = {102}, number = {3}, - pages = {359-69.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11715080}, - year = {2001}, + pages = {483-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7737394}, + year = {1995}, type = {Journal Article} } -@article{RN2243, - author = {Toni, I. and Ramnani, N. and Josephs, O. and Ashburner, J. and Passingham, R. E.}, - title = {Learning arbitrary visuomotor associations: temporal dynamic of brain activity}, - journal = {Neuroimage}, - volume = {14}, - number = {5}, - pages = {1048-57}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11697936}, - year = {2001}, +@article{RN2370, + author = {Haggard, P.}, + title = {Coordinating actions}, + journal = {Q J Exp Psychol A}, + volume = {50}, + number = {4}, + pages = {707-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9450377}, + year = {1997}, type = {Journal Article} } -@article{RN3368, - author = {Tchernichovski, O. and Mitra, P. P. and Lints, T. and Nottebohm, F.}, - title = {Dynamics of the vocal imitation process: how a zebra finch learns its song}, - journal = {Science}, - volume = {291}, - number = {5513}, - pages = {2564-9}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - DOI = {10.1126/science.1058522}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/11283361}, - year = {2001}, +@article{RN2369, + author = {Debicki, D. B. and Gribble, P. L. and Watts, S. and Hore, J.}, + title = {Kinematics of wrist joint flexion in overarm throws made by skilled subjects}, + journal = {Exp Brain Res}, + volume = {154}, + number = {3}, + pages = {382-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14598003}, + year = {2004}, type = {Journal Article} } -@article{RN2604, - author = {Szentesi, P. and Zaremba, R. and van Mechelen, W. and Stienen, G. J.}, - title = {ATP utilization for calcium uptake and force production in different types of human skeletal muscle fibres}, - journal = {J Physiol}, - volume = {531}, - number = {Pt 2}, - pages = {393-403}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11230512 }, - year = {2001}, +@article{RN2368, + author = {Hore, J. and Watts, S.}, + title = {Timing finger opening in overarm throwing based on a spatial representation of hand path}, + journal = {J Neurophysiol}, + volume = {93}, + number = {6}, + pages = {3189-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15911892}, + year = {2005}, type = {Journal Article} } -@article{RN2974, - author = {Stinear, C. M. and Walker, K. S. and Byblow, W. D.}, - title = {Symmetric facilitation between motor cortices during contraction of ipsilateral hand muscles}, - journal = {Exp Brain Res}, - volume = {139}, +@article{RN2367, + author = {Flanagan, J. R. and Wing, A. M.}, + title = {Effects of surface texture and grip force on the discrimination of hand-held loads}, + journal = {Percept Psychophys}, + volume = {59}, number = {1}, - pages = {101-5}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11482835}, - year = {2001}, + pages = {111-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9038413}, + year = {1997}, type = {Journal Article} } -@phdthesis{RN2052, - author = {Smith, A. M.}, - title = {The basal ganglia, the cerebellum, and error correction in motor control}, - university = {Johns-Hopkins University}, - type = {Dissertation}, - year = {2001}, - type = {Thesis} +@article{RN2366, + author = {Flanagan, J. R. and Wing, A. M. and Allison, S. and Spenceley, A.}, + title = {Effects of surface texture on weight perception when lifting objects with a precision grip}, + journal = {Percept Psychophys}, + volume = {57}, + number = {3}, + pages = {282-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7770320}, + year = {1995}, + type = {Journal Article} } -@article{RN748, - author = {Shiratori, T. and Latash, M. L.}, - title = {Anticipatory postural adjustments during load catching by standing subjects}, - journal = {Clin Neurophysiol}, - volume = {112}, - number = {7}, - pages = {1250-65.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11516737}, - year = {2001}, +@article{RN2365, + author = {Lewis, P. A. and Wing, A. M. and Pope, P. A. and Praamstra, P. and Miall, R. C.}, + title = {Brain activity correlates differentially with increasing temporal complexity of rhythms during initialisation, synchronisation, and continuation phases of paced finger tapping}, + journal = {Neuropsychologia}, + volume = {42}, + number = {10}, + pages = {1301-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15193939}, + year = {2004}, type = {Journal Article} } -@article{RN963, - author = {Sheth, B. R. and Shimojo, S.}, - title = {Compression of space in visual memory}, - journal = {Vision Res}, - volume = {41}, - number = {3}, - pages = {329-41.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11164448}, - year = {2001}, +@article{RN2364, + author = {Botvinick, M. M. and Cohen, J. D. and Carter, C. S.}, + title = {Conflict monitoring and anterior cingulate cortex: an update}, + journal = {Trends Cogn Sci}, + volume = {8}, + number = {12}, + pages = {539-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15556023}, + year = {2004}, type = {Journal Article} } -@article{RN936, - author = {Serrien, D. J. and Wiesendanger, M.}, - title = {Bimanual organization of manipulative forces: evidence from erroneous feedforward programming of precision grip}, +@article{RN2363, + author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and Swinnen, S. P.}, + title = {The role of anterior cingulate cortex and precuneus in the coordination of motor behaviour}, journal = {Eur J Neurosci}, - volume = {13}, - number = {9}, - pages = {1825-32.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11359534}, - year = {2001}, + volume = {22}, + number = {1}, + pages = {235-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=16029213}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2361, + author = {Nichols, T. and Hayasaka, S.}, + title = {Controlling the familywise error rate in functional neuroimaging: a comparative review}, + journal = {Stat Methods Med Res}, + volume = {12}, + number = {5}, + pages = {419-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14599004}, + year = {2003}, type = {Journal Article} } -@article{RN688, - author = {Serrien, D. J. and Wiesendanger, M.}, - title = {Regulation of grasping forces during bimanual in-phase and anti-phase coordination}, - journal = {Neuropsychologia}, - volume = {39}, - number = {13}, - pages = {1379-84}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11585605}, - year = {2001}, +@article{RN2358, + author = {Baddeley, R. J. and Ingram, H. A. and Miall, R. C.}, + title = {System identification applied to a visuomotor task: near-optimal human performance in a noisy changing task}, + journal = {J Neurosci}, + volume = {23}, + number = {7}, + pages = {3066-75}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12684493}, + year = {2003}, type = {Journal Article} } -@article{RN686, - author = {Serrien, D. J. and Wiesendanger, M.}, - title = {Dissociation of grip/load-force coupling during a bimanual manipulative assignment}, - journal = {Exp Brain Res}, - volume = {136}, - number = {3}, - pages = {417-20.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11243485}, - year = {2001}, +@article{RN2356, + author = {Lehericy, S. and Ducros, M. and Van de Moortele, P. F. and Francois, C. and Thivard, L. and Poupon, C. and Swindale, N. and Ugurbil, K. and Kim, D. S.}, + title = {Diffusion tensor fiber tracking shows distinct corticostriatal circuits in humans}, + journal = {Ann Neurol}, + volume = {55}, + number = {4}, + pages = {522-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15048891}, + year = {2004}, type = {Journal Article} } -@article{RN1072, - author = {Serrien, D. J. and Nirkko, A. C. and Wiesendanger, M.}, - title = {Role of the corpus callosum in bimanual coordination: a comparison of patients with congenital and acquired callosal damage}, - journal = {Eur J Neurosci}, - volume = {14}, - number = {11}, - pages = {1897-905}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11860484}, - year = {2001}, +@article{RN2355, + author = {Hazeltine, E. and Ivry, R.B.}, + title = {Response selection and bimanual interference after callosotomy: Evidence against subcortical dual-task limitations}, + year = {in preparation}, type = {Journal Article} } -@article{RN687, - author = {Serrien, D. J. and Nirkko, A. C. and Lovblad, K. O. and Wiesendanger, M.}, - title = {Damage to the parietal lobe impairs bimanual coordination}, - journal = {Neuroreport}, - volume = {12}, - number = {12}, - pages = {2721-4.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11522955}, - year = {2001}, +@article{RN2354, + author = {Hazeltine, E. and Aparicio, P. and Ivry, R. B.}, + title = {The integrative coordination of multiple responses}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + year = {under revision}, type = {Journal Article} } -@article{RN844, - author = {Serrien, D. J. and Li, Y. and Steyvers, M. and Debaere, F. and Swinnen, S. P.}, - title = {Proprioceptive regulation of interlimb behavior: interference between passive movement and active coordination dynamics}, - journal = {Exp Brain Res}, - volume = {140}, - number = {4}, - pages = {411-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11685394}, - year = {2001}, +@article{RN2353, + author = {Park, J. H. and Shea, C. H.}, + title = {Sequence learning: Response structure and effector transfer}, + journal = {The Quarterly Journal of Experimental Psychology}, + volume = {58A}, + pages = {387-419}, + year = {2005}, type = {Journal Article} } -@article{RN2267, - author = {Sereno, M. I. and Pitzalis, S. and Martinez, A.}, - title = {Mapping of contralateral space in retinotopic coordinates by a parietal cortical area in humans}, - journal = {Science}, - volume = {294}, - number = {5545}, - pages = {1350-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11701930}, - year = {2001}, +@article{RN2352, + author = {Japikse, K. C. and Negash, S. and Howard, J. H., Jr. and Howard, D. V.}, + title = {Intermanual transfer of procedural learning after extended practice of probabilistic sequences}, + journal = {Exp Brain Res}, + volume = {148}, + number = {1}, + pages = {38-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12478395}, + year = {2003}, type = {Journal Article} } -@article{RN906, - author = {Scott, S. H. and Gribble, P. L. and Graham, K. M. and Cabel, D. W.}, - title = {Dissociation between hand motion and population vectors from neural activity in motor cortex}, - journal = {Nature}, - volume = {413}, - number = {6852}, - pages = {161-5.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11557980}, - year = {2001}, +@article{RN2351, + author = {Doyon, J. and Laforce, R., Jr. and Bouchard, G. and Gaudreau, D. and Roy, J. and Poirier, M. and Bedard, P. J. and Bedard, F. and Bouchard, J. P.}, + title = {Role of the striatum, cerebellum and frontal lobes in the automatization of a repeated visuomotor sequence of movements}, + journal = {Neuropsychologia}, + volume = {36}, + number = {7}, + pages = {625-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9723934}, + year = {1998}, type = {Journal Article} } -@phdthesis{RN888, - author = {Schmidt, T.}, - title = {Spatial distortions in visual short-term memory}, - university = {University of Goettingen, Germany}, - type = {doctoral thesis}, - url = {http://webdoc.sub.gwdg.de/diss/2002/schmidt_thomas/schmidt_thomas.pdf}, - year = {2001}, - type = {Thesis} +@inproceedings{RN2350, + author = {Lehericy, S. and Lenglet, C. and Doyon, J. and Benali, H. and Van de Moortele, P. F. and Sapiro, G. and Faugeras, O. and Deriche, R. and Ugurbil, K.}, + title = {Activation shifts from the premotor to the sensorimotor territory of the striatum during the course of motor sequence learning}, + booktitle = {Human Brain Mapping}, + type = {Conference Proceedings} } -@article{RN912, - author = {Schluter, N. D. and Krams, M. and Rushworth, M. F. and Passingham, R. E.}, - title = {Cerebral dominance for action in the human brain: the selection of actions}, - journal = {Neuropsychologia}, - volume = {39}, - number = {2}, - pages = {105-13}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11163368}, - year = {2001}, +@article{RN2349, + author = {Shin, J. C. and Ivry, R. B.}, + title = {Spatial and temporal sequence learning in patients with Parkinson's disease or cerebellar lesions}, + journal = {J Cogn Neurosci}, + volume = {15}, + number = {8}, + pages = {1232-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14709239}, + year = {2003}, type = {Journal Article} } -@article{RN2311, - author = {Rushworth, M. F. and Krams, M. and Passingham, R. E.}, - title = {The attentional role of the left parietal cortex: the distinct lateralization and localization of motor attention in the human brain}, +@article{RN2348, + author = {Maddox, W. T. and Aparicio, P. and Marchant, N. L. and Ivry, R. B.}, + title = {Rule-based category learning is impaired in patients with Parkinson's disease but not in patients with cerebellar disorders}, journal = {J Cogn Neurosci}, - volume = {13}, + volume = {17}, number = {5}, - pages = {698-710}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11506665}, - year = {2001}, + pages = {707-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15904539}, + year = {2005}, type = {Journal Article} } -@article{RN644, - author = {Rorden, Chris and Brett, Matthew}, - title = {Stereotaxic display of brain lesions}, - journal = {Behavioral Neurology}, - volume = {12}, - pages = {191-200}, - year = {2001}, +@article{RN2347, + author = {Gilman, S.}, + title = {The spinocerebellar ataxias}, + journal = {Clin Neuropharmacol}, + volume = {23}, + number = {6}, + pages = {296-303}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11575863}, + year = {2000}, type = {Journal Article} } -@article{RN929, - author = {Rinkenauer, G. and Ulrich, R. and Wing, A. M.}, - title = {Brief bimanual force pulses: correlations between the hands in force and time}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {27}, - number = {6}, - pages = {1485-97.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11766938}, +@article{RN2346, + author = {Kikuchi, A. and Takeda, A. and Kimpara, T. and Nakagawa, M. and Kawashima, R. and Sugiura, M. and Kinomura, S. and Fukuda, H. and Chida, K. and Okita, N. and Takase, S. and Itoyama, Y.}, + title = {Hypoperfusion in the supplementary motor area, dorsolateral prefrontal cortex and insular cortex in Parkinson's disease}, + journal = {J Neurol Sci}, + volume = {193}, + number = {1}, + pages = {29-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11718747}, year = {2001}, type = {Journal Article} } -@article{RN802, - author = {Repp, B. H.}, - title = {Processes underlying adaptation to tempo changes in sensorimotor synchronization}, - journal = {Hum Mov Sci}, - volume = {20}, - number = {3}, - pages = {277-312.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11517673}, - year = {2001}, +@article{RN2344, + author = {Padoa-Schioppa, C. and Li, C. S. and Bizzi, E.}, + title = {Neuronal activity in the supplementary motor area of monkeys adapting to a new dynamic environment}, + journal = {J Neurophysiol}, + volume = {91}, + number = {1}, + pages = {449-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968016}, + year = {2004}, type = {Journal Article} } -@article{RN801, - author = {Repp, B. H.}, - title = {Phase correction, phase resetting, and phase shifts after subliminal timing perturbations in sensorimotor synchronization}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {27}, - number = {3}, - pages = {600-21.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11424648}, - year = {2001}, +@article{RN2343, + author = {Mattar, A. A. and Gribble, P. L.}, + title = {Motor learning by observing}, + journal = {Neuron}, + volume = {46}, + number = {1}, + pages = {153-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15820701}, + year = {2005}, type = {Journal Article} } -@article{RN2124, - author = {Ravizza, S. M. and Ivry, R. B.}, - title = {Comparison of the basal ganglia and cerebellum in shifting attention}, - journal = {J Cogn Neurosci}, - volume = {13}, - number = {3}, - pages = {285-97}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11371307}, - year = {2001}, +@article{RN2342, + author = {Taylor, Janet L.}, + title = {Independent control of voluntary movement and associated anticipatory postural responses in a bimanual task.}, + journal = {Clinical Neurophysiology}, + year = {in press}, type = {Journal Article} } -@article{RN2433, - author = {Ramnani, N. and Toni, I. and Passingham, R. E. and Haggard, P.}, - title = {The cerebellum and parietal cortex play a specific role in coordination: a PET study}, - journal = {Neuroimage}, - volume = {14}, - number = {4}, - pages = {899-911}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11554809 }, - year = {2001}, +@article{RN2341, + author = {Diedrichsen, J. and Hashambhoy, Yasmin L. and Rane, Tushar and Shadmehr, R.}, + title = {Neural correlates of reach errors}, + journal = {Journal of Neuroscience}, + volume = {25}, + number = {43}, + pages = {9919-9931}, + year = {2005}, type = {Journal Article} } -@article{RN2444, - author = {Ramnani, N. and Passingham, R. E.}, - title = {Changes in the human brain during rhythm learning}, - journal = {J Cogn Neurosci}, - volume = {13}, - number = {7}, - pages = {952-66}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11595098 }, - year = {2001}, +@article{RN2338, + author = {Verstynen, T. and Diedrichsen, J. and Albert, N. and Aparicio, P. and Ivry, R. B.}, + title = {Ipsilateral motor cortex activity during unimanual hand movements relates to task complexity}, + journal = {J Neurophysiol}, + volume = {93}, + number = {3}, + pages = {1209-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15525809}, + year = {2005}, type = {Journal Article} } -@article{RN716, - author = {Prinzmetal, William and Diedrichsen, Joern and Ivry, Richard B.}, - title = {Illusory conjunctions are alive and well: A reply to Donk (1999)}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {27}, - number = {3}, - pages = {538-541}, - year = {2001}, +@article{RN2337, + author = {Aparicio, P. and Diedrichsen, J. and Ivry, R. B.}, + title = {Effects of focal basal ganglia lesions on timing and force control}, + journal = {Brain Cogn}, + volume = {58}, + number = {1}, + pages = {62-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15878727}, + year = {2005}, type = {Journal Article} } -@article{RN993, - author = {Prentice, S. D. and Drew, T.}, - title = {Contributions of the reticulospinal system to the postural adjustments occurring during voluntary gait modifications}, +@article{RN2336, + author = {Diedrichsen, J. and Verstynen, T. and Lehman, S. L. and Ivry, R. B.}, + title = {Cerebellar involvement in anticipating the consequences of self-produced actions during bimanual movements}, journal = {J Neurophysiol}, - volume = {85}, + volume = {93}, number = {2}, - pages = {679-98}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11160503}, - year = {2001}, + pages = {801-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15356182}, + year = {2005}, type = {Journal Article} } -@article{RN3254, - author = {Picard, N. and Strick, P. L.}, - title = {Imaging the premotor areas}, - journal = {Curr Opin Neurobiol}, - volume = {11}, +@article{RN2335, + author = {Luppino, G. and Calzavara, R. and Rozzi, S. and Matelli, M.}, + title = {Projections from the superior temporal sulcus to the agranular frontal cortex in the macaque}, + journal = {Eur J Neurosci}, + volume = {14}, number = {6}, - pages = {663-72}, - ISSN = {0959-4388 (Print) -0959-4388 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/11741015}, + pages = {1035-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11595042}, year = {2001}, type = {Journal Article} } -@article{RN2143, - author = {Ollinger, J. M. and Shulman, G. L. and Corbetta, M.}, - title = {Separating processes within a trial in event-related functional MRI}, - journal = {Neuroimage}, - volume = {13}, - number = {1}, - pages = {210-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11133323}, - year = {2001}, +@article{RN2334, + author = {Slack, C. W.}, + title = {Some characteristics of the 'Range effect'}, + journal = {J Exp Psychol}, + volume = {46}, + number = {2}, + pages = {76-80}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13084848}, + year = {1953}, type = {Journal Article} } -@article{RN3298, - author = {Nitsche, M. A. and Paulus, W.}, - title = {Sustained excitability elevations induced by transcranial DC motor cortex stimulation in humans}, - journal = {Neurology}, - volume = {57}, - number = {10}, - pages = {1899-901}, - ISSN = {0028-3878 (Print) -0028-3878 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/11723286}, - year = {2001}, +@article{RN2333, + author = {Weiskrantz, L. and Elliott, J. and Darlington, C.}, + title = {Preliminary observations on tickling oneself}, + journal = {Nature}, + volume = {230}, + number = {5296}, + pages = {598-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4928671}, + year = {1971}, type = {Journal Article} } -@article{RN764, - author = {Nezafat, R. and Shadmehr, R. and Holcomb, H. H.}, - title = {Long-term adaptation to dynamics of reaching movements: a PET study}, - journal = {Exp Brain Res}, - volume = {140}, - number = {1}, - pages = {66-76.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11500799}, - year = {2001}, +@article{RN2332, + author = {Blakemore, S. J. and Frith, C. D. and Wolpert, D. M.}, + title = {Spatio-temporal prediction modulates the perception of self-produced stimuli}, + journal = {J Cogn Neurosci}, + volume = {11}, + number = {5}, + pages = {551-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10511643}, + year = {1999}, type = {Journal Article} } -@article{RN863, - author = {Neggers, S. F. and Bekkering, H.}, - title = {Gaze anchoring to a pointing target is present during the entire pointing movement and is driven by a non-visual signal}, - journal = {J Neurophysiol}, - volume = {86}, +@article{RN2331, + author = {Galletti, C. and Kutz, D. F. and Gamberini, M. and Breveglieri, R. and Fattori, P.}, + title = {Role of the medial parieto-occipital cortex in the control of reaching and grasping movements}, + journal = {Exp Brain Res}, + volume = {153}, number = {2}, - pages = {961-70.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11495964 -http://www.jn.physiology.org/cgi/content/full/86/2/961 -http://www.jn.physiology.org/cgi/content/abstract/86/2/961}, - year = {2001}, + pages = {158-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14517595}, + year = {2003}, type = {Journal Article} } -@article{RN2649, - author = {Muellbacher, W. and Ziemann, U. and Boroojerdi, B. and Cohen, L. and Hallett, M.}, - title = {Role of the human motor cortex in rapid motor learning}, - journal = {Exp Brain Res}, - volume = {136}, - number = {4}, - pages = {431-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11291723 }, - year = {2001}, +@article{RN2330, + author = {Haaland, K. Y. and Harrington, D. L. and Knight, R. T.}, + title = {Neural representations of skilled movement}, + journal = {Brain}, + volume = {123 ( Pt 11)}, + pages = {2306-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11050030}, + year = {2000}, type = {Journal Article} } -@article{RN727, - author = {Morton, S. M. and Lang, C. E. and Bastian, A. J.}, - title = {Inter- and intra-limb generalization of adaptation during catching}, - journal = {Exp Brain Res}, - volume = {141}, - number = {4}, - pages = {438-45.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11810138}, - year = {2001}, +@article{RN2329, + author = {Buccino, G. and Vogt, S. and Ritzl, A. and Fink, G. R. and Zilles, K. and Freund, H. J. and Rizzolatti, G.}, + title = {Neural circuits underlying imitation learning of hand actions: an event-related fMRI study}, + journal = {Neuron}, + volume = {42}, + number = {2}, + pages = {323-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15091346}, + year = {2004}, type = {Journal Article} } -@article{RN2692, - author = {Mieschke, P. E. and Elliott, D. and Helsen, W. F. and Carson, R. G. and Coull, J. A.}, - title = {Manual asymmetries in the preparation and control of goal-directed movements}, - journal = {Brain Cogn}, - volume = {45}, - number = {1}, - pages = {129-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11161367 }, - year = {2001}, +@article{RN2328, + author = {Johnson-Frey, S. H. and Newman-Norlund, R. and Grafton, S. T.}, + title = {A distributed left hemisphere network active during planning of everyday tool use skills}, + journal = {Cereb Cortex}, + volume = {15}, + number = {6}, + pages = {681-95}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15342430}, + year = {2005}, type = {Journal Article} } -@article{RN2412, - author = {Miall, R. C. and Reckess, G. Z. and Imamizu, H.}, - title = {The cerebellum coordinates eye and hand tracking movements}, - journal = {Nat Neurosci}, - volume = {4}, - number = {6}, - pages = {638-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11369946}, - year = {2001}, +@book{RN2327, + author = {Liepmann, H. M. O}, + title = {Drei Aufsätze aus dem Aparxie-Gebiet}, + publisher = {Krager}, + address = {Berlin}, + year = {1908}, + type = {Book} +} + +@article{RN2326, + author = {Eliassen, J. C. and Souza, T. and Sanes, J. N.}, + title = {Experience-dependent activation patterns in human brain during visual-motor associative learning}, + journal = {J Neurosci}, + volume = {23}, + number = {33}, + pages = {10540-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14627638}, + year = {2003}, type = {Journal Article} } -@article{RN741, - author = {Mechsner, Franz and Kerzel, Dirk and Knoblich, Guenther and Prinz, Wolfgang}, - title = {Perceptual basis of bimanual coordination}, - journal = {Nature}, - volume = {414}, - number = {6859}, - pages = {69-73}, - year = {2001}, +@article{RN2325, + author = {Grafton, S. T. and Fagg, A. H. and Arbib, M. A.}, + title = {Dorsal premotor cortex and conditional movement selection: A PET functional mapping study}, + journal = {J Neurophysiol}, + volume = {79}, + number = {2}, + pages = {1092-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9463464}, + year = {1998}, type = {Journal Article} } -@article{RN2270, - author = {Marconi, B. and Genovesio, A. and Battaglia-Mayer, A. and Ferraina, S. and Squatrito, S. and Molinari, M. and Lacquaniti, F. and Caminiti, R.}, - title = {Eye-hand coordination during reaching. I. Anatomical relationships between parietal and frontal cortex}, - journal = {Cereb Cortex}, - volume = {11}, - number = {6}, - pages = {513-27}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375913}, - year = {2001}, +@article{RN2324, + author = {Matelli, M. and Govoni, P. and Galletti, C. and Kutz, D. F. and Luppino, G.}, + title = {Superior area 6 afferents from the superior parietal lobule in the macaque monkey}, + journal = {J Comp Neurol}, + volume = {402}, + number = {3}, + pages = {327-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9853903}, + year = {1998}, type = {Journal Article} } -@inbook{RN822, - author = {Mangels, Jennifer A. and Ivry, Richard B.}, - title = {Time perception}, - booktitle = {The handbook of cognitive neuropsychology: What deficits reveal about the human mind.}, - editor = {Rapp, Brenda}, - publisher = {Psychology Press/Taylor & Francis}, - address = {Philadelphia, PA, US}, - pages = {467-493}, - year = {2001}, - type = {Book Section} -} - -@article{RN2335, - author = {Luppino, G. and Calzavara, R. and Rozzi, S. and Matelli, M.}, - title = {Projections from the superior temporal sulcus to the agranular frontal cortex in the macaque}, +@article{RN2323, + author = {Galletti, C. and Gamberini, M. and Kutz, D. F. and Fattori, P. and Luppino, G. and Matelli, M.}, + title = {The cortical connections of area V6: an occipito-parietal network processing visual information}, journal = {Eur J Neurosci}, - volume = {14}, - number = {6}, - pages = {1035-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11595042}, + volume = {13}, + number = {8}, + pages = {1572-88}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11328351}, year = {2001}, type = {Journal Article} } -@article{RN2722, - author = {Logothetis, N. K. and Pauls, J. and Augath, M. and Trinath, T. and Oeltermann, A.}, - title = {Neurophysiological investigation of the basis of the fMRI signal}, - journal = {Nature}, - volume = {412}, - number = {6843}, - pages = {150-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11449264 }, - year = {2001}, +@article{RN2322, + author = {Deiber, M. P. and Ibanez, V. and Sadato, N. and Hallett, M.}, + title = {Cerebral structures participating in motor preparation in humans: a positron emission tomography study}, + journal = {J Neurophysiol}, + volume = {75}, + number = {1}, + pages = {233-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8822554}, + year = {1996}, type = {Journal Article} } -@article{RN2279, - author = {Li, C. S. and Padoa-Schioppa, C. and Bizzi, E.}, - title = {Neuronal correlates of motor performance and motor learning in the primary motor cortex of monkeys adapting to an external force field}, - journal = {Neuron}, - volume = {30}, - number = {2}, - pages = {593-607}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11395017}, - year = {2001}, +@article{RN2321, + author = {Grafton, S. T. and Mazziotta, J. C. and Woods, R. P. and Phelps, M. E.}, + title = {Human functional anatomy of visually guided finger movements}, + journal = {Brain}, + volume = {115 ( Pt 2)}, + pages = {565-87}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1606482}, + year = {1992}, type = {Journal Article} } -@article{RN726, - author = {Lang, C. E. and Bastian, A. J.}, - title = {Additional somatosensory information does not improve cerebellar adaptation during catching}, - journal = {Clin Neurophysiol}, - volume = {112}, +@article{RN2320, + author = {Rosenbaum, D. A. and Vaughan, J. and Barnes, H. J. and Jorgensen, M. J.}, + title = {Time course of movement planning: selection of handgrips for object manipulation}, + journal = {J Exp Psychol Learn Mem Cogn}, + volume = {18}, number = {5}, - pages = {895-907.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11336907}, - year = {2001}, + pages = {1058-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1402710}, + year = {1992}, type = {Journal Article} } -@article{RN3072, - author = {Kruschke, J.K.}, - title = {Towards a unified model of attention in associative learning}, - journal = {Journal of Mathematical Psychology}, - volume = {45}, +@article{RN2319, + author = {Weiss, Y. and Simoncelli, E. P. and Adelson, E. H.}, + title = {Motion illusions as optimal percepts}, + journal = {Nat Neurosci}, + volume = {5}, number = {6}, - pages = {812-863}, - year = {2001}, + pages = {598-604}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12021763}, + year = {2002}, type = {Journal Article} } -@article{RN2202, - author = {Kruger, G. and Glover, G. H.}, - title = {Physiological noise in oxygenation-sensitive magnetic resonance imaging}, - journal = {Magn Reson Med}, - volume = {46}, - number = {4}, - pages = {631-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11590638}, +@article{RN2318, + author = {Creem, S. H. and Proffitt, D. R.}, + title = {Grasping objects by their handles: a necessary interaction between cognition and action}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {27}, + number = {1}, + pages = {218-28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11248935}, year = {2001}, type = {Journal Article} } -@article{RN2133, - author = {Krebs, H. I. and Hogan, N. and Hening, W. and Adamovich, S. V. and Poizner, H.}, - title = {Procedural motor learning in Parkinson's disease}, - journal = {Exp Brain Res}, - volume = {141}, - number = {4}, - pages = {425-37}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11810137}, +@article{RN2316, + author = {Braver, T. S. and Barch, D. M. and Gray, J. R. and Molfese, D. L. and Snyder, A.}, + title = {Anterior cingulate cortex and response conflict: effects of frequency, inhibition and errors}, + journal = {Cereb Cortex}, + volume = {11}, + number = {9}, + pages = {825-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11532888}, year = {2001}, type = {Journal Article} } -@article{RN2346, - author = {Kikuchi, A. and Takeda, A. and Kimpara, T. and Nakagawa, M. and Kawashima, R. and Sugiura, M. and Kinomura, S. and Fukuda, H. and Chida, K. and Okita, N. and Takase, S. and Itoyama, Y.}, - title = {Hypoperfusion in the supplementary motor area, dorsolateral prefrontal cortex and insular cortex in Parkinson's disease}, - journal = {J Neurol Sci}, - volume = {193}, - number = {1}, - pages = {29-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11718747}, - year = {2001}, +@article{RN2314, + author = {Deiber, M. P. and Wise, S. P. and Honda, M. and Catalan, M. J. and Grafman, J. and Hallett, M.}, + title = {Frontal and parietal networks for conditional motor learning: a positron emission tomography study}, + journal = {J Neurophysiol}, + volume = {78}, + number = {2}, + pages = {977-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9307128}, + year = {1997}, type = {Journal Article} } -@article{RN1043, - author = {Kelso, J. A. Scott and Fink, P. W. and DeLaplain, C. R. and Carson, R. G.}, - title = {Haptic information stabilizes and destabilizes coordination dynamics}, - journal = {Proc R Soc Lond B Biol Sci}, - volume = {268}, - number = {1472}, - pages = {1207-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375110}, - year = {2001}, +@article{RN2313, + author = {Rizzolatti, G. and Fogassi, L. and Gallese, V.}, + title = {Motor and cognitive functions of the ventral premotor cortex}, + journal = {Curr Opin Neurobiol}, + volume = {12}, + number = {2}, + pages = {149-54}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12015230}, + year = {2002}, type = {Journal Article} } -@article{RN2021, - author = {Johnson, S. H. and Corballis, P. M. and Gazzaniga, M. S.}, - title = {Within grasp but out of reach: evidence for a double dissociation between imagined hand and arm movements in the left cerebral hemisphere}, - journal = {Neuropsychologia}, - volume = {39}, - number = {1}, - pages = {36-50}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11115654}, - year = {2001}, +@article{RN2312, + author = {Rizzolatti, G. and Matelli, M.}, + title = {Two different streams form the dorsal visual system: anatomy and functions}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {146-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14610633}, + year = {2003}, type = {Journal Article} } -@inbook{RN2132, - author = {Ivry, R. B. and Justus, T. C. and Middleton, C.}, - title = {The cerebellum, timing and language}, - booktitle = {Dyslexia, Fluency and the Brain}, - editor = {M, Wolf}, - publisher = {York Press}, - address = {Timonium, MD}, - pages = {189-211}, +@article{RN2311, + author = {Rushworth, M. F. and Krams, M. and Passingham, R. E.}, + title = {The attentional role of the left parietal cortex: the distinct lateralization and localization of motor attention in the human brain}, + journal = {J Cogn Neurosci}, + volume = {13}, + number = {5}, + pages = {698-710}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11506665}, year = {2001}, - type = {Book Section} + type = {Journal Article} } -@article{RN2969, - author = {Indovina, I. and Sanes, J. N.}, - title = {On somatotopic representation centers for finger movements in human primary motor cortex and supplementary motor area}, +@article{RN2310, + author = {Rushworth, M. F. and Johansen-Berg, H. and Gobel, S. M. and Devlin, J. T.}, + title = {The left parietal and premotor cortices: motor attention and selection}, journal = {Neuroimage}, - volume = {13}, - number = {6 Pt 1}, - pages = {1027-34}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.2001.0776 -S1053-8119(01)90776-1 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11352608}, - year = {2001}, + volume = {20 Suppl 1}, + pages = {S89-100}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14597301}, + year = {2003}, type = {Journal Article} } -@article{RN772, - author = {Immisch, I. and Waldvogel, D. and van Gelderen, P. and Hallett, M.}, - title = {The role of the medial wall and its anatomical variations for bimanual antiphase and in-phase movements}, - journal = {Neuroimage}, +@article{RN2309, + author = {Kunde, W. and Weigelt, M.}, + title = {Goal congruency in bimanual object manipulation}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {31}, + number = {1}, + pages = {145-56}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15709869}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2308, + author = {Serences, J. T. and Schwarzbach, J. and Courtney, S. M. and Golay, X. and Yantis, S.}, + title = {Control of object-based attention in human cortex}, + journal = {Cereb Cortex}, volume = {14}, - number = {3}, - pages = {674-84.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11506540}, - year = {2001}, + number = {12}, + pages = {1346-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15166105}, + year = {2004}, type = {Journal Article} } -@article{RN922, - author = {Hommel, B. and Musseler, J. and Aschersleben, G. and Prinz, W.}, - title = {The Theory of Event Coding (TEC): a framework for perception and action planning}, - journal = {Behav Brain Sci}, - volume = {24}, +@inbook{RN2307, + author = {Shadmehr, R. and Wise, R.}, + title = {Motor Learning and Memory for Reaching and Pointing}, + booktitle = {The Cognitive Neurosciences, Third Edition}, + editor = {Gazzaniga, M. S.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {511-524}, + year = {2004}, + type = {Book Section} +} + +@article{RN2306, + author = {Smith, M. A. and Shadmehr, R.}, + title = {Intact Ability to Learn Internal Models of Arm Dynamics in Huntington's Disease But Not Cerebellar Degeneration}, + journal = {J Neurophysiol}, + volume = {93}, number = {5}, - pages = {849-78}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12239891}, - year = {2001}, + pages = {2809-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15625094}, + year = {2005}, type = {Journal Article} } -@article{RN938, - author = {Heuer, H. and Kleinsorge, T. and Spijkers, W. and Steglich, W.}, - title = {Static and phasic cross-talk effects in discrete bimanual reversal movements}, - journal = {J Mot Behav}, - volume = {33}, - number = {1}, - pages = {67-85.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11265059}, - year = {2001}, - type = {Journal Article} +@misc{RN2305, + url = {http://www.bme.jhu.edu/~jdiedric/download/caret/Caret_surface_statistics.pdf}, + year = {2005}, + type = {Web Page} } -@article{RN850, - author = {Hemminger, S.E. and Donchin, O. and Ariff, G.D. and Young, E.D. and Shadmehr, R.}, - title = {Intermanual generalization of arm dynamics in extrinsic coordinates}, - journal = {Society of Neuroscience Abstracts}, - volume = {27: 302.1}, - year = {2001}, +@article{RN2304, + author = {Smith, M. A. and Shadmehr, R.}, + title = {Dysfunctional Error Feedback Control in Huntington's Disease in the Absence of Visual Feedback}, + year = {under review}, type = {Journal Article} } -@article{RN1021, - author = {Hay, L. and Redon, C.}, - title = {Development of postural adaptation to arm raising}, - journal = {Exp Brain Res}, - volume = {139}, - number = {2}, - pages = {224-32.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11497065}, - year = {2001}, +@article{RN2302, + author = {Logothetis, N. K.}, + title = {The underpinnings of the BOLD functional magnetic resonance imaging signal}, + journal = {J Neurosci}, + volume = {23}, + number = {10}, + pages = {3963-71}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12764080}, + year = {2003}, type = {Journal Article} } -@article{RN2832, - author = {Haxby, J. V. and Gobbini, M. I. and Furey, M. L. and Ishai, A. and Schouten, J. L. and Pietrini, P.}, - title = {Distributed and overlapping representations of faces and objects in ventral temporal cortex}, - journal = {Science}, - volume = {293}, - number = {5539}, - pages = {2425-30}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - DOI = {10.1126/science.1063736}, - year = {2001}, +@article{RN2299, + author = {Seidler, R. D. and Noll, D. C. and Thiers, G.}, + title = {Feedforward and feedback processes in motor control}, + journal = {Neuroimage}, + volume = {22}, + number = {4}, + pages = {1775-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15275933}, + year = {2004}, type = {Journal Article} } -@article{RN763, - author = {Haruno, M. and Wolpert, D. M. and Kawato, M.}, - title = {Mosaic model for sensorimotor learning and control}, - journal = {Neural Comput}, - volume = {13}, - number = {10}, - pages = {2201-20.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11570996}, - year = {2001}, +@article{RN2297, + author = {Hwang, E. J. and Donchin, O. and Smith, M. A. and Shadmehr, R.}, + title = {A gain-field encoding of limb position and velocity in the internal model of arm dynamics}, + journal = {PLoS Biol}, + volume = {1}, + number = {2}, + pages = {E25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14624237}, + year = {2003}, type = {Journal Article} } -@article{RN2041, - author = {Grodd, W. and Hulsmann, E. and Lotze, M. and Wildgruber, D. and Erb, M.}, - title = {Sensorimotor mapping of the human cerebellum: fMRI evidence of somatotopic organization}, - journal = {Hum Brain Mapp}, - volume = {13}, - number = {2}, - pages = {55-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11346886}, - year = {2001}, +@article{RN2296, + author = {Tootell, R. B. and Hadjikhani, N. and Hall, E. K. and Marrett, S. and Vanduffel, W. and Vaughan, J. T. and Dale, A. M.}, + title = {The retinotopy of visual spatial attention}, + journal = {Neuron}, + volume = {21}, + number = {6}, + pages = {1409-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9883733}, + year = {1998}, type = {Journal Article} } -@article{RN2187, - author = {Grefkes, C. and Geyer, S. and Schormann, T. and Roland, P. and Zilles, K.}, - title = {Human somatosensory area 2: observer-independent cytoarchitectonic mapping, interindividual variability, and population map}, - journal = {Neuroimage}, - volume = {14}, - number = {3}, - pages = {617-31}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11506535}, - year = {2001}, +@article{RN2295, + author = {Karnath, H. O. and Perenin, M. T.}, + title = {Cortical Control of Visually Guided Reaching: Evidence from Patients with Optic Ataxia}, + journal = {Cereb Cortex}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15716470}, + year = {2005}, type = {Journal Article} } -@article{RN959, - author = {Gourtzelidis, P. and Smyrnis, N. and Evdokimidis, I. and Balogh, A.}, - title = {Systematic errors of planar arm movements provide evidence for space categorization effects and interaction of multiple frames of reference}, - journal = {Exp Brain Res}, - volume = {139}, - number = {1}, - pages = {59-69.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11482844}, - year = {2001}, +@article{RN2294, + author = {Della-Maggiore, V. and Malfait, N. and Ostry, D. J. and Paus, T.}, + title = {Stimulation of the posterior parietal cortex interferes with arm trajectory adjustments during the learning of new dynamics}, + journal = {J Neurosci}, + volume = {24}, + number = {44}, + pages = {9971-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15525782}, + year = {2004}, type = {Journal Article} } -@article{RN3354, - author = {Gobet, F. and Lane, P. C. and Croker, S. and Cheng, P. C. and Jones, G. and Oliver, I. and Pine, J. M.}, - title = {Chunking mechanisms in human learning}, - journal = {Trends Cogn Sci}, - volume = {5}, - number = {6}, - pages = {236-243}, - ISSN = {1879-307X (Electronic) -1364-6613 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/11390294}, - year = {2001}, +@article{RN2293, + author = {Della-Maggiore, V. and McIntosh, A. R.}, + title = {Time course of changes in brain activity and functional connectivity associated with long-term adaptation to a rotational transformation}, + journal = {J Neurophysiol}, + volume = {93}, + number = {4}, + pages = {2254-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15574799}, + year = {2005}, type = {Journal Article} } -@article{RN2186, - author = {Geyer, S. and Schleicher, A. and Schormann, T. and Mohlberg, H. and Bodegard, A. and Roland, P. E. and Zilles, K.}, - title = {Integration of microstructural and functional aspects of human somatosensory areas 3a, 3b, and 1 on the basis of a computerized brain atlas}, - journal = {Anat Embryol (Berl)}, - volume = {204}, - number = {4}, - pages = {351-66}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11720238}, - year = {2001}, +@article{RN2292, + author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, + title = {Change in motor plan, without a change in the spatial locus of attention, modulates activity in posterior parietal cortex}, + journal = {J Neurophysiol}, + volume = {79}, + number = {5}, + pages = {2814-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9582248}, + year = {1998}, type = {Journal Article} } -@article{RN2323, - author = {Galletti, C. and Gamberini, M. and Kutz, D. F. and Fattori, P. and Luppino, G. and Matelli, M.}, - title = {The cortical connections of area V6: an occipito-parietal network processing visual information}, - journal = {Eur J Neurosci}, - volume = {13}, - number = {8}, - pages = {1572-88}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11328351}, - year = {2001}, +@article{RN2291, + author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, + title = {Intention-related activity in the posterior parietal cortex: a review}, + journal = {Vision Res}, + volume = {40}, + number = {10-12}, + pages = {1433-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10788650}, + year = {2000}, type = {Journal Article} } -@article{RN2896, - author = {Friman, O. and Cedefamn, J. and Lundberg, P. and Borga, M. and Knutsson, H.}, - title = {Detection of neural activity in functional MRI using canonical correlation analysis}, - journal = {Magn Reson Med}, - volume = {45}, +@article{RN2290, + author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, + title = {Saccade-related activity in the parietal reach region}, + journal = {J Neurophysiol}, + volume = {83}, number = {2}, - pages = {323-30}, - ISSN = {0740-3194 (Print) -0740-3194 (Linking)}, - DOI = {10.1002/1522-2594(200102)45:2<323::AID-MRM1041>3.0.CO;2-# [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11180440}, - year = {2001}, + pages = {1099-102}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10669521}, + year = {2000}, type = {Journal Article} } -@article{RN2908, - author = {Frens, M. A. and Mathoera, A. L. and van der Steen, J.}, - title = {Floccular complex spike response to transparent retinal slip}, - journal = {Neuron}, - volume = {30}, - number = {3}, - pages = {795-801}, - ISSN = {0896-6273 (Print) -0896-6273 (Linking)}, - DOI = {S0896-6273(01)00321-X [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11430812}, - year = {2001}, +@article{RN2289, + author = {Buneo, C. A. and Jarvis, M. R. and Batista, A. P. and Andersen, R. A.}, + title = {Direct visuomotor transformations for reaching}, + journal = {Nature}, + volume = {416}, + number = {6881}, + pages = {632-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11948351}, + year = {2002}, type = {Journal Article} } -@article{RN712, - author = {Franz, Volker H.}, - title = {Action does not resist visual illusions}, - journal = {Trends in Cognitive Sciences}, - volume = {5}, - number = {11}, - pages = {457-459}, - year = {2001}, +@article{RN2288, + author = {Connolly, J. D. and Andersen, R. A. and Goodale, M. A.}, + title = {FMRI evidence for a 'parietal reach region' in the human brain}, + journal = {Exp Brain Res}, + volume = {153}, + number = {2}, + pages = {140-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12955383}, + year = {2003}, type = {Journal Article} } -@article{RN639, - author = {Franz, Elizabeth A. and Zelaznik, Howard N. and Swinnen, Stephan and Walter, Charles}, - title = {Spatial conceptual influences on the coordination of bimanual actions: When a dual task becomes a single task}, - journal = {Journal of Motor Behavior}, - volume = {33}, - number = {1}, - pages = {103-112}, - year = {2001}, +@article{RN2287, + author = {Charpentier, A.}, + title = {Analyse experimentale de quelques elements de la sensation de poids}, + journal = {Archives de Physiologie Normales et Pathologiques}, + volume = {3}, + pages = {122-135}, + year = {1891}, type = {Journal Article} } -@article{RN2188, - author = {Frank, L. R. and Buxton, R. B. and Wong, E. C.}, - title = {Estimation of respiration-induced noise fluctuations from undersampled multislice fMRI data}, - journal = {Magn Reson Med}, - volume = {45}, - number = {4}, - pages = {635-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11283992}, - year = {2001}, +@article{RN2285, + author = {Shambes, G. M. and Gibson, J. M. and Welker, W.}, + title = {Fractured somatotopy in granule cell tactile areas of rat cerebellar hemispheres revealed by micromapping}, + journal = {Brain Behav Evol}, + volume = {15}, + number = {2}, + pages = {94-140}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=638731}, + year = {1978}, type = {Journal Article} } -@article{RN2174, - author = {Frank, L. R. and Buxton, R. B. and Wong, E. C.}, - title = {Estimation of respiration-induced noise fluctuations from undersampled multislice fMRI data}, - journal = {Magn Reson Med}, - volume = {45}, +@article{RN2284, + author = {Wainscott, S. K. and Donchin, O. and Shadmehr, R.}, + title = {Internal models and contextual cues: encoding serial order and direction of movement}, + journal = {J Neurophysiol}, + volume = {93}, + number = {2}, + pages = {786-800}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385598}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2283, + author = {Ross, H. E.}, + title = {When is a weight not illusory?}, + journal = {Q J Exp Psychol}, + volume = {21}, number = {4}, - pages = {635-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11283992}, - year = {2001}, + pages = {346-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5378275}, + year = {1969}, type = {Journal Article} } -@article{RN2233, - author = {Flash, T. and Sejnowski, T. J.}, - title = {Computational approaches to motor control}, - journal = {Curr Opin Neurobiol}, - volume = {11}, - number = {6}, - pages = {655-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11741014}, - year = {2001}, +@article{RN2282, + author = {Ellis, R. R. and Lederman, S. J.}, + title = {The role of haptic versus visual volume cues in the size-weight illusion}, + journal = {Percept Psychophys}, + volume = {53}, + number = {3}, + pages = {315-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8483695}, + year = {1993}, type = {Journal Article} } -@article{RN1013, - author = {Flanagan, J. R. and King, S. and Wolpert, D. M. and Johansson, R. S.}, - title = {Sensorimotor prediction and memory in object manipulation}, - journal = {Can J Exp Psychol}, - volume = {55}, +@article{RN2281, + author = {Ellis, R. R. and Lederman, S. J.}, + title = {The golf-ball illusion: evidence for top-down processing in weight perception}, + journal = {Perception}, + volume = {27}, number = {2}, - pages = {87-95.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11433790}, - year = {2001}, + pages = {193-201}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9709451}, + year = {1998}, type = {Journal Article} } -@article{RN2077, - author = {Ehrsson, H. H. and Fagergren, E. and Forssberg, H.}, - title = {Differential fronto-parietal activation depending on force used in a precision grip task: an fMRI study}, - journal = {J Neurophysiol}, - volume = {85}, - number = {6}, - pages = {2613-23}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11387405}, - year = {2001}, +@article{RN2280, + author = {Ellis, R. R. and Lederman, S. J.}, + title = {The material-weight illusion revisited}, + journal = {Percept Psychophys}, + volume = {61}, + number = {8}, + pages = {1564-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10598470}, + year = {1999}, type = {Journal Article} } -@book{RN3104, - author = {Duda, R.O. and Hart, P.E. and Stork, D.G.}, - title = {Pattern classification}, - publisher = {Wiley}, - address = {Hoboken, NJ}, - ISBN = {9780471056690}, - url = {http://books.google.co.uk/books?id=YoxQAAAAMAAJ}, +@article{RN2279, + author = {Li, C. S. and Padoa-Schioppa, C. and Bizzi, E.}, + title = {Neuronal correlates of motor performance and motor learning in the primary motor cortex of monkeys adapting to an external force field}, + journal = {Neuron}, + volume = {30}, + number = {2}, + pages = {593-607}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11395017}, year = {2001}, - type = {Book} + type = {Journal Article} } -@article{RN3046, - author = {Donchin, O. and Gribova, A. and Steinberg, O. and Bergman, H. and Cardoso de Oliveira, S. and Vaadia, E.}, - title = {Local field potentials related to bimanual movements in the primary and supplementary motor cortices}, - journal = {Exp Brain Res}, - volume = {140}, - number = {1}, - pages = {46-55}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11500797}, - year = {2001}, +@article{RN2278, + author = {Gandolfo, F. and Li, C. and Benda, B. J. and Schioppa, C. P. and Bizzi, E.}, + title = {Cortical correlates of learning in monkeys adapting to a new dynamical environment}, + journal = {Proc Natl Acad Sci U S A}, + volume = {97}, + number = {5}, + pages = {2259-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10681435}, + year = {2000}, type = {Journal Article} } -@article{RN603, - author = {Diedrichsen, Joern and Hazeltine, Eliot and Kennerley, Steven and Ivry, Richard B.}, - title = {Moving to directly cued locations abolishes spatial interference during bimanual actions}, - journal = {Psychological Science}, - volume = {12}, - number = {6}, - pages = {493-498}, - year = {2001}, +@article{RN2276, + author = {Redgrave, P. and Prescott, T. J. and Gurney, K.}, + title = {The basal ganglia: a vertebrate solution to the selection problem?}, + journal = {Neuroscience}, + volume = {89}, + number = {4}, + pages = {1009-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10362291}, + year = {1999}, type = {Journal Article} } -@article{RN735, - author = {Diedrichsen, Jörn and Hazeltine, Eliot}, - title = {Unifying by binding: will binding really bind? A commentary on Hommel et al. (2001).}, - journal = {Behavioral & Brain Sciences}, - year = {2001}, +@article{RN2275, + author = {Cools, R. and Clark, L. and Robbins, T. W.}, + title = {Differential responses in human striatum and prefrontal cortex to changes in object and rule relevance}, + journal = {J Neurosci}, + volume = {24}, + number = {5}, + pages = {1129-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14762131}, + year = {2004}, type = {Journal Article} } -@article{RN857, - author = {Desmurget, M. and Grea, H. and Grethe, J. S. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, - title = {Functional anatomy of nonvisual feedback loops during reaching: a positron emission tomography study}, - journal = {J Neurosci}, - volume = {21}, - number = {8}, - pages = {2919-28.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11306644 -http://www.jneurosci.org/cgi/content/full/21/8/2919 -http://www.jneurosci.org/cgi/content/abstract/21/8/2919}, - year = {2001}, +@article{RN2274, + author = {Jiang, H. and Stein, B. E. and McHaffie, J. G.}, + title = {Opposing basal ganglia processes shape midbrain visuomotor activity bilaterally}, + journal = {Nature}, + volume = {423}, + number = {6943}, + pages = {982-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12827201}, + year = {2003}, type = {Journal Article} } -@article{RN773, - author = {Debaere, F. and Swinnen, S. P. and Beatse, E. and Sunaert, S. and Van Hecke, P. and Duysens, J.}, - title = {Brain areas involved in interlimb coordination: a distributed network}, - journal = {Neuroimage}, - volume = {14}, - number = {5}, - pages = {947-58.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11697927}, - year = {2001}, +@article{RN2273, + author = {Zink, C. F. and Pagnoni, G. and Martin, M. E. and Dhamala, M. and Berns, G. S.}, + title = {Human striatal response to salient nonrewarding stimuli}, + journal = {J Neurosci}, + volume = {23}, + number = {22}, + pages = {8092-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12954871}, + year = {2003}, type = {Journal Article} } -@article{RN715, - author = {Dale, Corby L. and Gratton, Gabriele and Gibbon, John}, - title = {Event-related brain potentials isolate the motor component in a tapping task}, - journal = {Neuroreport: For Rapid Communication of Neuroscience Research}, - volume = {12}, - number = {14}, - pages = {3015-3018}, - year = {2001}, +@article{RN2272, + author = {Battaglia-Mayer, A. and Ferraina, S. and Mitsuda, T. and Marconi, B. and Genovesio, A. and Onorati, P. and Lacquaniti, F. and Caminiti, R.}, + title = {Early coding of reaching in the parietooccipital cortex}, + journal = {J Neurophysiol}, + volume = {83}, + number = {4}, + pages = {2374-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10758140}, + year = {2000}, type = {Journal Article} } -@article{RN2097, - author = {Dai, T. H. and Liu, J. Z. and Sahgal, V. and Brown, R. W. and Yue, G. H.}, - title = {Relationship between muscle output and functional MRI-measured brain activation}, - journal = {Exp Brain Res}, - volume = {140}, - number = {3}, - pages = {290-300}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11681304}, +@article{RN2271, + author = {Battaglia-Mayer, A. and Ferraina, S. and Genovesio, A. and Marconi, B. and Squatrito, S. and Molinari, M. and Lacquaniti, F. and Caminiti, R.}, + title = {Eye-hand coordination during reaching. II. An analysis of the relationships between visuomanual signals in parietal cortex and parieto-frontal association projections}, + journal = {Cereb Cortex}, + volume = {11}, + number = {6}, + pages = {528-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375914}, year = {2001}, type = {Journal Article} } -@article{RN2117, - author = {Culham, J. C. and Kanwisher, N. G.}, - title = {Neuroimaging of cognitive functions in human parietal cortex}, - journal = {Curr Opin Neurobiol}, +@article{RN2270, + author = {Marconi, B. and Genovesio, A. and Battaglia-Mayer, A. and Ferraina, S. and Squatrito, S. and Molinari, M. and Lacquaniti, F. and Caminiti, R.}, + title = {Eye-hand coordination during reaching. I. Anatomical relationships between parietal and frontal cortex}, + journal = {Cereb Cortex}, volume = {11}, - number = {2}, - pages = {157-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11301234}, + number = {6}, + pages = {513-27}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375913}, year = {2001}, type = {Journal Article} } -@article{RN2318, - author = {Creem, S. H. and Proffitt, D. R.}, - title = {Grasping objects by their handles: a necessary interaction between cognition and action}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {27}, - number = {1}, - pages = {218-28}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11248935}, - year = {2001}, +@article{RN2269, + author = {Desmurget, M. and Gaveau, V. and Vindras, P. and Turner, R. S. and Broussolle, E. and Thobois, S.}, + title = {On-line motor control in patients with Parkinson's disease}, + journal = {Brain}, + volume = {127}, + number = {Pt 8}, + pages = {1755-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15215215}, + year = {2004}, type = {Journal Article} } -@article{RN689, - author = {Corballis, P. M. and Inati, S. and Funnell, M. G. and Grafton, S. T. and Gazzaniga, M. S.}, - title = {MRI assessment of spared fibers following callosotomy: a second look}, - journal = {Neurology}, - volume = {57}, - number = {7}, - pages = {1345-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11591870 -http://www.neurology.org/cgi/content/full/57/7/1345}, +@article{RN2267, + author = {Sereno, M. I. and Pitzalis, S. and Martinez, A.}, + title = {Mapping of contralateral space in retinotopic coordinates by a parietal cortical area in humans}, + journal = {Science}, + volume = {294}, + number = {5545}, + pages = {1350-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11701930}, year = {2001}, type = {Journal Article} } -@article{RN2237, - author = {Clower, D. M. and West, R. A. and Lynch, J. C. and Strick, P. L.}, - title = {The inferior parietal lobule is the target of output from the superior colliculus, hippocampus, and cerebellum}, +@article{RN2266, + author = {Astafiev, S. V. and Shulman, G. L. and Stanley, C. M. and Snyder, A. Z. and Van Essen, D. C. and Corbetta, M.}, + title = {Functional organization of human intraparietal and frontal cortex for attending, looking, and pointing}, journal = {J Neurosci}, - volume = {21}, - number = {16}, - pages = {6283-91}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11487651}, - year = {2001}, + volume = {23}, + number = {11}, + pages = {4689-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12805308}, + year = {2003}, type = {Journal Article} } -@article{RN2250, - author = {Chaminade, T. and Meary, D. and Orliaguet, J. P. and Decety, J.}, - title = {Is perceptual anticipation a motor simulation? A PET study}, - journal = {Neuroreport}, +@article{RN2265, + author = {Graydon, F. X. and Friston, K. J. and Thomas, C. G. and Brooks, V. B. and Menon, R. S.}, + title = {Learning-related fMRI activation associated with a rotational visuo-motor transformation}, + journal = {Brain Res Cogn Brain Res}, + volume = {22}, + number = {3}, + pages = {373-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15722208}, + year = {2005}, + type = {Journal Article} +} + +@article{RN2263, + author = {Koyama, M. and Hasegawa, I. and Osada, T. and Adachi, Y. and Nakahara, K. and Miyashita, Y.}, + title = {Functional magnetic resonance imaging of macaque monkeys performing visually guided saccade tasks: comparison of cortical eye fields with humans}, + journal = {Neuron}, + volume = {41}, + number = {5}, + pages = {795-807}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15003178}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2262, + author = {Van Essen, D. C.}, + title = {Windows on the brain: the emerging role of atlases and databases in neuroscience}, + journal = {Curr Opin Neurobiol}, volume = {12}, - number = {17}, - pages = {3669-74}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11726771}, - year = {2001}, + number = {5}, + pages = {574-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12367638}, + year = {2002}, type = {Journal Article} } -@article{RN819, - author = {Burdet, E. and Osu, R. and Franklin, D. W. and Milner, T. E. and Kawato, M.}, - title = {The central nervous system stabilizes unstable dynamics by learning optimal impedance}, - journal = {Nature}, - volume = {414}, - number = {6862}, - pages = {446-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11719805}, - year = {2001}, +@article{RN2261, + author = {Van Essen, D. C.}, + title = {Surface-based approaches to spatial localization and registration in primate cerebral cortex}, + journal = {Neuroimage}, + volume = {23 Suppl 1}, + pages = {S97-107}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15501104}, + year = {2004}, type = {Journal Article} } -@article{RN711, - author = {Bruno, Nicola}, - title = {When does action resist visual illusions?}, - journal = {Trends in Cognitive Sciences}, - volume = {5}, - number = {9}, - pages = {379-382}, +@article{RN2260, + author = {Van Essen, D.C., Dickson, J., Harwell, J., Hanlon, D., Anderson, C.H. and Drury, H.A.}, + title = {An Integrated Software System for Surface-based Analyses of Cerebral Cortex.}, + journal = {Journal of American Medical Informatics Association}, + volume = {41}, + pages = {1359-1378}, + url = { http://brainmap.wustl.edu/caret}, year = {2001}, type = {Journal Article} } -@article{RN2316, - author = {Braver, T. S. and Barch, D. M. and Gray, J. R. and Molfese, D. L. and Snyder, A.}, - title = {Anterior cingulate cortex and response conflict: effects of frequency, inhibition and errors}, - journal = {Cereb Cortex}, - volume = {11}, - number = {9}, - pages = {825-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11532888}, - year = {2001}, +@article{RN2259, + author = {Krakauer, J. W. and Ghilardi, M. F. and Ghez, C.}, + title = {Independent learning of internal models for kinematic and dynamic control of reaching}, + journal = {Nat Neurosci}, + volume = {2}, + number = {11}, + pages = {1026-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10526344}, + year = {1999}, type = {Journal Article} } -@article{RN914, - author = {Bedard, P. and Proteau, L.}, - title = {On the role of static and dynamic visual afferent information in goal- directed aiming movements}, - journal = {Exp Brain Res}, - volume = {138}, +@article{RN2258, + author = {Grefkes, C. and Ritzl, A. and Zilles, K. and Fink, G. R.}, + title = {Human medial intraparietal cortex subserves visuomotor coordinate transformation}, + journal = {Neuroimage}, + volume = {23}, number = {4}, - pages = {419-31.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11465739}, - year = {2001}, + pages = {1494-506}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15589113}, + year = {2004}, type = {Journal Article} } -@article{RN3607, - author = {Baudewig, J. and Nitsche, M. A. and Paulus, W. and Frahm, J.}, - title = {Regional modulation of BOLD MRI responses to human sensorimotor activation by transcranial direct current stimulation}, - journal = {Magn Reson Med}, - volume = {45}, - number = {2}, - pages = {196-201}, - ISSN = {0740-3194 (Print) -0740-3194 (Linking)}, - DOI = {10.1002/1522-2594(200102)45:2<196::AID-MRM1026>3.0.CO;2-1 [pii]}, - url = {http://onlinelibrary.wiley.com/store/10.1002/1522-2594(200102)45:2<196::AID-MRM1026>3.0.CO;2-1/asset/1026_ftp.pdf?v=1&t=gxvrf2rh&s=638fddb376fe7c3a085a3341eb8ebe33b9022a33}, - year = {2001}, +@article{RN2257, + author = {Karni, A. and Sagi, D.}, + title = {The time course of learning a visual skill}, + journal = {Nature}, + volume = {365}, + number = {6443}, + pages = {250-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8371779}, + year = {1993}, type = {Journal Article} } -@article{RN2271, - author = {Battaglia-Mayer, A. and Ferraina, S. and Genovesio, A. and Marconi, B. and Squatrito, S. and Molinari, M. and Lacquaniti, F. and Caminiti, R.}, - title = {Eye-hand coordination during reaching. II. An analysis of the relationships between visuomanual signals in parietal cortex and parieto-frontal association projections}, - journal = {Cereb Cortex}, - volume = {11}, - number = {6}, - pages = {528-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375914}, - year = {2001}, +@article{RN2256, + author = {Redish, A. D.}, + title = {Addiction as a computational process gone awry}, + journal = {Science}, + volume = {306}, + number = {5703}, + pages = {1944-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15591205}, + year = {2004}, type = {Journal Article} } -@article{RN749, - author = {Aruin, A. S. and Shiratori, T. and Latash, M. L.}, - title = {The role of action in postural preparation for loading and unloading in standing subjects}, - journal = {Exp Brain Res}, - volume = {138}, - number = {4}, - pages = {458-66.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11465744}, - year = {2001}, +@article{RN2255, + author = {Kording, K. P. and Wolpert, D. M.}, + title = {Bayesian integration in sensorimotor learning}, + journal = {Nature}, + volume = {427}, + number = {6971}, + pages = {244-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14724638}, + year = {2004}, type = {Journal Article} } -@article{RN2169, - author = {Andersson, J. L. and Hutton, C. and Ashburner, J. and Turner, R. and Friston, K.}, - title = {Modeling geometric deformations in EPI time series}, - journal = {Neuroimage}, - volume = {13}, +@article{RN2254, + author = {Kording, K. P. and Ku, S. P. and Wolpert, D. M.}, + title = {Bayesian integration in force estimation}, + journal = {J Neurophysiol}, + volume = {92}, number = {5}, - pages = {903-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11304086}, - year = {2001}, + pages = {3161-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15190091}, + year = {2004}, type = {Journal Article} } -@article{RN2544, - author = {Amunts, K. and Zilles, K.}, - title = {Advances in cytoarchitectonic mapping of the human cerebral cortex}, - journal = {Neuroimaging Clin N Am}, - volume = {11}, - number = {2}, - pages = {151-69, vii}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11489732 }, - year = {2001}, +@article{RN2253, + author = {Kording, K. P. and Wolpert, D. M.}, + title = {The loss function of sensorimotor learning}, + journal = {Proc Natl Acad Sci U S A}, + volume = {101}, + number = {26}, + pages = {9839-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15210973}, + year = {2004}, type = {Journal Article} } -@article{RN704, - author = {Zelaznik, Howard N. and Spencer, Rebecca M. and Doffin, Julie G.}, - title = {Temporal precision in tapping and circle drawing movements at preferred rates is not correlated: Further evidence against timing as a general-purpose ability}, - journal = {Journal of Motor Behavior}, - volume = {32}, - number = {2}, - pages = {193-199}, - year = {2000}, +@article{RN2252, + author = {Kording, K. P. and Fukunaga, I. and Howard, I. S. and Ingram, J. N. and Wolpert, D. M.}, + title = {A neuroeconomics approach to inferring utility functions in sensorimotor control}, + journal = {PLoS Biol}, + volume = {2}, + number = {10}, + pages = {e330}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15383835}, + year = {2004}, type = {Journal Article} } -@article{RN3077, - author = {Zatsiorsky, V. M. and Li, Z. M. and Latash, M. L.}, - title = {Enslaving effects in multi-finger force production}, - journal = {Exp Brain Res}, - volume = {131}, - number = {2}, - pages = {187-95}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10766271}, - year = {2000}, +@article{RN2251, + author = {Cohn, D. A. and Ghahramani, Z. and Jordan, M. I.}, + title = {Active learning with statistical models}, + journal = {Journal of Artificial Intelligence Research}, + volume = {4}, + pages = {129-145}, + year = {1996}, type = {Journal Article} } -@article{RN2712, - author = {Yang, G. and Huard, J. M. and Beitz, A. J. and Ross, M. E. and Iadecola, C.}, - title = {Stellate neurons mediate functional hyperemia in the cerebellar molecular layer}, +@article{RN2250, + author = {Chaminade, T. and Meary, D. and Orliaguet, J. P. and Decety, J.}, + title = {Is perceptual anticipation a motor simulation? A PET study}, + journal = {Neuroreport}, + volume = {12}, + number = {17}, + pages = {3669-74}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11726771}, + year = {2001}, + type = {Journal Article} +} + +@article{RN2249, + author = {Krakauer, J. W. and Pine, Z. M. and Ghilardi, M. F. and Ghez, C.}, + title = {Learning of visuomotor transformations for vectorial planning of reaching trajectories}, journal = {J Neurosci}, volume = {20}, - number = {18}, - pages = {6968-73}, - ISSN = {0270-6474 (Print) -0270-6474 (Linking)}, - DOI = {20/18/6968 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10995841}, + number = {23}, + pages = {8916-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11102502}, year = {2000}, type = {Journal Article} } -@article{RN761, - author = {Witney, A. G. and Goodbody, S. J. and Wolpert, D. M.}, - title = {Learning and decay of prediction in object manipulation}, - journal = {J Neurophysiol}, - volume = {84}, - number = {1}, - pages = {334-43}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10899208 -http://www.jn.physiology.org/cgi/content/full/84/1/334 -http://www.jn.physiology.org/cgi/content/abstract/84/1/334}, - year = {2000}, +@article{RN2248, + author = {Bedford, F. L.}, + title = {Perceptual and cognitive spatial learning}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {19}, + number = {3}, + pages = {517-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8331313}, + year = {1993}, type = {Journal Article} } -@article{RN1972, - author = {Wise, S. P. and Murray, E. A.}, - title = {Arbitrary associations between antecedents and actions}, - journal = {Trends Neurosci}, - volume = {23}, - number = {6}, - pages = {271-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10838597}, - year = {2000}, +@article{RN2247, + author = {Fahle, M. and Edelman, S. and Poggio, T.}, + title = {Fast perceptual learning in hyperacuity}, + journal = {Vision Res}, + volume = {35}, + number = {21}, + pages = {3003-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8533337}, + year = {1995}, type = {Journal Article} } -@inbook{RN694, - author = {Werner, Steffen and Schmidt, Thomas}, - title = {Investigating spatial reference systems through distortions in visual memory}, - booktitle = {Spatial Cognition II: Integrating abstract theories, empirical studies, formal methods, and practical applications}, - editor = {Freska, C. and Brauer, C. H. and Wender, K. F.}, - publisher = {Springer}, - address = {Berlin}, - pages = {169-183}, - year = {2000}, - type = {Book Section} +@article{RN2246, + author = {McGlone, F. and Kelly, E. F. and Trulsson, M. and Francis, S. T. and Westling, G. and Bowtell, R.}, + title = {Functional neuroimaging studies of human somatosensory cortex}, + journal = {Behav Brain Res}, + volume = {135}, + number = {1-2}, + pages = {147-58}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12356445}, + year = {2002}, + type = {Journal Article} } -@article{RN918, - author = {Weiss, P. H. and Jeannerod, M. and Paulignan, Y. and Freund, H. J.}, - title = {Is the organisation of goal-directed action modality specific? A common temporal structure}, - journal = {Neuropsychologia}, - volume = {38}, - number = {8}, - pages = {1136-47}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10838148}, - year = {2000}, +@article{RN2245, + author = {Del Gratta, C. and Della Penna, S. and Ferretti, A. and Franciotti, R. and Pizzella, V. and Tartaro, A. and Torquati, K. and Bonomo, L. and Romani, G. L. and Rossini, P. M.}, + title = {Topographic organization of the human primary and secondary somatosensory cortices: comparison of fMRI and MEG findings}, + journal = {Neuroimage}, + volume = {17}, + number = {3}, + pages = {1373-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12414277}, + year = {2002}, type = {Journal Article} } -@article{RN3175, - author = {Wang, S. S. and Denk, W. and Hausser, M.}, - title = {Coincidence detection in single dendritic spines mediated by calcium release}, +@article{RN2244, + author = {Schaal, S. and Sternad, D. and Osu, R. and Kawato, M.}, + title = {Rhythmic arm movement is not discrete}, journal = {Nat Neurosci}, - volume = {3}, - number = {12}, - pages = {1266-73}, - ISSN = {1097-6256 (Print) -1097-6256 (Linking)}, - DOI = {10.1038/81792}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11100147}, - year = {2000}, + volume = {7}, + number = {10}, + pages = {1136-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15452580}, + year = {2004}, type = {Journal Article} } -@article{RN612, - author = {Vetter, P. and Wolpert, D. M.}, - title = {Context estimation for sensorimotor control}, - journal = {Journal of Neurophysiology}, - volume = {84}, - number = {2}, - pages = {1026-34}, - url = {http://jn.physiology.org/cgi/content/full/84/2/1026 -http://jn.physiology.org}, - year = {2000}, +@article{RN2243, + author = {Toni, I. and Ramnani, N. and Josephs, O. and Ashburner, J. and Passingham, R. E.}, + title = {Learning arbitrary visuomotor associations: temporal dynamic of brain activity}, + journal = {Neuroimage}, + volume = {14}, + number = {5}, + pages = {1048-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11697936}, + year = {2001}, type = {Journal Article} } -@article{RN731, - author = {van Donkelaar, P. and Staub, J.}, - title = {Eye-hand coordination to visual versus remembered targets}, +@article{RN2242, + author = {Deiber, M. P. and Passingham, R. E. and Colebatch, J. G. and Friston, K. J. and Nixon, P. D. and Frackowiak, R. S.}, + title = {Cortical areas and the selection of movement: a study with positron emission tomography}, journal = {Exp Brain Res}, - volume = {133}, - number = {3}, - pages = {414-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10958532}, - year = {2000}, - type = {Journal Article} -} - -@article{RN997, - author = {Tonolli, I. and Aurenty, R. and Lee, R. G. and Viallet, F. and Massion, J.}, - title = {Lateral leg raising in patients with Parkinson's disease: influence of equilibrium constraint}, - journal = {Mov Disord}, - volume = {15}, - number = {5}, - pages = {850-61.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11009190}, - year = {2000}, + volume = {84}, + number = {2}, + pages = {393-402}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2065746}, + year = {1991}, type = {Journal Article} } -@inbook{RN692, - author = {Tipper, Steven P. and Howard, Louise A. and Houghton, George}, - title = {Behavioral consequences of selection from neural population codes}, - booktitle = {Attention and Performance XVII: Control of Cognitive Processes}, - editor = {S.Monsell and Driver, J.}, - publisher = {MIT Press}, - address = {Boston}, - pages = {223-245}, - year = {2000}, - type = {Book Section} +@inproceedings{RN2241, + author = {Zhu, X. and Lafferty, J. and Ghahramani, Z.}, + title = {Combining active learning and semi-supervised learning using gaussian fields and harmonic functions}, + booktitle = {Proceedings og the ICML-2003 Workshop on the continuum from labeled to unlabeled data}, + type = {Conference Proceedings} } -@article{RN2139, - author = {Timmann, D. and Richter, S. and Bestmann, S. and Kalveram, K. T. and Konczak, J.}, - title = {Predictive control of muscle responses to arm perturbations in cerebellar patients}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {69}, - number = {3}, - pages = {345-52}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10945809}, - year = {2000}, +@article{RN2240, + author = {Welsh, T. and Elliott, D.}, + title = {Movement trajectories in the presence of a distracting stimulus: evidence for a response activation model of selective reaching}, + journal = {Q J Exp Psychol A}, + volume = {57}, + number = {6}, + pages = {1031-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15370515}, + year = {2004}, type = {Journal Article} } -@article{RN765, - author = {Thoroughman, K. A. and Shadmehr, R.}, - title = {Learning of action through adaptive combination of motor primitives}, - journal = {Nature}, - volume = {407}, - number = {6805}, - pages = {742-7}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11048720}, - year = {2000}, +@article{RN2239, + author = {Todorov, E. and Jordan, M. I.}, + title = {Optimal feedback control as a theory of motor coordination}, + journal = {Nat Neurosci}, + volume = {5}, + number = {11}, + pages = {1226-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12404008}, + year = {2002}, type = {Journal Article} } -@article{RN505, - author = {Tesche, C. D. and Karhu, J. J.}, - title = {Anticipatory cerebellar responses during somatosensory omission in man [see comments]}, - journal = {Human Brain Mapping}, - volume = {9}, - number = {3}, - pages = {119-42}, - year = {2000}, +@article{RN2238, + author = {Curtis, C. E. and Cole, M. W. and Rao, V. Y. and D'Esposito, M.}, + title = {Canceling Planned Action: An fMRI Study of Countermanding Saccades}, + journal = {Cereb Cortex}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15616130}, + year = {2004}, type = {Journal Article} } -@article{RN575, - author = {Sternad, Dagmar and Dean, William J. and Newell, Karl M.}, - title = {Force and timing variability in rhythmic unimanual tapping}, - journal = {Journal of Motor Behavior}, - volume = {32}, - number = {3}, - pages = {249-267}, - year = {2000}, +@article{RN2237, + author = {Clower, D. M. and West, R. A. and Lynch, J. C. and Strick, P. L.}, + title = {The inferior parietal lobule is the target of output from the superior colliculus, hippocampus, and cerebellum}, + journal = {J Neurosci}, + volume = {21}, + number = {16}, + pages = {6283-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11487651}, + year = {2001}, type = {Journal Article} } -@article{RN512, - author = {Spijkers, Will and Heuer, Herbert and Steglich, Christoph and Kleinsorge, Thomas}, - title = {Specification of movement amplitudes for the left and right hands: Evidence for transient parametric coupling from overlapping-task performance}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {26}, - number = {3}, - pages = {1091-1105}, - year = {2000}, +@article{RN2236, + author = {Lynch, J. C. and Hoover, J. E. and Strick, P. L.}, + title = {Input to the primate frontal eye field from the substantia nigra, superior colliculus, and dentate nucleus demonstrated by transneuronal transport}, + journal = {Exp Brain Res}, + volume = {100}, + number = {1}, + pages = {181-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7813649}, + year = {1994}, type = {Journal Article} } -@article{RN2291, - author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, - title = {Intention-related activity in the posterior parietal cortex: a review}, - journal = {Vision Res}, - volume = {40}, - number = {10-12}, - pages = {1433-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10788650}, - year = {2000}, +@article{RN2235, + author = {Heide, W. and Blankenburg, M. and Zimmermann, E. and Kompf, D.}, + title = {Cortical control of double-step saccades: implications for spatial orientation}, + journal = {Ann Neurol}, + volume = {38}, + number = {5}, + pages = {739-48}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7486865}, + year = {1995}, type = {Journal Article} } -@article{RN2290, - author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, - title = {Saccade-related activity in the parietal reach region}, +@article{RN2234, + author = {Tong, C. and Flanagan, J. R.}, + title = {Task-specific internal models for kinematic transformations}, journal = {J Neurophysiol}, - volume = {83}, + volume = {90}, number = {2}, - pages = {1099-102}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10669521}, - year = {2000}, + pages = {578-85}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12904486}, + year = {2003}, type = {Journal Article} } -@article{RN826, - author = {Smith, M. A. and Shadmehr, R.}, - title = {Error correction and the basal ganglia. Response to Lawrence (2000)}, - journal = {Trends Cogn Sci}, - volume = {4}, - number = {10}, - pages = {367-369.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11025275}, - year = {2000}, +@article{RN2233, + author = {Flash, T. and Sejnowski, T. J.}, + title = {Computational approaches to motor control}, + journal = {Curr Opin Neurobiol}, + volume = {11}, + number = {6}, + pages = {655-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11741014}, + year = {2001}, type = {Journal Article} } -@article{RN827, - author = {Smith, M. A. and Brandt, J. and Shadmehr, R.}, - title = {Motor disorder in Huntington's disease begins as a dysfunction in error feedback control}, - journal = {Nature}, - volume = {403}, - number = {6769}, - pages = {544-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10676962}, - year = {2000}, +@article{RN2232, + author = {Kawato, M.}, + title = {Internal models for motor control and trajectory planning}, + journal = {Curr Opin Neurobiol}, + volume = {9}, + number = {6}, + pages = {718-27}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10607637}, + year = {1999}, type = {Journal Article} } -@article{RN941, - author = {Slifkin, A. B. and Newell, K. M.}, - title = {Variability and noise in continuous force production}, - journal = {J Mot Behav}, - volume = {32}, - number = {2}, - pages = {141-50}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11005945}, - year = {2000}, +@article{RN2231, + author = {Bock, O.}, + title = {Sensorimotor adaptation to visual distortions with different kinematic coupling}, + journal = {Exp Brain Res}, + volume = {151}, + number = {4}, + pages = {557-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12856094}, + year = {2003}, type = {Journal Article} } -@book{RN830, - author = {Shumway, R. H. and Stoffer, D. S.}, - title = {Time series analysis and its applications}, - publisher = {Springer}, - address = {New York}, - year = {2000}, - type = {Book} -} - -@article{RN766, - author = {Shadmehr, R. and Moussavi, Z. M.}, - title = {Spatial generalization from learning dynamics of reaching movements}, - journal = {J Neurosci}, - volume = {20}, - number = {20}, - pages = {7807-15.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11027245 -http://www.jneurosci.org/cgi/content/full/20/20/7807 -http://www.jneurosci.org/cgi/content/abstract/20/20/7807}, - year = {2000}, +@article{RN2230, + author = {Scheidt, R. A. and Conditt, M. A. and Secco, E. L. and Mussa-Ivaldi, F. A.}, + title = {Interaction of Visual and Proprioceptive Feedback During Adaptation of Human Reaching Movements}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15659526}, + year = {2005}, type = {Journal Article} } -@article{RN556, - author = {Serrien, Deborah J. and Wiesendanger, Mario}, - title = {Temporal control of a bimanual task in patients with cerebellar dysfunction}, - journal = {Neuropsychologia}, - volume = {38}, - number = {5}, - pages = {558-565}, - year = {2000}, +@article{RN2229, + author = {Atkeson, C. G.}, + title = {Learning arm kinematics and dynamics}, + journal = {Annu Rev Neurosci}, + volume = {12}, + pages = {157-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2648948}, + year = {1989}, type = {Journal Article} } -@article{RN807, - author = {Semjen, A. and Schulze, H. H. and Vorberg, D.}, - title = {Timing precision in continuation and synchronization tapping}, - journal = {Psychol Res}, - volume = {63}, - number = {2}, - pages = {137-47}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10946587}, - year = {2000}, +@article{RN2228, + author = {Davidson, P. R. and Wolpert, D. M.}, + title = {Scaling down motor memories: de-adaptation after motor learning}, + journal = {Neurosci Lett}, + volume = {370}, + number = {2-3}, + pages = {102-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15488303}, + year = {2004}, type = {Journal Article} } -@article{RN456, - author = {Schultz, Wolfram and Tremblay, Leon and Hollerman, Jeffrey R.}, - title = {Reward processing in primate orbitofrontal cortex and basal ganglia}, - journal = {Cerebral Cortex}, - volume = {10}, - pages = {272-283}, - year = {2000}, +@article{RN2227, + author = {Guye, M. and Parker, G. J. and Symms, M. and Boulby, P. and Wheeler-Kingshott, C. A. and Salek-Haddadi, A. and Barker, G. J. and Duncan, J. S.}, + title = {Combined functional MRI and tractography to demonstrate the connectivity of the human primary motor cortex in vivo}, + journal = {Neuroimage}, + volume = {19}, + number = {4}, + pages = {1349-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948693}, + year = {2003}, type = {Journal Article} } -@book{RN2066, - author = {Schmahmann, J. D. and Doyon, J. and Toga, A. and Petrides, M. and Evans, A.}, - title = {MRI atlas of the human cerebellum}, - publisher = {Academic Press}, - address = {San Diego}, - year = {2000}, - type = {Book} -} - -@article{RN455, - author = {Schimamura, Athur P.}, - title = {The role of the prefrontal cortex in dynamic filtering}, - journal = {Psychobiology}, - volume = {28}, +@article{RN2226, + author = {Sheth, B. R. and Shimojo, S.}, + title = {Extrinsic cues suppress the encoding of intrinsic cues}, + journal = {J Cogn Neurosci}, + volume = {16}, number = {2}, - pages = {207-218}, - year = {2000}, + pages = {339-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15068602}, + year = {2004}, type = {Journal Article} } -@article{RN2619, - author = {Scheidt, R. A. and Reinkensmeyer, D. J. and Conditt, M. A. and Rymer, W. Z. and Mussa-Ivaldi, F. A.}, - title = {Persistence of motor adaptation during constrained, multi-joint, arm movements}, - journal = {J Neurophysiol}, - volume = {84}, - number = {2}, - pages = {853-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10938312 }, - year = {2000}, +@article{RN2225, + author = {Tipper, S. P. and Grison, S. and Kessler, K.}, + title = {Long-term inhibition of return of attention}, + journal = {Psychol Sci}, + volume = {14}, + number = {1}, + pages = {19-25}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12564749}, + year = {2003}, type = {Journal Article} } -@article{RN2127, - author = {Sanes, J. N. and Donoghue, J. P.}, - title = {Plasticity and primary motor cortex}, - journal = {Annu Rev Neurosci}, - volume = {23}, - pages = {393-415}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10845069}, - year = {2000}, +@article{RN2224, + author = {Jordan, M. I. and Rumelhart, D. E.}, + title = {Forward models: Supervised learing with a distal teacher}, + journal = {Cognitive Science}, + volume = {16}, + pages = {307-354}, + year = {1992}, type = {Journal Article} } -@article{RN908, - author = {Sainburg, R. L. and Kalakanis, D.}, - title = {Differences in control of limb dynamics during dominant and nondominant arm reaching}, +@article{RN2223, + author = {Schmitz, C. and Jenmalm, P. and Ehrsson, H. H. and Forssberg, H.}, + title = {Brain activity during predictable and unpredictable weight changes when lifting objects}, journal = {J Neurophysiol}, - volume = {83}, - number = {5}, - pages = {2661-75.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10805666}, - year = {2000}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385599}, + year = {2004}, type = {Journal Article} } -@inbook{RN738, - author = {Rossetti, Yves and Pisella, Laure}, - title = {Several 'vision for action' systems: A guide to dissociating and integrating dorsal and ventral functions.}, - booktitle = {Control of cognitive processes: Attention and performance XVIII.}, - editor = {Monsell, Stephen and Driver, Jon}, - publisher = {The MIT Press}, - address = {Cambridge, MA, US}, - year = {2000}, - type = {Book Section} -} - -@article{RN453, - author = {Roberts, A. C. and Wallis, J. D.}, - title = {Inhibitory control and affective processing in the prefrontal cortex: Neuropsychological studies in the common marmoset}, - journal = {Cerebral Cortex}, - volume = {10}, +@article{RN2222, + author = {Sommer, M. A. and Wurtz, R. H.}, + title = {What the brain stem tells the frontal cortex. II. Role of the SC-MD-FEF pathway in corollary discharge}, + journal = {J Neurophysiol}, + volume = {91}, number = {3}, - pages = {252-262}, - year = {2000}, + pages = {1403-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14573557}, + year = {2004}, type = {Journal Article} } -@book{RN672, - author = {Rinkenauer, G}, - title = {Bimanuelle Koordination isometrischer Kontraktionen: Abhängigkeit in Kraft und Zeit}, - publisher = {Shaker Verlag}, - address = {Aachen}, - year = {2000}, - type = {Book} -} - -@article{RN491, - author = {Pisella, L. and Grea, H. and Tilikete, C. and Vighetto, A. and Desmurget, M. and Rode, G. and Boisson, D. and Rossetti, Y.}, - title = {An 'automatic pilot' for the hand in human posterior parietal cortex: toward reinterpreting optic ataxia}, - journal = {Nature Neuroscience}, +@article{RN2221, + author = {Cohen, Y. E. and Andersen, R. A.}, + title = {A common reference frame for movement plans in the posterior parietal cortex}, + journal = {Nat Rev Neurosci}, volume = {3}, number = {7}, - pages = {729-36}, - year = {2000}, + pages = {553-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12094211}, + year = {2002}, type = {Journal Article} } -@inbook{RN616, - author = {Pashler, Harold and Jolicoeur, Pierre and Dell'Acqua, Roberto and Crebolder, Jacquelyn and Goschke, Thomas and De Jong, Ritske and Meiran, Nachshon and Ivry, Richard B. and Hazeltine, Eliot}, - title = {Task switching and multitask performance}, - booktitle = {Control of cognitive processes: Attention and performance XVIII.}, - editor = {Monsell, Stephen and Driver, Jon}, - publisher = {The MIT Press}, - address = {Cambridge, MA, US}, - pages = {275-423}, - year = {2000}, - type = {Book Section} -} - -@article{RN461, - author = {Nixon, Philip D. and Passingham, R. E.}, - title = {The cerebellum and cognition: Cerebellar lesions impair sequence learning but not conditional visuomotor learning in monkeys}, - journal = {Neuropsychologia}, - volume = {38}, - number = {7}, - pages = {1054-1072}, - year = {2000}, +@article{RN2220, + author = {Wenderoth, N. and Debaere, F. and Sunaert, S. and van Hecke, P. and Swinnen, S. P.}, + title = {Parieto-premotor areas mediate directional interference during bimanual movements}, + journal = {Cereb Cortex}, + volume = {14}, + number = {10}, + pages = {1153-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15142955}, + year = {2004}, type = {Journal Article} } -@article{RN3580, - author = {Nitsche, M. A. and Paulus, W.}, - title = {Excitability changes induced in the human motor cortex by weak transcranial direct current stimulation}, - journal = {J Physiol}, - volume = {527 Pt 3}, - pages = {633-9}, - ISSN = {0022-3751 (Print) -0022-3751 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10990547}, - year = {2000}, +@article{RN2219, + author = {Sunaert, S. and Van Hecke, P. and Marchal, G. and Orban, G. A.}, + title = {Motion-responsive regions of the human brain}, + journal = {Exp Brain Res}, + volume = {127}, + number = {4}, + pages = {355-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10480271}, + year = {1999}, type = {Journal Article} } -@article{RN862, - author = {Neggers, S. F. and Bekkering, H.}, - title = {Ocular gaze is anchored to the target of an ongoing pointing movement}, - journal = {J Neurophysiol}, - volume = {83}, - number = {2}, - pages = {639-51.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10669480 -http://www.jn.org/cgi/content/full/83/2/639 -http://www.jn.org/cgi/content/abstract/83/2/639}, - year = {2000}, +@article{RN2218, + author = {Corbetta, M. and Akbudak, E. and Conturo, T. E. and Snyder, A. Z. and Ollinger, J. M. and Drury, H. A. and Linenweber, M. R. and Petersen, S. E. and Raichle, M. E. and Van Essen, D. C. and Shulman, G. L.}, + title = {A common network of functional areas for attention and eye movements}, + journal = {Neuron}, + volume = {21}, + number = {4}, + pages = {761-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9808463}, + year = {1998}, type = {Journal Article} } -@article{RN2975, - author = {Muellbacher, W. and Facchini, S. and Boroojerdi, B. and Hallett, M.}, - title = {Changes in motor cortex excitability during ipsilateral hand muscle activation in humans}, - journal = {Clin Neurophysiol}, - volume = {111}, - number = {2}, - pages = {344-9}, - ISSN = {1388-2457 (Print) -1388-2457 (Linking)}, - DOI = {S1388-2457(99)00243-6 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10680571}, - year = {2000}, +@article{RN2216, + author = {Kurata, K. and Hoshi, E.}, + title = {Reacquisition deficits in prism adaptation after muscimol microinjection into the ventral premotor cortex of monkeys}, + journal = {J Neurophysiol}, + volume = {81}, + number = {4}, + pages = {1927-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10200227}, + year = {1999}, type = {Journal Article} } -@inbook{RN630, - author = {Milner, A. David and Tipper, Steven P. and Howard, Louise A. and Houghton, George and Hommel, Bernhard}, - title = {II: Control of perception-action coupling}, - booktitle = {Control of cognitive processes: Attention and performance XVIII.}, - editor = {Monsell, Stephen and Driver, Jon}, - publisher = {The MIT Press}, - address = {Cambridge, MA, US}, - pages = {209-273}, - year = {2000}, - type = {Book Section} -} - -@article{RN1007, - author = {Middleton, F. A. and Strick, P. L.}, - title = {Basal ganglia and cerebellar loops: motor and cognitive circuits}, - journal = {Brain Res Brain Res Rev}, - volume = {31}, - number = {2-3}, - pages = {236-50.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10719151}, - year = {2000}, +@article{RN2215, + author = {Kitazawa, S.}, + title = {Optimization of goal-directed movements in the cerebellum: a random walk hypothesis}, + journal = {Neurosci Res}, + volume = {43}, + number = {4}, + pages = {289-94}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12135772}, + year = {2002}, type = {Journal Article} } -@article{RN2405, - author = {Meegan, D. V. and Aslin, R. N. and Jacobs, R. A.}, - title = {Motor timing learned without motor training}, - journal = {Nat Neurosci}, - volume = {3}, - number = {9}, - pages = {860-2}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10966614}, - year = {2000}, - type = {Journal Article} +@book{RN2214, + author = {Adler, R. J.}, + title = {The geometry of random fields}, + publisher = {Wiley & Sons}, + address = {New York}, + year = {1981}, + type = {Book} } -@article{RN2053, - author = {Medina, J. F. and Nores, W. L. and Ohyama, T. and Mauk, M. D.}, - title = {Mechanisms of cerebellar learning suggested by eyelid conditioning}, - journal = {Curr Opin Neurobiol}, - volume = {10}, - number = {6}, - pages = {717-24}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11240280}, - year = {2000}, +@article{RN2212, + author = {Seidler, R. D. and Purushotham, A. and Kim, S. G. and Ugurbil, K. and Willingham, D. and Ashe, J.}, + title = {Cerebellum activation associated with performance change but not motor learning}, + journal = {Science}, + volume = {296}, + number = {5575}, + pages = {2043-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12065841}, + year = {2002}, type = {Journal Article} } -@article{RN457, - author = {Medina, J. F. and Garcia, K. S. and Nores, W. L. and Taylor, N. M. and Mauk, M. D.}, - title = {Timing mechanisms in the cerebellum: testing predictions of a large-scale computer simulation}, - journal = {Journal of Neuroscience}, - volume = {20}, - number = {14}, - pages = {5516-25}, - year = {2000}, +@article{RN2211, + author = {Calhoun, V. D. and Stevens, M. C. and Pearlson, G. D. and Kiehl, K. A.}, + title = {fMRI analysis with the general linear model: removal of latency-induced amplitude bias by incorporation of hemodynamic derivative terms}, + journal = {Neuroimage}, + volume = {22}, + number = {1}, + pages = {252-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15110015}, + year = {2004}, type = {Journal Article} } -@article{RN881, - author = {McIntyre, J. and Stratta, F. and Droulez, J. and Lacquaniti, F.}, - title = {Analysis of pointing errors reveals properties of data representations and coordinate transformations within the central nervous system}, - journal = {Neural Comput}, - volume = {12}, - number = {12}, - pages = {2823-55.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11112257}, +@article{RN2210, + author = {Joshi, Sarang C. and Miller, Michael I.}, + title = {Landmark matching via large deformation diffeomorphisms}, + journal = {IEEE Transactions on Image processing}, + volume = {9}, + number = {8}, + pages = {1357-1370}, year = {2000}, type = {Journal Article} } -@article{RN2175, - author = {McGonigle, D. J. and Howseman, A. M. and Athwal, B. S. and Friston, K. J. and Frackowiak, R. S. and Holmes, A. P.}, - title = {Variability in fMRI: an examination of intersession differences}, - journal = {Neuroimage}, - volume = {11}, - number = {6 Pt 1}, - pages = {708-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10860798}, - year = {2000}, +@article{RN2206, + author = {Worsley, K.J.}, + title = {The geometry of random images}, + journal = {Chance}, + volume = {9}, + number = {1}, + pages = {27-40}, + year = {1996}, type = {Journal Article} } -@article{RN2054, - author = {Mauk, M. D. and Medina, J. F. and Nores, W. L. and Ohyama, T.}, - title = {Cerebellar function: coordination, learning or timing?}, - journal = {Curr Biol}, - volume = {10}, - number = {14}, - pages = {R522-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10898992}, - year = {2000}, - type = {Journal Article} +@techreport{RN2205, + author = {Worsley, K. J.}, + title = {An unbiased estimator for the roughness of a multivariate Gaussian random field}, + institution = {Department of Mathematics and Statistics, McGill University.}, + year = {1996}, + type = {Report} } -@article{RN2464, - author = {Mathiesen, C. and Caesar, K. and Lauritzen, M.}, - title = {Temporal coupling between neuronal activity and blood flow in rat cerebellar cortex as indicated by field potential analysis}, - journal = {J Physiol}, - volume = {523 Pt 1}, - pages = {235-46}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10673558 }, - year = {2000}, +@inbook{RN2204, + author = {Speed, T. P.}, + title = {Restricted Maximum Likelihood (ReML)}, + booktitle = {Encyclopedia of Statistical Sciences}, + editor = {Kotz, Samuel and Read, Campbell and Banks, David L.}, + publisher = {Wiley-Interscience}, + address = {New York}, + pages = {472-481}, + year = {1997}, + type = {Book Section} +} + +@article{RN2203, + author = {Woolrich, M. W. and Ripley, B. D. and Brady, M. and Smith, S. M.}, + title = {Temporal autocorrelation in univariate linear modeling of FMRI data}, + journal = {Neuroimage}, + volume = {14}, + number = {6}, + pages = {1370-86}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11707093}, + year = {2001}, type = {Journal Article} } -@article{RN799, - author = {Mates, J. and Aschersleben, G.}, - title = {Sensorimotor synchronization: the impact of temporally displaced auditory feedback}, - journal = {Acta Psychol (Amst)}, - volume = {104}, - number = {1}, - pages = {29-44.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10769938}, - year = {2000}, +@article{RN2202, + author = {Kruger, G. and Glover, G. H.}, + title = {Physiological noise in oxygenation-sensitive magnetic resonance imaging}, + journal = {Magn Reson Med}, + volume = {46}, + number = {4}, + pages = {631-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11590638}, + year = {2001}, type = {Journal Article} } -@article{RN2038, - author = {Maillard, L. and Ishii, K. and Bushara, K. and Waldvogel, D. and Schulman, A. E. and Hallett, M.}, - title = {Mapping the basal ganglia: fMRI evidence for somatotopic representation of face, hand, and foot}, - journal = {Neurology}, - volume = {55}, +@article{RN2201, + author = {Luo, W. L. and Nichols, T. E.}, + title = {Diagnosis and exploration of massively univariate neuroimaging models}, + journal = {Neuroimage}, + volume = {19}, number = {3}, - pages = {377-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10932271}, - year = {2000}, + pages = {1014-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880829}, + year = {2003}, type = {Journal Article} } -@article{RN531, - author = {MacDonald, A. W. rd and Cohen, J. D. and Stenger, V. A. and Carter, C. S.}, - title = {Dissociating the role of the dorsolateral prefrontal and anterior cingulate cortex in cognitive control}, - journal = {Science}, - volume = {288}, - number = {5472}, - pages = {1835-8}, - year = {2000}, +@article{RN2199, + author = {Friston, K.J. and Worsley, K. J. and Frackowiak, R.S.J. and Mazziotta, J.C. and Evans, A.C.}, + title = {Assessing the significance of focal activations using their spatial extent}, + journal = {Human Brain Mapping}, + volume = {1}, + pages = {214-220}, + year = {1994}, type = {Journal Article} } -@article{RN902, - author = {Loring, D. W. and Meador, K. J. and Allison, J. D. and Wright, J. C.}, - title = {Relationship between motor and language activation using fMRI}, - journal = {Neurology}, - volume = {54}, - number = {4}, - pages = {981-3.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10690999}, - year = {2000}, +@article{RN2198, + author = {Worsley, K. J. and Marrett, S. and Neelin, P. and Vandal, A. C. and Friston, K. J. and Evans, A. C.}, + title = {A unified statistical approach for determining significant voxels in images of cerebral activation}, + journal = {Human Brain Mapping}, + volume = {12}, + pages = {900-918}, + year = {1996}, type = {Journal Article} } -@article{RN629, - author = {Lien, Mei-Ching and Proctor, Robert W.}, - title = {Multiple spatial correspondence effects on dual-task performance}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {26}, - number = {4}, - pages = {1260-1280}, - year = {2000}, +@article{RN2197, + author = {Medendorp, W. P. and Goltz, H. C. and Crawford, J. D. and Vilis, T.}, + title = {Integration of target and effector information in human posterior parietal cortex for the planning of action}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15356184}, + year = {2004}, type = {Journal Article} } -@article{RN449, - author = {Leung, Hoi-Chung and Skudlarski, P. and Gatenby, James C. and Peterson, Bradley S. and Gore, John C.}, - title = {An event-related functional MRI study of the stroop color word interference task}, - journal = {Cerebral Cortex}, - volume = {10}, - pages = {552-560}, - year = {2000}, - type = {Journal Article} +@book{RN2196, + author = {Searle, Shayle R. and Casella, George and McCulloch, Charles E.}, + title = {Variance Components}, + publisher = {Wiley}, + address = {New York}, + series = {Wiley series in probability and statistics}, + year = {1992}, + type = {Book} } -@article{RN2023, - author = {Leiguarda, R. C. and Marsden, C. D.}, - title = {Limb apraxias: higher-order disorders of sensorimotor integration}, - journal = {Brain}, - volume = {123 ( Pt 5)}, - pages = {860-79}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10775533}, - year = {2000}, +@article{RN2195, + author = {Pruessmann, K. P. and Weiger, M. and Scheidegger, M. B. and Boesiger, P.}, + title = {SENSE: sensitivity encoding for fast MRI}, + journal = {Magn Reson Med}, + volume = {42}, + number = {5}, + pages = {952-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10542355}, + year = {1999}, type = {Journal Article} } -@article{RN825, - author = {Lawrence, A. D.}, - title = {Error correction and the basal ganglia: similar computations for action, cognition and emotion?}, - journal = {Trends Cogn Sci}, - volume = {4}, - number = {10}, - pages = {365-367.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11025274}, - year = {2000}, +@misc{RN2194, + url = {http://www.fil.ion.ucl.ac.uk/spm/}, + year = {1999}, + type = {Computer Program} +} + +@article{RN2193, + author = {Friston, K. J. and Fletcher, P. and Josephs, O. and Holmes, A. and Rugg, M. D. and Turner, R.}, + title = {Event-related fMRI: characterizing differential responses}, + journal = {Neuroimage}, + volume = {7}, + number = {1}, + pages = {30-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9500830}, + year = {1998}, type = {Journal Article} } -@article{RN2249, - author = {Krakauer, J. W. and Pine, Z. M. and Ghilardi, M. F. and Ghez, C.}, - title = {Learning of visuomotor transformations for vectorial planning of reaching trajectories}, - journal = {J Neurosci}, - volume = {20}, - number = {23}, - pages = {8916-24}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11102502}, - year = {2000}, +@article{RN2192, + author = {Toni, I. and Rushworth, M. F. and Passingham, R. E.}, + title = {Neural correlates of visuomotor associations. Spatial rules compared with arbitrary rules}, + journal = {Exp Brain Res}, + volume = {141}, + number = {3}, + pages = {359-69}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11715080}, + year = {2001}, type = {Journal Article} } -@article{RN3288, - author = {Koch, I. and Hoffmann, J.}, - title = {Patterns, chunks, and hierarchies in serial reaction-time tasks}, - journal = {Psychol Res}, - volume = {63}, - number = {1}, - pages = {22-35}, - ISSN = {0340-0727 (Print) -0340-0727 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10743384}, - year = {2000}, +@article{RN2191, + author = {Schubotz, R. I. and von Cramon, D. Y.}, + title = {Functional-anatomical concepts of human premotor cortex: evidence from fMRI and PET studies}, + journal = {Neuroimage}, + volume = {20 Suppl 1}, + pages = {S120-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14597305}, + year = {2003}, type = {Journal Article} } -@article{RN771, - author = {Kermadi, I. and Liu, Y. and Rouiller, E. M.}, - title = {Do bimanual motor actions involve the dorsal premotor (PMd), cingulate (CMA) and posterior parietal (PPC) cortices? Comparison with primary and supplementary motor cortical areas}, - journal = {Somatosens Mot Res}, - volume = {17}, - number = {3}, - pages = {255-71}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10994596}, - year = {2000}, +@article{RN2190, + author = {Kojima, Y. and Iwamoto, Y. and Yoshida, K.}, + title = {Memory of learning facilitates saccadic adaptation in the monkey}, + journal = {J Neurosci}, + volume = {24}, + number = {34}, + pages = {7531-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15329400}, + year = {2004}, type = {Journal Article} } -@article{RN2443, - author = {Kawashima, R. and Okuda, J. and Umetsu, A. and Sugiura, M. and Inoue, K. and Suzuki, K. and Tabuchi, M. and Tsukiura, T. and Narayan, S. L. and Nagasaka, T. and Yanagawa, I. and Fujii, T. and Takahashi, S. and Fukuda, H. and Yamadori, A.}, - title = {Human cerebellum plays an important role in memory-timed finger movement: an fMRI study}, - journal = {J Neurophysiol}, - volume = {83}, - number = {2}, - pages = {1079-87}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10669519 }, - year = {2000}, +@article{RN2189, + author = {Huber, R. and Ghilardi, M. F. and Massimini, M. and Tononi, G.}, + title = {Local sleep and learning}, + journal = {Nature}, + volume = {430}, + number = {6995}, + pages = {78-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15184907}, + year = {2004}, type = {Journal Article} } -@article{RN469, - author = {Kawashima, Ryuta and Okuda, Jiro and Umetsu, Atsushi and Sugiura, Motoaki and Inoue, Kentaro and Suzuki, Kyoko and Tabuchi, Michio and Tsukiura, Takashi and Narayan, Singh L. and Nagasaka, Tatsuo and Yanagawa, Isao and Fujii, Toshikatsu and Takahashi, Shoki and Fukuda, Hiroshi and Yamadori, Atsushi}, - title = {Human cerebellum plays an important role in memory-timed finger movement: An fMRI study}, - journal = {Journal of Neurophysiology}, - volume = {83}, - number = {2}, - pages = {1079-1087}, - year = {2000}, +@article{RN2188, + author = {Frank, L. R. and Buxton, R. B. and Wong, E. C.}, + title = {Estimation of respiration-induced noise fluctuations from undersampled multislice fMRI data}, + journal = {Magn Reson Med}, + volume = {45}, + number = {4}, + pages = {635-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11283992}, + year = {2001}, type = {Journal Article} } -@article{RN2478, - author = {Kanwisher, N.}, - title = {Domain specificity in face perception}, - journal = {Nat Neurosci}, - volume = {3}, - number = {8}, - pages = {759-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10903567 }, - year = {2000}, +@article{RN2187, + author = {Grefkes, C. and Geyer, S. and Schormann, T. and Roland, P. and Zilles, K.}, + title = {Human somatosensory area 2: observer-independent cytoarchitectonic mapping, interindividual variability, and population map}, + journal = {Neuroimage}, + volume = {14}, + number = {3}, + pages = {617-31}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11506535}, + year = {2001}, type = {Journal Article} } -@article{RN2210, - author = {Joshi, Sarang C. and Miller, Michael I.}, - title = {Landmark matching via large deformation diffeomorphisms}, - journal = {IEEE Transactions on Image processing}, - volume = {9}, - number = {8}, - pages = {1357-1370}, - year = {2000}, +@article{RN2186, + author = {Geyer, S. and Schleicher, A. and Schormann, T. and Mohlberg, H. and Bodegard, A. and Roland, P. E. and Zilles, K.}, + title = {Integration of microstructural and functional aspects of human somatosensory areas 3a, 3b, and 1 on the basis of a computerized brain atlas}, + journal = {Anat Embryol (Berl)}, + volume = {204}, + number = {4}, + pages = {351-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11720238}, + year = {2001}, type = {Journal Article} } -@article{RN407, - author = {Jäncke, Lutz and Peters, M. and Himmelbach, M. and Noesselt, T. and Shah, J. and Steinmetz, H.}, - title = {fMRI study of bimanual coordination}, - journal = {Neuropsychologia}, - volume = {38}, - number = {2}, - pages = {164-174}, - year = {2000}, +@article{RN2185, + author = {Robertson, E. M. and Pascual-Leone, A. and Miall, R. C.}, + title = {Current concepts in procedural consolidation}, + journal = {Nat Rev Neurosci}, + volume = {5}, + number = {7}, + pages = {576-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15208699}, + year = {2004}, type = {Journal Article} } -@article{RN777, - author = {Jäncke, L. and Loose, R. and Lutz, K. and Specht, K. and Shah, N. J.}, - title = {Cortical activations during paced finger-tapping applying visual and auditory pacing stimuli}, - journal = {Brain Res Cogn Brain Res}, - volume = {10}, - number = {1-2}, - pages = {51-66.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10978692}, - year = {2000}, +@article{RN2184, + author = {Marotta, J. J. and Keith, G. P. and Crawford, J. D.}, + title = {Task-Specific Sensorimotor Adaptation to Reversing Prisms}, + journal = {J Neurophysiol}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15385588}, + year = {2004}, type = {Journal Article} } -@inbook{RN617, - author = {Ivry, Richard B. and Hazeltine, Eliot}, - title = {Task Switching in a Callosotomy Patient and in Normal Participants: Evidence for Response-Related Sources of Interference}, - booktitle = {Control of cognitive processes: Attention and performance XVIII.}, - editor = {Monsell, Stephen and Driver, Jon}, - publisher = {The MIT Press}, - address = {Cambridge, MA, US}, - pages = {401-423}, - year = {2000}, - type = {Book Section} +@article{RN2183, + author = {Vangheluwe, S. and Puttemans, V. and Wenderoth, N. and Van Baelen, M. and Swinnen, S. P.}, + title = {Inter- and intralimb transfer of a bimanual task: generalisability of limb dissociation}, + journal = {Behav Brain Res}, + volume = {154}, + number = {2}, + pages = {535-47}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15313043}, + year = {2004}, + type = {Journal Article} } -@article{RN2087, - author = {Inoue, K. and Kawashima, R. and Satoh, K. and Kinomura, S. and Sugiura, M. and Goto, R. and Ito, M. and Fukuda, H.}, - title = {A PET study of visuomotor learning under optical rotation}, - journal = {Neuroimage}, - volume = {11}, - number = {5 Pt 1}, - pages = {505-16}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10806036}, - year = {2000}, +@article{RN2182, + author = {Schwarz, C. and Thier, P.}, + title = {Binding of signals relevant for action: towards a hypothesis of the functional role of the pontine nuclei}, + journal = {Trends Neurosci}, + volume = {22}, + number = {10}, + pages = {443-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10481191}, + year = {1999}, type = {Journal Article} } -@article{RN483, - author = {Imamizu, Hiroshi and Miyauchi, Satoru and Tamada, Tomoe and Sasaki, Yuka and Takino, Ryousuke and Puetz, Benno and Yoshoka, Toshinori and Kawato, Mitsuo}, - title = {Human cerebellar activity reflecting an acquired internal model of a new tool}, - journal = {Nature}, - volume = {403}, - number = {6766}, - pages = {192-195}, - year = {2000}, +@article{RN2180, + author = {Diener, H. C. and Horak, F. B. and Nashner, L. M.}, + title = {Influence of stimulus parameters on human postural responses}, + journal = {J Neurophysiol}, + volume = {59}, + number = {6}, + pages = {1888-905}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3404210}, + year = {1988}, type = {Journal Article} } -@article{RN474, - author = {Iidaka, Tetsuya and Anderson, Nicole D. and Kapur, Shitij and Cabeza, Roberto and Craik, Fergus I. M.}, - title = {The effect of divided attention on encoding and retrieval in episodic memory revealed by positron emission tomography}, - journal = {Journal of Cognitive Neuroscience}, - volume = {12}, - number = {2}, - pages = {267-280}, - year = {2000}, +@article{RN2179, + author = {Scott, S. H.}, + title = {Optimal feedback control and the neural basis of volitional motor control}, + journal = {Nat Rev Neurosci}, + volume = {5}, + number = {7}, + pages = {532-46}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15208695}, + year = {2004}, type = {Journal Article} } -@article{RN3537, - author = {Hyvarinen, A. and Oja, E.}, - title = {Independent component analysis: algorithms and applications}, - journal = {Neural Netw}, - volume = {13}, - number = {4-5}, - pages = {411-30}, - ISSN = {0893-6080 (Print) -0893-6080 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10946390}, - year = {2000}, +@article{RN2178, + author = {Walker, M. P. and Brakefield, T. and Hobson, J. A. and Stickgold, R.}, + title = {Dissociable stages of human memory consolidation and reconsolidation}, + journal = {Nature}, + volume = {425}, + number = {6958}, + pages = {616-20}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534587}, + year = {2003}, type = {Journal Article} } -@article{RN708, - author = {Hu, Y. and Goodale, Melvyn A.}, - title = {Grasping after a delay shifts size-scaling from absolute to relative metrics}, - journal = {Journal of Cognitive Neuroscience}, - volume = {12}, - number = {5}, - pages = {856-868}, - year = {2000}, +@article{RN2177, + author = {Zago, M. and Bosco, G. and Maffei, V. and Iosa, M. and Ivanenko, Y. P. and Lacquaniti, F.}, + title = {Internal models of target motion: expected dynamics overrides measured kinematics in timing manual interceptions}, + journal = {J Neurophysiol}, + volume = {91}, + number = {4}, + pages = {1620-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14627663}, + year = {2004}, type = {Journal Article} } -@article{RN448, - author = {Hikosaka, Kazuo and Watanabe, M.}, - title = {Delay activity of orbital and lateral prefrontal neurons of the monkey varying with different rewards}, - journal = {Cerebral Cortex}, - volume = {10}, - pages = {263-271}, - year = {2000}, +@article{RN2176, + author = {Petit, L. and Beauchamp, M. S.}, + title = {Neural basis of visually guided head movements studied with fMRI}, + journal = {J Neurophysiol}, + volume = {89}, + number = {5}, + pages = {2516-27}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12611944}, + year = {2003}, type = {Journal Article} } -@article{RN513, - author = {Heuer, Herbert and Spijkers, Will and Kleinsorge, Thomas and Steglich, Christoph}, - title = {Parametrische Kopplung bei Folgen beidhaendiger Umkehrbewegungen mit gleichen und unterschiedlichen Weiten}, - journal = {Zeitschrift fuer Experimentelle Psychologie}, - volume = {47}, - number = {1}, +@article{RN2175, + author = {McGonigle, D. J. and Howseman, A. M. and Athwal, B. S. and Friston, K. J. and Frackowiak, R. S. and Holmes, A. P.}, + title = {Variability in fMRI: an examination of intersession differences}, + journal = {Neuroimage}, + volume = {11}, + number = {6 Pt 1}, + pages = {708-34}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10860798}, year = {2000}, type = {Journal Article} } -@article{RN2330, - author = {Haaland, K. Y. and Harrington, D. L. and Knight, R. T.}, - title = {Neural representations of skilled movement}, - journal = {Brain}, - volume = {123 ( Pt 11)}, - pages = {2306-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11050030}, - year = {2000}, +@article{RN2174, + author = {Frank, L. R. and Buxton, R. B. and Wong, E. C.}, + title = {Estimation of respiration-induced noise fluctuations from undersampled multislice fMRI data}, + journal = {Magn Reson Med}, + volume = {45}, + number = {4}, + pages = {635-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11283992}, + year = {2001}, type = {Journal Article} } -@article{RN3437, - author = {Grootoonk, S. and Hutton, C. and Ashburner, J. and Howseman, A. M. and Josephs, O. and Rees, G. and Friston, K. J. and Turner, R.}, - title = {Characterization and correction of interpolation effects in the realignment of fMRI time series}, +@article{RN2173, + author = {Worsley, K. J. and Friston, K. J.}, + title = {Analysis of fMRI time-series revisited--again}, journal = {Neuroimage}, - volume = {11}, - number = {1}, - pages = {49-57}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.1999.0515}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10686116}, - year = {2000}, + volume = {2}, + number = {3}, + pages = {173-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343600}, + year = {1995}, type = {Journal Article} } @@ -15971,3087 +16650,3141 @@ @article{RN2172 type = {Journal Article} } -@article{RN460, - author = {Gourovitch, Monica L. and Kirkby, Brenda S. and Goldberg, Terry E. and Weinberger, Daniel R. and Gold, James M. and Esposito, Giuseppe and Van Horn, John D. and Berman, Karen Faith}, - title = {A comparison of rCBF patterns during letter and semantic fluency}, - journal = {Neuropsychology}, - volume = {14}, - number = {3}, - pages = {353-360}, - year = {2000}, - type = {Journal Article} -} - -@article{RN2751, - author = {Glover, Gary and Li, Tie-Qiang and Ress, David}, - title = {Image-based method for retrospective correction of physiological motion effects in fMRI: RETROICOR}, - journal = {Magnetic Resonance in Medicine}, - volume = {44}, +@article{RN2171, + author = {Birn, R. M. and Bandettini, P. A. and Cox, R. W. and Jesmanowicz, A. and Shaker, R.}, + title = {Magnetic field changes in the human brain due to swallowing or speaking}, + journal = {Magn Reson Med}, + volume = {40}, number = {1}, - pages = {162-167}, - url = {citeulike-article-id:973762 -http://dx.doi.org/10.1002/1522-2594(200007)44:1%3C162::AID-MRM23%3E3.0.CO;2-E }, - year = {2000}, - type = {Journal Article} -} - -@article{RN2347, - author = {Gilman, S.}, - title = {The spinocerebellar ataxias}, - journal = {Clin Neuropharmacol}, - volume = {23}, - number = {6}, - pages = {296-303}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11575863}, - year = {2000}, - type = {Journal Article} -} - -@article{RN530, - author = {Gehring, W J and Knight, R T}, - title = {Prefrontal-cingulate interactions in action monitoring}, - journal = {Nature Neuroscience}, - volume = {3}, - number = {5}, - pages = {516-520}, - year = {2000}, + pages = {55-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9660553}, + year = {1998}, type = {Journal Article} } -@article{RN2278, - author = {Gandolfo, F. and Li, C. and Benda, B. J. and Schioppa, C. P. and Bizzi, E.}, - title = {Cortical correlates of learning in monkeys adapting to a new dynamical environment}, - journal = {Proc Natl Acad Sci U S A}, - volume = {97}, - number = {5}, - pages = {2259-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10681435}, - year = {2000}, +@article{RN2170, + author = {Birn, R. M. and Bandettini, P. A. and Cox, R. W. and Shaker, R.}, + title = {Event-related fMRI of tasks involving brief motion}, + journal = {Hum Brain Mapp}, + volume = {7}, + number = {2}, + pages = {106-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9950068}, + year = {1999}, type = {Journal Article} } -@article{RN2025, - author = {Friston, K. J. and Mechelli, A. and Turner, R. and Price, C. J.}, - title = {Nonlinear responses in fMRI: the Balloon model, Volterra kernels, and other hemodynamics}, +@article{RN2169, + author = {Andersson, J. L. and Hutton, C. and Ashburner, J. and Turner, R. and Friston, K.}, + title = {Modeling geometric deformations in EPI time series}, journal = {Neuroimage}, - volume = {12}, - number = {4}, - pages = {466-77}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10988040}, - year = {2000}, + volume = {13}, + number = {5}, + pages = {903-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11304086}, + year = {2001}, type = {Journal Article} } -@article{RN3436, - author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, - title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, - journal = {Neuroimage}, - volume = {12}, +@article{RN2168, + author = {Wu, D. H. and Lewin, J. S. and Duerk, J. L.}, + title = {Inadequacy of motion correction algorithms in functional MRI: role of susceptibility-induced artifacts}, + journal = {J Magn Reson Imaging}, + volume = {7}, number = {2}, - pages = {196-208}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.2000.0609}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10913325}, - year = {2000}, + pages = {365-70}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9090592}, + year = {1997}, type = {Journal Article} } -@article{RN3258, - author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, - title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, - journal = {Neuroimage}, - volume = {12}, +@article{RN2167, + author = {Beauchamp, M. S.}, + title = {Detection of eye movements from fMRI data}, + journal = {Magn Reson Med}, + volume = {49}, number = {2}, - pages = {196-208}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.2000.0609}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10913325}, - year = {2000}, + pages = {376-80}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12541259}, + year = {2003}, type = {Journal Article} } -@article{RN2026, - author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, - title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, - journal = {Neuroimage}, - volume = {12}, - number = {2}, - pages = {196-208}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10913325}, - year = {2000}, +@article{RN2166, + author = {Friston, K. J. and Williams, S. and Howard, R. and Frackowiak, R. S. and Turner, R.}, + title = {Movement-related effects in fMRI time-series}, + journal = {Magn Reson Med}, + volume = {35}, + number = {3}, + pages = {346-55}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8699946}, + year = {1996}, type = {Journal Article} } -@article{RN713, - author = {Franz, Volker H. and Gegenfurtner, K. R. and Buelthoff, H. H. and Fahle, M.}, - title = {Grasping visual illusions: No evidence for a dissociation between perception and action}, - journal = {Psychological Science}, - volume = {11}, - number = {1}, - pages = {20-25}, - year = {2000}, +@article{RN2165, + author = {Dale, A. M.}, + title = {Optimal experimental design for event-related fMRI}, + journal = {Human Brain Mapping}, + volume = {8}, + pages = {109-114}, + year = {1999}, type = {Journal Article} } -@article{RN551, - author = {Franz, E. A. and Waldie, K. E. and Smith, M. J.}, - title = {The effect of callosotomy on novel versus familiar bimanual actions: A neural dissociation between controlled and automatic processes?}, - journal = {Psychological Science}, - volume = {11}, +@article{RN2163, + author = {Mugnaini, E.}, + title = {The length of cerebellar parallel fibers in chicken and rhesus monkey}, + journal = {J Comp Neurol}, + volume = {220}, number = {1}, - pages = {82-85}, - year = {2000}, - type = {Journal Article} -} - -@article{RN2063, - author = {Flanagan, J. R. and Beltzner, M. A.}, - title = {Independence of perceptual and sensorimotor predictions in the size-weight illusion}, - journal = {Nat Neurosci}, - volume = {3}, - number = {7}, - pages = {737-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10862708}, - year = {2000}, + pages = {7-15}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6643718}, + year = {1983}, type = {Journal Article} } -@article{RN470, - author = {Fink, Gereon R. and Marshall, J. C. and Shah, N. J. and Weiss, P. H. and Halligan, P. W. and Grosse-Ruyken, M. and Ziemons, K. and Zilles, K. and Freund, H. J.}, - title = {Line bisection judgments implicate right parietal cortex and cerebellum as assessed by fMRI}, - journal = {Neurology}, - volume = {54}, - number = {6}, - pages = {1324-1331}, +@article{RN2162, + author = {DeSouza, J. F. and Dukelow, S. P. and Gati, J. S. and Menon, R. S. and Andersen, R. A. and Vilis, T.}, + title = {Eye position signal modulates a human parietal pointing region during memory-guided movements}, + journal = {J Neurosci}, + volume = {20}, + number = {15}, + pages = {5835-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10908625}, year = {2000}, type = {Journal Article} } -@article{RN578, - author = {Eliassen, James C. and Baynes, Kathleen and Gazzaniga, Michael S.}, - title = {Anterior and posterior callosal contributions to simulataneous bimanual movements of the hand and fingers}, - journal = {Brain}, - volume = {123}, - pages = {2501-2511}, - year = {2000}, +@article{RN2161, + author = {Kertzman, C. and Schwarz, U. and Zeffiro, T. A. and Hallett, M.}, + title = {The role of posterior parietal cortex in visually guided reaching movements in humans}, + journal = {Exp Brain Res}, + volume = {114}, + number = {1}, + pages = {170-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9125463}, + year = {1997}, type = {Journal Article} } -@article{RN2078, - author = {Ehrsson, H. H. and Fagergren, A. and Jonsson, T. and Westling, G. and Johansson, R. S. and Forssberg, H.}, - title = {Cortical activity in precision- versus power-grip tasks: an fMRI study}, - journal = {J Neurophysiol}, - volume = {83}, - number = {1}, - pages = {528-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10634893}, - year = {2000}, +@article{RN2160, + author = {Haaland, K. Y. and Elsinger, C. L. and Mayer, A. R. and Durgerian, S. and Rao, S. M.}, + title = {Motor sequence complexity and performing hand produce differential patterns of hemispheric lateralization}, + journal = {J Cogn Neurosci}, + volume = {16}, + number = {4}, + pages = {621-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15165352}, + year = {2004}, type = {Journal Article} } -@article{RN605, - author = {Diedrichsen, Joern and Ivry, Richard B. and Cohen, Asher and Danziger, Shai}, - title = {Asymmetries in a unilateral flanker task depend on the direction of the response: The role of attentional shift and perceptual grouping}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {26}, - number = {1}, - pages = {113-126}, - year = {2000}, +@article{RN2158, + author = {Clower, D. M. and Hoffman, J. M. and Votaw, J. R. and Faber, T. L. and Woods, R. P. and Alexander, G. E.}, + title = {Role of posterior parietal cortex in the recalibration of visually guided reaching}, + journal = {Nature}, + volume = {383}, + number = {6601}, + pages = {618-21}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8857536}, + year = {1996}, type = {Journal Article} } -@article{RN2162, - author = {DeSouza, J. F. and Dukelow, S. P. and Gati, J. S. and Menon, R. S. and Andersen, R. A. and Vilis, T.}, - title = {Eye position signal modulates a human parietal pointing region during memory-guided movements}, - journal = {J Neurosci}, - volume = {20}, - number = {15}, - pages = {5835-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10908625}, - year = {2000}, +@article{RN2157, + author = {Wise, S. P. and Moody, S. L. and Blomstrom, K. J. and Mitz, A. R.}, + title = {Changes in motor cortical activity during visuomotor adaptation}, + journal = {Exp Brain Res}, + volume = {121}, + number = {3}, + pages = {285-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9746135}, + year = {1998}, type = {Journal Article} } -@article{RN858, - author = {Desmurget, M. and Pelisson, D. and Grethe, J. S. and Alexander, G. E. and Urquizar, C. and Prablanc, C. and Grafton, S. T.}, - title = {Functional adaptation of reactive saccades in humans: a PET study}, +@article{RN2156, + author = {Kitazawa, S. and Yin, P. B.}, + title = {Prism adaptation with delayed visual error signals in the monkey}, journal = {Exp Brain Res}, - volume = {132}, + volume = {144}, number = {2}, - pages = {243-59.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10853949}, - year = {2000}, + pages = {258-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12012163}, + year = {2002}, type = {Journal Article} } -@article{RN856, - author = {Desmurget, M. and Grafton, S.}, - title = {Forward modeling allows feedback control for fast reaching movements}, - journal = {Trends Cogn Sci}, - volume = {4}, - number = {11}, - pages = {423-431.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11058820}, - year = {2000}, +@article{RN2155, + author = {Krakauer, J. W. and Ghilardi, M. F. and Mentis, M. and Barnes, A. and Veytsman, M. and Eidelberg, D. and Ghez, C.}, + title = {Differential cortical and subcortical activations in learning rotations and gains for reaching: a PET study}, + journal = {J Neurophysiol}, + volume = {91}, + number = {2}, + pages = {924-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14523069}, + year = {2004}, type = {Journal Article} } -@article{RN3623, - author = {deCharms, R. C. and Zador, A.}, - title = {Neural representation and the cortical code}, - journal = {Annu Rev Neurosci}, - volume = {23}, - pages = {613-47}, - ISSN = {0147-006X (Print) -0147-006X (Linking)}, - DOI = {10.1146/annurev.neuro.23.1.613}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/10845077}, - year = {2000}, +@article{RN2154, + author = {Schwarz, C. and Thier, P.}, + title = {Binding of signals relevant for action: towards a hypothesis of the functional role of the pontine nuclei}, + journal = {Trends Neurosci}, + volume = {22}, + number = {10}, + pages = {443-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10481191}, + year = {1999}, type = {Journal Article} } -@article{RN468, - author = {de Zubicaray, G. I. and Zelaya, F. O. and Andrew, C. and Williams, S. C. R. and Bullmore, E. T.}, - title = {Cerebral regions associated with verbal response initiation, suppression and strategy use}, - journal = {Neuropsychologia}, - volume = {38}, - number = {9}, - pages = {1292-1304}, - year = {2000}, +@article{RN2153, + author = {Brodal, P. and Bjaalie, J. G.}, + title = {Organization of the pontine nuclei}, + journal = {Neurosci Res}, + volume = {13}, + number = {2}, + pages = {83-118}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1374872}, + year = {1992}, type = {Journal Article} } -@article{RN3070, - author = {Dayan, P. and Kakade, S. and Montague, P. R.}, - title = {Learning and selective attention}, - journal = {Nat Neurosci}, - volume = {3 Suppl}, - pages = {1218-23}, - ISSN = {1097-6256 (Print) -1097-6256 (Linking)}, - DOI = {10.1038/81504}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11127841}, - year = {2000}, +@article{RN2152, + author = {Brodal, P. and Bjaalie, J. G.}, + title = {Salient anatomic features of the cortico-ponto-cerebellar pathway}, + journal = {Prog Brain Res}, + volume = {114}, + pages = {227-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9193147}, + year = {1997}, type = {Journal Article} } -@article{RN865, - author = {Day, B. L. and Lyon, I. N.}, - title = {Voluntary modification of automatic arm movements evoked by motion of a visual target}, - journal = {Exp Brain Res}, - volume = {130}, +@article{RN2151, + author = {Rosina, A. and Provini, L.}, + title = {Pontocerebellar system linking the two hemispheres by intracerebellar branching}, + journal = {Brain Res}, + volume = {296}, number = {2}, - pages = {159-68.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10672469}, - year = {2000}, + pages = {365-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6704743}, + year = {1984}, type = {Journal Article} } -@article{RN3234, - author = {Crammond, D. J. and Kalaska, J. F.}, - title = {Prior information in motor and premotor cortex: activity during the delay period and effect on pre-movement activity}, - journal = {J Neurophysiol}, - volume = {84}, - number = {2}, - pages = {986-1005}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10938322}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2150, + author = {Diedrichsen, J. and Hashambhoy, Yasmin L. and Shadmehr, R.}, + title = {fMRI based comparison of force- and visually-induced errors during reaching movements.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} } -@article{RN874, - author = {Crammond, D. J. and Kalaska, J. F.}, - title = {Prior information in motor and premotor cortex: activity during the delay period and effect on pre-movement activity}, - journal = {J Neurophysiol}, - volume = {84}, - number = {2}, - pages = {986-1005.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10938322 -http://www.jn.physiology.org/cgi/content/full/84/2/986 -http://www.jn.physiology.org/cgi/content/abstract/84/2/986}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2149, + author = {Konkle, T and Verstynen, T. and Diedrichsen, J. and Ivry, R. B.}, + title = {Sources of increased timing variability following TMS over motor cortex}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} } -@article{RN2709, - author = {Cirstea, M. C. and Levin, M. F.}, - title = {Compensatory strategies for reaching in stroke}, - journal = {Brain}, - volume = {123 ( Pt 5)}, - pages = {940-53}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10775539}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2148, + author = {Albert, N. and Diedrichsen, J. and Hazeltine, E. and Grafton, S. T. and Ivry, R. B.}, + title = {Size matters: Bimanual interference in programming lifting movements based on apparent object size or surface properties.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} } -@article{RN542, - author = {Casey, B. J. and Thomas, K. M. and Welsh, T. F. and Badgaiyan, R. D. and Eccard, C. H. and Jennings, J. R. and Crone, E. A.}, - title = {Dissociation of response conflict, attentional selection, and expectancy with functional magnetic resonance imaging}, - journal = {Proceedings of the National Academy of Sciences of the United States of America}, - volume = {97}, - number = {15}, - pages = {8728-8733}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2147, + author = {Diedrichsen, J. and Verstynen, T. and Albert, N. and Ivry, R. B.}, + title = {Predicting the body and the world: The role of the cerebellum in anticipatory postural adjustments required for bimanual coordination.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} } -@article{RN532, - author = {Carter, C. S. and Macdonald, A. M. and Botvinick, M. and Ross, L. L. and Stenger, V. A. and Noll, D. and Cohen, J. D.}, - title = {Parsing executive processes: strategic vs. evaluative functions of the anterior cingulate cortex}, - journal = {Proceedings of the National Academy of Sciences of the United States of America}, - volume = {97}, - number = {4}, - pages = {1944-8}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2146, + author = {Shannon, K and Diedrichsen, J. and Spencer, R. M. and Ivry, R. B.}, + title = {Asymmetries in bimanual coupling during visually controlled or internally planned movements.}, + booktitle = {Society for Neuroscience}, + type = {Conference Proceedings} } -@article{RN661, - author = {Carson, R. G. and Riek, S. and Smethurst, C. J. and Párraga, J. F. and Byblow, W. D.}, - title = {Neuromuscular-skeletal constraints upon the dynamics of unimanual and bimanual coordination}, - journal = {Experimental Brain Research}, - volume = {131}, - number = {2}, - pages = {196-214}, - url = {http://link.springer-ny.com/link/service/journals/00221/bibs/0131002/01310196.htm -http://link.springer-ny.com/link/service/journals/00221/papers/0131002/01310196.pdf -http://link.springer-ny.com/link/service/journals/00221/index.htm}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2145, + author = {Diedrichsen, J. and Donchin, O.}, + title = {Learning models: Structures, Signals and Noise}, + booktitle = {Computational Neuroscience. Workshop: State-space models for motor learning and adaptation}, + type = {Conference Proceedings} } -@article{RN2616, - author = {Butefisch, C. M. and Davis, B. C. and Wise, S. P. and Sawaki, L. and Kopylev, L. and Classen, J. and Cohen, L. G.}, - title = {Mechanisms of use-dependent plasticity in the human motor cortex}, - journal = {Proc Natl Acad Sci U S A}, - volume = {97}, - number = {7}, - pages = {3661-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10716702 }, - year = {2000}, +@inproceedings{RN2144, + author = {Diedrichsen, Jörn and Ivry, Richard B. and Shadmehr, Reza}, + title = {How do two movements become one?}, + booktitle = {Neural Control of Movement. Satellite: Motor Plasticity.}, + type = {Conference Proceedings} +} + +@article{RN2143, + author = {Ollinger, J. M. and Shulman, G. L. and Corbetta, M.}, + title = {Separating processes within a trial in event-related functional MRI}, + journal = {Neuroimage}, + volume = {13}, + number = {1}, + pages = {210-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11133323}, + year = {2001}, type = {Journal Article} } -@article{RN820, - author = {Burdet, E. and Osu, R. and Franklin, D. W. and Yoshioka, T. and Milner, T. E. and Kawato, M.}, - title = {A method for measuring endpoint stiffness during multi-joint arm movements}, - journal = {J Biomech}, - volume = {33}, - number = {12}, - pages = {1705-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11006397}, - year = {2000}, +@article{RN2142, + author = {Brodal, P.}, + title = {The projection from the nucleus reticularis tegmenti pontis to the cerebellum in the rhesus monkey}, + journal = {Exp Brain Res}, + volume = {38}, + number = {1}, + pages = {29-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6766109}, + year = {1980}, type = {Journal Article} } -@article{RN730, - author = {Buonomano, Dean V.}, - title = {Decoding temporal information: A model based on short-term synaptic plasticity}, - journal = {Journal of Neuroscience}, - volume = {20}, - number = {3}, - pages = {1129-1141}, - year = {2000}, +@article{RN2141, + author = {Brodal, A. and Jansen, J.}, + title = {The pontocerebellar projection in the rabbit and cat. Experimental investigations.}, + journal = {Journal of Comparative Neurology}, + volume = {84}, + pages = {31-118}, + year = {1946}, type = {Journal Article} } -@article{RN1036, - author = {Bridgeman, B. and Gemmer, A. and Forsman, T. and Huemer, V.}, - title = {Processing spatial information in the sensorimotor branch of the visual system}, - journal = {Vision Res}, - volume = {40}, - number = {25}, - pages = {3539-52}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11115681}, - year = {2000}, +@article{RN2140, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Grip-load force coordination in cerebellar patients}, + journal = {Exp Brain Res}, + volume = {128}, + number = {1-2}, + pages = {76-80}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473743}, + year = {1999}, type = {Journal Article} } -@article{RN606, - author = {Bracewell, R.M. and Wing, A.M.}, - title = {The coordination of load and grip forces in a bimanual lifting task}, - journal = {Society for neuroscience abstract}, +@article{RN2139, + author = {Timmann, D. and Richter, S. and Bestmann, S. and Kalveram, K. T. and Konczak, J.}, + title = {Predictive control of muscle responses to arm perturbations in cerebellar patients}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {69}, + number = {3}, + pages = {345-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10945809}, year = {2000}, type = {Journal Article} } -@article{RN2272, - author = {Battaglia-Mayer, A. and Ferraina, S. and Mitsuda, T. and Marconi, B. and Genovesio, A. and Onorati, P. and Lacquaniti, F. and Caminiti, R.}, - title = {Early coding of reaching in the parietooccipital cortex}, - journal = {J Neurophysiol}, - volume = {83}, - number = {4}, - pages = {2374-91}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10758140}, - year = {2000}, +@article{RN2138, + author = {Babin-Ratte, S. and Sirigu, A. and Gilles, M. and Wing, A.}, + title = {Impaired anticipatory finger grip-force adjustments in a case of cerebellar degeneration}, + journal = {Exp Brain Res}, + volume = {128}, + number = {1-2}, + pages = {81-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473744}, + year = {1999}, type = {Journal Article} } -@article{RN728, - author = {Bastian, A. J. and Zackowski, K. M. and Thach, W. T.}, - title = {Cerebellar ataxia: torque deficiency or torque mismatch between joints?}, - journal = {J Neurophysiol}, - volume = {83}, - number = {5}, - pages = {3019-30.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10805697 -http://www.jn.org/cgi/content/full/83/5/3019 -http://www.jn.org/cgi/content/abstract/83/5/3019}, - year = {2000}, +@article{RN2137, + author = {Nowak, D. A. and Hermsdorfer, J. and Marquardt, C. and Fuchs, H. H.}, + title = {Grip and load force coupling during discrete vertical arm movements with a grasped object in cerebellar atrophy}, + journal = {Exp Brain Res}, + volume = {145}, + number = {1}, + pages = {28-39}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12070742}, + year = {2002}, type = {Journal Article} } -@article{RN3217, - author = {Bapi, R. S. and Doya, K. and Harner, A. M.}, - title = {Evidence for effector independent and dependent representations and their differential time course of acquisition during motor sequence learning}, - journal = {Exp Brain Res}, - volume = {132}, - number = {2}, - pages = {149-62}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10853941}, - year = {2000}, - type = {Journal Article} +@misc{RN2136, + url = {https://dsc.sensable.com/datafiles/ghost/GHOSTProgrammersGuide.pdf}, + year = {2004}, + type = {Web Page} } -@article{RN2550, - author = {Ashburner, J. and Friston, K. J.}, - title = {Voxel-based morphometry--the methods}, - journal = {Neuroimage}, - volume = {11}, - number = {6 Pt 1}, - pages = {805-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10860804 }, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2134, + author = {Oullier, O and Jantzen, K.J. and Steinberg, F. and Kelso, J. A.}, + title = {fMRI reveals neural mechanisms common to sensorimotor and bi-manual coordination}, + booktitle = {Society for Neuroscience}, + pages = {No. 554.6}, + type = {Conference Proceedings} } -@article{RN2522, - author = {Apps, R. and Garwicz, M.}, - title = {Precise matching of olivo-cortical divergence and cortico-nuclear convergence between somatotopically corresponding areas in the medial C1 and medial C3 zones of the paravermal cerebellum}, - journal = {Eur J Neurosci}, - volume = {12}, - number = {1}, - pages = {205-14}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10651875 }, - year = {2000}, +@article{RN2133, + author = {Krebs, H. I. and Hogan, N. and Hening, W. and Adamovich, S. V. and Poizner, H.}, + title = {Procedural motor learning in Parkinson's disease}, + journal = {Exp Brain Res}, + volume = {141}, + number = {4}, + pages = {425-37}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11810137}, + year = {2001}, type = {Journal Article} } -@article{RN408, - author = {Amunts, Katrin and Jaencke, Lutz and Mohlberg, Hartmut and Steinmetz, Helmuth and Zilles, Karl}, - title = {Interhemispheric asymmetry of the human motor cortex related to handedness and gender}, - journal = {Neuropsychologia}, - volume = {38}, - number = {3}, - pages = {304-312}, - year = {2000}, - type = {Journal Article} +@inbook{RN2132, + author = {Ivry, R. B. and Justus, T. C. and Middleton, C.}, + title = {The cerebellum, timing and language}, + booktitle = {Dyslexia, Fluency and the Brain}, + editor = {M, Wolf}, + publisher = {York Press}, + address = {Timonium, MD}, + pages = {189-211}, + year = {2001}, + type = {Book Section} } -@article{RN3591, - author = {Allison, J. D. and Meador, K. J. and Loring, D. W. and Figueroa, R. E. and Wright, J. C.}, - title = {Functional MRI cerebral activation and deactivation during finger movement}, - journal = {Neurology}, - volume = {54}, - number = {1}, - pages = {135-42}, - ISSN = {0028-3878 (Print) -0028-3878 (Linking)}, - url = {http://www.neurology.org/content/54/1/135.full.pdf}, - year = {2000}, - type = {Journal Article} +@inproceedings{RN2131, + author = {Ivry, R. B. and Spencer, R. M.}, + title = {How might the cerbellum contribute to sequence learning}, + booktitle = {Motor Learning & Plasticity Satellite Meeting of the Neural Control of Movement Conference}, + type = {Conference Proceedings} } -@article{RN2122, - author = {Ziemann, U. and Ishii, K. and Borgheresi, A. and Yaseen, Z. and Battaglia, F. and Hallett, M. and Cincotta, M. and Wassermann, E. M.}, - title = {Dissociation of the pathways mediating ipsilateral and contralateral motor-evoked potentials in human hand and arm muscles}, - journal = {J Physiol}, - volume = {518 ( Pt 3)}, - pages = {895-906}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10420023}, - year = {1999}, +@article{RN2130, + author = {Bischoff-Grethe, A. and Ivry, R. B. and Grafton, S. T.}, + title = {Cerebellar involvement in response reassignment rather than attention}, + journal = {J Neurosci}, + volume = {22}, + number = {2}, + pages = {546-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11784801}, + year = {2002}, type = {Journal Article} } -@article{RN382, - author = {Zhang, Huazhong and Zhang, Jun and Kornblum, Sylvan}, - title = {A parallel distributed processing model of stimulus-stimulus and stimulus-response compatibility}, - journal = {Cognitive Psychology}, - volume = {38}, - number = {3}, - pages = {386-432}, - year = {1999}, +@article{RN2129, + author = {Thompson-Schill, S. L. and Swick, D. and Farah, M. J. and D'Esposito, M. and Kan, I. P. and Knight, R. T.}, + title = {Verb generation in patients with focal frontal lesions: a neuropsychological test of neuroimaging findings}, + journal = {Proc Natl Acad Sci U S A}, + volume = {95}, + number = {26}, + pages = {15855-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9861060}, + year = {1998}, type = {Journal Article} } -@article{RN2713, - author = {Yang, G. and Chen, G. and Ebner, T. J. and Iadecola, C.}, - title = {Nitric oxide is the predominant mediator of cerebellar hyperemia during somatosensory activation in rats}, - journal = {Am J Physiol}, - volume = {277}, - number = {6 Pt 2}, - pages = {R1760-70}, - ISSN = {0002-9513 (Print) -0002-9513 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10600924}, - year = {1999}, +@article{RN2128, + author = {Pascual-Leone, A. and Grafman, J. and Hallett, M.}, + title = {Modulation of cortical motor output maps during development of implicit and explicit knowledge}, + journal = {Science}, + volume = {263}, + number = {5151}, + pages = {1287-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8122113}, + year = {1994}, type = {Journal Article} } -@article{RN834, - author = {Wittmann, M.}, - title = {Time perception and temporal processing levels of the brain}, - journal = {Chronobiol Int}, - volume = {16}, - number = {1}, - pages = {17-32.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10023573}, - year = {1999}, +@article{RN2127, + author = {Sanes, J. N. and Donoghue, J. P.}, + title = {Plasticity and primary motor cortex}, + journal = {Annu Rev Neurosci}, + volume = {23}, + pages = {393-415}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10845069}, + year = {2000}, type = {Journal Article} } -@article{RN753, - author = {Witney, A. G. and Goodbody, S. J. and Wolpert, D. M.}, - title = {Predictive motor learning of temporal delays}, - journal = {J Neurophysiol}, - volume = {82}, - number = {5}, - pages = {2039-48.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10561385 -http://www.jn.org/cgi/content/full/82/5/2039 -http://www.jn.org/cgi/content/abstract/82/5/2039}, - year = {1999}, +@article{RN2126, + author = {Bischoff-Grethe, A. and Goedert, K. M. and Willingham, D. T. and Grafton, S. T.}, + title = {Neural substrates of response-based sequence learning using fMRI}, + journal = {J Cogn Neurosci}, + volume = {16}, + number = {1}, + pages = {127-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15006042}, + year = {2004}, type = {Journal Article} } -@inbook{RN817, - author = {Wilson, S. J. and Pressing, J.}, - title = {Neuropsychological assessment and modeling of musical deficits}, - booktitle = {MusicMedicine 3}, - editor = {Pratt, R. R. and Grocke, D. E.}, - publisher = {Melbourne University Faculty of Music}, - address = {Parkville, Victoria, Australia}, - pages = {47-74}, - year = {1999}, - type = {Book Section} -} - -@article{RN889, - author = {Werner, Steffen and Schmidt, Kristine}, - title = {Environmental reference systems for large-scale spaces}, - journal = {Spatial Cognition & Computation}, - volume = {1}, - number = {4}, - pages = {447-473}, - year = {1999}, +@article{RN2125, + author = {Packard, M. G. and Knowlton, B. J.}, + title = {Learning and memory functions of the Basal Ganglia}, + journal = {Annu Rev Neurosci}, + volume = {25}, + pages = {563-93}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12052921}, + year = {2002}, type = {Journal Article} } -@article{RN706, - author = {Verschueren, S. M. and Swinnen, S. P. and Cordo, P. J. and Dounskaia, N. V.}, - title = {Proprioceptive control of multijoint movement: bimanual circle drawing}, - journal = {Experimental Brain Research}, - volume = {127}, - number = {2}, - pages = {182-92.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10442410}, - year = {1999}, +@article{RN2124, + author = {Ravizza, S. M. and Ivry, R. B.}, + title = {Comparison of the basal ganglia and cerebellum in shifting attention}, + journal = {J Cogn Neurosci}, + volume = {13}, + number = {3}, + pages = {285-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11371307}, + year = {2001}, type = {Journal Article} } -@article{RN2613, - author = {van Bolhuis, B. M. and Gielen, C. C.}, - title = {A comparison of models explaining muscle activation patterns for isometric contractions}, - journal = {Biol Cybern}, +@article{RN2123, + author = {Cramer, S. C. and Finklestein, S. P. and Schaechter, J. D. and Bush, G. and Rosen, B. R.}, + title = {Activation of distinct motor cortex regions during ipsilateral and contralateral finger movements}, + journal = {J Neurophysiol}, volume = {81}, - number = {3}, - pages = {249-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473849 }, + number = {1}, + pages = {383-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9914297}, year = {1999}, type = {Journal Article} } -@article{RN2631, - author = {Tresch, M. C. and Saltiel, P. and Bizzi, E.}, - title = {The construction of movement by the spinal cord}, - journal = {Nat Neurosci}, - volume = {2}, - number = {2}, - pages = {162-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10195201 }, +@article{RN2122, + author = {Ziemann, U. and Ishii, K. and Borgheresi, A. and Yaseen, Z. and Battaglia, F. and Hallett, M. and Cincotta, M. and Wassermann, E. M.}, + title = {Dissociation of the pathways mediating ipsilateral and contralateral motor-evoked potentials in human hand and arm muscles}, + journal = {J Physiol}, + volume = {518 ( Pt 3)}, + pages = {895-906}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10420023}, year = {1999}, type = {Journal Article} } -@article{RN497, - author = {Townsend, Jeanne and Courchesne, Eric and Covington, James and Westerfield, Marissa and Harris, Naomi Singer and Lyden, Patrick and Lowry, Timothy P. and Press, Gary A.}, - title = {Spatial attention deficits in patients with acquired or developmental cerebellar abnormality}, - journal = {Journal of Neuroscience}, - volume = {19}, - number = {13}, - pages = {5632-5643}, - year = {1999}, +@article{RN2121, + author = {Debaere, F. and Wenderoth, N. and Sunaert, S. and Van Hecke, P. and Swinnen, S. P.}, + title = {Changes in brain activation during the acquisition of a new bimanual coodination task}, + journal = {Neuropsychologia}, + volume = {42}, + number = {7}, + pages = {855-67}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14998701}, + year = {2004}, type = {Journal Article} } -@article{RN328, - author = {Toni, I. and Schluter, N. D. and Josephs, O. and Friston, K. and Passingham, R. E.}, - title = {Signal-, set- and movement-related activity in the human brain: an event-related fMRI study}, - journal = {Cerebral Cortex}, - volume = {9}, - number = {1}, - pages = {35-49}, - year = {1999}, +@article{RN2120, + author = {Doyon, J. and Penhune, V. and Ungerleider, L. G.}, + title = {Distinct contribution of the cortico-striatal and cortico-cerebellar systems to motor skill learning}, + journal = {Neuropsychologia}, + volume = {41}, + number = {3}, + pages = {252-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12457751}, + year = {2003}, type = {Journal Article} } -@article{RN721, - author = {Timmann, D. and Watts, S. and Hore, J.}, - title = {Failure of cerebellar patients to time finger opening precisely causes ball high-low inaccuracy in overarm throws}, - journal = {Journal of Neurophysiology}, - volume = {82}, - number = {1}, - pages = {103-114}, - year = {1999}, +@article{RN2119, + author = {Schwartz, A. B. and Moran, D. W. and Reina, G. A.}, + title = {Differential representation of perception and action in the frontal cortex}, + journal = {Science}, + volume = {303}, + number = {5656}, + pages = {380-3}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14726593}, + year = {2004}, type = {Journal Article} } -@article{RN2485, - author = {Thoroughman, K. A. and Shadmehr, R.}, - title = {Electromyographic correlates of learning an internal model of reaching movements}, - journal = {J Neurosci}, - volume = {19}, - number = {19}, - pages = {8573-88}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10493757 }, - year = {1999}, +@article{RN2118, + author = {Uozumi, T. and Tamagawa, A. and Hashimoto, T. and Tsuji, S.}, + title = {Motor hand representation in cortical area 44}, + journal = {Neurology}, + volume = {62}, + number = {5}, + pages = {757-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15007126}, + year = {2004}, type = {Journal Article} } -@article{RN2219, - author = {Sunaert, S. and Van Hecke, P. and Marchal, G. and Orban, G. A.}, - title = {Motion-responsive regions of the human brain}, - journal = {Exp Brain Res}, - volume = {127}, - number = {4}, - pages = {355-70}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10480271}, - year = {1999}, +@article{RN2117, + author = {Culham, J. C. and Kanwisher, N. G.}, + title = {Neuroimaging of cognitive functions in human parietal cortex}, + journal = {Curr Opin Neurobiol}, + volume = {11}, + number = {2}, + pages = {157-63}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11301234}, + year = {2001}, type = {Journal Article} } -@article{RN641, - author = {Stoet, Gijsbert and Hommel, Bernhard}, - title = {Action planning and the temporal binding of response codes}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {25}, - number = {6}, - pages = {1625-1640}, - year = {1999}, +@article{RN2116, + author = {Van Essen, D. C.}, + title = {Surface-based atlases of cerebellar cortex in the human, macaque, and mouse}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {468-79}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582074}, + year = {2002}, type = {Journal Article} } -@article{RN576, - author = {Steglich, C. and Heuer, H. and Spijkers, W. and Kleinsorge, T.}, - title = {Bimanual coupling during the specification of isometric forces}, - journal = {Experimental Brain Research}, - volume = {129}, +@article{RN2115, + author = {Miall, R. C. and Jenkinson, N. and Kulkarni, K.}, + title = {Adaptation to rotated visual feedback: a re-examination of motor interference}, + journal = {Exp Brain Res}, + volume = {154}, number = {2}, - pages = {302-16}, - url = {http://link.springer-ny.com/link/service/journals/00221/bibs/9129002/91290302.htm -http://link.springer-ny.com/link/service/journals/00221/papers/9129002/91290302.pdf -http://link.springer-ny.com/link/service/journals/00221/index.html}, - year = {1999}, + pages = {201-10}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14608451}, + year = {2004}, type = {Journal Article} } -@article{RN940, - author = {Slifkin, A. B. and Newell, K. M.}, - title = {Noise, information transmission, and force variability}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {25}, - number = {3}, - pages = {837-51.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10385989}, - year = {1999}, +@article{RN2114, + author = {Caplan, J. B. and Madsen, J. R. and Schulze-Bonhage, A. and Aschenbrenner-Scheibe, R. and Newman, E. L. and Kahana, M. J.}, + title = {Human theta oscillations related to sensorimotor integration and spatial learning}, + journal = {J Neurosci}, + volume = {23}, + number = {11}, + pages = {4726-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12805312}, + year = {2003}, type = {Journal Article} } -@article{RN381, - author = {Shiu, Ling-Po and Kornblum, Sylvan}, - title = {Stimulus-response compatibility effects in go-no-go tasks: A dimensional overlap account}, - journal = {Perception & Psychophysics}, - volume = {61}, - number = {8}, - pages = {1613-1623}, - year = {1999}, +@article{RN2113, + author = {Nicholson, D. A. and Freeman, J. H., Jr.}, + title = {Addition of inhibition in the olivocerebellar system and the ontogeny of a motor memory}, + journal = {Nat Neurosci}, + volume = {6}, + number = {5}, + pages = {532-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12692555}, + year = {2003}, type = {Journal Article} } -@article{RN652, - author = {Sherwood, David E. and Nishimura, Katie M.}, - title = {Spatial error detection and assimilation effects in rapid single and bimanual aiming movements}, - journal = {Journal of Motor Behavior}, - volume = {31}, - number = {4}, - pages = {381-393}, - year = {1999}, +@article{RN2112, + author = {Sober, S. J. and Sabes, P. N.}, + title = {Multisensory integration during motor planning}, + journal = {J Neurosci}, + volume = {23}, + number = {18}, + pages = {6982-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12904459}, + year = {2003}, type = {Journal Article} } -@article{RN2140, - author = {Serrien, D. J. and Wiesendanger, M.}, - title = {Grip-load force coordination in cerebellar patients}, - journal = {Exp Brain Res}, - volume = {128}, - number = {1-2}, - pages = {76-80}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473743}, - year = {1999}, +@article{RN2111, + author = {Smith, A. C. and Frank, L. M. and Wirth, S. and Yanike, M. and Hu, D. and Kubota, Y. and Graybiel, A. M. and Suzuki, W. A. and Brown, E. N.}, + title = {Dynamic analysis of learning in behavioral experiments}, + journal = {J Neurosci}, + volume = {24}, + number = {2}, + pages = {447-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14724243}, + year = {2004}, type = {Journal Article} } -@article{RN314, - author = {Serrien, Deborah J. and Swinnen, Stephan P.}, - title = {Intentional switching between behavioral patterns of homologous and nonhomologous effector combinations}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {25}, +@article{RN2110, + author = {Smith, A. C. and Brown, E. N.}, + title = {Estimating a state-space model from point process observations}, + journal = {Neural Comput}, + volume = {15}, number = {5}, - year = {1999}, + pages = {965-91}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12803953}, + year = {2003}, type = {Journal Article} } -@article{RN2422, - author = {Serrien, D. J. and Kaluzny, P. and Wicki, U. and Wiesendanger, M.}, - title = {Grip force adjustments induced by predictable load perturbations during a manipulative task}, - journal = {Exp Brain Res}, - volume = {124}, +@article{RN2108, + author = {Derakhshan, I. and Diedrichsen, J. and Hazeltine, E. and Ivry, R. B.}, + title = {Hugo Liepmann revisited, this time with numbers}, + journal = {J Neurophysiol}, + volume = {91}, + number = {6}, + pages = {2934-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15136607}, + year = {2004}, + type = {Journal Article} +} + +@article{RN2107, + author = {Diedrichsen, J. and Werner, S. and Schmidt, T. and Trommershauser, J.}, + title = {Immediate spatial distortions of pointing movements induced by visual landmarks}, + journal = {Percept Psychophys}, + volume = {66}, number = {1}, - pages = {100-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9928794 }, - year = {1999}, + pages = {89-103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15095943}, + year = {2004}, type = {Journal Article} } -@article{RN2182, - author = {Schwarz, C. and Thier, P.}, - title = {Binding of signals relevant for action: towards a hypothesis of the functional role of the pontine nuclei}, - journal = {Trends Neurosci}, - volume = {22}, - number = {10}, - pages = {443-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10481191}, - year = {1999}, +@article{RN2106, + author = {Diedrichsen, J. and Nambisan, R. and Kennerley, S. W. and Ivry, R. B.}, + title = {Independent on-line control of the two hands during bimanual reaching}, + journal = {Eur J Neurosci}, + volume = {19}, + number = {6}, + pages = {1643-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15066160}, + year = {2004}, type = {Journal Article} } -@article{RN2154, - author = {Schwarz, C. and Thier, P.}, - title = {Binding of signals relevant for action: towards a hypothesis of the functional role of the pontine nuclei}, - journal = {Trends Neurosci}, - volume = {22}, - number = {10}, - pages = {443-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10481191}, - year = {1999}, +@article{RN2105, + author = {Ekstrom, A. D. and Kahana, M. J. and Caplan, J. B. and Fields, T. A. and Isham, E. A. and Newman, E. L. and Fried, I.}, + title = {Cellular networks underlying human spatial navigation}, + journal = {Nature}, + volume = {425}, + number = {6954}, + pages = {184-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968182}, + year = {2003}, type = {Journal Article} } -@article{RN2666, - author = {Scholz, J. P. and Schoner, G.}, - title = {The uncontrolled manifold concept: identifying control variables for a functional task}, - journal = {Exp Brain Res}, - volume = {126}, +@article{RN2104, + author = {Dugas, C. and Smith, A. M.}, + title = {Responses of cerebellar Purkinje cells to slip of a hand-held object}, + journal = {J Neurophysiol}, + volume = {67}, number = {3}, - pages = {289-306}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10382616 }, - year = {1999}, + pages = {483-95}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1578241}, + year = {1992}, type = {Journal Article} } -@article{RN3147, - author = {Schmahmann, J. D. and Doyon, J. and McDonald, D. and Holmes, C. and Lavoie, K. and Hurwitz, A. S. and Kabani, N. and Toga, A. and Evans, A. and Petrides, M.}, - title = {Three-dimensional MRI atlas of the human cerebellum in proportional stereotaxic space}, - journal = {Neuroimage}, - volume = {10}, - number = {3 Pt 1}, - pages = {233-60}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.1999.0459 -S1053-8119(99)90459-7 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10458940}, - year = {1999}, +@article{RN2103, + author = {Smith, A. M. and Dugas, C. and Fortier, P. and Kalaska, J. and Picard, N.}, + title = {Comparing cerebellar and motor cortical activity in reaching and grasping}, + journal = {Can J Neurol Sci}, + volume = {20 Suppl 3}, + pages = {S53-61}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8334592}, + year = {1993}, type = {Journal Article} } -@article{RN913, - author = {Schluter, N. D. and Rushworth, M. F. and Mills, K. R. and Passingham, R. E.}, - title = {Signal-, set-, and movement-related activity in the human premotor cortex}, - journal = {Neuropsychologia}, - volume = {37}, - number = {2}, - pages = {233-43.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10080381}, - year = {1999}, +@article{RN2102, + author = {Thickbroom, G. W. and Phillips, B. A. and Morris, I. and Byrnes, M. L. and Mastaglia, F. L.}, + title = {Isometric force-related activity in sensorimotor cortex measured with functional MRI}, + journal = {Exp Brain Res}, + volume = {121}, + number = {1}, + pages = {59-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9698191}, + year = {1998}, type = {Journal Article} } -@article{RN2447, - author = {Sakai, K. and Hikosaka, O. and Miyauchi, S. and Takino, R. and Tamada, T. and Iwata, N. K. and Nielsen, M.}, - title = {Neural representation of a rhythm depends on its interval ratio}, - journal = {J Neurosci}, - volume = {19}, - number = {22}, - pages = {10074-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10559415 }, - year = {1999}, +@article{RN2101, + author = {Picard, N. and Strick, P. L.}, + title = {Activation on the medial wall during remembered sequences of reaching movements in monkeys}, + journal = {J Neurophysiol}, + volume = {77}, + number = {4}, + pages = {2197-201}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9114266}, + year = {1997}, type = {Journal Article} } -@article{RN3009, - author = {Sakai, K. and Hikosaka, O. and Miyauchi, S. and Sasaki, Y. and Fujimaki, N. and Putz, B.}, - title = {Presupplementary motor area activation during sequence learning reflects visuo-motor association}, - journal = {J Neurosci}, - volume = {19}, - number = {10}, - pages = {RC1}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10234047}, - year = {1999}, +@article{RN2100, + author = {Dettmers, C. and Connelly, A. and Stephan, K. M. and Turner, R. and Friston, K. J. and Frackowiak, R. S. and Gadian, D. G.}, + title = {Quantitative comparison of functional magnetic resonance imaging with positron emission tomography using a force-related paradigm}, + journal = {Neuroimage}, + volume = {4}, + number = {3 Pt 1}, + pages = {201-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345510}, + year = {1996}, type = {Journal Article} } -@article{RN698, - author = {Robertson, Shannon D. and Zelaznik, Howard N. and Lantero, Dawn A. and Bojczyk, Kathryn Gadacz and Spencer, Rebecca M. and Doffin, Julie G. and Schneidt, Tasha}, - title = {Correlations for timing consistency among tapping and drawing tasks: Evidence against a single timing process for motor control}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {25}, - number = {5}, - pages = {1316-1330}, - year = {1999}, +@article{RN2099, + author = {Handwerker, D. A. and Ollinger, J. M. and D'Esposito, M.}, + title = {Variation of BOLD hemodynamic responses across subjects and brain regions and their effects on statistical analyses}, + journal = {Neuroimage}, + volume = {21}, + number = {4}, + pages = {1639-51}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15050587}, + year = {2004}, type = {Journal Article} } -@article{RN2276, - author = {Redgrave, P. and Prescott, T. J. and Gurney, K.}, - title = {The basal ganglia: a vertebrate solution to the selection problem?}, - journal = {Neuroscience}, - volume = {89}, - number = {4}, - pages = {1009-23}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10362291}, +@article{RN2098, + author = {Binkofski, F. and Buccino, G. and Posse, S. and Seitz, R. J. and Rizzolatti, G. and Freund, H.}, + title = {A fronto-parietal circuit for object manipulation in man: evidence from an fMRI-study}, + journal = {Eur J Neurosci}, + volume = {11}, + number = {9}, + pages = {3276-86}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10510191}, year = {1999}, type = {Journal Article} } -@article{RN1049, - author = {Pujol, J. and Deus, J. and Losilla, J. M. and Capdevila, A.}, - title = {Cerebral lateralization of language in normal left-handed people studied by functional MRI}, - journal = {Neurology}, - volume = {52}, - number = {5}, - pages = {1038-43}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10102425}, - year = {1999}, +@article{RN2097, + author = {Dai, T. H. and Liu, J. Z. and Sahgal, V. and Brown, R. W. and Yue, G. H.}, + title = {Relationship between muscle output and functional MRI-measured brain activation}, + journal = {Exp Brain Res}, + volume = {140}, + number = {3}, + pages = {290-300}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11681304}, + year = {2001}, type = {Journal Article} } -@article{RN619, - author = {Prut, Y. and Fetz, E. E.}, - title = {Primate spinal interneurons show pre-movement instructed delay activity}, - journal = {Nature}, - volume = {401}, - number = {6753}, - pages = {590-4}, - year = {1999}, +@article{RN2096, + author = {Hasson, U. and Nir, Y. and Levy, I. and Fuhrmann, G. and Malach, R.}, + title = {Intersubject synchronization of cortical activity during natural vision}, + journal = {Science}, + volume = {303}, + number = {5664}, + pages = {1634-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15016991}, + year = {2004}, type = {Journal Article} } -@article{RN2195, - author = {Pruessmann, K. P. and Weiger, M. and Scheidegger, M. B. and Boesiger, P.}, - title = {SENSE: sensitivity encoding for fast MRI}, - journal = {Magn Reson Med}, - volume = {42}, - number = {5}, - pages = {952-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10542355}, - year = {1999}, +@article{RN2095, + author = {Kelly, R. M. and Strick, P. L.}, + title = {Cerebellar loops with motor cortex and prefrontal cortex of a nonhuman primate}, + journal = {J Neurosci}, + volume = {23}, + number = {23}, + pages = {8432-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12968006}, + year = {2003}, type = {Journal Article} } -@article{RN811, - author = {Pressing, Jeff}, - title = {The referential dynamics of cognition and action}, - journal = {Psychological Review}, - volume = {106}, - number = {4}, - pages = {714-747}, - year = {1999}, +@article{RN2094, + author = {Strick, P. L. and Dum, R. P. and Picard, N.}, + title = {Motor areas on the medial wall of the hemisphere}, + journal = {Novartis Found Symp}, + volume = {218}, + pages = {64-75; discussion 75-80, 104-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9949816}, + year = {1998}, type = {Journal Article} } -@article{RN472, - author = {Ploghaus, Alexander and Tracey, Irene and Gati, Joseph S. and Clare, Stuart and Menon, Ravi S. and Matthews, Paul M. and Rawlins, J. Nicholas P.}, - title = {Dissociating pain from its anticipation in the human brain}, - journal = {Science}, - volume = {284}, - number = {5422}, - pages = {1979-1981}, - year = {1999}, +@article{RN2092, + author = {Bellgowan, P. S. and Saad, Z. S. and Bandettini, P. A.}, + title = {Understanding neural system dynamics through task modulation and measurement of functional MRI amplitude, latency, and width}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {3}, + pages = {1415-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12552093}, + year = {2003}, type = {Journal Article} } -@article{RN955, - author = {Perrig, S. and Kazennikov, O. and Wiesendanger, M.}, - title = {Time structure of a goal-directed bimanual skill and its dependence on task constraints}, - journal = {Behav Brain Res}, - volume = {103}, - number = {1}, - pages = {95-104.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10475169}, - year = {1999}, +@article{RN2091, + author = {Paulignan, Y. and Jeannerod, M. and MacKenzie, C. and Marteniuk, R.}, + title = {Selective perturbation of visual input during prehension movements. 2. The effects of changing object size}, + journal = {Exp Brain Res}, + volume = {87}, + number = {2}, + pages = {407-20}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1769391}, + year = {1991}, type = {Journal Article} } -@article{RN660, - author = {Peper, C. E. and Carson, R. G.}, - title = {Bimanual coordination between isometric contractions and rhythmic movements: an asymmetric coupling}, - journal = {Experimental Brain Research}, - volume = {129}, - number = {3}, - pages = {417-32}, - url = {http://link.springer-ny.com/link/service/journals/00221/bibs/9129003/91290417.htm -http://link.springer-ny.com/link/service/journals/00221/papers/9129003/91290417.pdf -http://link.springer-ny.com/link/service/journals/00221/index.htm}, - year = {1999}, +@article{RN2090, + author = {Logothetis, N. K.}, + title = {MR imaging in the non-human primate: studies of function and of dynamic connectivity}, + journal = {Curr Opin Neurobiol}, + volume = {13}, + number = {5}, + pages = {630-42}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14630229}, + year = {2003}, type = {Journal Article} } -@article{RN934, - author = {Ohki, Y. and Johansson, R. S.}, - title = {Sensorimotor interactions between pairs of fingers in bimanual and unimanual manipulative tasks}, - journal = {Exp Brain Res}, - volume = {127}, - number = {1}, - pages = {43-53.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10424413}, - year = {1999}, +@article{RN2089, + author = {Robertson, E. M. and Pascual-Leone, A. and Press, D. Z.}, + title = {Awareness modifies the skill-learning benefits of sleep}, + journal = {Curr Biol}, + volume = {14}, + number = {3}, + pages = {208-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761652}, + year = {2004}, type = {Journal Article} } -@article{RN1017, - author = {Nougier, V. and Teasdale, N. and Bard, C. and Fleury, M.}, - title = {Modulation of anticipatory postural adjustments in a reactive and a self-triggered mode in humans}, - journal = {Neurosci Lett}, - volume = {260}, - number = {2}, - pages = {109-12.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10025711}, - year = {1999}, +@article{RN2088, + author = {Tong, C. and Wolpert, D. M. and Flanagan, J. R.}, + title = {Kinematics and dynamics are not represented independently in motor working memory: evidence from an interference study}, + journal = {J Neurosci}, + volume = {22}, + number = {3}, + pages = {1108-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11826139}, + year = {2002}, type = {Journal Article} } -@article{RN447, - author = {Nobre, A. C. and Coull, J. T. and Frith, C. D. and Mesulam, M. M.}, - title = {Orbitofrontal cortex is activated during breaches of expectation in tasks of visual attention}, - journal = {Nature Neuroscience}, - volume = {2}, - number = {1}, - pages = {11-2}, - year = {1999}, +@article{RN2087, + author = {Inoue, K. and Kawashima, R. and Satoh, K. and Kinomura, S. and Sugiura, M. and Goto, R. and Ito, M. and Fukuda, H.}, + title = {A PET study of visuomotor learning under optical rotation}, + journal = {Neuroimage}, + volume = {11}, + number = {5 Pt 1}, + pages = {505-16}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10806036}, + year = {2000}, type = {Journal Article} } -@article{RN864, - author = {Neggers, S. F. and Bekkering, H.}, - title = {Integration of visual and somatosensory target information in goal- directed eye and arm movements}, - journal = {Exp Brain Res}, - volume = {125}, - number = {1}, - pages = {97-107.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10100982}, - year = {1999}, +@article{RN2086, + author = {Inoue, K. and Kawashima, R. and Satoh, K. and Kinomura, S. and Goto, R. and Sugiura, M. and Ito, M. and Fukuda, H.}, + title = {Activity in the parietal area during visuomotor learning with optical rotation}, + journal = {Neuroreport}, + volume = {8}, + number = {18}, + pages = {3979-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9462478}, + year = {1997}, type = {Journal Article} } -@article{RN646, - author = {Muesseler, Jochen and Van Der Heijden, A. H. C. and Mahmud, S. H. and Deubel, Heiner and Ertsey, Samar}, - title = {Relative mislocalization of briefly presented stimuli in the retinal periphery}, - journal = {Perception & Psychophysics}, - volume = {61}, - number = {8}, - pages = {1646-1661}, - year = {1999}, +@article{RN2085, + author = {Vaillancourt, D. E. and Thulborn, K. R. and Corcos, D. M.}, + title = {Neural basis for the processes that underlie visually guided and internally guided force control in humans}, + journal = {J Neurophysiol}, + volume = {90}, + number = {5}, + pages = {3330-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12840082}, + year = {2003}, type = {Journal Article} } -@article{RN458, - author = {Medina, J. F. and Mauk, M. D.}, - title = {Simulations of cerebellar motor learning: computational analysis of plasticity at the mossy fiber to deep nucleus synapse}, - journal = {Journal of Neuroscience}, - volume = {19}, - number = {16}, - pages = {7140-51}, +@article{RN2084, + author = {Baizer, J. S. and Kralj-Hans, I. and Glickstein, M.}, + title = {Cerebellar lesions and prism adaptation in macaque monkeys}, + journal = {J Neurophysiol}, + volume = {81}, + number = {4}, + pages = {1960-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10200230}, year = {1999}, type = {Journal Article} } -@article{RN534, - author = {Massion, Jean and Ioffe, Marat and Schmitz, Christina and Viallet, Francois and Gantcheva, Radka}, - title = {Acquisition of anticipatory postural adjustments in a bimanual load-lifting task: normal and pathological aspects}, - journal = {Experimental Brain Research}, - volume = {128}, - pages = {229-235}, - year = {1999}, +@article{RN2082, + author = {Robertson, E. M. and Pascual-Leone, A. and Press, D. Z.}, + title = {Awareness modifies the skill-learning benefits of sleep}, + journal = {Curr Biol}, + volume = {14}, + number = {3}, + pages = {208-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14761652}, + year = {2004}, type = {Journal Article} } -@article{RN2721, - author = {Mandeville, J. B. and Marota, J. J. and Ayata, C. and Zaharchuk, G. and Moskowitz, M. A. and Rosen, B. R. and Weisskoff, R. M.}, - title = {Evidence of a cerebrovascular postarteriole windkessel with delayed compliance}, - journal = {J Cereb Blood Flow Metab}, - volume = {19}, - number = {6}, - pages = {679-89}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10366199 }, - year = {1999}, +@article{RN2081, + author = {Flanagan, J. R. and Vetter, P. and Johansson, R. S. and Wolpert, D. M.}, + title = {Prediction precedes control in motor learning}, + journal = {Curr Biol}, + volume = {13}, + number = {2}, + pages = {146-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12546789}, + year = {2003}, type = {Journal Article} } -@article{RN471, - author = {Lotze, Martin and Montoya, Pedro and Erb, Michael and Huelsmann, Ernst and Flor, Herta and Klose, Uwe and Birbaumer, Niels and Grodd, Wolfgang}, - title = {Activation of cortical and cerebellar motor areas during executed and imagined hand movements: An fMRI study}, - journal = {Journal of Cognitive Neuroscience}, - volume = {11}, - number = {5}, - pages = {491-501}, - year = {1999}, +@article{RN2080, + author = {Shergill, S. S. and Bays, P. M. and Frith, C. D. and Wolpert, D. M.}, + title = {Two eyes for an eye: the neuroscience of force escalation}, + journal = {Science}, + volume = {301}, + number = {5630}, + pages = {187}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12855800}, + year = {2003}, type = {Journal Article} } -@article{RN846, - author = {Lee, K. M. and Chang, K. H. and Roh, J. K.}, - title = {Subregions within the supplementary motor area activated at different stages of movement preparation and execution}, - journal = {Neuroimage}, - volume = {9}, +@book{RN2079, + author = {McLachlan, Geoffrey J. and Krishnan, Triyambakam}, + title = {The EM Algorithm and Extensions}, + publisher = {Wiley}, + address = {New York}, + series = {Wiley Series in Probability and Statistics}, + year = {1997}, + type = {Book} +} + +@article{RN2078, + author = {Ehrsson, H. H. and Fagergren, A. and Jonsson, T. and Westling, G. and Johansson, R. S. and Forssberg, H.}, + title = {Cortical activity in precision- versus power-grip tasks: an fMRI study}, + journal = {J Neurophysiol}, + volume = {83}, number = {1}, - pages = {117-23.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9918733}, - year = {1999}, + pages = {528-36}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10634893}, + year = {2000}, type = {Journal Article} } -@article{RN841, - author = {Lang, C. E. and Bastian, A. J.}, - title = {Cerebellar subjects show impaired adaptation of anticipatory EMG during catching}, +@article{RN2077, + author = {Ehrsson, H. H. and Fagergren, E. and Forssberg, H.}, + title = {Differential fronto-parietal activation depending on force used in a precision grip task: an fMRI study}, journal = {J Neurophysiol}, - volume = {82}, - number = {5}, - pages = {2108-19.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10561391 -http://www.jn.org/cgi/content/full/82/5/2108 -http://www.jn.org/cgi/content/abstract/82/5/2108}, - year = {1999}, + volume = {85}, + number = {6}, + pages = {2613-23}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11387405}, + year = {2001}, type = {Journal Article} } -@article{RN2216, - author = {Kurata, K. and Hoshi, E.}, - title = {Reacquisition deficits in prism adaptation after muscimol microinjection into the ventral premotor cortex of monkeys}, +@article{RN2076, + author = {Ehrsson, H. H. and Fagergren, A. and Johansson, R. S. and Forssberg, H.}, + title = {Evidence for the involvement of the posterior parietal cortex in coordination of fingertip forces for grasp stability in manipulation}, journal = {J Neurophysiol}, - volume = {81}, - number = {4}, - pages = {1927-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10200227}, - year = {1999}, + volume = {90}, + number = {5}, + pages = {2978-86}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14615423}, + year = {2003}, type = {Journal Article} } -@article{RN2259, - author = {Krakauer, J. W. and Ghilardi, M. F. and Ghez, C.}, - title = {Independent learning of internal models for kinematic and dynamic control of reaching}, - journal = {Nat Neurosci}, - volume = {2}, - number = {11}, - pages = {1026-31}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10526344}, - year = {1999}, +@article{RN2075, + author = {McNaughton, S. and Timmann, D. and Watts, S. and Hore, J.}, + title = {Overarm throwing speed in cerebellar subjects: effect of timing of ball release}, + journal = {Exp Brain Res}, + volume = {154}, + number = {4}, + pages = {470-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14579002}, + year = {2004}, type = {Journal Article} } -@article{RN432, - author = {Konishi, S. and Nakajima, K. and Uchida, I. and Kikyo, H. and Kameyama, M. and Miyashita, Y.}, - title = {Common inhibitory mechanism in human inferior prefrontal cortex revealed by event-related functional MRI}, - journal = {Brain}, - volume = {122}, - number = {Pt 5)}, - pages = {981-91}, - year = {1999}, +@article{RN2074, + author = {Zackowski, K. M. and Thach, W. T., Jr. and Bastian, A. J.}, + title = {Cerebellar subjects show impaired coupling of reach and grasp movements}, + journal = {Exp Brain Res}, + volume = {146}, + number = {4}, + pages = {511-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12355280}, + year = {2002}, type = {Journal Article} } -@article{RN2232, - author = {Kawato, M.}, - title = {Internal models for motor control and trajectory planning}, - journal = {Curr Opin Neurobiol}, - volume = {9}, - number = {6}, - pages = {718-27}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10607637}, - year = {1999}, +@article{RN2073, + author = {Purdon, P. L. and Weisskoff, R. M.}, + title = {Effect of temporal autocorrelation due to physiological noise and stimulus paradigm on voxel-level false-positive rates in fMRI}, + journal = {Hum Brain Mapp}, + volume = {6}, + number = {4}, + pages = {239-49}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9704263}, + year = {1998}, type = {Journal Article} } -@article{RN702, - author = {Kakei, S. and Hoffman, D. S. and Strick, P. L.}, - title = {Muscle and movement representations in the primary motor cortex}, - journal = {Science}, - volume = {285}, - number = {5436}, - pages = {2136-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10497133}, - year = {1999}, +@article{RN2072, + author = {Kawato, M. and Kuroda, T. and Imamizu, H. and Nakano, E. and Miyauchi, S. and Yoshioka, T.}, + title = {Internal forward models in the cerebellum: fMRI study on grip force and load force coupling}, + journal = {Prog Brain Res}, + volume = {142}, + pages = {171-88}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12693261}, + year = {2003}, type = {Journal Article} } -@article{RN319, - author = {Jolicoeur, Pierre and Dell'Acqua, Roberto}, - title = {Attentional and structural constraints on visual encoding}, - journal = {Psychological Research/Psychologische Forschung}, - volume = {62}, - number = {2-3}, - pages = {154-164}, - year = {1999}, +@article{RN2071, + author = {Hammond, G.}, + title = {Correlates of human handedness in primary motor cortex: a review and hypothesis}, + journal = {Neurosci Biobehav Rev}, + volume = {26}, + number = {3}, + pages = {285-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12034131}, + year = {2002}, type = {Journal Article} } -@article{RN527, - author = {Ivry, R. B. and Hazeltine, E.}, - title = {Subcortical locus of temporal coupling in the bimanual movements of a callosotomy patient}, - journal = {Human Movement Science}, - volume = {18}, - pages = {345-375}, - year = {1999}, +@article{RN2070, + author = {Gentner, D. R.}, + title = {Timing of Skilled Motor-Performance - Tests of the Proportional Duration Model}, + journal = {Psychological Review}, + volume = {94}, + number = {2}, + pages = {255-276}, + url = {://A1987G747800008}, + year = {1987}, type = {Journal Article} } -@article{RN3024, - author = {Hund-Georgiadis, M. and von Cramon, D. Y.}, - title = {Motor-learning-related changes in piano players and non-musicians revealed by functional magnetic-resonance signals}, - journal = {Exp Brain Res}, - volume = {125}, - number = {4}, - pages = {417-25}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10323287}, - year = {1999}, +@article{RN2069, + author = {Honda, M. and Deiber, M. P. and Ibanez, V. and Pascual-Leone, A. and Zhuang, P. and Hallett, M.}, + title = {Dynamic cortical involvement in implicit and explicit motor sequence learning. A PET study}, + journal = {Brain}, + volume = {121 ( Pt 11)}, + pages = {2159-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9827775}, + year = {1998}, type = {Journal Article} } -@article{RN2408, - author = {Hore, J. and Ritchie, R. and Watts, S.}, - title = {Finger opening in an overarm throw is not triggered by proprioceptive feedback from elbow extension or wrist flexion}, - journal = {Exp Brain Res}, - volume = {125}, +@article{RN2067, + author = {Bellgowan, P. S. and Saad, Z. S. and Bandettini, P. A.}, + title = {Understanding neural system dynamics through task modulation and measurement of functional MRI amplitude, latency, and width}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, number = {3}, - pages = {302-12}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10229021}, - year = {1999}, + pages = {1415-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12552093}, + year = {2003}, type = {Journal Article} } -@article{RN2719, - author = {Hoge, R. D. and Atkinson, J. and Gill, B. and Crelier, G. R. and Marrett, S. and Pike, G. B.}, - title = {Investigation of BOLD signal dependence on cerebral blood flow and oxygen consumption: the deoxyhemoglobin dilution model}, - journal = {Magn Reson Med}, - volume = {42}, - number = {5}, - pages = {849-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10542343 }, - year = {1999}, - type = {Journal Article} +@book{RN2066, + author = {Schmahmann, J. D. and Doyon, J. and Toga, A. and Petrides, M. and Evans, A.}, + title = {MRI atlas of the human cerebellum}, + publisher = {Academic Press}, + address = {San Diego}, + year = {2000}, + type = {Book} } -@article{RN2718, - author = {Hoge, R. D. and Atkinson, J. and Gill, B. and Crelier, G. R. and Marrett, S. and Pike, G. B.}, - title = {Linear coupling between cerebral blood flow and oxygen consumption in activated human cortex}, - journal = {Proc Natl Acad Sci U S A}, - volume = {96}, - number = {16}, - pages = {9403-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10430955 }, - year = {1999}, +@article{RN2065, + author = {Gilbert, P. F. and Thach, W. T.}, + title = {Purkinje cell activity during motor learning}, + journal = {Brain Res}, + volume = {128}, + number = {2}, + pages = {309-28}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=194656}, + year = {1977}, type = {Journal Article} } -@article{RN2569, - author = {Hoffman, D. S. and Strick, P. L.}, - title = {Step-tracking movements of the wrist. IV. Muscle activity associated with movements in different directions}, - journal = {J Neurophysiol}, - volume = {81}, - number = {1}, - pages = {319-33}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9914292 }, - year = {1999}, +@article{RN2063, + author = {Flanagan, J. R. and Beltzner, M. A.}, + title = {Independence of perceptual and sensorimotor predictions in the size-weight illusion}, + journal = {Nat Neurosci}, + volume = {3}, + number = {7}, + pages = {737-41}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10862708}, + year = {2000}, type = {Journal Article} } -@article{RN3215, - author = {Hikosaka, O. and Nakahara, H. and Rand, M. K. and Sakai, K. and Lu, X. and Nakamura, K. and Miyachi, S. and Doya, K.}, - title = {Parallel neural networks for learning sequential procedures}, - journal = {Trends Neurosci}, - volume = {22}, - number = {10}, - pages = {464-71}, - ISSN = {0166-2236 (Print) -0166-2236 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10481194}, - year = {1999}, +@article{RN2061, + author = {Donchin, O. and Francis, J. T. and Shadmehr, R.}, + title = {Quantifying generalization from trial-by-trial behavior of adaptive systems that learn with basis functions: theory and experiments in human motor control}, + journal = {J Neurosci}, + volume = {23}, + number = {27}, + pages = {9032-45}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534237}, + year = {2003}, type = {Journal Article} } -@article{RN1022, - author = {Hay, L. and Redon, C.}, - title = {Feedforward versus feedback control in children and adults subjected to a postural disturbance}, - journal = {Exp Brain Res}, - volume = {125}, - number = {2}, - pages = {153-62.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10204768}, - year = {1999}, +@article{RN2060, + author = {Laird, Nan and Lange, Nicolas and Stram, Daniel}, + title = {Maximum liklihood computations with repeated measures: application of the EM algorithm}, + journal = {Journal of the American Statistical Association}, + volume = {82}, + number = {397}, + pages = {97-105}, + year = {1987}, type = {Journal Article} } -@article{RN498, - author = {Harris, Naomi Singer and Courchesne, Eric and Townsend, J. and Carper, Ruth A. and Lord, Catherine}, - title = {Neuroanatomic contributions to slowed orienting of attention in children with autism}, - journal = {Cognitive Brain Research}, - volume = {8}, - number = {1}, - pages = {61-71}, - year = {1999}, +@article{RN2059, + author = {Imamizu, H. and Kuroda, T. and Yoshioka, T. and Kawato, M.}, + title = {Functional magnetic resonance imaging examination of two modular architectures for switching multiple internal models}, + journal = {J Neurosci}, + volume = {24}, + number = {5}, + pages = {1173-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14762135}, + year = {2004}, type = {Journal Article} } -@article{RN564, - author = {Haaland, K. Y. and Harrington, D. L. and Knight, R. T.}, - title = {Spatial deficits in ideomotor limb apraxia. A kinematic analysis of aiming movements}, - journal = {Brain}, - volume = {122}, - number = {Pt 6)}, - pages = {1169-82}, - year = {1999}, +@article{RN2058, + author = {Larsell, O.}, + title = {[The corpus cerebelli in birds & mammals.]}, + journal = {Arch Sci Biol (Bologna)}, + volume = {42}, + number = {1}, + pages = {90-104}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13560192}, + year = {1958}, type = {Journal Article} } -@article{RN475, - author = {Griffiths, Timothy D. and Johnsrude, Ingrid and Dean, Jennifer L. and Green, Gary G. R.}, - title = {A common neural substrate for the analysis of pitch and duration pattern in segmented sound?}, - journal = {Neuroreport: For Rapid Communication of Neuroscience Research}, - volume = {10}, - number = {18}, - pages = {3825-3830}, - year = {1999}, +@article{RN2057, + author = {Sparks, D. L. and Barton, E. J.}, + title = {Neural control of saccadic eye movements}, + journal = {Curr Opin Neurobiol}, + volume = {3}, + number = {6}, + pages = {966-72}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8124081}, + year = {1993}, type = {Journal Article} } -@article{RN3308, - author = {Gitton, Y. and Cohen-Tannoudji, M. and Wassef, M.}, - title = {Specification of somatosensory area identity in cortical explants}, - journal = {J Neurosci}, - volume = {19}, - number = {12}, - pages = {4889-98}, - ISSN = {1529-2401 (Electronic) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10366623}, - year = {1999}, - type = {Journal Article} +@phdthesis{RN2055, + author = {Diedrichsen, J.}, + title = {The Neural Control of Anticipatory Postural Adjustments during Bimanual Movements}, + university = {University of California, Berkeley}, + type = {Dissertation}, + year = {2003}, + type = {Thesis} } -@article{RN541, - author = {Garavan, H. and Ross, T. J. and Stein, E. A.}, - title = {Right hemispheric dominance of inhibitory control: An event related functional MRI study}, - journal = {Proceedings of the National Academy of Sciences of the United States of America}, - volume = {96}, - pages = {8301-8306}, - year = {1999}, +@article{RN2054, + author = {Mauk, M. D. and Medina, J. F. and Nores, W. L. and Ohyama, T.}, + title = {Cerebellar function: coordination, learning or timing?}, + journal = {Curr Biol}, + volume = {10}, + number = {14}, + pages = {R522-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10898992}, + year = {2000}, type = {Journal Article} } -@article{RN2031, - author = {Friston, K. J. and Zarahn, E. and Josephs, O. and Henson, R. N. and Dale, A. M.}, - title = {Stochastic designs in event-related fMRI}, - journal = {Neuroimage}, +@article{RN2053, + author = {Medina, J. F. and Nores, W. L. and Ohyama, T. and Mauk, M. D.}, + title = {Mechanisms of cerebellar learning suggested by eyelid conditioning}, + journal = {Curr Opin Neurobiol}, volume = {10}, - number = {5}, - pages = {607-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10547338}, - year = {1999}, + number = {6}, + pages = {717-24}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11240280}, + year = {2000}, type = {Journal Article} } -@misc{RN2194, - url = {http://www.fil.ion.ucl.ac.uk/spm/}, - year = {1999}, - type = {Computer Program} +@phdthesis{RN2052, + author = {Smith, A. M.}, + title = {The basal ganglia, the cerebellum, and error correction in motor control}, + university = {Johns-Hopkins University}, + type = {Dissertation}, + year = {2001}, + type = {Thesis} } -@article{RN1011, - author = {Forssberg, H. and Jucaite, A. and Hadders-Algra, M.}, - title = {Shared memory representations for programming of lifting movements and associated whole body postural adjustments in humans}, - journal = {Neurosci Lett}, - volume = {273}, +@article{RN2051, + author = {Maschke, M. and Gomez, C. M. and Ebner, T. J. and Konczak, J.}, + title = {Hereditary cerebellar ataxia progressively impairs force adaptation during goal-directed arm movements}, + journal = {J Neurophysiol}, + volume = {91}, number = {1}, - pages = {9-12.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10505639}, - year = {1999}, + pages = {230-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13679403}, + year = {2004}, type = {Journal Article} } -@article{RN2386, - author = {Fischl, B. and Sereno, M. I. and Tootell, R. B. and Dale, A. M.}, - title = {High-resolution intersubject averaging and a coordinate system for the cortical surface}, - journal = {Hum Brain Mapp}, - volume = {8}, - number = {4}, - pages = {272-84}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10619420}, - year = {1999}, +@article{RN2050, + author = {Kitazawa, S. and Kimura, T. and Yin, P. B.}, + title = {Cerebellar complex spikes encode both destinations and errors in arm movements}, + journal = {Nature}, + volume = {392}, + number = {6675}, + pages = {494-7}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9548253}, + year = {1998}, type = {Journal Article} } -@article{RN330, - author = {Fink, G. R. and Marshall, J. C. and Halligan, P. W. and Frith, C. D. and Driver, J. and Frackowiak, R. S. and Dolan, R. J.}, - title = {The neural consequences of conflict between intention and the senses}, - journal = {Brain}, - volume = {122}, - pages = {497-512}, - year = {1999}, +@article{RN2049, + author = {Horn, K. M. and Pong, M. and Gibson, A. R.}, + title = {Discharge of inferior olive cells during reaching errors and perturbations}, + journal = {Brain Res}, + volume = {996}, + number = {2}, + pages = {148-58}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14697492}, + year = {2004}, type = {Journal Article} } -@article{RN2280, - author = {Ellis, R. R. and Lederman, S. J.}, - title = {The material-weight illusion revisited}, - journal = {Percept Psychophys}, - volume = {61}, - number = {8}, - pages = {1564-76}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10598470}, - year = {1999}, - type = {Journal Article} +@inbook{RN2048, + author = {Houk, J.C. and Rymer, W.Z.}, + title = {Neural control of muscle length and tension}, + booktitle = {Handbook of Physiology, Section1: The nervous system, Vol. II. Motor control}, + editor = {Brooks, V.B.}, + publisher = {American Physiological Society}, + address = {Bethesda, MD}, + pages = {257-323}, + year = {1981}, + type = {Book Section} } -@article{RN2694, - author = {Elliott, D. and Heath, M. and Binsted, G. and Ricker, K. L. and Roy, E. A. and Chua, R.}, - title = {Goal-Directed Aiming: Correcting a Force-Specification Error With the Right and Left Hands}, - journal = {J Mot Behav}, - volume = {31}, +@article{RN2045, + author = {Guiard, Yves}, + title = {Asymmetric division of labor in human skilled bimanual action: The kinematic chain as a model.}, + journal = {Journal of Motor Behavior}, + volume = {19}, number = {4}, - pages = {309-324}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11177640 }, - year = {1999}, + pages = {486-517}, + year = {1987}, type = {Journal Article} } -@article{RN577, - author = {Eliassen, James C. and Baynes, Kathleen and Gazzaniga, Michael S.}, - title = {Direction information coordinated via the posterior third of the corpus callosum during bimanual movements}, - journal = {Experimental Brain Research}, - volume = {128}, - pages = {573-577}, - year = {1999}, +@inproceedings{RN2044, + author = {Schaal, S.}, + title = {Dynamic movement primitives - A framework for motor control in humans and humanoid robots}, + booktitle = {The International Symposium on Adaptive Motion of Animals and Machines}, + type = {Conference Proceedings} +} + +@article{RN2043, + author = {Greger, B. and Norris, S. A. and Thach, W. T.}, + title = {Spike firing in the lateral cerebellar cortex correlated with movement and motor parameters irrespective of the effector limb}, + journal = {J Neurophysiol}, + volume = {91}, + number = {1}, + pages = {576-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12878717}, + year = {2004}, type = {Journal Article} } -@article{RN3306, - author = {Donoghue, M. J. and Rakic, P.}, - title = {Molecular gradients and compartments in the embryonic primate cerebral cortex}, - journal = {Cereb Cortex}, - volume = {9}, - number = {6}, - pages = {586-600}, - ISSN = {1047-3211 (Print) -1047-3211 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10498277}, - year = {1999}, +@article{RN2042, + author = {Fortier, P. A. and Kalaska, J. F. and Smith, A. M.}, + title = {Cerebellar neuronal activity related to whole-arm reaching movements in the monkey}, + journal = {J Neurophysiol}, + volume = {62}, + number = {1}, + pages = {198-211}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2754472}, + year = {1989}, type = {Journal Article} } -@article{RN425, - author = {Donchin, O. and de Oliveira, S. C. and Vaadia, E.}, - title = {Who tells one hand what the other is doing: the neurophysiology of bimanual movements}, - journal = {Neuron}, - volume = {23}, - number = {1}, - pages = {15-8}, - year = {1999}, +@article{RN2041, + author = {Grodd, W. and Hulsmann, E. and Lotze, M. and Wildgruber, D. and Erb, M.}, + title = {Sensorimotor mapping of the human cerebellum: fMRI evidence of somatotopic organization}, + journal = {Hum Brain Mapp}, + volume = {13}, + number = {2}, + pages = {55-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11346886}, + year = {2001}, type = {Journal Article} } -@article{RN492, - author = {Desmurget, M. and Epstein, C. M. and Turner, R. S. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, - title = {Role of the posterior parietal cortex in updating reaching movements to a visual target}, - journal = {Nature Neuroscience}, - volume = {2}, - number = {6}, - pages = {563-7}, - year = {1999}, +@article{RN2040, + author = {Koekkoek, S. K. and Hulscher, H. C. and Dortland, B. R. and Hensbroek, R. A. and Elgersma, Y. and Ruigrok, T. J. and De Zeeuw, C. I.}, + title = {Cerebellar LTD and learning-dependent timing of conditioned eyelid responses}, + journal = {Science}, + volume = {301}, + number = {5640}, + pages = {1736-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14500987}, + year = {2003}, type = {Journal Article} } -@article{RN410, - author = {Deiber, Marie-Pierre and Honda, Manabu and Ibanez, Vicente and Sadato, Norihiro and Hallett, Mark}, - title = {Mesial motor areas in self-initiated versus externally triggered movements examined with fMRI: Effect of movement type and rate}, - journal = {Journal of Neurophysiology}, - volume = {81}, - number = {6}, - pages = {3065-3077}, - year = {1999}, +@article{RN2039, + author = {Sommer, M. A. and Wurtz, R. H.}, + title = {A pathway in primate brain for internal monitoring of movements}, + journal = {Science}, + volume = {296}, + number = {5572}, + pages = {1480-2}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12029137}, + year = {2002}, type = {Journal Article} } -@article{RN2886, - author = {Dale, A. M. and Fischl, B. and Sereno, M. I.}, - title = {Cortical surface-based analysis. I. Segmentation and surface reconstruction}, - journal = {Neuroimage}, - volume = {9}, - number = {2}, - pages = {179-94}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {S1053-8119(98)90395-0 [pii] -10.1006/nimg.1998.0395}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9931268}, - year = {1999}, +@article{RN2038, + author = {Maillard, L. and Ishii, K. and Bushara, K. and Waldvogel, D. and Schulman, A. E. and Hallett, M.}, + title = {Mapping the basal ganglia: fMRI evidence for somatotopic representation of face, hand, and foot}, + journal = {Neurology}, + volume = {55}, + number = {3}, + pages = {377-83}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10932271}, + year = {2000}, type = {Journal Article} } -@article{RN2165, - author = {Dale, A. M.}, - title = {Optimal experimental design for event-related fMRI}, - journal = {Human Brain Mapping}, - volume = {8}, - pages = {109-114}, - year = {1999}, +@article{RN2037, + author = {Hillis, J. M. and Ernst, M. O. and Banks, M. S. and Landy, M. S.}, + title = {Combining sensory information: mandatory fusion within, but not between, senses}, + journal = {Science}, + volume = {298}, + number = {5598}, + pages = {1627-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446912}, + year = {2002}, type = {Journal Article} } -@article{RN2123, - author = {Cramer, S. C. and Finklestein, S. P. and Schaechter, J. D. and Bush, G. and Rosen, B. R.}, - title = {Activation of distinct motor cortex regions during ipsilateral and contralateral finger movements}, - journal = {J Neurophysiol}, - volume = {81}, - number = {1}, - pages = {383-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9914297}, - year = {1999}, +@article{RN2036, + author = {Ernst, M. O. and Banks, M. S.}, + title = {Humans integrate visual and haptic information in a statistically optimal fashion}, + journal = {Nature}, + volume = {415}, + number = {6870}, + pages = {429-33}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11807554}, + year = {2002}, type = {Journal Article} } -@article{RN2410, - author = {Conditt, M. A. and Mussa-Ivaldi, F. A.}, - title = {Central representation of time during motor learning}, - journal = {Proc Natl Acad Sci U S A}, - volume = {96}, - number = {20}, - pages = {11625-30}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10500227}, - year = {1999}, +@article{RN2035, + author = {Alkadhi, H. and Crelier, G. R. and Boendermaker, S. H. and Golay, X. and Hepp-Reymond, M. C. and Kollias, S. S.}, + title = {Reproducibility of primary motor cortex somatotopy under controlled conditions}, + journal = {AJNR Am J Neuroradiol}, + volume = {23}, + number = {9}, + pages = {1524-32}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12372742}, + year = {2002}, type = {Journal Article} } -@article{RN547, - author = {Cattaert, D. and Semjen, A. and Summers, J.J}, - title = {Simulating a neural cross-talk model for between-hand interference during bimanual circle-drawing}, - journal = {Biological Cybernetics}, - volume = {81}, - pages = {343-358}, - year = {1999}, +@article{RN2034, + author = {Ahissar, M. and Hochstein, S.}, + title = {Task difficulty and the specificity of perceptual learning}, + journal = {Nature}, + volume = {387}, + number = {6631}, + pages = {401-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9163425}, + year = {1997}, type = {Journal Article} } -@article{RN821, - author = {Casini, Laurence and Ivry, Richard B.}, - title = {Effects of divided attention on temporal processing in patients with lesions of the cerebellum or frontal lobe}, - journal = {Neuropsychology}, - volume = {13}, - number = {1}, - pages = {10-21}, - year = {1999}, +@article{RN2033, + author = {Cordo, P. J. and Gurfinkel, V. S.}, + title = {Motor coordination can be fully understood only by studying complex movements}, + journal = {Prog Brain Res}, + volume = {143}, + pages = {29-38}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14653148}, + year = {2004}, type = {Journal Article} } -@article{RN397, - author = {Braver, Todd S. and Barch, Deanna M. and Cohen, Jonathan D.}, - title = {Cognition and control in schizophrenia: A computational model of dopamine and prefrontal function}, - journal = {Biological Psychiatry}, - volume = {46}, - number = {3}, - pages = {312-328}, - year = {1999}, +@article{RN2032, + author = {Cordo, P. J.}, + title = {Kinesthetic control of a multijoint movement sequence}, + journal = {J Neurophysiol}, + volume = {63}, + number = {1}, + pages = {161-72}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2299380}, + year = {1990}, type = {Journal Article} } -@article{RN396, - author = {Botvinick, Matthew and Nystrom, Leigh E. and Fissell, Kate and Carter, Cameron S. and Cohen, Jonathan D.}, - title = {Conflict monitoring versus selection-for-action in anterior cingulate cortex}, - journal = {Nature}, - volume = {402}, - number = {6758}, - pages = {179-181}, +@article{RN2031, + author = {Friston, K. J. and Zarahn, E. and Josephs, O. and Henson, R. N. and Dale, A. M.}, + title = {Stochastic designs in event-related fMRI}, + journal = {Neuroimage}, + volume = {10}, + number = {5}, + pages = {607-19}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10547338}, year = {1999}, type = {Journal Article} } -@article{RN2332, - author = {Blakemore, S. J. and Frith, C. D. and Wolpert, D. M.}, - title = {Spatio-temporal prediction modulates the perception of self-produced stimuli}, - journal = {J Cogn Neurosci}, - volume = {11}, - number = {5}, - pages = {551-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10511643}, - year = {1999}, +@article{RN2030, + author = {Friston, K. J. and Frith, C. D. and Turner, R. and Frackowiak, R. S.}, + title = {Characterizing evoked hemodynamics with fMRI}, + journal = {Neuroimage}, + volume = {2}, + number = {2}, + pages = {157-65}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343598}, + year = {1995}, type = {Journal Article} } -@article{RN489, - author = {Blakemore, Sarah-J. and Wolpert, Daniel M. and Frith, Chris D.}, - title = {The cerebellum contributes to somatosensory cortical activity during self-produced tactile stimulation}, +@article{RN2029, + author = {Friston, K. J. and Harrison, L. and Penny, W.}, + title = {Dynamic causal modelling}, journal = {Neuroimage}, - volume = {10}, - pages = {448-459}, - year = {1999}, + volume = {19}, + number = {4}, + pages = {1273-302}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12948688}, + year = {2003}, type = {Journal Article} } -@article{RN759, - author = {Biryukova, E. V. and Roschin, V. Y. and Frolov, A. A. and Ioffe, M. E. and Massion, J. and Dufosse, M.}, - title = {Forearm postural control during unloading: anticipatory changes in elbow stiffness}, - journal = {Exp Brain Res}, - volume = {124}, - number = {1}, - pages = {107-117}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9928795}, - year = {1999}, +@article{RN2028, + author = {Friston, K. J. and Holmes, A. P. and Poline, J. B. and Grasby, P. J. and Williams, S. C. and Frackowiak, R. S. and Turner, R.}, + title = {Analysis of fMRI time-series revisited}, + journal = {Neuroimage}, + volume = {2}, + number = {1}, + pages = {45-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343589}, + year = {1995}, type = {Journal Article} } -@article{RN2170, - author = {Birn, R. M. and Bandettini, P. A. and Cox, R. W. and Shaker, R.}, - title = {Event-related fMRI of tasks involving brief motion}, - journal = {Hum Brain Mapp}, - volume = {7}, - number = {2}, - pages = {106-14}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9950068}, - year = {1999}, +@article{RN2027, + author = {Friston, K. J. and Josephs, O. and Rees, G. and Turner, R.}, + title = {Nonlinear event-related responses in fMRI}, + journal = {Magn Reson Med}, + volume = {39}, + number = {1}, + pages = {41-52}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9438436}, + year = {1998}, type = {Journal Article} } -@article{RN2098, - author = {Binkofski, F. and Buccino, G. and Posse, S. and Seitz, R. J. and Rizzolatti, G. and Freund, H.}, - title = {A fronto-parietal circuit for object manipulation in man: evidence from an fMRI-study}, - journal = {Eur J Neurosci}, - volume = {11}, - number = {9}, - pages = {3276-86}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10510191}, - year = {1999}, +@article{RN2026, + author = {Friston, K. J. and Josephs, O. and Zarahn, E. and Holmes, A. P. and Rouquette, S. and Poline, J.}, + title = {To smooth or not to smooth? Bias and efficiency in fMRI time-series analysis}, + journal = {Neuroimage}, + volume = {12}, + number = {2}, + pages = {196-208}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10913325}, + year = {2000}, type = {Journal Article} } -@article{RN2480, - author = {Bhushan, N. and Shadmehr, R.}, - title = {Computational nature of human adaptive control during learning of reaching movements in force fields}, - journal = {Biol Cybern}, - volume = {81}, - number = {1}, - pages = {39-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10434390 }, - year = {1999}, +@article{RN2025, + author = {Friston, K. J. and Mechelli, A. and Turner, R. and Price, C. J.}, + title = {Nonlinear responses in fMRI: the Balloon model, Volterra kernels, and other hemodynamics}, + journal = {Neuroimage}, + volume = {12}, + number = {4}, + pages = {466-77}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10988040}, + year = {2000}, type = {Journal Article} } -@article{RN859, - author = {Bard, C. and Turrell, Y. and Fleury, M. and Teasdale, N. and Lamarre, Y. and Martin, O.}, - title = {Deafferentation and pointing with visual double-step perturbations}, - journal = {Exp Brain Res}, - volume = {125}, - number = {4}, - pages = {410-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10323286}, - year = {1999}, +@article{RN2024, + author = {Schmidt, T. and Werner, S. and Diedrichsen, J.}, + title = {Spatial distortions induced by multiple visual landmarks: how local distortions combine to produce complex distortion patterns}, + journal = {Percept Psychophys}, + volume = {65}, + number = {6}, + pages = {861-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14528896}, + year = {2003}, type = {Journal Article} } -@article{RN428, - author = {Band, G. P. H. and Boxtel, G. J. M. van}, - title = {Inhibitory motor control in stop paradigms: review and reinterpretation of neural mechanisms}, - journal = {Acta Psychologica}, - volume = {101}, - pages = {179-211}, - year = {1999}, +@article{RN2023, + author = {Leiguarda, R. C. and Marsden, C. D.}, + title = {Limb apraxias: higher-order disorders of sensorimotor integration}, + journal = {Brain}, + volume = {123 ( Pt 5)}, + pages = {860-79}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10775533}, + year = {2000}, type = {Journal Article} } -@article{RN2084, - author = {Baizer, J. S. and Kralj-Hans, I. and Glickstein, M.}, - title = {Cerebellar lesions and prism adaptation in macaque monkeys}, - journal = {J Neurophysiol}, - volume = {81}, - number = {4}, - pages = {1960-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10200230}, - year = {1999}, +@article{RN2022, + author = {Chen, R. and Gerloff, C. and Hallett, M. and Cohen, L. G.}, + title = {Involvement of the ipsilateral motor cortex in finger movements of different complexities}, + journal = {Ann Neurol}, + volume = {41}, + number = {2}, + pages = {247-54}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9029074}, + year = {1997}, type = {Journal Article} } -@article{RN2138, - author = {Babin-Ratte, S. and Sirigu, A. and Gilles, M. and Wing, A.}, - title = {Impaired anticipatory finger grip-force adjustments in a case of cerebellar degeneration}, - journal = {Exp Brain Res}, - volume = {128}, - number = {1-2}, - pages = {81-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10473744}, - year = {1999}, +@article{RN2021, + author = {Johnson, S. H. and Corballis, P. M. and Gazzaniga, M. S.}, + title = {Within grasp but out of reach: evidence for a double dissociation between imagined hand and arm movements in the left cerebral hemisphere}, + journal = {Neuropsychologia}, + volume = {39}, + number = {1}, + pages = {36-50}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11115654}, + year = {2001}, type = {Journal Article} } -@article{RN1066, - author = {Ashburner, J. and Friston, K. J.}, - title = {Nonlinear spatial normalization using basis functions}, - journal = {Hum Brain Mapp}, - volume = {7}, +@article{RN2018, + author = {Franz, E. A. and Rowse, A. and Ballantine, B.}, + title = {Does handedness determine which hand leads in a bimanual task?}, + journal = {J Mot Behav}, + volume = {34}, number = {4}, - pages = {254-66}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10408769}, - year = {1999}, + pages = {402-12}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446253}, + year = {2002}, type = {Journal Article} } -@article{RN559, - author = {Andres, F. G. and Mima, Tatsuya and Schulman, Andrew E. and Dichgans, J. and Hallett, M. and Gerloff, C.}, - title = {Functional coupling of human cortical sensorimotor areas during bimanual skill acquisition}, - journal = {Brain}, - volume = {122}, - pages = {855-870}, - year = {1999}, +@article{RN2017, + author = {Swinnen, S. P. and Walter, C. B. and Lee, T. D. and Serrien, D. J.}, + title = {Acquiring bimanual skills: contrasting forms of information feedback for interlimb decoupling}, + journal = {J Exp Psychol Learn Mem Cogn}, + volume = {19}, + number = {6}, + pages = {1328-44}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8270889}, + year = {1993}, type = {Journal Article} } -@article{RN476, - author = {Andreasen, Nancy C. and O'Leary, Daniel S. and Paradiso, Sergio and Cizadlo, Ted and Arndt, Stephan and Watkins, G. Leonard and Boles Ponto, Laura L. and Hichwa, Richard D.}, - title = {The cerebellum plays a role in conscious episodic memory retrieval}, - journal = {Human Brain Mapping}, - volume = {8}, - number = {4}, - pages = {226-234}, - year = {1999}, +@article{RN2016, + author = {Bogaerts, H. and Buekers, M. J. and Zaal, F. T. and Swinnen, S. P.}, + title = {When visuo-motor incongruence aids motor performance: the effect of perceiving motion structures during transformed visual feedback on bimanual coordination}, + journal = {Behav Brain Res}, + volume = {138}, + number = {1}, + pages = {45-57}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12493629}, + year = {2003}, type = {Journal Article} } -@article{RN723, - author = {Zeiler, Michael D.}, - title = {On sundials, springs, and atoms}, - journal = {Behavioural Processes}, - volume = {44}, - number = {2}, - pages = {89-99}, - year = {1998}, +@article{RN2015, + author = {Bracewell, R. Martyn and Wing, A. M. and Soper, Harriet M. and Clark, G. Kristen}, + title = {Predictive and reactive co-ordination of grip and load forces in bimanual lifting in man}, + journal = {European Journal of Neuroscience}, + volume = {18}, + pages = {2396-2402}, + year = {2003}, type = {Journal Article} } -@article{RN3076, - author = {Zatsiorsky, V. M. and Li, Z. M. and Latash, M. L.}, - title = {Coordinated force production in multi-finger tasks: finger interaction and neural network modeling}, - journal = {Biol Cybern}, - volume = {79}, - number = {2}, - pages = {139-50}, - ISSN = {0340-1200 (Print) -0340-1200 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9791934}, - year = {1998}, +@article{RN2014, + author = {Paz, R. and Boraud, T. and Natan, C. and Bergman, H. and Vaadia, E.}, + title = {Preparatory activity in motor cortex reflects learning of local visuomotor skills}, + journal = {Nat Neurosci}, + volume = {6}, + number = {8}, + pages = {882-90}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12872127}, + year = {2003}, type = {Journal Article} } -@article{RN502, - author = {Yamaguchi, Shuhei and Tsuchiya, Haruhisa and Kobayashi, Shotai}, - title = {Visuospatial attention shift and motor responses in cerebellar disorders}, - journal = {Journal of Cognitive Neuroscience}, - volume = {10}, +@article{RN2013, + author = {Stanford, T. R. and Sparks, D. L.}, + title = {Systematic errors for saccades to remembered targets: evidence for a dissociation between saccade metrics and activity in the superior colliculus}, + journal = {Vision Res}, + volume = {34}, number = {1}, - pages = {95-107}, - year = {1998}, + pages = {93-106}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8116272}, + year = {1994}, type = {Journal Article} } -@article{RN2389, - author = {Woods, R. P. and Grafton, S. T. and Watson, J. D. and Sicotte, N. L. and Mazziotta, J. C.}, - title = {Automated image registration: II. Intersubject validation of linear and nonlinear models}, - journal = {J Comput Assist Tomogr}, - volume = {22}, - number = {1}, - pages = {153-65}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448780}, - year = {1998}, +@article{RN2012, + author = {Schott, G. D. and Wyke, M. A.}, + title = {Congenital mirror movements}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {44}, + number = {7}, + pages = {586-99}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7288446}, + year = {1981}, + type = {Journal Article} +} + +@article{RN2011, + author = {Singh, K. and Scott, S. H.}, + title = {A motor learning strategy reflects neural circuitry for limb control}, + journal = {Nat Neurosci}, + volume = {6}, + number = {4}, + pages = {399-403}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12627165}, + year = {2003}, type = {Journal Article} } -@article{RN2390, - author = {Woods, R. P. and Grafton, S. T. and Holmes, C. J. and Cherry, S. R. and Mazziotta, J. C.}, - title = {Automated image registration: I. General methods and intrasubject, intramodality validation}, - journal = {J Comput Assist Tomogr}, - volume = {22}, - number = {1}, - pages = {139-52}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448779}, - year = {1998}, +@article{RN2010, + author = {Steyvers, M. and Etoh, S. and Sauner, D. and Levin, O. and Siebner, H. R. and Swinnen, S. P. and Rothwell, J. C.}, + title = {High-frequency transcranial magnetic stimulation of the supplementary motor area reduces bimanual coupling during anti-phase but not in-phase movements}, + journal = {Exp Brain Res}, + volume = {151}, + number = {3}, + pages = {309-17}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12756517}, + year = {2003}, type = {Journal Article} } -@article{RN490, - author = {Wolpert, Daniel M. and Miall, R. Chris and Kawato, Mitsuo}, - title = {Internal models in the cerebellum}, - journal = {Trends in Cognitive Science}, - volume = {2}, - number = {9}, - pages = {313-321}, - year = {1998}, +@article{RN2009, + author = {Diedrichsen, J. and Hazeltine, E. and Nurss, W. K. and Ivry, R. B.}, + title = {The role of the corpus callosum in the coupling of bimanual isometric force pulses}, + journal = {J Neurophysiol}, + volume = {90}, + number = {4}, + pages = {2409-18}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=14534269}, + year = {2003}, type = {Journal Article} } -@article{RN751, - author = {Wolpert, D. M. and Kawato, M.}, - title = {Mutiple paired forward and inverse models for motor control}, - journal = {Neural Networks}, - volume = {11}, - pages = {1317-1329}, - year = {1998}, +@article{RN2008, + author = {Kelso, J. A. S.}, + title = {Phase transitions and critical behavior in human bimanual coordination}, + journal = {Am J Physiol}, + volume = {246}, + number = {6 Pt 2}, + pages = {R1000-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6742155}, + year = {1984}, type = {Journal Article} } -@article{RN2157, - author = {Wise, S. P. and Moody, S. L. and Blomstrom, K. J. and Mitz, A. R.}, - title = {Changes in motor cortical activity during visuomotor adaptation}, - journal = {Exp Brain Res}, - volume = {121}, - number = {3}, - pages = {285-99}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9746135}, - year = {1998}, +@article{RN2007, + author = {Grezes, J. and Tucker, M. and Armony, J. and Ellis, R. and Passingham, R. E.}, + title = {Objects automatically potentiate action: an fMRI study of implicit processing}, + journal = {Eur J Neurosci}, + volume = {17}, + number = {12}, + pages = {2735-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12823480}, + year = {2003}, type = {Journal Article} } -@article{RN1052, - author = {Willingham, Daniel B.}, - title = {A neuropsychological theory of motor skill learning}, - journal = {Psychological Review}, - volume = {105}, - number = {3}, - pages = {558-584.}, - year = {1998}, +@article{RN2005, + author = {Daskalakis, Z. J. and Christensen, B. K. and Fitzgerald, P. B. and Roshan, L. and Chen, R.}, + title = {The mechanisms of interhemispheric inhibition in the human motor cortex}, + journal = {J Physiol}, + volume = {543}, + number = {Pt 1}, + pages = {317-26}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12181302}, + year = {2002}, type = {Journal Article} } -@article{RN335, - author = {Viviani, P. and Perani, D. and Grassi, F. and Bettinardi, V. and Fazio, F.}, - title = {Hemispheric asymmetries and bimanual asynchrony in left- and right-handers}, - journal = {Experimental Brain Research}, - volume = {120}, - number = {4}, - pages = {531-536}, - year = {1998}, +@article{RN2004, + author = {Van Mier, H. I. and Petersen, S. E.}, + title = {Role of the cerebellum in motor cognition}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {334-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12582064}, + year = {2002}, type = {Journal Article} } -@article{RN311, - author = {Vindras, Philippe and Viviani, Paolo}, - title = {Frames of reference and control parameters in visuomanual pointing}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {24}, +@article{RN2003, + author = {Ullen, F. and Forssberg, H. and Ehrsson, H. H.}, + title = {Neural networks for the coordination of the hands in time}, + journal = {J Neurophysiol}, + volume = {89}, number = {2}, - year = {1998}, + pages = {1126-35}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12574485}, + year = {2003}, type = {Journal Article} } -@article{RN494, - author = {Vindras, P. and Desmurget, M. and Prablanc, C. and Viviani, P.}, - title = {Pointing errors reflect biases in the perception of the initial hand position}, - journal = {Journal of Neurophysiology}, - volume = {79}, +@article{RN2001, + author = {Murthy, V. N. and Fetz, E. E.}, + title = {Oscillatory activity in sensorimotor cortex of awake monkeys: synchronization of local field potentials and relation to behavior}, + journal = {J Neurophysiol}, + volume = {76}, number = {6}, - pages = {3290-4}, - year = {1998}, + pages = {3949-67}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8985892}, + year = {1996}, type = {Journal Article} } -@article{RN478, - author = {van Mier, H. and Tempel, L. W. and Perlmutter, J. S. and Raichle, M. E. and Petersen, S. E.}, - title = {Changes in brain activity during motor learning measured with PET: Effects of hand of performance and practice}, - journal = {Journal of Neurophysiology}, - volume = {80}, - number = {4}, - pages = {2177-2199}, - year = {1998}, +@article{RN2000, + author = {Murthy, V. N. and Fetz, E. E.}, + title = {Synchronization of neurons during local field potential oscillations in sensorimotor cortex of awake monkeys}, + journal = {J Neurophysiol}, + volume = {76}, + number = {6}, + pages = {3968-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8985893}, + year = {1996}, type = {Journal Article} } -@article{RN2695, - author = {van Beers, R. J. and Sittig, A. C. and Denier van der Gon, J. J.}, - title = {The precision of proprioceptive position sense}, - journal = {Exp Brain Res}, - volume = {122}, - number = {4}, - pages = {367-77}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9827856 }, - year = {1998}, +@article{RN1998, + author = {Arieli, A. and Shoham, D. and Hildesheim, R. and Grinvald, A.}, + title = {Coherent spatiotemporal patterns of ongoing activity revealed by real-time optical imaging coupled with single-unit recording in the cat visual cortex}, + journal = {J Neurophysiol}, + volume = {73}, + number = {5}, + pages = {2072-93}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7623099}, + year = {1995}, type = {Journal Article} } -@article{RN2296, - author = {Tootell, R. B. and Hadjikhani, N. and Hall, E. K. and Marrett, S. and Vanduffel, W. and Vaughan, J. T. and Dale, A. M.}, - title = {The retinotopy of visual spatial attention}, - journal = {Neuron}, - volume = {21}, - number = {6}, - pages = {1409-22}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9883733}, - year = {1998}, +@article{RN1997, + author = {Genovese, C. R. and Lazar, N. A. and Nichols, T.}, + title = {Thresholding of statistical maps in functional neuroimaging using the false discovery rate}, + journal = {Neuroimage}, + volume = {15}, + number = {4}, + pages = {870-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11906227}, + year = {2002}, type = {Journal Article} } -@article{RN3358, - author = {Toni, I. and Krams, M. and Turner, R. and Passingham, R. E.}, - title = {The time course of changes during motor sequence learning: a whole-brain fMRI study}, +@article{RN1991, + author = {Zarahn, E. and Aguirre, G. K. and D'Esposito, M.}, + title = {Empirical analyses of BOLD fMRI statistics. I. Spatially unsmoothed data collected under null-hypothesis conditions}, journal = {Neuroimage}, - volume = {8}, - number = {1}, - pages = {50-61}, - ISSN = {1053-8119 (Print) -1053-8119 (Linking)}, - DOI = {10.1006/nimg.1998.0349}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9698575}, - year = {1998}, + volume = {5}, + number = {3}, + pages = {179-97}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345548}, + year = {1997}, type = {Journal Article} } -@article{RN2129, - author = {Thompson-Schill, S. L. and Swick, D. and Farah, M. J. and D'Esposito, M. and Kan, I. P. and Knight, R. T.}, - title = {Verb generation in patients with focal frontal lesions: a neuropsychological test of neuroimaging findings}, - journal = {Proc Natl Acad Sci U S A}, - volume = {95}, - number = {26}, - pages = {15855-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9861060}, - year = {1998}, +@article{RN1982, + author = {Worsley, K. J. and Liao, C. H. and Aston, J. and Petre, V. and Duncan, G. H. and Morales, F. and Evans, A. C.}, + title = {A general statistical analysis for fMRI data}, + journal = {Neuroimage}, + volume = {15}, + number = {1}, + pages = {1-15}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11771969}, + year = {2002}, type = {Journal Article} } -@article{RN2102, - author = {Thickbroom, G. W. and Phillips, B. A. and Morris, I. and Byrnes, M. L. and Mastaglia, F. L.}, - title = {Isometric force-related activity in sensorimotor cortex measured with functional MRI}, - journal = {Exp Brain Res}, - volume = {121}, - number = {1}, - pages = {59-64}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9698191}, - year = {1998}, +@article{RN1972, + author = {Wise, S. P. and Murray, E. A.}, + title = {Arbitrary associations between antecedents and actions}, + journal = {Trends Neurosci}, + volume = {23}, + number = {6}, + pages = {271-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10838597}, + year = {2000}, type = {Journal Article} } -@article{RN930, - author = {Swinnen, S. P. and Jardin, K. and Verschueren, S. and Meulenbroek, R. and Franz, L. and Dounskaia, N. and Walter, C. B.}, - title = {Exploring interlimb constraints during bimanual graphic performance: effects of muscle grouping and direction}, - journal = {Behav Brain Res}, - volume = {90}, - number = {1}, - pages = {79-87.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9520215}, - year = {1998}, +@article{RN1646, + author = {Molinari, M. and Leggio, M. G. and Solida, A. and Ciorra, R. and Misciagna, S. and Silveri, M. C. and Petrosini, L.}, + title = {Cerebellum and procedural learning: evidence from focal cerebellar lesions}, + journal = {Brain}, + volume = {120 ( Pt 10)}, + pages = {1753-62}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9365368}, + year = {1997}, type = {Journal Article} } -@book{RN2635, - author = {Sutton, R. S. and Barto, A. G.}, - title = {Reinforcement learning}, - publisher = {MIT Press }, - address = {Cambridge, Massachusetts}, - year = {1998}, - type = {Book} +@article{RN1633, + author = {Miall, R. C. and Weir, D. J. and Wolpert, D. M. and Stein, J. F.}, + title = {Is the Cerebellum a Smith Predictor?}, + journal = {J Mot Behav}, + volume = {25}, + number = {3}, + pages = {203-216}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12581990}, + year = {1993}, + type = {Journal Article} } -@article{RN2094, - author = {Strick, P. L. and Dum, R. P. and Picard, N.}, - title = {Motor areas on the medial wall of the hemisphere}, - journal = {Novartis Found Symp}, - volume = {218}, - pages = {64-75; discussion 75-80, 104-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9949816}, - year = {1998}, +@article{RN1517, + author = {Kawato, M. and Gomi, H.}, + title = {The cerebellum and VOR/OKR learning models}, + journal = {Trends Neurosci}, + volume = {15}, + number = {11}, + pages = {445-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1281352}, + year = {1992}, type = {Journal Article} } -@article{RN2976, - author = {Stedman, A. and Davey, N. J. and Ellaway, P. H.}, - title = {Facilitation of human first dorsal interosseous muscle responses to transcranial magnetic stimulation during voluntary contraction of the contralateral homonymous muscle}, - journal = {Muscle Nerve}, - volume = {21}, - number = {8}, - pages = {1033-9}, - ISSN = {0148-639X (Print) -0148-639X (Linking)}, - DOI = {10.1002/(SICI)1097-4598(199808)21:8<1033::AID-MUS7>3.0.CO;2-9 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9655121}, - year = {1998}, +@article{RN1469, + author = {Imamizu, H. and Kuroda, T. and Miyauchi, S. and Yoshioka, T. and Kawato, M.}, + title = {Modular organization of internal models of tools in the human cerebellum}, + journal = {Proc Natl Acad Sci U S A}, + volume = {100}, + number = {9}, + pages = {5461-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12704240}, + year = {2003}, type = {Journal Article} } -@article{RN2292, - author = {Snyder, L. H. and Batista, A. P. and Andersen, R. A.}, - title = {Change in motor plan, without a change in the spatial locus of attention, modulates activity in posterior parietal cortex}, - journal = {J Neurophysiol}, - volume = {79}, - number = {5}, - pages = {2814-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9582248}, - year = {1998}, +@article{RN1447, + author = {Hommel, B.}, + title = {The cognitive representation of action: automatic integration of perceived action effects}, + journal = {Psychological Research}, + volume = {59}, + pages = {176-186}, + year = {1996}, type = {Journal Article} } -@article{RN1074, - author = {Shima, K. and Tanji, J.}, - title = {Both supplementary and presupplementary motor areas are crucial for the temporal organization of multiple movements}, - journal = {J Neurophysiol}, - volume = {80}, - number = {6}, - pages = {3247-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9862919}, - year = {1998}, +@article{RN1428, + author = {Hazrati, L.N. and Parent, A.}, + title = {Contralateral pallidothalamic and pallidotegmental projections in primates: an anterograde and retrograde labeling study}, + journal = {Brain Research}, + volume = {567}, + pages = {212-223}, + year = {1991}, type = {Journal Article} } -@article{RN568, - author = {Scholz, John P. and Latash, Mark L.}, - title = {A study of a bimanual synergy associated with holding an object}, - journal = {Human Movement Science}, - volume = {17}, - number = {6}, - pages = {753-779}, - year = {1998}, +@article{RN1425, + author = {Hazeltine, E. and Grafton, S. T. and Ivry, R.}, + title = {Attention and stimulus characteristics determine the locus of motor-sequence encoding. A PET study}, + journal = {Brain}, + volume = {120 ( Pt 1)}, + pages = {123-40}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9055803}, + year = {1997}, type = {Journal Article} } -@article{RN872, - author = {Schmolesky, M. T. and Wang, Y. and Hanes, D. P. and Thompson, K. G. and Leutgeb, S. and Schall, J. D. and Leventhal, A. G.}, - title = {Signal timing across the macaque visual system}, - journal = {J Neurophysiol}, - volume = {79}, - number = {6}, - pages = {3272-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9636126 -http://jn.physiology.org/cgi/content/full/79/6/3272}, +@inbook{RN1422, + author = {Hazeltine, E.}, + title = {The representational nature of sequence learning: Evidence for goal-based codes}, + booktitle = {Attention and Performance}, + editor = {Prinz, W. and Hommel, B.}, + publisher = {University Press}, + address = {Oxford}, + volume = {XIX}, + pages = {673-689}, + year = {2002}, + type = {Book Section} +} + +@article{RN1392, + author = {Grafton, S. T. and Hazeltine, E. and Ivry, R. B.}, + title = {Abstract and effector-specific representations of motor sequences identified with PET}, + journal = {J Neurosci}, + volume = {18}, + number = {22}, + pages = {9420-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9801380}, year = {1998}, type = {Journal Article} } -@inbook{RN659, - author = {Schmidt, Richard A. and Heuer, Herbert and Ghodsian, Dina and Young, Douglas E.}, - title = {Generalized motor programs and units of action in bimanual coordination}, - booktitle = {Progress in motor control, Vol. 1: Bernstein's traditions in movement studies.}, - editor = {Latash, Mark L.}, - publisher = {Human Kinetics}, - address = {Champaign, IL, US}, - pages = {329-360}, +@article{RN1375, + author = {Gomez-Beldarrain, M. and Garcia-Monco, J. C. and Rubio, B. and Pascual-Leone, A.}, + title = {Effect of focal cerebellar lesions on procedural learning in the serial reaction time task}, + journal = {Exp Brain Res}, + volume = {120}, + number = {1}, + pages = {25-30}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9628400}, year = {1998}, - type = {Book Section} + type = {Journal Article} } -@article{RN463, - author = {Schmahmann, Jeremy D. and Sherman, Janet C.}, - title = {The cerebellar cognitive affective syndrome}, +@article{RN1330, + author = {Freund, H. J. and Hummelsheim, H.}, + title = {Lesions of premotor cortex in man}, journal = {Brain}, - volume = {121}, - number = {4}, - pages = {561-579}, - year = {1998}, + volume = {108 ( Pt 3)}, + pages = {697-733}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3929994}, + year = {1985}, type = {Journal Article} } -@article{RN911, - author = {Schluter, N. D. and Rushworth, M. F. and Passingham, R. E. and Mills, K. R.}, - title = {Temporary interference in human lateral premotor cortex suggests dominance for the selection of movements. A study using transcranial magnetic stimulation}, - journal = {Brain}, - volume = {121}, - number = {Pt 5}, - pages = {785-99.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9619185}, - year = {1998}, +@article{RN1318, + author = {Frank, RJ and Damasio, H and Grabowski, TJ}, + title = {Brainvox: an interactive, multimodal visualization and analysis system for neuroanatomical imaging}, + journal = {Neuroimage}, + volume = {5}, + pages = {13-30}, + year = {1997}, type = {Journal Article} } -@article{RN3303, - author = {Santello, M. and Flanders, M. and Soechting, J. F.}, - title = {Postural hand synergies for tool use}, - journal = {J Neurosci}, - volume = {18}, - number = {23}, - pages = {10105-15}, - ISSN = {0270-6474 (Print) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/9822764}, - year = {1998}, +@article{RN1225, + author = {Damasio, H. and Frank, R.}, + title = {Three-dimensional in vivo mapping of brain lesions in humans}, + journal = {Archives of Neurology}, + volume = {49}, + pages = {137-143}, + year = {1992}, type = {Journal Article} } -@article{RN951, - author = {Rushworth, M. F. and Nixon, P. D. and Wade, D. T. and Renowden, S. and Passingham, R. E.}, - title = {The left hemisphere and the selection of learned actions}, - journal = {Neuropsychologia}, - volume = {36}, - number = {1}, - pages = {11-24.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9533383}, +@article{RN1108, + author = {Ashby, F. G. and Alfonso-Reese, L. A. and Turken, A. U. and Waldron, E. M.}, + title = {A neuropsychological theory of multiple systems in category learning}, + journal = {Psychol Rev}, + volume = {105}, + number = {3}, + pages = {442-81}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9697427}, year = {1998}, type = {Journal Article} } -@article{RN952, - author = {Rushworth, M. F. and Johansen-Berg, H. and Young, S. A.}, - title = {Parietal cortex and spatial-postural transformation during arm movements}, - journal = {J Neurophysiol}, - volume = {79}, - number = {1}, - pages = {478-82.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9425217}, - year = {1998}, +@article{RN1088, + author = {Aguirre, G. K. and Zarahn, E. and D'Esposito, M.}, + title = {Empirical analyses of BOLD fMRI statistics. II. Spatially smoothed data collected under null-hypothesis and experimental conditions}, + journal = {Neuroimage}, + volume = {5}, + number = {3}, + pages = {199-212}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345549}, + year = {1997}, type = {Journal Article} } -@article{RN732, - author = {Rossetti, Yves}, - title = {Implicit short-lived motor representations of space in brain damaged and healthy subjects}, - journal = {Consciousness & Cognition: An International Journal}, - volume = {7}, +@article{RN1078, + author = {Debaere, F. and Wenderoth, N. and Sunaert, S. and Van Hecke, P. and Swinnen, S. P.}, + title = {Internal vs external generation of movements: differential neural pathways involved in bimanual coordination performed in the presence or absence of augmented visual feedback}, + journal = {Neuroimage}, + volume = {19}, number = {3}, - pages = {520-558}, + pages = {764-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12880805}, + year = {2003}, + type = {Journal Article} +} + +@article{RN1074, + author = {Shima, K. and Tanji, J.}, + title = {Both supplementary and presupplementary motor areas are crucial for the temporal organization of multiple movements}, + journal = {J Neurophysiol}, + volume = {80}, + number = {6}, + pages = {3247-60}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9862919}, year = {1998}, type = {Journal Article} } -@article{RN376, - author = {Rogers, R. D. and Sahakian, B. J. and Hodges, J. R. and Polkey, C. E. and Kennard, C. and Robbins, T. W.}, - title = {Dissociating executive mechanisms of task control following frontal lobe damage and Parkinson's disease}, - journal = {Brain}, - volume = {121}, - number = {5}, - pages = {815-842}, - year = {1998}, +@article{RN1073, + author = {Serrien, D. J. and Strens, L. H. and Oliviero, A. and Brown, P.}, + title = {Repetitive transcranial magnetic stimulation of the supplementary motor area (SMA) degrades bimanual movement control in humans}, + journal = {Neurosci Lett}, + volume = {328}, + number = {2}, + pages = {89-92}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12133562}, + year = {2002}, type = {Journal Article} } -@article{RN2073, - author = {Purdon, P. L. and Weisskoff, R. M.}, - title = {Effect of temporal autocorrelation due to physiological noise and stimulus paradigm on voxel-level false-positive rates in fMRI}, - journal = {Hum Brain Mapp}, - volume = {6}, - number = {4}, - pages = {239-49}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9704263}, - year = {1998}, +@article{RN1072, + author = {Serrien, D. J. and Nirkko, A. C. and Wiesendanger, M.}, + title = {Role of the corpus callosum in bimanual coordination: a comparison of patients with congenital and acquired callosal damage}, + journal = {Eur J Neurosci}, + volume = {14}, + number = {11}, + pages = {1897-905}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11860484}, + year = {2001}, type = {Journal Article} } -@article{RN484, - author = {Provini, L. and Marcotti, W. and Morara, S. and Rosina, A.}, - title = {Somatotopic nucleocortical projections to the multiple somatosensory cerebellar maps}, - journal = {Neuroscience}, - volume = {83}, - number = {4}, - pages = {1085-104}, - year = {1998}, +@article{RN1071, + author = {Rouiller, E. M. and Babalian, A. and Kazennikov, O. and Moret, V. and Yu, X. H. and Wiesendanger, M.}, + title = {Transcallosal connections of the distal forelimb representations of the primary and supplementary motor cortical areas in macaque monkeys}, + journal = {Exp Brain Res}, + volume = {102}, + number = {2}, + pages = {227-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7705502}, + year = {1994}, type = {Journal Article} } -@article{RN810, - author = {Pressing, Jeff}, - title = {Error correction processes in temporal pattern production}, - journal = {Journal of Mathematical Psychology}, - volume = {42}, - number = {1}, - pages = {63-101}, - year = {1998}, +@article{RN1070, + author = {Meyer-Lindenberg, A. and Ziemann, U. and Hajak, G. and Cohen, L. and Berman, K. F.}, + title = {Transitions between dynamical states of differing stability in the human brain}, + journal = {Proc Natl Acad Sci U S A}, + volume = {99}, + number = {17}, + pages = {10948-53}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12151599}, + year = {2002}, type = {Journal Article} } -@article{RN477, - author = {Penhune, Virginia B. and Zatorre, R. J. and Evans, A. C.}, - title = {Cerebellar contributions to motor timing: A PET study of auditory and visual rhythm reproduction}, - journal = {Journal of Cognitive Neuroscience}, - volume = {10}, +@article{RN1069, + author = {Haaland, K. Y. and Harrington, D. L.}, + title = {Hemispheric asymmetry of movement}, + journal = {Curr Opin Neurobiol}, + volume = {6}, number = {6}, - pages = {752-766}, - year = {1998}, + pages = {796-800}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9000021}, + year = {1996}, type = {Journal Article} } -@article{RN949, - author = {Passingham, R. E. and Toni, I. and Schluter, N. and Rushworth, M. F.}, - title = {How do visual instructions influence the motor system?}, - journal = {Novartis Found Symp}, - volume = {218}, - pages = {129-41}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9949819}, - year = {1998}, +@article{RN1068, + author = {Spencer, R. M. and Zelaznik, H. N. and Diedrichsen, J. and Ivry, R. B.}, + title = {Disrupted timing of discontinuous but not continuous movements by cerebellar lesions}, + journal = {Science}, + volume = {300}, + number = {5624}, + pages = {1437-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12775842}, + year = {2003}, type = {Journal Article} } -@inbook{RN683, - author = {Pashler, Harold and Johnston, James C.}, - title = {Attentional limitations in dual-task performance}, - booktitle = {Attention.}, - editor = {Pashler, Harold}, - publisher = {Psychology Press/Erlbaum (UK) Taylor & Francis}, - address = {Hove, England}, - pages = {155-189}, - year = {1998}, +@inbook{RN1067, + author = {Ivry, R.B. and Helmuth, L.L.}, + title = {Representations and neural mechanisms of sequential movements}, + booktitle = {Cognitive Neuroscience Perspectives on the Problem of Intentional Action}, + editor = {Johnson-Frey, S.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {221-257}, + year = {2003}, type = {Book Section} } -@book{RN682, - author = {Pashler, Harold}, - title = {Attention}, - publisher = {Psychology Press/Erlbaum (UK) Taylor & Francis}, - address = {Hove, England}, - year = {1998}, - type = {Edited Book} +@article{RN1066, + author = {Ashburner, J. and Friston, K. J.}, + title = {Nonlinear spatial normalization using basis functions}, + journal = {Hum Brain Mapp}, + volume = {7}, + number = {4}, + pages = {254-66}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10408769}, + year = {1999}, + type = {Journal Article} } -@book{RN681, - author = {Pashler, Harold}, - title = {The psychology of attention}, - publisher = {The MIT Press}, - address = {Cambridge, MA, US}, - pages = {xiv, 494}, - year = {1998}, - type = {Book} +@article{RN1065, + author = {Karni, A. and Meyer, G. and Jezzard, P. and Adams, M. M. and Turner, R. and Ungerleider, L. G.}, + title = {Functional MRI evidence for adult motor cortex plasticity during motor skill learning}, + journal = {Nature}, + volume = {377}, + number = {6545}, + pages = {155-8}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7675082}, + year = {1995}, + type = {Journal Article} } -@article{RN696, - author = {Meegan, Daniel V. and Tipper, Steven P.}, - title = {Reaching into cluttered visual environments: Spatial and temporal influences of distracting objects}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {51}, - number = {2}, - pages = {225-249}, - year = {1998}, +@article{RN1064, + author = {Ungerleider, L. G. and Doyon, J. and Karni, A.}, + title = {Imaging brain plasticity during motor skill learning}, + journal = {Neurobiol Learn Mem}, + volume = {78}, + number = {3}, + pages = {553-64}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12559834}, + year = {2002}, type = {Journal Article} } -@article{RN882, - author = {McIntyre, J. and Stratta, F. and Lacquaniti, F.}, - title = {Short-term memory for reaching to visual targets: psychophysical evidence for body-centered reference frames}, - journal = {J Neurosci}, - volume = {18}, - number = {20}, - pages = {8423-35.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9763485 -http://www.jneurosci.org/cgi/content/full/18/20/8423}, - year = {1998}, +@article{RN1063, + author = {Doyon, J. and Song, A. W. and Karni, A. and Lalonde, F. and Adams, M. M. and Ungerleider, L. G.}, + title = {Experience-dependent changes in cerebellar contributions to motor sequence learning}, + journal = {Proc Natl Acad Sci U S A}, + volume = {99}, + number = {2}, + pages = {1017-22}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11805340}, + year = {2002}, type = {Journal Article} } -@article{RN2324, - author = {Matelli, M. and Govoni, P. and Galletti, C. and Kutz, D. F. and Luppino, G.}, - title = {Superior area 6 afferents from the superior parietal lobule in the macaque monkey}, - journal = {J Comp Neurol}, - volume = {402}, +@article{RN1062, + author = {Grafton, Scott T. and Woods, Roger P. and Tyszka, Mike}, + title = {Functional imaging of procedural motor learning: Relating cerebral blood flow with individual subject performance}, + journal = {Human Brain Mapping}, + volume = {1}, number = {3}, - pages = {327-52}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9853903}, - year = {1998}, + pages = {221-234}, + year = {1994}, type = {Journal Article} } -@article{RN998, - author = {Massion, J.}, - title = {Postural control systems in developmental perspective}, - journal = {Neurosci Biobehav Rev}, - volume = {22}, +@article{RN1061, + author = {Doyon, J. and Owen, A. M. and Petrides, M. and Sziklas, V. and Evans, A. C.}, + title = {Functional anatomy of visuomotor skill learning in human subjects examined with positron emission tomography}, + journal = {Eur J Neurosci}, + volume = {8}, number = {4}, - pages = {465-72.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9595556}, - year = {1998}, + pages = {637-48}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9081615}, + year = {1996}, type = {Journal Article} } -@article{RN823, - author = {Mangels, Jennifer A. and Ivry, Richard B. and Shimizu, Naomi}, - title = {Dissociable contributions of the prefrontal and neocerebellar cortex to time perception}, - journal = {Cognitive Brain Research}, - volume = {7}, - number = {1}, - pages = {15-39}, - year = {1998}, +@phdthesis{RN1060, + author = {Dewan, Maneesh}, + title = {Design, construction and testing of an fMRI compatible robotic arm}, + university = {Johns Hopkins University}, + type = {Master thesis}, + year = {2003}, + type = {Thesis} +} + +@book{RN1059, + author = {MacKay, D. G.}, + title = {The Organization or Perception and Action}, + publisher = {Springer-Verlag}, + address = {New York}, + year = {1987}, + type = {Book} +} + +@article{RN1057, + author = {Keele, S. W. and Ivry, R. and Mayr, U. and Hazeltine, E. and Heuer, H.}, + title = {The cognitive and neural architecture of sequence representation}, + journal = {Psychol Rev}, + volume = {110}, + number = {2}, + pages = {316-39}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12747526}, + year = {2003}, type = {Journal Article} } -@article{RN785, - author = {Malapani, C. and Dubois, B. and Rancurel, G. and Gibbon, J.}, - title = {Cerebellar dysfunctions of temporal processing in the seconds range in humans}, - journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, - volume = {9}, - number = {17}, - pages = {3907-3912}, - year = {1998}, +@inbook{RN1056, + author = {Ivry, R. B.}, + title = {Representational issues in motor learning: Phenomena and theory}, + booktitle = {Handbook of perception and action}, + editor = {Heuer, Herbert and Keele, Steven}, + publisher = {Academic Press, Inc.}, + address = {San Diego, CA}, + volume = {2}, + pages = {263-330}, + year = {1996}, + type = {Book Section} +} + +@article{RN1055, + author = {Grafton, S. T. and Hazeltine, E. and Ivry, R. B.}, + title = {Motor sequence learning with the nondominant left hand. A PET functional imaging study}, + journal = {Exp Brain Res}, + volume = {146}, + number = {3}, + pages = {369-78}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12232693}, + year = {2002}, type = {Journal Article} } -@article{RN585, - author = {Latash, Mark L. and Li, Zong-Ming and Zatsiorsky, Vladimir M.}, - title = {A principle of error compensation studied within a task of force production by a redundant set of fingers}, - journal = {Experimental Brain Research}, - volume = {122}, - pages = {131-138}, +@article{RN1054, + author = {Gabrieli, J. D. E.}, + title = {Cognitive neuroscience of human memory}, + journal = {Annual Review of Psychology}, + volume = {49}, + pages = {87-115}, year = {1998}, type = {Journal Article} } -@article{RN649, - author = {Laeng, B. and Peters, M. and McCabe, B.}, - title = {Memory for locations within regions: Spatial biases and visual hemifield differences}, - journal = {Memory & Cognition}, - volume = {26}, - number = {1}, - pages = {97-107}, - year = {1998}, +@article{RN1053, + author = {Terzuolo, C. A. and Viviani, P.}, + title = {Determinants and characteristics of motor patterns used for typing}, + journal = {Neuroscience}, + volume = {5}, + number = {6}, + pages = {1085-103}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7402457}, + year = {1980}, type = {Journal Article} } -@article{RN434, - author = {Konishi, S. and Nakajima, K. and Uchida, I. and Sekihara, K. and Miyashita, Y.}, - title = {No-go dominant brain activity in human inferior prefrontal cortex revealed by functional magnetic resonance imaging}, - journal = {European Journal of Neuroscience}, - volume = {10}, +@article{RN1052, + author = {Willingham, Daniel B.}, + title = {A neuropsychological theory of motor skill learning}, + journal = {Psychological Review}, + volume = {105}, number = {3}, - pages = {1209-13}, + pages = {558-584.}, year = {1998}, type = {Journal Article} } -@article{RN433, - author = {Konishi, S. and Nakajima, K. and Uchida, I. and Kameyama, M. and Nakahara, K. and Sekihara, K. and Miyashita, Y.}, - title = {Transient activation of inferior prefrontal cortex during cognitive set shifting}, - journal = {Nature Neuroscience}, - volume = {1}, - number = {1}, - pages = {80-4}, - year = {1998}, - type = {Journal Article} +@inbook{RN1051, + author = {Hazeltine, E. and Ivry, R. B.}, + title = {Neural structures that support implicit sequence learning}, + booktitle = {Attention and implicit learning.}, + editor = {Jimenez, Luis}, + series = {Advances in Consciousness Research}, + publisher = {John Benjamins Publishing Company}, + address = {Amsterdam, Netherlands}, + volume = {48}, + pages = {71-107}, + year = {2003}, + type = {Book Section} } -@article{RN545, - author = {Koeppen, Arnulf H.}, - title = {The hereditary ataxias}, - journal = {Jornal of Neuropathology and Experimental Neurology}, - volume = {57}, - number = {6}, - pages = {531-543}, - year = {1998}, +@article{RN1050, + author = {Swinnen, S.P. and Jardin, K. and Meulenbroek, R. and Dounskaia, N. and Hofkens-Van Den Brandt, M.}, + title = {Egocentric and allocentric constraints in the expression of patterns of interlimb coordination}, + journal = {Journal of Cognitive Neuroscience}, + volume = {9}, + pages = {348-377}, + url = {http://jocn.mitpress.org/cgi/content/abstract/9/3/348}, + year = {1997}, type = {Journal Article} } -@article{RN2050, - author = {Kitazawa, S. and Kimura, T. and Yin, P. B.}, - title = {Cerebellar complex spikes encode both destinations and errors in arm movements}, - journal = {Nature}, - volume = {392}, - number = {6675}, - pages = {494-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9548253}, - year = {1998}, +@article{RN1049, + author = {Pujol, J. and Deus, J. and Losilla, J. M. and Capdevila, A.}, + title = {Cerebral lateralization of language in normal left-handed people studied by functional MRI}, + journal = {Neurology}, + volume = {52}, + number = {5}, + pages = {1038-43}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=10102425}, + year = {1999}, type = {Journal Article} } -@article{RN3047, - author = {Kermadi, I. and Liu, Y. and Tempini, A. and Calciati, E. and Rouiller, E. M.}, - title = {Neuronal activity in the primate supplementary motor area and the primary motor cortex in relation to spatio-temporal bimanual coordination}, - journal = {Somatosens Mot Res}, - volume = {15}, - number = {4}, - pages = {287-308}, - ISSN = {0899-0220 (Print) -0899-0220 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9875547}, - year = {1998}, +@article{RN1048, + author = {Iadecola, C.}, + title = {Intrinsic signals and functional brain mapping: caution, blood vessels at work}, + journal = {Cereb Cortex}, + volume = {12}, + number = {3}, + pages = {223-4}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11839596}, + year = {2002}, type = {Journal Article} } -@article{RN956, - author = {Kazennikov, O. and Hyland, B. and Wicki, U. and Perrig, S. and Rouiller, E. M. and Wiesendanger, M.}, - title = {Effects of lesions in the mesial frontal cortex on bimanual co- ordination in monkeys}, - journal = {Neuroscience}, - volume = {85}, - number = {3}, - pages = {703-16.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9639266}, - year = {1998}, +@article{RN1047, + author = {Attwell, D. and Iadecola, C.}, + title = {The neural basis of functional brain imaging signals}, + journal = {Trends Neurosci}, + volume = {25}, + number = {12}, + pages = {621-5}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12446129}, + year = {2002}, type = {Journal Article} } -@article{RN2922, - author = {Kawashima, R. and Matsumura, M. and Sadato, N. and Naito, E. and Waki, A. and Nakamura, S. and Matsunami, K. and Fukuda, H. and Yonekura, Y.}, - title = {Regional cerebral blood flow changes in human brain related to ipsilateral and contralateral complex hand movements--a PET study}, - journal = {Eur J Neurosci}, - volume = {10}, - number = {7}, - pages = {2254-60}, - ISSN = {0953-816X (Print) -0953-816X (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9749754}, - year = {1998}, +@article{RN1046, + author = {Yang, G. and Zhang, Y. and Ross, M. E. and Iadecola, C.}, + title = {Attenuation of activity-induced increases in cerebellar blood flow in mice lacking neuronal nitric oxide synthase}, + journal = {Am J Physiol Heart Circ Physiol}, + volume = {285}, + number = {1}, + pages = {H298-304}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12623792}, + year = {2003}, type = {Journal Article} } -@article{RN3018, - author = {Karni, A. and Meyer, G. and Rey-Hipolito, C. and Jezzard, P. and Adams, M. M. and Turner, R. and Ungerleider, L. G.}, - title = {The acquisition of skilled motor performance: fast and slow experience-driven changes in primary motor cortex}, - journal = {Proc Natl Acad Sci U S A}, - volume = {95}, +@article{RN1045, + author = {Zhang, Y. and Forster, C. and Milner, T. A. and Iadecola, C.}, + title = {Attenuation of activity-induced increases in cerebellar blood flow by lesion of the inferior olive}, + journal = {Am J Physiol Heart Circ Physiol}, + volume = {285}, number = {3}, - pages = {861-8}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448252}, - year = {1998}, + pages = {H1177-82}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12750064}, + year = {2003}, type = {Journal Article} } -@article{RN409, - author = {Jäncke, L. and Peters, M. and Schlaug, G. and Posse, S. and Steinmetz, H. and Mueller-Gaertner, H. W.}, - title = {Differential magnetic resonance signal change in human sensorimotor cortex to finger movements of different rate of the dominant and subdominant hand}, - journal = {Cognitive Brain Research}, - volume = {6}, - number = {4}, - pages = {279-284}, - year = {1998}, +@article{RN1043, + author = {Kelso, J. A. Scott and Fink, P. W. and DeLaplain, C. R. and Carson, R. G.}, + title = {Haptic information stabilizes and destabilizes coordination dynamics}, + journal = {Proc R Soc Lond B Biol Sci}, + volume = {268}, + number = {1472}, + pages = {1207-13}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11375110}, + year = {2001}, type = {Journal Article} } -@article{RN615, - author = {Ivry, Richard B. and Franz, Elizabeth A. and Kingstone, Alan and Johnston, James C.}, - title = {The psychological refractory period effect following callosotomy: Uncoupling of lateralized response codes}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {24}, - number = {2}, - pages = {463-480}, - year = {1998}, +@article{RN1041, + author = {Criscimagna-Hemminger, S. E. and Donchin, O. and Gazzaniga, M. S. and Shadmehr, R.}, + title = {Learned dynamics of reaching movements generalize from dominant to nondominant arm}, + journal = {J Neurophysiol}, + volume = {89}, + number = {1}, + pages = {168-76}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12522169}, + year = {2003}, type = {Journal Article} } -@article{RN2069, - author = {Honda, M. and Deiber, M. P. and Ibanez, V. and Pascual-Leone, A. and Zhuang, P. and Hallett, M.}, - title = {Dynamic cortical involvement in implicit and explicit motor sequence learning. A PET study}, - journal = {Brain}, - volume = {121 ( Pt 11)}, - pages = {2159-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9827775}, - year = {1998}, +@article{RN1040, + author = {Medendorp, W. P. and Goltz, H. C. and Vilis, T. and Crawford, J. D.}, + title = {Gaze-centered updating of visual space in human parietal cortex}, + journal = {J Neurosci}, + volume = {23}, + number = {15}, + pages = {6209-14}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12867504}, + year = {2003}, type = {Journal Article} } -@article{RN631, - author = {Hommel, Bernhard}, - title = {Automatic stimulus-response translation in dual-task performance}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {24}, +@article{RN1039, + author = {Medendorp, W. P. and Crawford, J. D.}, + title = {Visuospatial updating of reaching targets in near and far space}, + journal = {Neuroreport}, + volume = {13}, number = {5}, - pages = {1368-1384}, - year = {1998}, + pages = {633-6}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=11973460}, + year = {2002}, type = {Journal Article} } -@article{RN638, - author = {Heuer, H. and Spijkers, W. and Kleinsorge, T. and van der Loo, H. and Steglich, C.}, - title = {The time course of cross-talk during the simultaneous specification of bimanual movement amplitudes}, - journal = {Experimental Brain Research}, - volume = {118}, - number = {3}, - pages = {381-92}, - url = {http://link.springer-ny.com/link/service/journals/00221/bibs/8118003/81180381.htm -http://link.springer-ny.com/link/service/journals/00221/papers/8118003/81180381.pdf -http://link.springer-ny.com/link/service/journals/00221/index.htm}, - year = {1998}, +@article{RN1038, + author = {Whitney, D. and Westwood, D. A. and Goodale, M. A.}, + title = {The influence of visual motion on fast reaching movements to a stationary object}, + journal = {Nature}, + volume = {423}, + number = {6942}, + pages = {869-73}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12815432}, + year = {2003}, type = {Journal Article} } -@article{RN514, - author = {Heuer, Herbert and Spijkers, Will and Kleinsorge, Thomas and van der Loo, Hanno}, - title = {Period duration of physical and imaginary movement sequences affects contralateral amplitude modulation}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {51}, +@article{RN1037, + author = {Aguirre, G. K. and Zarahn, E. and D'Esposito, M.}, + title = {The variability of human, BOLD hemodynamic responses}, + journal = {Neuroimage}, + volume = {8}, number = {4}, + pages = {360-9}, + url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9811554}, year = {1998}, type = {Journal Article} } -@article{RN293, - author = {Hayes, Amy E. and Davidson, Matthew C. and Keele, Steven W. and Rafal, Robert D.}, - title = {Toward a functional analysis of the basal ganglia.}, - journal = {Journal of Cognitive Neuroscience}, - volume = {10}, - number = {2}, - pages = {178-198}, - year = {1998}, +@article{RN1036, + author = {Bridgeman, B. and Gemmer, A. and Forsman, T. and Huemer, V.}, + title = {Processing spatial information in the sensorimotor branch of the visual system}, + journal = {Vision Res}, + volume = {40}, + number = {25}, + pages = {3539-52}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11115681}, + year = {2000}, type = {Journal Article} } -@article{RN2469, - author = {Harris, C. M. and Wolpert, D. M.}, - title = {Signal-dependent noise determines motor planning}, - journal = {Nature}, - volume = {394}, - number = {6695}, - pages = {780-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9723616 }, - year = {1998}, +@article{RN1035, + author = {Mower, G. and Gibson, A. and Robinson, F. and Stein, J. and Glickstein, M.}, + title = {Visual pontocerebellar projections in the cat}, + journal = {J Neurophysiol}, + volume = {43}, + number = {2}, + pages = {355-66.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7381525}, + year = {1980}, type = {Journal Article} } -@article{RN828, - author = {Harrington, D. L. and Haaland, K. Y. and Knight, R. T.}, - title = {Cortical networks underlying mechanisms of time perception}, - journal = {J Neurosci}, - volume = {18}, - number = {3}, - pages = {1085-95.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9437028}, - year = {1998}, +@article{RN1034, + author = {Sears, L. L. and Steinmetz, J. E.}, + title = {Dorsal accessory inferior olive activity diminishes during acquisition of the rabbit classically conditioned eyelid response}, + journal = {Brain Res}, + volume = {545}, + number = {1-2}, + pages = {114-22.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1860037}, + year = {1991}, type = {Journal Article} } -@article{RN788, - author = {Harrington, Deborah L. and Haaland, Kathleen Y. and Hermanowitz, Neal}, - title = {Temporal processing in the basal ganglia}, - journal = {Neuropsychology}, - volume = {12}, - number = {1}, - pages = {3-12}, - year = {1998}, - type = {Journal Article} +@inbook{RN1033, + author = {Hallett, Mark and Grafman, Jordan}, + title = {Executive function and motor skill learning}, + booktitle = {The cerebellum and cognition}, + editor = {Schmahmann, Jeremy D.}, + series = {International review of neurobiology}, + publisher = {Academic Press}, + address = {San Diego, CA}, + volume = {41}, + pages = {297-323}, + year = {1997}, + type = {Book Section} } -@article{RN969, - author = {Gribble, P. L. and Ostry, D. J. and Sanguineti, V. and Laboissiere, R.}, - title = {Are complex control signals required for human arm movement?}, - journal = {J Neurophysiol}, - volume = {79}, - number = {3}, - pages = {1409-24.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9497421}, - year = {1998}, +@article{RN1032, + author = {Timmann, D. and Horak, F. B.}, + title = {Prediction and set-dependent scaling of early postural responses in cerebellar patients}, + journal = {Brain}, + volume = {120}, + number = {Pt 2}, + pages = {327-37.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9117379}, + year = {1997}, type = {Journal Article} } -@article{RN1392, - author = {Grafton, S. T. and Hazeltine, E. and Ivry, R. B.}, - title = {Abstract and effector-specific representations of motor sequences identified with PET}, - journal = {J Neurosci}, - volume = {18}, - number = {22}, - pages = {9420-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9801380}, - year = {1998}, +@article{RN1031, + author = {Rispal-Padel, L. and Cicirata, F. and Pons, C.}, + title = {Cerebellar nuclear topography of simple and synergistic movements in the alert baboon (Papio papio)}, + journal = {Exp Brain Res}, + volume = {47}, + number = {3}, + pages = {365-80}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6889975}, + year = {1982}, type = {Journal Article} } -@article{RN2325, - author = {Grafton, S. T. and Fagg, A. H. and Arbib, M. A.}, - title = {Dorsal premotor cortex and conditional movement selection: A PET functional mapping study}, - journal = {J Neurophysiol}, - volume = {79}, +@article{RN1030, + author = {Rispal-Padel, L. and Cicirata, F. and Pons, C.}, + title = {Contribution of the dentato-thalamo-cortical system to control of motor synergy}, + journal = {Neurosci Lett}, + volume = {22}, number = {2}, - pages = {1092-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9463464}, - year = {1998}, + pages = {137-44.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7231805}, + year = {1981}, type = {Journal Article} } -@article{RN462, - author = {Gomez-Beldarrain, Marian and Garvic-Monco, Juan Carlos}, - title = {"The cerebellar cognitive affective syndrome": Comment}, - journal = {Brain}, - volume = {121}, +@article{RN1029, + author = {Aruin, A. S. and Neyman, I. and Nicholas, J. J. and Latash, M. L.}, + title = {Are there deficits in anticipatory postural adjustments in Parkinson's disease?}, + journal = {Neuroreport}, + volume = {7}, number = {11}, - pages = {2202-2203}, - year = {1998}, + pages = {1794-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8905667}, + year = {1996}, type = {Journal Article} } -@article{RN1375, - author = {Gomez-Beldarrain, M. and Garcia-Monco, J. C. and Rubio, B. and Pascual-Leone, A.}, - title = {Effect of focal cerebellar lesions on procedural learning in the serial reaction time task}, - journal = {Exp Brain Res}, - volume = {120}, - number = {1}, - pages = {25-30}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9628400}, - year = {1998}, +@article{RN1028, + author = {Gordon, A. M. and Ingvarsson, P. E. and Forssberg, H.}, + title = {Anticipatory control of manipulative forces in Parkinson's disease}, + journal = {Exp Neurol}, + volume = {145}, + number = {2 Pt 1}, + pages = {477-88.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9217084}, + year = {1997}, type = {Journal Article} } -@article{RN331, - author = {Goerres, G. W. and Samuel, M. and Jenkins, I. H. and Brooks, D. J.}, - title = {Cerebral control of unimanual and bimanual movements: an H2(15)O PET study}, - journal = {Neuroreport}, - volume = {9}, - number = {16}, - pages = {3631-3638}, - year = {1998}, +@article{RN1027, + author = {Dick, J. P. and Rothwell, J. C. and Berardelli, A. and Thompson, P. D. and Gioux, M. and Benecke, R. and Day, B. L. and Marsden, C. D.}, + title = {Associated postural adjustments in Parkinson's disease}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {49}, + number = {12}, + pages = {1378-85.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3806114}, + year = {1986}, type = {Journal Article} } -@article{RN1054, - author = {Gabrieli, J. D. E.}, - title = {Cognitive neuroscience of human memory}, - journal = {Annual Review of Psychology}, - volume = {49}, - pages = {87-115}, - year = {1998}, +@article{RN1026, + author = {Karniel, A. and Mussa-Ivaldi, F. A.}, + title = {Does the motor control system use multiple models and context switching to cope with a variable environment?}, + journal = {Exp Brain Res}, + volume = {143}, + number = {4}, + pages = {520-4.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11914799}, + year = {2002}, type = {Journal Article} } -@article{RN2027, - author = {Friston, K. J. and Josephs, O. and Rees, G. and Turner, R.}, - title = {Nonlinear event-related responses in fMRI}, - journal = {Magn Reson Med}, - volume = {39}, - number = {1}, - pages = {41-52}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9438436}, - year = {1998}, +@article{RN1025, + author = {Horak, F. B. and Diener, H. C. and Nashner, L. M.}, + title = {Influence of central set on human postural responses}, + journal = {J Neurophysiol}, + volume = {62}, + number = {4}, + pages = {841-53.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2809706}, + year = {1989}, type = {Journal Article} } -@article{RN2193, - author = {Friston, K. J. and Fletcher, P. and Josephs, O. and Holmes, A. and Rugg, M. D. and Turner, R.}, - title = {Event-related fMRI: characterizing differential responses}, - journal = {Neuroimage}, - volume = {7}, +@article{RN1024, + author = {Diener, H. C. and Horak, F. and Stelmach, G. and Guschlbauer, B. and Dichgans, J.}, + title = {Direction and amplitude precuing has no effect on automatic posture responses}, + journal = {Exp Brain Res}, + volume = {84}, number = {1}, - pages = {30-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9500830}, - year = {1998}, + pages = {219-23}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1855560}, + year = {1991}, type = {Journal Article} } -@article{RN550, - author = {Franz, E. A. and Ramachandran, V. S.}, - title = {Bimanual coupling in amputees with phantom limbs}, - journal = {Nature Neuroscience}, - volume = {1}, - number = {6}, - pages = {443-444}, - year = {1998}, +@article{RN1023, + author = {Slijper, H. and Latash, M. L. and Mordkoff, J. T.}, + title = {Anticipatory postural adjustments under simple and choice reaction time conditions}, + journal = {Brain Res}, + volume = {924}, + number = {2}, + pages = {184-97}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11750904}, + year = {2002}, type = {Journal Article} } -@article{RN2463, - author = {Fiez, J. A. and Petersen, S. E.}, - title = {Neuroimaging studies of word reading}, - journal = {Proc Natl Acad Sci U S A}, - volume = {95}, - number = {3}, - pages = {914-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9448259 }, - year = {1998}, +@article{RN1022, + author = {Hay, L. and Redon, C.}, + title = {Feedforward versus feedback control in children and adults subjected to a postural disturbance}, + journal = {Exp Brain Res}, + volume = {125}, + number = {2}, + pages = {153-62.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10204768}, + year = {1999}, type = {Journal Article} } -@article{RN2281, - author = {Ellis, R. R. and Lederman, S. J.}, - title = {The golf-ball illusion: evidence for top-down processing in weight perception}, - journal = {Perception}, - volume = {27}, +@article{RN1021, + author = {Hay, L. and Redon, C.}, + title = {Development of postural adaptation to arm raising}, + journal = {Exp Brain Res}, + volume = {139}, number = {2}, - pages = {193-201}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9709451}, - year = {1998}, + pages = {224-32.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11497065}, + year = {2001}, type = {Journal Article} } -@article{RN3563, - author = {Edelman, S.}, - title = {Representation is representation of similarities}, - journal = {Behav Brain Sci}, - volume = {21}, +@article{RN1020, + author = {Aruin, A. S. and Forrest, W. R. and Latash, M. L.}, + title = {Anticipatory postural adjustments in conditions of postural instability}, + journal = {Electroencephalogr Clin Neurophysiol}, + volume = {109}, number = {4}, - pages = {449-67; discussion 467-98}, - ISSN = {0140-525X (Print) -0140-525X (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/10097019}, + pages = {350-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9751298}, year = {1998}, type = {Journal Article} } -@article{RN2351, - author = {Doyon, J. and Laforce, R., Jr. and Bouchard, G. and Gaudreau, D. and Roy, J. and Poirier, M. and Bedard, P. J. and Bedard, F. and Bouchard, J. P.}, - title = {Role of the striatum, cerebellum and frontal lobes in the automatization of a repeated visuomotor sequence of movements}, - journal = {Neuropsychologia}, - volume = {36}, - number = {7}, - pages = {625-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9723934}, - year = {1998}, +@article{RN1019, + author = {Slijper, H. and Latash, M. L. and Rao, N. and Aruin, A. S.}, + title = {Task-specific modulation of anticipatory postural adjustments in individuals with hemiparesis}, + journal = {Clin Neurophysiol}, + volume = {113}, + number = {5}, + pages = {642-55}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11976044}, + year = {2002}, type = {Journal Article} } -@article{RN426, - author = {Donchin, O. and Gribova, A. and Steinberg, O. and Bergman, H. and Vaadia, E.}, - title = {Primary motor cortex is involved in bimanual coordination}, - journal = {Nature}, - volume = {395}, - number = {6699}, - pages = {274-8}, - year = {1998}, +@article{RN1018, + author = {Horak, F. B. and Esselman, P. and Anderson, M. E. and Lynch, M. K.}, + title = {The effects of movement velocity, mass displaced, and task certainty on associated postural adjustments made by normal and hemiplegic individuals}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {47}, + number = {9}, + pages = {1020-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6481370}, + year = {1984}, type = {Journal Article} } -@phdthesis{RN645, - author = {Diedrichsen, Joern}, - title = {Gibt es ein motorisches Kurzzeitgedächtnis für Positionen im Greifraum?}, - university = {University of Göttingen}, - type = {diploma thesis}, - year = {1998}, - type = {Thesis} +@article{RN1017, + author = {Nougier, V. and Teasdale, N. and Bard, C. and Fleury, M.}, + title = {Modulation of anticipatory postural adjustments in a reactive and a self-triggered mode in humans}, + journal = {Neurosci Lett}, + volume = {260}, + number = {2}, + pages = {109-12.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10025711}, + year = {1999}, + type = {Journal Article} } -@article{RN493, - author = {Desmurget, M. and Pelisson, D. and Urquizar, C. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, - title = {Functional anatomy of saccadic adaptation in humans [published erratum appears in Nat Neurosci 1998 Dec;1(8):743]}, - journal = {Nature Neuroscience}, - volume = {1}, - number = {6}, - pages = {524-8}, - year = {1998}, +@book{RN1016, + author = {Bernstein, N. A.}, + title = {The co-ordination and regulation of movement}, + publisher = {Pergamon}, + address = {Oxford}, + year = {1967}, + type = {Book} +} + +@book{RN1015, + author = {Penfield, W and Jaspers, H}, + title = {Epilepsy and the functional anatomy of the human brain}, + publisher = {Little and Brown}, + address = {Boston}, + year = {1954}, + type = {Book} +} + +@inbook{RN1014, + author = {Ivry, R. B. and Diedrichsen, J. and Spencer, R. M. and Hazeltine, E. and Semjen, A.}, + title = {A cognitive neuroscience perspective on bimanual coordination and interference}, + booktitle = {Interlimb Coordination}, + editor = {Swinnen, S. and Duysens, J.}, + publisher = {Kluwer Academic Publishing}, + address = {Boston}, + pages = {259-295}, + year = {2004}, + type = {Book Section} +} + +@article{RN1013, + author = {Flanagan, J. R. and King, S. and Wolpert, D. M. and Johansson, R. S.}, + title = {Sensorimotor prediction and memory in object manipulation}, + journal = {Can J Exp Psychol}, + volume = {55}, + number = {2}, + pages = {87-95.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11433790}, + year = {2001}, type = {Journal Article} } -@article{RN845, - author = {Desmurget, M. and Pelisson, D. and Rossetti, Y. and Prablanc, C.}, - title = {From eye to hand: planning goal-directed movements}, - journal = {Neurosci Biobehav Rev}, - volume = {22}, - number = {6}, - pages = {761-88.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9809311}, - year = {1998}, +@article{RN1012, + author = {Wing, A. M. and Flanagan, J. R. and Richardson, J.}, + title = {Anticipatory postural adjustments in stance and grip}, + journal = {Exp Brain Res}, + volume = {116}, + number = {1}, + pages = {122-30.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9305821}, + year = {1997}, type = {Journal Article} } -@article{RN510, - author = {Desmond, J. E. and Gabrieli, J. D. and Glover, G. H.}, - title = {Dissociation of frontal and cerebellar activity in a cognitive task: evidence for a distinction between selection and search}, - journal = {Neuroimage}, - volume = {7}, - number = {4 Pt 1}, - pages = {368-76}, - year = {1998}, +@article{RN1011, + author = {Forssberg, H. and Jucaite, A. and Hadders-Algra, M.}, + title = {Shared memory representations for programming of lifting movements and associated whole body postural adjustments in humans}, + journal = {Neurosci Lett}, + volume = {273}, + number = {1}, + pages = {9-12.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10505639}, + year = {1999}, type = {Journal Article} } -@article{RN3174, - author = {De Zeeuw, C. I. and Simpson, J. I. and Hoogenraad, C. C. and Galjart, N. and Koekkoek, S. K. and Ruigrok, T. J.}, - title = {Microcircuitry and function of the inferior olive}, - journal = {Trends Neurosci}, - volume = {21}, - number = {9}, - pages = {391-400}, - ISSN = {0166-2236 (Print) -0166-2236 (Linking)}, - DOI = {S0166-2236(98)01310-1 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9735947}, - year = {1998}, +@article{RN1009, + author = {Berkson, Joseph}, + title = {Are there two regressions?}, + journal = {Journal of the American Statistical Association}, + volume = {45}, + number = {250}, + pages = {164-180}, + year = {1950}, type = {Journal Article} } -@article{RN3186, - author = {Day, B. L. and Thompson, P. D. and Harding, A. E. and Marsden, C. D.}, - title = {Influence of vision on upper limb reaching movements in patients with cerebellar ataxia}, - journal = {Brain}, - volume = {121 ( Pt 2)}, - pages = {357-72}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9549511}, - year = {1998}, +@article{RN1008, + author = {Bower, J. M.}, + title = {The organization of cerebellar cortical circuitry revisited: implications for function}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {135-55.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582048}, + year = {2002}, type = {Journal Article} } -@article{RN2218, - author = {Corbetta, M. and Akbudak, E. and Conturo, T. E. and Snyder, A. Z. and Ollinger, J. M. and Drury, H. A. and Linenweber, M. R. and Petersen, S. E. and Raichle, M. E. and Van Essen, D. C. and Shulman, G. L.}, - title = {A common network of functional areas for attention and eye movements}, - journal = {Neuron}, - volume = {21}, - number = {4}, - pages = {761-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9808463}, - year = {1998}, +@article{RN1007, + author = {Middleton, F. A. and Strick, P. L.}, + title = {Basal ganglia and cerebellar loops: motor and cognitive circuits}, + journal = {Brain Res Brain Res Rev}, + volume = {31}, + number = {2-3}, + pages = {236-50.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10719151}, + year = {2000}, type = {Journal Article} } -@article{RN2617, - author = {Classen, J. and Liepert, J. and Wise, S. P. and Hallett, M. and Cohen, L. G.}, - title = {Rapid plasticity of human cortical movement representation induced by practice}, +@article{RN1006, + author = {Horn, K. M. and Van Kan, P. L. and Gibson, A. R.}, + title = {Reduction of rostral dorsal accessory olive responses during reaching}, journal = {J Neurophysiol}, - volume = {79}, - number = {2}, - pages = {1117-23}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9463469 }, - year = {1998}, + volume = {76}, + number = {6}, + pages = {4140-51.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8985907}, + year = {1996}, type = {Journal Article} } -@article{RN569, - author = {Classen, Joseph and Gerloff, Christian and Honda, Manabu and Hallett, Mark}, - title = {Integrative visuomotor behavior is associated with interregionally coherent oscillations in the human brain}, - journal = {Journal of Neurophysiology}, - volume = {79}, - number = {3}, - pages = {1567-1573}, - year = {1998}, +@article{RN1005, + author = {Simpson, J. I. and Alley, K. E.}, + title = {Visual climbing fiber input to rabbit vestibulo-cerebellum: a source of direction-specific information}, + journal = {Brain Res}, + volume = {82}, + number = {2}, + pages = {302-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4441896}, + year = {1974}, type = {Journal Article} } -@article{RN866, - author = {Cisek, P. and Grossberg, S. and Bullock, D.}, - title = {A cortico-spinal model of reaching and proprioception under multiple task constraints}, - journal = {J Cogn Neurosci}, +@article{RN1004, + author = {Albus, J. S.}, + title = {A theory of cerebellar function}, + journal = {Mathematical Bioscience}, volume = {10}, - number = {4}, - pages = {425-44.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9712674 -http://mitpress.mit.edu/journal-issue-abstracts.tcl?issn=0898929X&volume=10&issue=4}, - year = {1998}, + pages = {25-61}, + year = {1971}, type = {Journal Article} } -@article{RN391, - author = {Chao, Linda L. and Knight, Robert T.}, - title = {Contribution of human prefrontal cortex to delay performance}, - journal = {Journal of Cognitive Neuroscience}, - volume = {10}, - number = {2}, - pages = {167-177}, - year = {1998}, +@article{RN1003, + author = {Marr, D}, + title = {A theory of cerebellar cortex}, + journal = {Journal of Physiology}, + volume = {202}, + pages = {437-470}, + year = {1969}, type = {Journal Article} } -@article{RN2921, - author = {Catalan, M. J. and Honda, M. and Weeks, R. A. and Cohen, L. G. and Hallett, M.}, - title = {The functional neuroanatomy of simple and complex sequential finger movements: a PET study}, - journal = {Brain}, - volume = {121 ( Pt 2)}, - pages = {253-64}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9549504}, - year = {1998}, +@article{RN1002, + author = {Gauthier, G. M. and Hofferer, J. M. and Hoyt, W. F. and Stark, L.}, + title = {Visual-motor adaptation. Quantitative demonstration in patients with posterior fossa involvement}, + journal = {Arch Neurol}, + volume = {36}, + number = {3}, + pages = {155-60.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=435135}, + year = {1979}, type = {Journal Article} } -@article{RN398, - author = {Carter, Cameron S. and Braver, Todd S. and Barch, Deanna M. and Botvinick, Matthew M. and Noll, Douglas and Cohen, Jonathan D.}, - title = {Anterior cingulate cortex, error detection, and the online monitoring of performance}, - journal = {Science}, - volume = {280}, - number = {5364}, - pages = {747-749}, - year = {1998}, +@article{RN1001, + author = {Seitz, R. J. and Roland, E. and Bohm, C. and Greitz, T. and Stone-Elander, S.}, + title = {Motor learning in man: a positron emission tomographic study}, + journal = {Neuroreport}, + volume = {1}, + number = {1}, + pages = {57-60.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2129858}, + year = {1990}, type = {Journal Article} } -@article{RN2691, - author = {Carnahan, H.}, - title = {Manual asymmetries in response to rapid target movement}, - journal = {Brain Cogn}, - volume = {37}, +@article{RN1000, + author = {Forssberg, H. and Kinoshita, H. and Eliasson, A. C. and Johansson, R. S. and Westling, G. and Gordon, A. M.}, + title = {Development of human precision grip. II. Anticipatory control of isometric forces targeted for object's weight}, + journal = {Exp Brain Res}, + volume = {90}, number = {2}, - pages = {237-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9665745 }, - year = {1998}, + pages = {393-8}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1397153}, + year = {1992}, type = {Journal Article} } -@article{RN2720, - author = {Buxton, R. B. and Wong, E. C. and Frank, L. R.}, - title = {Dynamics of blood flow and oxygenation changes during brain activation: the balloon model}, - journal = {Magn Reson Med}, - volume = {39}, - number = {6}, - pages = {855-64}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9621908 }, - year = {1998}, +@article{RN999, + author = {Eliasson, A. C. and Forssberg, H. and Ikuta, K. and Apel, I. and Westling, G. and Johansson, R.}, + title = {Development of human precision grip. V. anticipatory and triggered grip actions during sudden loading}, + journal = {Exp Brain Res}, + volume = {106}, + number = {3}, + pages = {425-33}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8983986}, + year = {1995}, type = {Journal Article} } -@article{RN2585, - author = {Burdet, E. and Milner, T. E.}, - title = {Quantization of human motions and learning of accurate movements}, - journal = {Biol Cybern}, - volume = {78}, +@article{RN998, + author = {Massion, J.}, + title = {Postural control systems in developmental perspective}, + journal = {Neurosci Biobehav Rev}, + volume = {22}, number = {4}, - pages = {307-18}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9652080 }, + pages = {465-72.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9595556}, year = {1998}, type = {Journal Article} } -@article{RN867, - author = {Bullock, D. and Cisek, P. and Grossberg, S.}, - title = {Cortical networks for control of voluntary arm movements under variable force conditions}, - journal = {Cereb Cortex}, - volume = {8}, - number = {1}, - pages = {48-62.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9510385}, - year = {1998}, +@article{RN997, + author = {Tonolli, I. and Aurenty, R. and Lee, R. G. and Viallet, F. and Massion, J.}, + title = {Lateral leg raising in patients with Parkinson's disease: influence of equilibrium constraint}, + journal = {Mov Disord}, + volume = {15}, + number = {5}, + pages = {850-61.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11009190}, + year = {2000}, type = {Journal Article} } -@article{RN304, - author = {Bridgeman, Bruce and Huemer, Valerie}, - title = {A spatially oriented decision does not induce consciousness in a motor task}, - journal = {Consciousness & Cognition: An International Journal}, - volume = {7}, - number = {3}, - year = {1998}, +@article{RN996, + author = {Belenkiy, V. Y. and Gurfinkel, V. S. and Paltsev, E. I.}, + title = {On elements of control of voluntary movements.}, + journal = {Biofizica}, + number = {12}, + pages = {135-141}, + year = {1967}, type = {Journal Article} } -@article{RN904, - author = {Boessenkool, J. J. and Nijhof, E. J. and Erkelens, C. J.}, - title = {A comparison of curvatures of left and right hand movements in a simple pointing task}, - journal = {Exp Brain Res}, - volume = {120}, - number = {3}, - pages = {369-76.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9628423}, - year = {1998}, +@article{RN995, + author = {Bouisset, S. and Zattara, M.}, + title = {Biomechanical study of the programming of anticipatory postural adjustments associated with voluntary movement}, + journal = {J Biomech}, + volume = {20}, + number = {8}, + pages = {735-42}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3654672}, + year = {1987}, type = {Journal Article} } -@article{RN627, - author = {Blakemore, S. J. and Goodbody, S. J. and Wolpert, D. M.}, - title = {Predicting the consequences of our own actions: the role of sensorimotor context estimation}, - journal = {Journal of Neuroscience}, - volume = {18}, - number = {18}, - pages = {7511-8}, - url = {http://www.jneurosci.org/cgi/content/full/18/18/7511 -http://www.jneurosci.org}, - year = {1998}, +@article{RN994, + author = {Bazalgette, D. and Zattara, M. and Bathien, N. and Bouisset, S. and Rondot, P.}, + title = {Postural adjustments associated with rapid voluntary arm movements in patients with Parkinson's disease}, + journal = {Adv Neurol}, + volume = {45}, + pages = {371-4}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3825713}, + year = {1987}, type = {Journal Article} } -@article{RN2171, - author = {Birn, R. M. and Bandettini, P. A. and Cox, R. W. and Jesmanowicz, A. and Shaker, R.}, - title = {Magnetic field changes in the human brain due to swallowing or speaking}, - journal = {Magn Reson Med}, - volume = {40}, - number = {1}, - pages = {55-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9660553}, - year = {1998}, +@article{RN993, + author = {Prentice, S. D. and Drew, T.}, + title = {Contributions of the reticulospinal system to the postural adjustments occurring during voluntary gait modifications}, + journal = {J Neurophysiol}, + volume = {85}, + number = {2}, + pages = {679-98}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11160503}, + year = {2001}, + type = {Journal Article} +} + +@article{RN992, + author = {Bracha, V. and Zhao, L. and Wunderlich, D. A. and Morrissy, S. J. and Bloedel, J. R.}, + title = {Patients with cerebellar lesions cannot acquire but are able to retain conditioned eyeblink reflexes}, + journal = {Brain}, + volume = {120}, + number = {Pt 8}, + pages = {1401-13.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9278630}, + year = {1997}, type = {Journal Article} } -@article{RN927, - author = {Bastian, A. J. and Mink, J. W. and Kaufman, B. A. and Thach, W. T.}, - title = {Posterior vermal split syndrome}, - journal = {Ann Neurol}, - volume = {44}, - number = {4}, - pages = {601-10.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9778258}, - year = {1998}, +@article{RN991, + author = {Woodruff-Pak, D. S. and Lavond, D. G. and Thompson, R. F.}, + title = {Trace conditioning: abolished by cerebellar nuclear lesions but not lateral cerebellar cortex aspirations}, + journal = {Brain Res}, + volume = {348}, + number = {2}, + pages = {249-60}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4075084}, + year = {1985}, type = {Journal Article} } -@article{RN399, - author = {Baldo, Juliana V. and Shimamura, Arthur P. and Prinzmetal, William}, - title = {Mapping symbols to response modalities: Interference effects on Stroop-like tasks}, - journal = {Perception & Psychophysics}, - volume = {60}, +@article{RN990, + author = {Schmitz, C. and Martin, N. and Assaiante, C.}, + title = {Building anticipatory postural adjustment during childhood: a kinematic and electromyographic analysis of unloading in children from 4 to 8 years of age}, + journal = {Exp Brain Res}, + volume = {142}, number = {3}, - pages = {427-437}, - year = {1998}, + pages = {354-64.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11819044}, + year = {2002}, type = {Journal Article} } -@article{RN450, - author = {Badgaiyan, Rajendra D. and Posner, Michael I.}, - title = {Mapping the cingulate cortex in response selection and monitoring}, - journal = {Neuroimage}, - volume = {7}, - pages = {255-260}, - year = {1998}, +@article{RN989, + author = {Thach, W. T. and Goodkin, H. P. and Keating, J. G.}, + title = {The cerebellum and the adaptive coordination of movement}, + journal = {Annu Rev Neurosci}, + volume = {15}, + pages = {403-42}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1575449}, + year = {1992}, type = {Journal Article} } -@article{RN1108, - author = {Ashby, F. G. and Alfonso-Reese, L. A. and Turken, A. U. and Waldron, E. M.}, - title = {A neuropsychological theory of multiple systems in category learning}, - journal = {Psychol Rev}, - volume = {105}, - number = {3}, - pages = {442-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9697427}, - year = {1998}, +@article{RN988, + author = {Attwell, P. J. and Ivarsson, M. and Millar, L. and Yeo, C. H.}, + title = {Cerebellar mechanisms in eyeblink conditioning}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {79-92.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582043}, + year = {2002}, type = {Journal Article} } -@article{RN1020, - author = {Aruin, A. S. and Forrest, W. R. and Latash, M. L.}, - title = {Anticipatory postural adjustments in conditions of postural instability}, - journal = {Electroencephalogr Clin Neurophysiol}, - volume = {109}, +@article{RN987, + author = {Perrett, S. P. and Ruiz, B. P. and Mauk, M. D.}, + title = {Cerebellar cortex lesions disrupt learning-dependent timing of conditioned eyelid responses}, + journal = {J Neurosci}, + volume = {13}, number = {4}, - pages = {350-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9751298}, - year = {1998}, + pages = {1708-18}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8463846}, + year = {1993}, type = {Journal Article} } -@article{RN1037, - author = {Aguirre, G. K. and Zarahn, E. and D'Esposito, M.}, - title = {The variability of human, BOLD hemodynamic responses}, - journal = {Neuroimage}, - volume = {8}, - number = {4}, - pages = {360-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9811554}, - year = {1998}, +@article{RN986, + author = {Hore, J. and Watts, S. and Martin, J. and Miller, B.}, + title = {Timing of finger opening and ball release in fast and accurate overarm throws}, + journal = {Exp Brain Res}, + volume = {103}, + number = {2}, + pages = {277-86}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7789435}, + year = {1995}, type = {Journal Article} } -@article{RN384, - author = {Zhang, Jun and Riehle, Alexa and Requin, Jean and Kornblum, Sylvan}, - title = {Dynamics of single neuron activity in monkey primary motor cortex related to sensorimotor transformation}, - journal = {Journal of Neuroscience}, - volume = {17}, - number = {6}, - pages = {2227-2246}, - year = {1997}, +@article{RN985, + author = {Diener, H. C. and Dichgans, J. and Guschlbauer, B. and Bacher, M. and Langenbach, P.}, + title = {Disturbances of motor preparation in basal ganglia and cerebellar disorders}, + journal = {Prog Brain Res}, + volume = {80}, + pages = {481-8}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2634284}, + year = {1989}, type = {Journal Article} } -@article{RN1991, - author = {Zarahn, E. and Aguirre, G. K. and D'Esposito, M.}, - title = {Empirical analyses of BOLD fMRI statistics. I. Spatially unsmoothed data collected under null-hypothesis conditions}, - journal = {Neuroimage}, - volume = {5}, +@article{RN984, + author = {Muller, F. and Dichgans, J.}, + title = {Dyscoordination of pinch and lift forces during grasp in patients with cerebellar lesions}, + journal = {Exp Brain Res}, + volume = {101}, number = {3}, - pages = {179-97}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345548}, - year = {1997}, + pages = {485-92}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7851515}, + year = {1994}, type = {Journal Article} } -@article{RN373, - author = {Zanone, P. G. and Kelso, J. A. S.}, - title = {Coordination dynamics of learning and transfer: Collective and component levels}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {23}, - number = {5}, - pages = {1454-1480}, - year = {1997}, +@article{RN983, + author = {Horak, F. B. and Diener, H. C.}, + title = {Cerebellar control of postural scaling and central set in stance}, + journal = {J Neurophysiol}, + volume = {72}, + number = {2}, + pages = {479-93.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7983513}, + year = {1994}, type = {Journal Article} } -@article{RN2930, - author = {Yousry, T. A. and Schmid, U. D. and Alkadhi, H. and Schmidt, D. and Peraud, A. and Buettner, A. and Winkler, P.}, - title = {Localization of the motor hand area to a knob on the precentral gyrus. A new landmark}, - journal = {Brain}, - volume = {120 ( Pt 1)}, - pages = {141-57}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - year = {1997}, - type = {Journal Article} +@book{RN982, + author = {Huber, Peter J.}, + title = {Robust statistics}, + publisher = {Wiley}, + address = {New York}, + series = {Wiley series in probability and mathematical statistics}, + pages = {ix, 308}, + ISBN = {0471418056}, + year = {1981}, + type = {Book} } -@article{RN2168, - author = {Wu, D. H. and Lewin, J. S. and Duerk, J. L.}, - title = {Inadequacy of motion correction algorithms in functional MRI: role of susceptibility-induced artifacts}, - journal = {J Magn Reson Imaging}, - volume = {7}, - number = {2}, - pages = {365-70}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9090592}, - year = {1997}, +@article{RN981, + author = {Glover, S.}, + title = {Separate visual representations in the planning and control of action}, + journal = {Behavioral and Brain Sciences}, + year = {in press}, type = {Journal Article} } -@article{RN2406, - author = {Wright, B. A. and Buonomano, D. V. and Mahncke, H. W. and Merzenich, M. M.}, - title = {Learning and generalization of auditory temporal-interval discrimination in humans}, - journal = {J Neurosci}, - volume = {17}, - number = {10}, - pages = {3956-63}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9133413}, - year = {1997}, +@article{RN980, + author = {Heilman, K. M. and Rothi, L. J. and Valenstein, E.}, + title = {Two forms of ideomotor apraxia}, + journal = {Neurology}, + volume = {32}, + number = {4}, + pages = {342-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7199656}, + year = {1982}, type = {Journal Article} } -@article{RN1012, - author = {Wing, A. M. and Flanagan, J. R. and Richardson, J.}, - title = {Anticipatory postural adjustments in stance and grip}, - journal = {Exp Brain Res}, - volume = {116}, - number = {1}, - pages = {122-30.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9305821}, - year = {1997}, - type = {Journal Article} +@inbook{RN979, + author = {Johnson, Scott H. and Grafton, Scott T.}, + title = {From 'acting on' to 'acting with': the functional anatomy of object-oriented action schemata}, + booktitle = {Progress in Brain Research}, + editor = {Prablanc, C. and Pelisson, D. and Rossetti, Y.}, + publisher = {Elsevier Science}, + volume = {142}, + pages = {127-139}, + year = {2003}, + type = {Book Section} } -@article{RN932, - author = {Walter, C. B. and Swinnen, S. P. and Corcos, D. M. and Pollatou, E. and Pan, H. Y.}, - title = {Coping with systematic bias during bilateral movement}, - journal = {Psychol Res}, - volume = {60}, +@article{RN978, + author = {Johnson, S. H. and Rotte, M. and Grafton, S. T. and Hinrichs, H. and Gazzaniga, M. S. and Heinze, H. J.}, + title = {Selective activation of a parietofrontal circuit during implicitly imagined prehension}, + journal = {Neuroimage}, + volume = {17}, number = {4}, - pages = {202-13}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9440358}, - year = {1997}, + pages = {1693-704.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12498743}, + year = {2002}, type = {Journal Article} } -@article{RN31, - author = {Vecera, Shaun P. and Behrmann, Marlene}, - title = {Spatial attention does not require preattentive grouping}, - journal = {Neuropsychology}, - volume = {11}, - number = {1}, - pages = {30-43}, - year = {1997}, +@article{RN977, + author = {Liepmann, H. M. O}, + title = {Ein Fall von linksseitiger Agraphie und Apraxie bei rechtsseitinger Lähmung.}, + journal = {Monatszeitschrift für Psychiatrie und Neurologie}, + volume = {10}, + pages = {214-227}, + year = {1907}, + type = {Journal Article} +} + +@article{RN976, + author = {Viallet, F. and Massion, J. and Massarino, R. and Khalil, R.}, + title = {Performance of a bimanual load-lifting task by parkinsonian patients}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {50}, + number = {10}, + pages = {1274-83}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3681306}, + year = {1987}, type = {Journal Article} } @@ -19067,210 +19800,223 @@ @article{RN975 type = {Journal Article} } -@article{RN353, - author = {Tipper, Steven P. and Howard, Louise A. and Jackson, Stephen R.}, - title = {Selective reaching to grasp: Evidence for distractor interference effects}, - journal = {Visual Cognition}, - volume = {4}, - number = {1}, - pages = {1-38}, - year = {1997}, - type = {Journal Article} +@inproceedings{RN974, + author = {Nambisan, Rohit and Diedrichsen, Jörn and Ivry, Richard B. and Kennerley, Steven}, + title = {Two autopilots, one brain: limitations and interactions during online adjustment of bimanual reaching movements.}, + booktitle = {Society for neuroscience abstract}, + type = {Conference Proceedings} } -@article{RN1032, - author = {Timmann, D. and Horak, F. B.}, - title = {Prediction and set-dependent scaling of early postural responses in cerebellar patients}, - journal = {Brain}, - volume = {120}, - number = {Pt 2}, - pages = {327-37.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9117379}, - year = {1997}, +@article{RN972, + author = {Ivry, R. B. and Spencer, R. M. and Zelaznik, H. N. and Diedrichsen, J.}, + title = {The cerebellum and event timing}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {302-17.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582062}, + year = {2002}, type = {Journal Article} } -@article{RN1050, - author = {Swinnen, S.P. and Jardin, K. and Meulenbroek, R. and Dounskaia, N. and Hofkens-Van Den Brandt, M.}, - title = {Egocentric and allocentric constraints in the expression of patterns of interlimb coordination}, - journal = {Journal of Cognitive Neuroscience}, - volume = {9}, - pages = {348-377}, - url = {http://jocn.mitpress.org/cgi/content/abstract/9/3/348}, - year = {1997}, +@article{RN971, + author = {Hazeltine, E. and Diedrichsen, J. and Kennerley, S. W. and Ivry, R. B.}, + title = {Bimanual cross-talk during reaching movements is primarily related to response selection, not the specification of motor parameters}, + journal = {Psychol Res}, + volume = {67}, + number = {1}, + pages = {56-70.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12589450}, + year = {2003}, type = {Journal Article} } -@article{RN648, - author = {Suzuki, S. and Cavanagh, P.}, - title = {Focused attention distorts visual space: an attentional repulsion effect}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {23}, - number = {2}, - pages = {443-63}, - year = {1997}, +@article{RN970, + author = {Diedrichsen, J. and Ivry, R. B. and Hazeltine, E. and Kennerley, S. and Cohen, A.}, + title = {Bimanual interference associated with the selection of target locations}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {29}, + number = {1}, + pages = {64-77}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12669748}, + year = {2003}, type = {Journal Article} } -@article{RN323, - author = {Spijkers, Will and Heuer, Herbert and Kleinsorge, Thomas and van der Loo, Hanno}, - title = {Preparation of bimanual movements with same and different amplitudes: Specification interference as revealed by reaction time}, - journal = {Acta Psychologica}, - volume = {96}, +@article{RN969, + author = {Gribble, P. L. and Ostry, D. J. and Sanguineti, V. and Laboissiere, R.}, + title = {Are complex control signals required for human arm movement?}, + journal = {J Neurophysiol}, + volume = {79}, number = {3}, - pages = {207-227}, - year = {1997}, + pages = {1409-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9497421}, + year = {1998}, type = {Journal Article} } -@inbook{RN2204, - author = {Speed, T. P.}, - title = {Restricted Maximum Likelihood (ReML)}, - booktitle = {Encyclopedia of Statistical Sciences}, - editor = {Kotz, Samuel and Read, Campbell and Banks, David L.}, - publisher = {Wiley-Interscience}, - address = {New York}, - pages = {472-481}, - year = {1997}, - type = {Book Section} +@article{RN968, + author = {Latash, M. L. and Gottlieb, G. L.}, + title = {Reconstruction of shifting elbow joint compliant characteristics during fast and slow movements}, + journal = {Neuroscience}, + volume = {43}, + number = {2-3}, + pages = {697-712}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1922790}, + year = {1991}, + type = {Journal Article} } -@article{RN240, - author = {Smith, Edward E. and Jonides, John}, - title = {Working memory: A view from neuroimaging}, - journal = {Cognitive Psychology}, - volume = {33}, - pages = {5-42}, +@article{RN967, + author = {Pouget, A and Sejnowski, T}, + title = {Spatial transformations in the parietal cortex using basis functions}, + journal = {Journal of Cognitive Neuroscience}, + volume = {9}, + pages = {222-237}, year = {1997}, type = {Journal Article} } -@article{RN479, - author = {Shulman, Gordon L. and Corbetta, Maurizio and Fiez, Julie A. and Buckner, Randy L. and Miezin, Francis M. and Raichle, Marcus E. and Petersen, Steven E.}, - title = {Searching for activations that generalize over tasks}, - journal = {Human Brain Mapping}, - volume = {5}, - number = {4}, - pages = {317-322}, +@article{RN966, + author = {McIntyre, J. and Stratta, F. and Lacquaniti, F.}, + title = {Viewer-centered frame of reference for pointing to memorized targets in three-dimensional space}, + journal = {J Neurophysiol}, + volume = {78}, + number = {3}, + pages = {1601-18.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9310446}, year = {1997}, type = {Journal Article} } -@article{RN496, - author = {Shimansky, J. and Saling, M. and Wunderlich, D. A. and Bracha, V. and Stelmach, G. E. and Bloedel, J. R.}, - title = {Impaired capacity of cerebellar patients to perceive and learn two-dimensional shapes based on kinesthetic cues}, - journal = {Learning & Memory}, - volume = {4}, - pages = {36-48}, - year = {1997}, +@article{RN965, + author = {Gordon, J. and Ghilardi, M. F. and Ghez, C.}, + title = {Accuracy of planar reaching movements. I. Independence of direction and extent variability}, + journal = {Exp Brain Res}, + volume = {99}, + number = {1}, + pages = {97-111}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7925800}, + year = {1994}, type = {Journal Article} } -@article{RN767, - author = {Shadmehr, R. and Holcomb, H. H.}, - title = {Neural correlates of motor memory consolidation}, - journal = {Science}, - volume = {277}, - number = {5327}, - pages = {821-5.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9242612}, - year = {1997}, +@article{RN964, + author = {Carrozzo, M. and Stratta, F. and McIntyre, J. and Lacquaniti, F.}, + title = {Cognitive allocentric representations of visual space shape pointing errors}, + journal = {Exp Brain Res}, + volume = {147}, + number = {4}, + pages = {426-36.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12444474}, + year = {2002}, type = {Journal Article} } -@article{RN769, - author = {Shadmehr, R. and Brashers-Krug, T.}, - title = {Functional stages in the formation of human long-term motor memory}, - journal = {J Neurosci}, - volume = {17}, - number = {1}, - pages = {409-19.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8987766}, - year = {1997}, +@article{RN963, + author = {Sheth, B. R. and Shimojo, S.}, + title = {Compression of space in visual memory}, + journal = {Vision Res}, + volume = {41}, + number = {3}, + pages = {329-41.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11164448}, + year = {2001}, type = {Journal Article} } -@article{RN3000, - author = {Sergio, L. E. and Kalaska, J. F.}, - title = {Systematic changes in directional tuning of motor cortex cell activity with hand location in the workspace during generation of static isometric forces in constant spatial directions}, - journal = {J Neurophysiol}, - volume = {78}, +@article{RN962, + author = {Kerzel, D.}, + title = {Memory for the position of stationary objects: disentangling foveal bias and memory averaging}, + journal = {Vision Res}, + volume = {42}, number = {2}, - pages = {1170-4}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9307146}, - year = {1997}, + pages = {159-67.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11809470}, + year = {2002}, type = {Journal Article} } -@article{RN3180, - author = {Schultz, W. and Dayan, P. and Montague, P. R.}, - title = {A neural substrate of prediction and reward}, - journal = {Science}, - volume = {275}, - number = {5306}, - pages = {1593-9}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9054347}, +@article{RN961, + author = {Howard, L. A. and Tipper, S. P.}, + title = {Hand deviations away from visual cues: indirect evidence for inhibition}, + journal = {Exp Brain Res}, + volume = {113}, + number = {1}, + pages = {144-52.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9028783}, year = {1997}, type = {Journal Article} } -@inbook{RN485, - author = {Schmahmann, Jeremy D. and Pandya, Deepak N.}, - title = {The cerebrocerebellar system}, - booktitle = {The cerebellum and cognition}, - editor = {Schahmann, Jeremy D.}, - series = {International review of neurobiology}, - publisher = {Academic Press}, - address = {San Diego, CA}, - volume = {41}, - pages = {31-55}, - year = {1997}, - type = {Book Section} +@article{RN960, + author = {Yantis, S. and Jonides, J.}, + title = {Abrupt visual onsets and selective attention: voluntary versus automatic allocation}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {16}, + number = {1}, + pages = {121-34.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2137514}, + year = {1990}, + type = {Journal Article} +} + +@article{RN959, + author = {Gourtzelidis, P. and Smyrnis, N. and Evdokimidis, I. and Balogh, A.}, + title = {Systematic errors of planar arm movements provide evidence for space categorization effects and interaction of multiple frames of reference}, + journal = {Exp Brain Res}, + volume = {139}, + number = {1}, + pages = {59-69.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11482844}, + year = {2001}, + type = {Journal Article} } -@book{RN3190, - author = {Schmahmann, J. D.}, - title = {The cerebellum and cognition}, - publisher = {Academic press}, - address = {San Diego, CA}, - year = {1997}, - type = {Book} +@article{RN958, + author = {Kazennikov, O. and Perrig, S. and Wiesendanger, M.}, + title = {Kinematics of a coordinated goal-directed bimanual task}, + journal = {Behav Brain Res}, + volume = {134}, + number = {1-2}, + pages = {83-91.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12191795}, + year = {2002}, + type = {Journal Article} } -@article{RN333, - author = {Samuel, M. and Ceballos-Baumann, A. O. and Blin, J. and Uema, T. and Boecker, H. and Passingham, R. E. and Brooks, D. J.}, - title = {Evidence for lateral premotor and parietal overactivity in Parkinson's disease during sequential and bimanual movements. A PET study [see comments]}, - journal = {Brain}, - volume = {120}, - pages = {963-976}, - year = {1997}, +@article{RN957, + author = {Wiesendanger, M. and Kaluzny, P. and Kazennikov, O. and Palmeri, A. and Perrig, S.}, + title = {Temporal coordination in bimanual actions}, + journal = {Can J Physiol Pharmacol}, + volume = {72}, + number = {5}, + pages = {591-4.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7954090}, + year = {1994}, type = {Journal Article} } -@article{RN332, - author = {Sadato, N. and Yonekura, Y. and Waki, A. and Yamada, H. and Ishii, Y.}, - title = {Role of the supplementary motor area and the right premotor cortex in the coordination of bimanual finger movements}, - journal = {Journal of Neuroscience}, - volume = {17}, - number = {24}, - pages = {9667-9674}, - year = {1997}, +@article{RN956, + author = {Kazennikov, O. and Hyland, B. and Wicki, U. and Perrig, S. and Rouiller, E. M. and Wiesendanger, M.}, + title = {Effects of lesions in the mesial frontal cortex on bimanual co- ordination in monkeys}, + journal = {Neuroscience}, + volume = {85}, + number = {3}, + pages = {703-16.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9639266}, + year = {1998}, type = {Journal Article} } -@article{RN887, - author = {Sabes, P. N. and Jordan, M. I.}, - title = {Obstacle avoidance and a perturbation sensitivity model for motor planning}, - journal = {J Neurosci}, - volume = {17}, - number = {18}, - pages = {7119-28.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9278546}, - year = {1997}, +@article{RN955, + author = {Perrig, S. and Kazennikov, O. and Wiesendanger, M.}, + title = {Time structure of a goal-directed bimanual skill and its dependence on task constraints}, + journal = {Behav Brain Res}, + volume = {103}, + number = {1}, + pages = {95-104.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10475169}, + year = {1999}, type = {Journal Article} } @@ -19298,998 +20044,1096 @@ @article{RN953 type = {Journal Article} } -@article{RN383, - author = {Riehle, Alexa and Kornblum, Sylvan and Requin, Jean}, - title = {Neuronal correlates of sensorimotor association in stimulus-response compatibility}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {23}, - number = {6}, - pages = {1708-1726}, - year = {1997}, - type = {Journal Article} -} - -@article{RN503, - author = {Rao, S. M. and Harrington, D. L. and Haaland, K. Y. and Bobholz, J. A. and Cox, R. W. and Binder, J. R.}, - title = {Distributed neural systems underlying the timing of movements}, - journal = {Journal of Neuroscience}, - volume = {17}, - number = {14}, - pages = {5528-35}, - year = {1997}, +@article{RN952, + author = {Rushworth, M. F. and Johansen-Berg, H. and Young, S. A.}, + title = {Parietal cortex and spatial-postural transformation during arm movements}, + journal = {J Neurophysiol}, + volume = {79}, + number = {1}, + pages = {478-82.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9425217}, + year = {1998}, type = {Journal Article} } -@article{RN812, - author = {Pressing, J. and Jolley-Rogers, G.}, - title = {Spectral properties of human cognition and skill}, - journal = {Biol Cybern}, - volume = {76}, - number = {5}, - pages = {339-47.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9237359}, - year = {1997}, +@article{RN951, + author = {Rushworth, M. F. and Nixon, P. D. and Wade, D. T. and Renowden, S. and Passingham, R. E.}, + title = {The left hemisphere and the selection of learned actions}, + journal = {Neuropsychologia}, + volume = {36}, + number = {1}, + pages = {11-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9533383}, + year = {1998}, type = {Journal Article} } -@article{RN967, - author = {Pouget, A and Sejnowski, T}, - title = {Spatial transformations in the parietal cortex using basis functions}, - journal = {Journal of Cognitive Neuroscience}, - volume = {9}, - pages = {222-237}, - year = {1997}, +@article{RN950, + author = {Toni, I. and Rushworth, M. F. and Passingham, R. E.}, + title = {Neural correlates of visuomotor associations. Spatial rules compared with arbitrary rules}, + journal = {Exp Brain Res}, + volume = {141}, + number = {3}, + pages = {359-69.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11715080}, + year = {2001}, type = {Journal Article} } -@article{RN64, - author = {Platel, Herve and Price, Cathy and Baron, Jean-Claude and Wise, Richard and Lambert, Jany and Frackowiack, Richard S.J. and Lechevalier, Bernard and Eustache, Francis}, - title = {The structural components of music perception}, - journal = {Brain}, - volume = {120}, - pages = {229-243}, - year = {1997}, +@article{RN949, + author = {Passingham, R. E. and Toni, I. and Schluter, N. and Rushworth, M. F.}, + title = {How do visual instructions influence the motor system?}, + journal = {Novartis Found Symp}, + volume = {218}, + pages = {129-41}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9949819}, + year = {1998}, type = {Journal Article} } -@article{RN2101, - author = {Picard, N. and Strick, P. L.}, - title = {Activation on the medial wall during remembered sequences of reaching movements in monkeys}, - journal = {J Neurophysiol}, - volume = {77}, +@article{RN948, + author = {Weigelt, C. and Cardoso De Oliveira, S.}, + title = {Visuomotor transformations affect bimanual coupling}, + journal = {Exp Brain Res}, + volume = {148}, number = {4}, - pages = {2197-201}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9114266}, - year = {1997}, + pages = {439-50.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582827}, + year = {2003}, type = {Journal Article} } -@article{RN162, - author = {Müsseler, Jochen and Hommel, Bernhard}, - title = {Detecting and identifying response-compatible stimuli}, - journal = {Psychonomic Bulletin and Review}, - volume = {4}, - number = {1}, - pages = {125-129}, - year = {1997}, +@article{RN947, + author = {Hore, J. and Timmann, D. and Watts, S.}, + title = {Disorders in timing and force of finger opening in overarm throws made by cerebellar subjects}, + journal = {Ann N Y Acad Sci}, + volume = {978}, + pages = {1-15}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12582037}, + year = {2002}, type = {Journal Article} } -@article{RN161, - author = {Müsseler, Jochen and Hommel, Bernhard}, - title = {Blindness to response-compatible stimuli}, - journal = {Journal of Experimental Psychology Human Perception and Performance}, - volume = {23}, - number = {3}, - pages = {861-872}, - year = {1997}, +@article{RN946, + author = {Gauthier, J. and Bourbonnais, D. and Filiatrault, J. and Gravel, D. and Arsenault, A. B.}, + title = {Characterization of contralateral torques during static hip efforts in healthy subjects and subjects with hemiparesis}, + journal = {Brain}, + volume = {115}, + number = {Pt 4}, + pages = {1193-207.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1393511}, + year = {1992}, type = {Journal Article} } -@article{RN647, - author = {Moore, Cathleen M. and Egeth, Howard}, - title = {Perception without attention: Evidence of grouping under conditions of inattention}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {23}, +@article{RN945, + author = {Corcos, D. M. and Gottlieb, G. L. and Agarwal, G. C.}, + title = {Organizing principles for single-joint movements. II. A speed-sensitive strategy}, + journal = {J Neurophysiol}, + volume = {62}, number = {2}, - pages = {339-352}, - year = {1997}, + pages = {358-68.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2769335}, + year = {1989}, type = {Journal Article} } -@article{RN1646, - author = {Molinari, M. and Leggio, M. G. and Solida, A. and Ciorra, R. and Misciagna, S. and Silveri, M. C. and Petrosini, L.}, - title = {Cerebellum and procedural learning: evidence from focal cerebellar lesions}, - journal = {Brain}, - volume = {120 ( Pt 10)}, - pages = {1753-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9365368}, - year = {1997}, +@article{RN944, + author = {Gottlieb, G. L. and Corcos, D. M. and Agarwal, G. C.}, + title = {Organizing principles for single-joint movements. I. A speed- insensitive strategy}, + journal = {J Neurophysiol}, + volume = {62}, + number = {2}, + pages = {342-57.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2769334}, + year = {1989}, type = {Journal Article} } -@inbook{RN486, - author = {Middleton, Frank A. and Strick, Peter L.}, - title = {Cerebellar output channels}, - booktitle = {The cerebellum and cognition}, - editor = {Schmahmann, Jeremy D.}, - series = {International review of neurobiology}, - publisher = {Academic Press}, - address = {San Diego, CA}, - volume = {41}, - pages = {31-60}, - year = {1997}, - type = {Book Section} -} - -@article{RN675, - author = {Meyer, David E. and Kieras, David E.}, - title = {A computational theory of executive cognitive processes and multiple-task performance: Part 2. Accounts of psychological refractory-period phenomena}, - journal = {Psychological Review}, - volume = {104}, - number = {4}, - pages = {749-791}, - year = {1997}, +@article{RN943, + author = {Cardoso de Oliveira, Simone}, + title = {The neural basis of bimanual coordination: recent neurophysiological evidence and functional models}, + journal = {Acta Psychologica}, + volume = {110}, + pages = {139-159}, + year = {2002}, type = {Journal Article} } -@article{RN674, - author = {Meyer, David E. and Kieras, David E.}, - title = {A computational theory of executive cognitive processes and multiple-task performance: I. Basic mechanisms}, - journal = {Psychological Review}, - volume = {104}, - number = {1}, - pages = {3-65}, - year = {1997}, - type = {Journal Article} +@inbook{RN942, + author = {Carlton, Les G. and Newell, K. M.}, + title = {Force variability in isometric tasks}, + booktitle = {Variability and motor control}, + editor = {Newell, K. M. and Corcos, D. M.}, + publisher = {Human Kinetics}, + address = {Champaign, IL}, + pages = {15-36}, + year = {1993}, + type = {Book Section} } -@book{RN2079, - author = {McLachlan, Geoffrey J. and Krishnan, Triyambakam}, - title = {The EM Algorithm and Extensions}, - publisher = {Wiley}, - address = {New York}, - series = {Wiley Series in Probability and Statistics}, - year = {1997}, - type = {Book} +@article{RN941, + author = {Slifkin, A. B. and Newell, K. M.}, + title = {Variability and noise in continuous force production}, + journal = {J Mot Behav}, + volume = {32}, + number = {2}, + pages = {141-50}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11005945}, + year = {2000}, + type = {Journal Article} } -@article{RN966, - author = {McIntyre, J. and Stratta, F. and Lacquaniti, F.}, - title = {Viewer-centered frame of reference for pointing to memorized targets in three-dimensional space}, - journal = {J Neurophysiol}, - volume = {78}, +@article{RN940, + author = {Slifkin, A. B. and Newell, K. M.}, + title = {Noise, information transmission, and force variability}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {25}, number = {3}, - pages = {1601-18.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9310446}, - year = {1997}, + pages = {837-51.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10385989}, + year = {1999}, type = {Journal Article} } -@article{RN623, - author = {McDowell, Michael J. and Wolff, Peter H.}, - title = {A functional analysis of human mirror movements}, - journal = {Journal of Motor Behavior}, - volume = {29}, +@article{RN938, + author = {Heuer, H. and Kleinsorge, T. and Spijkers, W. and Steglich, W.}, + title = {Static and phasic cross-talk effects in discrete bimanual reversal movements}, + journal = {J Mot Behav}, + volume = {33}, number = {1}, - pages = {85-96}, - year = {1997}, + pages = {67-85.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11265059}, + year = {2001}, type = {Journal Article} } -@article{RN459, - author = {Mauk, Michael D. and Donegan, Nelson H.}, - title = {A model of pavlovian eyelid conditioning based on the synpatic organization of the cerebellum}, - journal = {Learning & Memory}, - volume = {3}, - pages = {130-158}, - year = {1997}, +@article{RN937, + author = {Diedrichsen, J. and Verstynen, T. and Hon, A. and Lehman, S. L. and Ivry, R. B.}, + title = {Anticipatory adjustments in the unloading task: Is an efference copy necessary for learning?}, + journal = {Exp Brain Res}, + volume = {148}, + number = {2}, + pages = {272-276}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12520418}, + year = {2003}, type = {Journal Article} } -@article{RN3347, - author = {Leijnse, J. N.}, - title = {Measuring force transfers in the deep flexors of the musician's hand: theoretical analysis, clinical examples}, - journal = {J Biomech}, - volume = {30}, +@article{RN936, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Bimanual organization of manipulative forces: evidence from erroneous feedforward programming of precision grip}, + journal = {Eur J Neurosci}, + volume = {13}, number = {9}, - pages = {873-82}, - ISSN = {0021-9290 (Print) -0021-9290 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/9302609}, - year = {1997}, + pages = {1825-32.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11359534}, + year = {2001}, type = {Journal Article} } -@article{RN392, - author = {Knight, Robert T.}, - title = {Distributed cortical network for visual attention}, - journal = {Journal of Cognitive Neuroscience}, - volume = {9}, - number = {1}, - pages = {75-91}, - year = {1997}, +@article{RN935, + author = {Geffen, G. M. and Jones, D. L. and Geffen, L. B.}, + title = {Interhemispheric control of manual motor activity}, + journal = {Behav Brain Res}, + volume = {64}, + number = {1-2}, + pages = {131-40.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7840879}, + year = {1994}, type = {Journal Article} } -@article{RN2161, - author = {Kertzman, C. and Schwarz, U. and Zeffiro, T. A. and Hallett, M.}, - title = {The role of posterior parietal cortex in visually guided reaching movements in humans}, +@article{RN934, + author = {Ohki, Y. and Johansson, R. S.}, + title = {Sensorimotor interactions between pairs of fingers in bimanual and unimanual manipulative tasks}, journal = {Exp Brain Res}, - volume = {114}, + volume = {127}, number = {1}, - pages = {170-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9125463}, - year = {1997}, + pages = {43-53.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10424413}, + year = {1999}, type = {Journal Article} } -@article{RN701, - author = {Kalaska, J. F. and Scott, S. H. and Cisek, P. and Sergio, L. E.}, - title = {Cortical control of reaching movements}, - journal = {Current Opinion in Neurobiology}, - volume = {7}, - number = {6}, - pages = {849-59.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9464979 -http://www.biomednet.com/article/nb7609}, +@article{RN933, + author = {Ohki, Y. and Edin, B. B. and Johansson, R. S.}, + title = {Predictions specify reactive control of individual digits in manipulation}, + journal = {J Neurosci}, + volume = {22}, + number = {2}, + pages = {600-10.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11784808}, + year = {2002}, + type = {Journal Article} +} + +@article{RN932, + author = {Walter, C. B. and Swinnen, S. P. and Corcos, D. M. and Pollatou, E. and Pan, H. Y.}, + title = {Coping with systematic bias during bilateral movement}, + journal = {Psychol Res}, + volume = {60}, + number = {4}, + pages = {202-13}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9440358}, year = {1997}, type = {Journal Article} } -@article{RN917, - author = {Jueptner, M. and Ottinger, S. and Fellows, S. J. and Adamschewski, J. and Flerich, L. and Muller, S. P. and Diener, H. C. and Thilmann, A. F. and Weiller, C.}, - title = {The relevance of sensory input for the cerebellar control of movements}, - journal = {Neuroimage}, - volume = {5}, +@article{RN931, + author = {Walter, C. B. and Swinnen, S. P. and Dounskaia, N. V.}, + title = {Generation of bimanual trajectories of disparate eccentricity: levels of interference and spontaneous changes over practice}, + journal = {J Mot Behav}, + volume = {34}, + number = {2}, + pages = {183-95.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12057891}, + year = {2002}, + type = {Journal Article} +} + +@article{RN930, + author = {Swinnen, S. P. and Jardin, K. and Verschueren, S. and Meulenbroek, R. and Franz, L. and Dounskaia, N. and Walter, C. B.}, + title = {Exploring interlimb constraints during bimanual graphic performance: effects of muscle grouping and direction}, + journal = {Behav Brain Res}, + volume = {90}, number = {1}, - pages = {41-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9038283}, - year = {1997}, + pages = {79-87.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9520215}, + year = {1998}, type = {Journal Article} } -@article{RN482, - author = {Jueptner, M. and Frith, C. D. and Brooks, D. J. and Fracknowiak, R. S. J. and passingham, R. E.}, - title = {Anatomy of motor learning. II. Subcortical structures and learning by trial and error.}, - journal = {Journal of Neurophysiology}, - volume = {77}, - pages = {1325-1337}, - year = {1997}, +@article{RN929, + author = {Rinkenauer, G. and Ulrich, R. and Wing, A. M.}, + title = {Brief bimanual force pulses: correlations between the hands in force and time}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {27}, + number = {6}, + pages = {1485-97.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11766938}, + year = {2001}, type = {Journal Article} } -@article{RN824, - author = {Ivry, R.}, - title = {Cerebellar timing systems}, - journal = {International Review of Neurobiology}, - volume = {41}, - pages = {555-73}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9378608}, - year = {1997}, +@article{RN928, + author = {Lang, C. E. and Bastian, A. J.}, + title = {Cerebellar damage impairs automaticity of a recently practiced movement}, + journal = {J Neurophysiol}, + volume = {87}, + number = {3}, + pages = {1336-1347}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11877508}, + year = {2002}, type = {Journal Article} } -@article{RN2086, - author = {Inoue, K. and Kawashima, R. and Satoh, K. and Kinomura, S. and Goto, R. and Sugiura, M. and Ito, M. and Fukuda, H.}, - title = {Activity in the parietal area during visuomotor learning with optical rotation}, - journal = {Neuroreport}, - volume = {8}, - number = {18}, - pages = {3979-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9462478}, - year = {1997}, +@article{RN927, + author = {Bastian, A. J. and Mink, J. W. and Kaufman, B. A. and Thach, W. T.}, + title = {Posterior vermal split syndrome}, + journal = {Ann Neurol}, + volume = {44}, + number = {4}, + pages = {601-10.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9778258}, + year = {1998}, type = {Journal Article} } -@article{RN961, - author = {Howard, L. A. and Tipper, S. P.}, - title = {Hand deviations away from visual cues: indirect evidence for inhibition}, - journal = {Exp Brain Res}, - volume = {113}, - number = {1}, - pages = {144-52.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9028783}, - year = {1997}, +@article{RN926, + author = {Cincotta, M. and Borgheresi, A. and Boffi, P. and Vigliano, P. and Ragazzoni, A. and Zaccara, G. and Ziemann, U.}, + title = {Bilateral motor cortex output with intended unimanual contraction in congenital mirror movements}, + journal = {Neurology}, + volume = {58}, + number = {8}, + pages = {1290-3.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11971104}, + year = {2002}, type = {Journal Article} } -@article{RN2549, - author = {Herrup, K. and Kuemerle, B.}, - title = {The compartmentalization of the cerebellum}, - journal = {Annu Rev Neurosci}, - volume = {20}, - pages = {61-90}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9056708 }, - year = {1997}, +@article{RN925, + author = {Wilson, S. J. and Pressing, J. L. and Wales, R. J.}, + title = {Modelling rhythmic function in a musician post-stroke}, + journal = {Neuropsychologia}, + volume = {40}, + number = {8}, + pages = {1494-505}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11931954}, + year = {2002}, type = {Journal Article} } -@article{RN465, - author = {Helmuth, Laura L. and Ivry, Richard B. and Shimizu, Naomi}, - title = {Preserved performance by cerebellar patients on tests of word generation, discrimination learning, and attention}, - journal = {Learning & Memory}, - volume = {3}, - number = {6}, - pages = {456-474}, - year = {1997}, +@article{RN924, + author = {Reeve, T. Gilmour and Proctor, Robert W.}, + title = {Nonmotoric translation processes in the preparation of discrete finger responses: A rebuttal of Miller's (1985) analysis}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {11}, + number = {2}, + pages = {234-241}, + year = {1985}, type = {Journal Article} } -@article{RN42, - author = {Hazeltine, R. Eliot and Prinzmetal, William and Elliott, Katherine}, - title = {If it's not there, where is it? Locating illusory conjunctions}, +@article{RN923, + author = {Reeve, T. Gilmour and Proctor, Robert W.}, + title = {On the advance preparation of discrete finger responses}, journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {23}, - number = {1}, - pages = {263-277}, - year = {1997}, + volume = {10}, + number = {4}, + pages = {541-553}, + year = {1984}, type = {Journal Article} } -@article{RN1425, - author = {Hazeltine, E. and Grafton, S. T. and Ivry, R.}, - title = {Attention and stimulus characteristics determine the locus of motor-sequence encoding. A PET study}, - journal = {Brain}, - volume = {120 ( Pt 1)}, - pages = {123-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9055803}, - year = {1997}, +@article{RN922, + author = {Hommel, B. and Musseler, J. and Aschersleben, G. and Prinz, W.}, + title = {The Theory of Event Coding (TEC): a framework for perception and action planning}, + journal = {Behav Brain Sci}, + volume = {24}, + number = {5}, + pages = {849-78}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12239891}, + year = {2001}, type = {Journal Article} } -@inbook{RN1033, - author = {Hallett, Mark and Grafman, Jordan}, - title = {Executive function and motor skill learning}, - booktitle = {The cerebellum and cognition}, - editor = {Schmahmann, Jeremy D.}, - series = {International review of neurobiology}, - publisher = {Academic Press}, - address = {San Diego, CA}, - volume = {41}, - pages = {297-323}, - year = {1997}, +@inbook{RN921, + author = {Allport, D. Alan and Styles, Elizabeth A. and Hsieh, Shulan}, + title = {Shifting intentional set: Exploring the dynamic control of tasks}, + booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, + editor = {Umilta, Carlo and Moscovitch, Morris}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {421-452}, + year = {1994}, type = {Book Section} } -@article{RN2370, - author = {Haggard, P.}, - title = {Coordinating actions}, - journal = {Q J Exp Psychol A}, - volume = {50}, - number = {4}, - pages = {707-25}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9450377}, - year = {1997}, +@article{RN920, + author = {Peters, Michael}, + title = {A nontrivial motor performance difference between right-handers and left-handers: Attention as intervening variable in the expression of handedness}, + journal = {Canadian Journal of Psychology}, + volume = {41}, + number = {1}, + pages = {91-99}, + year = {1987}, type = {Journal Article} } -@article{RN1028, - author = {Gordon, A. M. and Ingvarsson, P. E. and Forssberg, H.}, - title = {Anticipatory control of manipulative forces in Parkinson's disease}, - journal = {Exp Neurol}, - volume = {145}, - number = {2 Pt 1}, - pages = {477-88.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9217084}, - year = {1997}, +@article{RN919, + author = {Cohen, L. G. and Meer, J. and Tarkka, I. and Bierner, S. and Leiderman, D. B. and Dubinsky, R. M. and Sanes, J. N. and Jabbari, B. and Branscum, B. and Hallett, M.}, + title = {Congenital mirror movements. Abnormal organization of motor pathways in two patients}, + journal = {Brain}, + volume = {114}, + number = {Pt 1B}, + pages = {381-403.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2004248}, + year = {1991}, type = {Journal Article} } -@article{RN464, - author = {Gibbon, John and Malapani, Chara and Dale, Corby L. and Gallistel, C. R.}, - title = {Toward a neurobiology of temporal cognition: Advances and challenges}, - journal = {Current Opinion in Neurobiology}, - volume = {7}, - number = {2}, - pages = {170-184}, - year = {1997}, +@article{RN918, + author = {Weiss, P. H. and Jeannerod, M. and Paulignan, Y. and Freund, H. J.}, + title = {Is the organisation of goal-directed action modality specific? A common temporal structure}, + journal = {Neuropsychologia}, + volume = {38}, + number = {8}, + pages = {1136-47}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10838148}, + year = {2000}, type = {Journal Article} } -@article{RN3019, - author = {Gerloff, C. and Corwell, B. and Chen, R. and Hallett, M. and Cohen, L. G.}, - title = {Stimulation over the human supplementary motor area interferes with the organization of future elements in complex motor sequences}, - journal = {Brain}, - volume = {120 ( Pt 9)}, - pages = {1587-602}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9313642}, +@article{RN917, + author = {Jueptner, M. and Ottinger, S. and Fellows, S. J. and Adamschewski, J. and Flerich, L. and Muller, S. P. and Diener, H. C. and Thilmann, A. F. and Weiller, C.}, + title = {The relevance of sensory input for the cerebellar control of movements}, + journal = {Neuroimage}, + volume = {5}, + number = {1}, + pages = {41-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9038283}, year = {1997}, type = {Journal Article} } -@article{RN359, - author = {Franz, Elizabeth A.}, - title = {Spatial coupling in the coordination of complex actions}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {50}, - number = {3}, - pages = {684-704}, - year = {1997}, +@article{RN916, + author = {Ehrsson, H. H. and Kuhtz-Buschbeck, J. P. and Forssberg, H.}, + title = {Brain regions controlling nonsynergistic versus synergistic movement of the digits: a functional magnetic resonance imaging study}, + journal = {J Neurosci}, + volume = {22}, + number = {12}, + pages = {5074-80.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12077202}, + year = {2002}, type = {Journal Article} } -@article{RN1318, - author = {Frank, RJ and Damasio, H and Grabowski, TJ}, - title = {Brainvox: an interactive, multimodal visualization and analysis system for neuroanatomical imaging}, - journal = {Neuroimage}, - volume = {5}, - pages = {13-30}, - year = {1997}, +@article{RN915, + author = {Sohn, Y. H. and Wiltz, K. and Hallett, M.}, + title = {Effect of volitional inhibition on cortical inhibitory mechanisms}, + journal = {J Neurophysiol}, + volume = {88}, + number = {1}, + pages = {333-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12091558}, + year = {2002}, type = {Journal Article} } -@article{RN2367, - author = {Flanagan, J. R. and Wing, A. M.}, - title = {Effects of surface texture and grip force on the discrimination of hand-held loads}, - journal = {Percept Psychophys}, - volume = {59}, - number = {1}, - pages = {111-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9038413}, - year = {1997}, +@article{RN914, + author = {Bedard, P. and Proteau, L.}, + title = {On the role of static and dynamic visual afferent information in goal- directed aiming movements}, + journal = {Exp Brain Res}, + volume = {138}, + number = {4}, + pages = {419-31.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11465739}, + year = {2001}, type = {Journal Article} } -@article{RN146, - author = {Egeth, Howard E. and Yantis, Steven}, - title = {Visual attention: control, representation, and time course}, - journal = {Annual Review of Psychology}, - volume = {48}, - pages = {269-297}, - year = {1997}, +@article{RN913, + author = {Schluter, N. D. and Rushworth, M. F. and Mills, K. R. and Passingham, R. E.}, + title = {Signal-, set-, and movement-related activity in the human premotor cortex}, + journal = {Neuropsychologia}, + volume = {37}, + number = {2}, + pages = {233-43.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10080381}, + year = {1999}, type = {Journal Article} } -@article{RN561, - author = {Dias, R. and Robbins, T. W. and Roberts, A. C.}, - title = {Dissociable forms of inhibitory control within prefrontal cortex with an analog of the WCST: Restriction to novel situations and independence from "on-line" processing}, - journal = {Journal of Neuroscience}, - volume = {17}, - number = {23}, - pages = {9285-9297}, - year = {1997}, +@article{RN912, + author = {Schluter, N. D. and Krams, M. and Rushworth, M. F. and Passingham, R. E.}, + title = {Cerebral dominance for action in the human brain: the selection of actions}, + journal = {Neuropsychologia}, + volume = {39}, + number = {2}, + pages = {105-13}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11163368}, + year = {2001}, + type = {Journal Article} +} + +@article{RN911, + author = {Schluter, N. D. and Rushworth, M. F. and Passingham, R. E. and Mills, K. R.}, + title = {Temporary interference in human lateral premotor cortex suggests dominance for the selection of movements. A study using transcranial magnetic stimulation}, + journal = {Brain}, + volume = {121}, + number = {Pt 5}, + pages = {785-99.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9619185}, + year = {1998}, type = {Journal Article} } -@article{RN511, - author = {Desmond, J. E. and Gabrieli, J. D. and Wagner, A. D. and Ginier, B. L. and Glover, G. H.}, - title = {Lobular patterns of cerebellar activation in verbal working-memory and finger-tapping tasks as revealed by functional MRI}, - journal = {Journal of Neuroscience}, - volume = {17}, - number = {24}, - pages = {9675-85}, - year = {1997}, +@article{RN910, + author = {Feinberg, T. E. and Schindler, R. J. and Flanagan, N. G. and Haber, L. D.}, + title = {Two alien hand syndromes}, + journal = {Neurology}, + volume = {42}, + number = {1}, + pages = {19-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1734302}, + year = {1992}, type = {Journal Article} } -@article{RN2314, - author = {Deiber, M. P. and Wise, S. P. and Honda, M. and Catalan, M. J. and Grafman, J. and Hallett, M.}, - title = {Frontal and parietal networks for conditional motor learning: a positron emission tomography study}, - journal = {J Neurophysiol}, - volume = {78}, - number = {2}, - pages = {977-91}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9307128}, - year = {1997}, +@article{RN909, + author = {Geschwind, D. H. and Iacoboni, M. and Mega, M. S. and Zaidel, D. W. and Cloughesy, T. and Zaidel, E.}, + title = {Alien hand syndrome: interhemispheric motor disconnection due to a lesion in the midbody of the corpus callosum}, + journal = {Neurology}, + volume = {45}, + number = {4}, + pages = {802-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7723974}, + year = {1995}, type = {Journal Article} } -@article{RN3633, - author = {Dale, A. M. and Buckner, R. L.}, - title = {Selective averaging of rapidly presented individual trials using fMRI}, - journal = {Hum Brain Mapp}, - volume = {5}, +@article{RN908, + author = {Sainburg, R. L. and Kalakanis, D.}, + title = {Differences in control of limb dynamics during dominant and nondominant arm reaching}, + journal = {J Neurophysiol}, + volume = {83}, number = {5}, - pages = {329-40}, - ISSN = {1065-9471 (Print) -1065-9471 (Linking)}, - DOI = {10.1002/(SICI)1097-0193(1997)5:5<329::AID-HBM1>3.0.CO;2-5 -10.1002/(SICI)1097-0193(1997)5:5<329::AID-HBM1>3.0.CO;2-5}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/20408237}, - year = {1997}, + pages = {2661-75.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10805666}, + year = {2000}, type = {Journal Article} } -@article{RN499, - author = {Courchesne, Eric and Allen, Greg}, - title = {Prediction and preparation, fundamental functions of the cerebellum}, - journal = {Learning & Memory}, - volume = {4}, - number = {1}, - pages = {1-35}, - year = {1997}, +@article{RN907, + author = {Gribble, P. L. and Scott, S. H.}, + title = {Overlap of internal models in motor cortex for mechanical loads during reaching}, + journal = {Nature}, + volume = {417}, + number = {6892}, + pages = {938-41.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12087402}, + year = {2002}, type = {Journal Article} } -@article{RN2643, - author = {Conditt, M. A. and Gandolfo, F. and Mussa-Ivaldi, F. A.}, - title = {The motor system does not learn the dynamics of the arm by rote memorization of past experience}, - journal = {J Neurophysiol}, - volume = {78}, - number = {1}, - pages = {554-60}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9242306 }, - year = {1997}, +@article{RN906, + author = {Scott, S. H. and Gribble, P. L. and Graham, K. M. and Cabel, D. W.}, + title = {Dissociation between hand motion and population vectors from neural activity in motor cortex}, + journal = {Nature}, + volume = {413}, + number = {6852}, + pages = {161-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11557980}, + year = {2001}, type = {Journal Article} } -@article{RN67, - author = {Cohen, Asher and Shoup, Rachel}, - title = {Perceptual dimensional constraints in response selection processes}, - journal = {Cognitive Psychology}, - volume = {32}, - pages = {128-181}, - year = {1997}, +@article{RN905, + author = {Walter, C. B. and Swinnen, S. P.}, + title = {Asymmetric interlimb interference during the performance of a dynamic bimanual task}, + journal = {Brain Cogn}, + volume = {14}, + number = {2}, + pages = {185-200.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2285512}, + year = {1990}, type = {Journal Article} } -@article{RN2022, - author = {Chen, R. and Gerloff, C. and Hallett, M. and Cohen, L. G.}, - title = {Involvement of the ipsilateral motor cortex in finger movements of different complexities}, - journal = {Ann Neurol}, - volume = {41}, - number = {2}, - pages = {247-54}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9029074}, - year = {1997}, +@article{RN904, + author = {Boessenkool, J. J. and Nijhof, E. J. and Erkelens, C. J.}, + title = {A comparison of curvatures of left and right hand movements in a simple pointing task}, + journal = {Exp Brain Res}, + volume = {120}, + number = {3}, + pages = {369-76.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9628423}, + year = {1998}, type = {Journal Article} } -@article{RN3576, - author = {Chen, R. and Cohen, L. G. and Hallett, M.}, - title = {Role of the ipsilateral motor cortex in voluntary movement}, - journal = {Can J Neurol Sci}, - volume = {24}, +@article{RN902, + author = {Loring, D. W. and Meador, K. J. and Allison, J. D. and Wright, J. C.}, + title = {Relationship between motor and language activation using fMRI}, + journal = {Neurology}, + volume = {54}, number = {4}, - pages = {284-91}, - ISSN = {0317-1671 (Print) -0317-1671 (Linking)}, - year = {1997}, + pages = {981-3.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10690999}, + year = {2000}, type = {Journal Article} } -@article{RN699, - author = {Carson, Richard G. and Thomas, Julie and Summers, Jeffery J. and Walters, Megan R. and Semjen, Andras}, - title = {The dynamics of bimanual circle drawing}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {50}, - number = {3}, - pages = {664-683}, - year = {1997}, +@article{RN901, + author = {Swinnen, S. P. and Debaere, F. and Puttemans, V. and Vangheluwe, S. and Kiekens, C.}, + title = {Coordination deficits on the ipsilesional side after unilateral stroke: the effect of practice on nonisodirectional ipsilateral coordination}, + journal = {Acta Psychol (Amst)}, + volume = {110}, + number = {2-3}, + pages = {305-20.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12102111}, + year = {2002}, type = {Journal Article} } -@article{RN51, - author = {Butter, c.m. and Kosslyn, s. and D., Mijovic-Prelec and Riffle, Anne}, - title = {Field-specific deficits in visual imagery following hemianopia due to unilateral occipital infarct}, - journal = {Brain}, - volume = {120}, - pages = {217-228}, - year = {1997}, +@article{RN900, + author = {Domkin, D. and Laczko, J. and Jaric, S. and Johansson, H. and Latash, M. L.}, + title = {Structure of joint variability in bimanual pointing tasks}, + journal = {Exp Brain Res}, + volume = {143}, + number = {1}, + pages = {11-23.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11907686}, + year = {2002}, type = {Journal Article} } -@article{RN2152, - author = {Brodal, P. and Bjaalie, J. G.}, - title = {Salient anatomic features of the cortico-ponto-cerebellar pathway}, - journal = {Prog Brain Res}, - volume = {114}, - pages = {227-49}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9193147}, - year = {1997}, +@article{RN899, + author = {Heuer, H. and Schmidt, R. A. and Ghodsian, D.}, + title = {Generalized motor programs for rapid bimanual tasks: a two-level multiplicative-rate model}, + journal = {Biol Cybern}, + volume = {73}, + number = {4}, + pages = {343-56.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7578474}, + year = {1995}, type = {Journal Article} } -@article{RN305, - author = {Bridgeman, Bruce and Peery, Shelley and Anand, Sulekha}, - title = {Interaction of cognitive and sensorimotor maps of visual space}, - journal = {Perception & Psychophysics}, - volume = {59}, - number = {3}, - pages = {456 - 469}, - year = {1997}, +@article{RN897, + author = {Georgopoulos, A. P. and Kettner, R. E. and Schwartz, A. B.}, + title = {Primate motor cortex and free arm movements to visual targets in three- dimensional space. II. Coding of the direction of movement by a neuronal population}, + journal = {J Neurosci}, + volume = {8}, + number = {8}, + pages = {2928-37.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3411362}, + year = {1988}, type = {Journal Article} } -@article{RN992, - author = {Bracha, V. and Zhao, L. and Wunderlich, D. A. and Morrissy, S. J. and Bloedel, J. R.}, - title = {Patients with cerebellar lesions cannot acquire but are able to retain conditioned eyeblink reflexes}, - journal = {Brain}, - volume = {120}, - number = {Pt 8}, - pages = {1401-13.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9278630}, - year = {1997}, +@article{RN895, + author = {Caminiti, R. and Johnson, P. B. and Urbano, A. and Georgopoulos, A. P. and Zeger, S.}, + title = {Callosal and association neurons in the cortical space: a spectral analysis approach}, + journal = {Behav Brain Res}, + volume = {30}, + number = {2}, + pages = {193-201.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3166717}, + year = {1988}, type = {Journal Article} } -@article{RN580, - author = {Ashe, James}, - title = {Force and the motor cortex}, - journal = {Behavioral Brain Research}, - volume = {87}, - pages = {255-269}, - year = {1997}, +@article{RN894, + author = {Merigan, W. H. and Maunsell, J. H.}, + title = {How parallel are the primate visual pathways?}, + journal = {Annu Rev Neurosci}, + volume = {16}, + pages = {369-402}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8460898}, + year = {1993}, type = {Journal Article} } -@article{RN2523, - author = {Apps, R. and Atkins, M. J. and Garwicz, M.}, - title = {Gating of cutaneous input to cerebellar climbing fibres during a reaching task in the cat}, - journal = {J Physiol}, - volume = {502 ( Pt 1)}, - pages = {203-14}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9234207 }, - year = {1997}, - type = {Journal Article} +@inbook{RN893, + author = {Keele, S. W.}, + title = {Motor Control}, + booktitle = {Handbook of Human Perception and Performance}, + editor = {Boff, J.K. and Kaufman, L. and Thomas, J.P.}, + publisher = {Wiley & Sons}, + address = {New York}, + volume = {2, 30}, + pages = {1-60}, + year = {1986}, + type = {Book Section} } -@article{RN500, - author = {Allen, Greg and Buxton, Richard B. and Wong, Eric C. and Courchesne, Eric}, - title = {Attentional activation of the cerebellum independent of motor involvement}, - journal = {Science}, - volume = {275}, - number = {5308}, - pages = {1940-1943}, - year = {1997}, +@article{RN892, + author = {Posner, M. I. and Cohen, Y. and Rafal, R. D.}, + title = {Neural systems control of spatial orienting}, + journal = {Philos Trans R Soc Lond B Biol Sci}, + volume = {298}, + number = {1089}, + pages = {187-98.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6125970}, + year = {1982}, type = {Journal Article} } -@article{RN237, - author = {Alivisatos, Bessie and Petrides, Michael}, - title = {Functional activation of the human brain during mental rotation}, - journal = {Neuropsychologia}, - volume = {35}, +@article{RN891, + author = {Posner, M. I. and Driver, J.}, + title = {The neurobiology of selective attention}, + journal = {Curr Opin Neurobiol}, + volume = {2}, number = {2}, - pages = {111-118}, - year = {1997}, + pages = {165-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1638148}, + year = {1992}, type = {Journal Article} } -@article{RN2034, - author = {Ahissar, M. and Hochstein, S.}, - title = {Task difficulty and the specificity of perceptual learning}, - journal = {Nature}, - volume = {387}, - number = {6631}, - pages = {401-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9163425}, - year = {1997}, +@article{RN890, + author = {Gribble, P. L. and Everling, S. and Ford, K. and Mattar, A.}, + title = {Hand-eye coordination for rapid pointing movementsArm movement direction and distance are specified prior to saccade onset}, + journal = {Exp Brain Res}, + volume = {145}, + number = {3}, + pages = {372-82.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12136387}, + year = {2002}, type = {Journal Article} } -@article{RN1088, - author = {Aguirre, G. K. and Zarahn, E. and D'Esposito, M.}, - title = {Empirical analyses of BOLD fMRI statistics. II. Spatially smoothed data collected under null-hypothesis and experimental conditions}, - journal = {Neuroimage}, - volume = {5}, - number = {3}, - pages = {199-212}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345549}, - year = {1997}, +@article{RN889, + author = {Werner, Steffen and Schmidt, Kristine}, + title = {Environmental reference systems for large-scale spaces}, + journal = {Spatial Cognition & Computation}, + volume = {1}, + number = {4}, + pages = {447-473}, + year = {1999}, type = {Journal Article} } -@article{RN509, - author = {Ackermann, Hermann and Graeber, Susanne and Hentrich, Ingo and Daum, Irene}, - title = {Categorical speech perception in cerebellar disorder}, - journal = {Brain and Language}, - volume = {60}, - pages = {323-331}, +@phdthesis{RN888, + author = {Schmidt, T.}, + title = {Spatial distortions in visual short-term memory}, + university = {University of Goettingen, Germany}, + type = {doctoral thesis}, + url = {http://webdoc.sub.gwdg.de/diss/2002/schmidt_thomas/schmidt_thomas.pdf}, + year = {2001}, + type = {Thesis} +} + +@article{RN887, + author = {Sabes, P. N. and Jordan, M. I.}, + title = {Obstacle avoidance and a perturbation sensitivity model for motor planning}, + journal = {J Neurosci}, + volume = {17}, + number = {18}, + pages = {7119-28.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9278546}, year = {1997}, type = {Journal Article} } -@article{RN3615, - author = {Worsley, K. J. and Marrett, S. and Neelin, P. and Vandal, A. C. and Friston, K. J. and Evans, A. C.}, - title = {A unified statistical approach for determining significant signals in images of cerebral activation}, - journal = {Hum Brain Mapp}, - volume = {4}, - number = {1}, - pages = {58-73}, - ISSN = {1065-9471 (Print) -1065-9471 (Linking)}, - DOI = {10.1002/(sici)1097-0193(1996)4:1<58::aid-hbm4>3.0.co;2-o}, - url = {http://onlinelibrary.wiley.com/store/10.1002/(SICI)1097-0193(1996)4:1<58::AID-HBM4>3.0.CO;2-O/asset/4_ftp.pdf?v=1&t=h5pt4yuf&s=7cfd1c626ac51917c4c33e2b42a408c8b385e88f}, - year = {1996}, +@article{RN886, + author = {Cisek, P. and Kalaska, J. F.}, + title = {Simultaneous encoding of multiple potential reach directions in dorsal premotor cortex}, + journal = {J Neurophysiol}, + volume = {87}, + number = {2}, + pages = {1149-54.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11826082 +http://jn.physiology.org/cgi/content/full/87/2/1149 +http://jn.physiology.org/cgi/content/abstract/87/2/1149}, + year = {2002}, type = {Journal Article} } -@article{RN2198, - author = {Worsley, K. J. and Marrett, S. and Neelin, P. and Vandal, A. C. and Friston, K. J. and Evans, A. C.}, - title = {A unified statistical approach for determining significant voxels in images of cerebral activation}, - journal = {Human Brain Mapping}, - volume = {12}, - pages = {900-918}, - year = {1996}, +@article{RN885, + author = {Goldman-Rakic, P. S.}, + title = {Cellular basis of working memory}, + journal = {Neuron}, + volume = {14}, + number = {3}, + pages = {477-85.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7695894}, + year = {1995}, type = {Journal Article} } -@article{RN2206, - author = {Worsley, K.J.}, - title = {The geometry of random images}, - journal = {Chance}, - volume = {9}, +@article{RN883, + author = {Watson, Alistair I.}, + title = {A theory of the visual illusions}, + journal = {British Journal of Mathematical & Statistical Psychology}, + volume = {30}, number = {1}, - pages = {27-40}, - year = {1996}, + pages = {43-59}, + year = {1977}, type = {Journal Article} } -@techreport{RN2205, - author = {Worsley, K. J.}, - title = {An unbiased estimator for the roughness of a multivariate Gaussian random field}, - institution = {Department of Mathematics and Statistics, McGill University.}, - year = {1996}, - type = {Report} +@article{RN882, + author = {McIntyre, J. and Stratta, F. and Lacquaniti, F.}, + title = {Short-term memory for reaching to visual targets: psychophysical evidence for body-centered reference frames}, + journal = {J Neurosci}, + volume = {18}, + number = {20}, + pages = {8423-35.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9763485 +http://www.jneurosci.org/cgi/content/full/18/20/8423}, + year = {1998}, + type = {Journal Article} } -@article{RN2428, - author = {Woodruff-Pak, D. S. and Papka, M. and Ivry, R.B.}, - title = {Cerebellar involvement in eyeblink classical conditioning in humans}, - journal = {Neuropsychology}, - volume = {10}, - pages = {443-458}, - year = {1996}, +@article{RN881, + author = {McIntyre, J. and Stratta, F. and Droulez, J. and Lacquaniti, F.}, + title = {Analysis of pointing errors reveals properties of data representations and coordinate transformations within the central nervous system}, + journal = {Neural Comput}, + volume = {12}, + number = {12}, + pages = {2823-55.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11112257}, + year = {2000}, type = {Journal Article} } -@inbook{RN618, - author = {Wing, Alan M.}, - title = {Anticipatory control of grip force in rapid arm movement}, - booktitle = {Hand and brain: The neurophysiology and psychology of hand movements.}, - editor = {Wing, Alan M. and Haggard, Patrick and et al.}, - publisher = {Academic Press, Inc}, - address = {San Diego, CA, US}, - pages = {301-324}, - year = {1996}, - type = {Book Section} +@article{RN880, + author = {Buneo, C. A. and Jarvis, M. R. and Batista, A. P. and Andersen, R. A.}, + title = {Direct visuomotor transformations for reaching}, + journal = {Nature}, + volume = {416}, + number = {6881}, + pages = {632-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11948351}, + year = {2002}, + type = {Journal Article} } -@inbook{RN557, - author = {Wiesendanger, Mario and Kazennikov, Oleg and Perrig, Stephen and Kaluzny, Pawel}, - title = {Two hands--one action: The problem of bimanual coordination}, - booktitle = {Hand and brain: The neurophysiology and psychology of hand movements.}, - editor = {Alan M. Wing, Ed and Patrick Haggard, Ed and et al.}, - publisher = {Academic Press, Inc}, - pages = {xx, 513}, - year = {1996}, - type = {Book Section} +@article{RN879, + author = {Aglioti, S. and DeSouza, J. F. and Goodale, M. A.}, + title = {Size-contrast illusions deceive the eye but not the hand}, + journal = {Curr Biol}, + volume = {5}, + number = {6}, + pages = {679-85.}, + url = {Curr Biolhttp://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7552179}, + year = {1995}, + type = {Journal Article} } -@inbook{RN809, - author = {Vorberg, Dirk and Wing, Alan}, - title = {Modeling variability and dependence in timing}, - booktitle = {Handbook of perception and action, Vol. 2: Motor skills.}, - editor = {Heuer, Herbert and Keele, Steven W.}, - publisher = {Academic Press, Inc}, - address = {San Diego, CA, US}, - pages = {181-262}, - year = {1996}, - type = {Book Section} +@article{RN877, + author = {Fortin, C. and Couture, E.}, + title = {Short-term memory and time estimation: beyond the 2-second "critical" value}, + journal = {Can J Exp Psychol}, + volume = {56}, + number = {2}, + pages = {120-7.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=12066420}, + year = {2002}, + type = {Journal Article} } -@article{RN2696, - author = {van Beers, R. J. and Sittig, A. C. and Denier van der Gon, J. J.}, - title = {How humans combine simultaneous proprioceptive and visual position information}, - journal = {Exp Brain Res}, - volume = {111}, - number = {2}, - pages = {253-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8891655 }, - year = {1996}, +@article{RN876, + author = {Korn, E. L. and Whittemore, A. S.}, + title = {Methods for analyzing panel studies of acute health effects of air pollution}, + journal = {Biometrics}, + volume = {35}, + number = {4}, + pages = {795-802.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=526525}, + year = {1979}, type = {Journal Article} } -@article{RN111, - author = {Treue, S. and Maunsell, J. H. R.}, - title = {Attentional modulation of visual motion processing in cortical areas MT and MST}, - journal = {Nature (London)}, - volume = {382}, - number = {6591}, - year = {1996}, +@article{RN875, + author = {Laird, N. M. and Ware, J. H.}, + title = {Random-effects models for longitudinal data}, + journal = {Biometrics}, + volume = {38}, + number = {4}, + pages = {963-74.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7168798}, + year = {1982}, type = {Journal Article} } -@article{RN144, - author = {Treisman, Anne}, - title = {The binding problem}, - journal = {Current Opinion in Neurobiology}, - volume = {6}, - pages = {171-178}, - year = {1996}, +@article{RN874, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Prior information in motor and premotor cortex: activity during the delay period and effect on pre-movement activity}, + journal = {J Neurophysiol}, + volume = {84}, + number = {2}, + pages = {986-1005.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10938322 +http://www.jn.physiology.org/cgi/content/full/84/2/986 +http://www.jn.physiology.org/cgi/content/abstract/84/2/986}, + year = {2000}, type = {Journal Article} } -@article{RN548, - author = {Treffer, P. J. and Turvey, M. T.}, - title = {Symmetry, broken symmetry, and handedness in bimanual coordination dynamics}, - journal = {Experimental Brain Research}, - volume = {107}, - pages = {463-478}, - year = {1996}, +@article{RN873, + author = {Crammond, D. J. and Kalaska, J. F.}, + title = {Neuronal activity in primate parietal cortex area 5 varies with intended movement direction during an instructed-delay period}, + journal = {Exp Brain Res}, + volume = {76}, + number = {2}, + pages = {458-62}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2767196}, + year = {1989}, type = {Journal Article} } -@article{RN501, - author = {Townsend, Jeanne and Courchesne, Eric and Egaas, Brian}, - title = {Slowed orienting of covert visual-spatial attention in autism: Specific deficits associated with cerebellar and parietal abnormality}, - journal = {Development & Psychopathology}, - volume = {8}, - number = {3}, - pages = {563-584}, - year = {1996}, +@article{RN872, + author = {Schmolesky, M. T. and Wang, Y. and Hanes, D. P. and Thompson, K. G. and Leutgeb, S. and Schall, J. D. and Leventhal, A. G.}, + title = {Signal timing across the macaque visual system}, + journal = {J Neurophysiol}, + volume = {79}, + number = {6}, + pages = {3272-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9636126 +http://jn.physiology.org/cgi/content/full/79/6/3272}, + year = {1998}, type = {Journal Article} } -@article{RN466, - author = {Thach, W. T.}, - title = {On the specific role of the cerebellum in motor learning and cognition: Clues from PET activation and lesion studies in man}, - journal = {Behavioral & Brain Sciences}, - volume = {19}, - number = {3}, - pages = {411-431, 503-527}, - year = {1996}, +@article{RN871, + author = {Komilis, E. and Pelisson, D. and Prablanc, C.}, + title = {Error processing in pointing at reandomly feedback-induced double-step stimuli}, + journal = {Journal of Motor Behavior}, + volume = {25}, + number = {4}, + pages = {299-308}, + year = {1993}, type = {Journal Article} } -@article{RN546, - author = {Tatu, Laurent and Moulin, Thierry and Bogousslavsky, Julien and Duvernoy, Henri}, - title = {Arterial territories of the human brain: brainstem and cerebellum}, - journal = {Neurology}, - volume = {47}, - pages = {1125-1135}, - year = {1996}, +@article{RN870, + author = {Lacquaniti, F. and Guigon, E. and Bianchi, L. and Ferraina, S. and Caminiti, R.}, + title = {Representing spatial information for limb movement: role of area 5 in the monkey}, + journal = {Cereb Cortex}, + volume = {5}, + number = {5}, + pages = {391-409.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8547787}, + year = {1995}, type = {Journal Article} } -@article{RN596, - author = {Taira, M. and Boline, J. and Smyrnis, N. and Georgopoulos, A. P. and Ashe, J.}, - title = {On the relations between single cell activity in the motor cortex and the direction and magnitude of three-dimensional static isometric force}, - journal = {Experimental Brain Research}, - volume = {109}, - number = {3}, - pages = {367-76}, - year = {1996}, +@article{RN869, + author = {Kalaska, J. F. and Cohen, D. A. and Prud'homme, M. and Hyde, M. L.}, + title = {Parietal area 5 neuronal activity encodes movement kinematics, not movement dynamics}, + journal = {Exp Brain Res}, + volume = {80}, + number = {2}, + pages = {351-64}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2113482}, + year = {1990}, type = {Journal Article} } -@article{RN315, - author = {Swinnen, Stephan P. and Jardin, Kris and Meulenbroek, Ruud}, - title = {Between-limb asynchronies during bimanual coordination: Effects of manual dominance and attentional cueing}, - journal = {Neuropsychologia}, - volume = {34}, - number = {12}, - pages = {1203-1213}, - year = {1996}, +@article{RN868, + author = {Soechting, J. F. and Lacquaniti, F.}, + title = {Modification of trajectory of a pointing movement in response to a change in target location}, + journal = {J Neurophysiol}, + volume = {49}, + number = {2}, + pages = {548-64.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6834087}, + year = {1983}, type = {Journal Article} } -@article{RN3069, - author = {Sutton, R. S.}, - title = {Generalization in reinforcement learning: Successful examples using sparse coarse coding}, - journal = {Advances in neural information processing systems}, - pages = {1038-1044}, - year = {1996}, +@article{RN867, + author = {Bullock, D. and Cisek, P. and Grossberg, S.}, + title = {Cortical networks for control of voluntary arm movements under variable force conditions}, + journal = {Cereb Cortex}, + volume = {8}, + number = {1}, + pages = {48-62.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9510385}, + year = {1998}, type = {Journal Article} } -@article{RN58, - author = {Spence, Charles and Driver, Jon}, - title = {Audiovisual links in endogenous covert spatial attention}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {22}, +@article{RN866, + author = {Cisek, P. and Grossberg, S. and Bullock, D.}, + title = {A cortico-spinal model of reaching and proprioception under multiple task constraints}, + journal = {J Cogn Neurosci}, + volume = {10}, number = {4}, - pages = {1005-1030}, - year = {1996}, + pages = {425-44.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9712674 +http://mitpress.mit.edu/journal-issue-abstracts.tcl?issn=0898929X&volume=10&issue=4}, + year = {1998}, type = {Journal Article} } -@article{RN3646, - author = {Schmahmann, J. D.}, - title = {From movement to thought: anatomic substrates of the cerebellar contribution to cognitive processing}, - journal = {Hum Brain Mapp}, - volume = {4}, - number = {3}, - pages = {174-98}, - ISSN = {1065-9471 (Print) -1065-9471 (Linking)}, - DOI = {10.1002/(SICI)1097-0193(1996)4:3<174::AID-HBM3>3.0.CO;2-0}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/20408197}, - year = {1996}, +@article{RN865, + author = {Day, B. L. and Lyon, I. N.}, + title = {Voluntary modification of automatic arm movements evoked by motion of a visual target}, + journal = {Exp Brain Res}, + volume = {130}, + number = {2}, + pages = {159-68.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10672469}, + year = {2000}, type = {Journal Article} } -@article{RN140, - author = {Schiller, Peter H.}, - title = {On the specificity of neurons and visual areas}, - journal = {Behavioural Brain Research}, - volume = {76}, - pages = {21-35}, - year = {1996}, +@article{RN864, + author = {Neggers, S. F. and Bekkering, H.}, + title = {Integration of visual and somatosensory target information in goal- directed eye and arm movements}, + journal = {Exp Brain Res}, + volume = {125}, + number = {1}, + pages = {97-107.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10100982}, + year = {1999}, type = {Journal Article} } -@article{RN430, - author = {Scheffers, Marten K. and Coles, Michael G. H. and Bernstein, Peter and Gehring, William J. and Donchin, Emanuel}, - title = {Event-related brain potentials and error-related processing: An analysis of incorrect responses to go and no-go stimuli}, - journal = {Psychophysiology}, - volume = {33}, - number = {1}, - pages = {42-53}, - year = {1996}, +@article{RN863, + author = {Neggers, S. F. and Bekkering, H.}, + title = {Gaze anchoring to a pointing target is present during the entire pointing movement and is driven by a non-visual signal}, + journal = {J Neurophysiol}, + volume = {86}, + number = {2}, + pages = {961-70.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11495964 +http://www.jn.physiology.org/cgi/content/full/86/2/961 +http://www.jn.physiology.org/cgi/content/abstract/86/2/961}, + year = {2001}, type = {Journal Article} } -@article{RN487, - author = {Sadato, Norihiro and Campbell, Gregory and Ibanez, Vincente and Deiber, Marie-Pierre and et al.}, - title = {Complexity affects regional cerebral blood flow change during sequential finger movements}, - journal = {Journal of Neuroscience}, - volume = {16}, - number = {8}, - pages = {2693-2700}, - year = {1996}, +@article{RN862, + author = {Neggers, S. F. and Bekkering, H.}, + title = {Ocular gaze is anchored to the target of an ongoing pointing movement}, + journal = {J Neurophysiol}, + volume = {83}, + number = {2}, + pages = {639-51.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10669480 +http://www.jn.org/cgi/content/full/83/2/639 +http://www.jn.org/cgi/content/abstract/83/2/639}, + year = {2000}, + type = {Journal Article} +} + +@article{RN861, + author = {Prablanc, C. and Echallier, J. E. and Jeannerod, M. and Komilis, E.}, + title = {Optimal response of eye and hand motor systems in pointing at a visual target. II. Static and dynamic visual cues in the control of hand movement}, + journal = {Biol Cybern}, + volume = {35}, + number = {3}, + pages = {183-7}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=518938}, + year = {1979}, type = {Journal Article} } -@article{RN2561, - author = {Rosenbaum, D. A. and van Heugten, C. M. and Caldwell, G. E.}, - title = {From cognition to biomechanics and back: the end-state comfort effect and the middle-is-faster effect}, - journal = {Acta Psychol (Amst)}, - volume = {94}, - number = {1}, - pages = {59-85}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8885711 }, - year = {1996}, +@article{RN860, + author = {Prablanc, C. and Echallier, J. F. and Komilis, E. and Jeannerod, M.}, + title = {Optimal response of eye and hand motor systems in pointing at a visual target. I. Spatio-temporal characteristics of eye and hand movements and their relationships when varying the amount of visual information}, + journal = {Biol Cybern}, + volume = {35}, + number = {2}, + pages = {113-24.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=518932}, + year = {1979}, type = {Journal Article} } -@article{RN126, - author = {Rafal, R. and Gershberg, F. and Egly, R. and Ivry, R. and Kingstone, A. and Ro, T.}, - title = {Response channel activation and the lateral prefrontal cortex}, - journal = {Neuropsychologia}, - volume = {34}, - number = {12}, - pages = {1197-1202}, - year = {1996}, +@article{RN859, + author = {Bard, C. and Turrell, Y. and Fleury, M. and Teasdale, N. and Lamarre, Y. and Martin, O.}, + title = {Deafferentation and pointing with visual double-step perturbations}, + journal = {Exp Brain Res}, + volume = {125}, + number = {4}, + pages = {410-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10323286}, + year = {1999}, type = {Journal Article} } -@article{RN52, - author = {Pressing, jeff and Summers, jeff and Magill, jon}, - title = {Cognitive multiplicity in polyrhthmic pattern performance}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {22}, - number = {5}, - pages = {1127-1148}, - year = {1996}, +@article{RN858, + author = {Desmurget, M. and Pelisson, D. and Grethe, J. S. and Alexander, G. E. and Urquizar, C. and Prablanc, C. and Grafton, S. T.}, + title = {Functional adaptation of reactive saccades in humans: a PET study}, + journal = {Exp Brain Res}, + volume = {132}, + number = {2}, + pages = {243-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10853949}, + year = {2000}, type = {Journal Article} } -@article{RN565, - author = {Pramstaller, Peter P. and David, Marsden C.}, - title = {The basal ganglia and apraxia}, - journal = {Brain}, - volume = {119}, - pages = {319-340}, - year = {1996}, +@article{RN857, + author = {Desmurget, M. and Grea, H. and Grethe, J. S. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, + title = {Functional anatomy of nonvisual feedback loops during reaching: a positron emission tomography study}, + journal = {J Neurosci}, + volume = {21}, + number = {8}, + pages = {2919-28.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11306644 +http://www.jneurosci.org/cgi/content/full/21/8/2919 +http://www.jneurosci.org/cgi/content/abstract/21/8/2919}, + year = {2001}, type = {Journal Article} } -@article{RN3253, - author = {Picard, N. and Strick, P. L.}, - title = {Motor areas of the medial wall: a review of their location and functional activation}, - journal = {Cereb Cortex}, - volume = {6}, - number = {3}, - pages = {342-53}, - ISSN = {1047-3211 (Print) -1047-3211 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/8670662}, - year = {1996}, +@article{RN856, + author = {Desmurget, M. and Grafton, S.}, + title = {Forward modeling allows feedback control for fast reaching movements}, + journal = {Trends Cogn Sci}, + volume = {4}, + number = {11}, + pages = {423-431.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11058820}, + year = {2000}, type = {Journal Article} } @@ -20305,229 +21149,144 @@ @article{RN855 type = {Journal Article} } -@article{RN2936, - author = {Olshausen, B. A. and Field, D. J.}, - title = {Emergence of simple-cell receptive field properties by learning a sparse code for natural images}, - journal = {Nature}, - volume = {381}, - number = {6583}, - pages = {607-9}, - ISSN = {0028-0836 (Print) -0028-0836 (Linking)}, - DOI = {10.1038/381607a0}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8637596}, - year = {1996}, - type = {Journal Article} -} - -@article{RN775, - author = {O'Boyle, D. J. and Freeman, J. S. and Cody, F. W.}, - title = {The accuracy and precision of timing of self-paced, repetitive movements in subjects with Parkinson's disease}, - journal = {Brain}, - volume = {119}, - number = {Pt 1}, - pages = {51-70.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8624694}, - year = {1996}, - type = {Journal Article} -} - -@article{RN3143, - author = {Nudo, R. J. and Milliken, G. W. and Jenkins, W. M. and Merzenich, M. M.}, - title = {Use-dependent alterations of movement representations in primary motor cortex of adult squirrel monkeys}, - journal = {J Neurosci}, - volume = {16}, +@article{RN854, + author = {Woodworth, R. S.}, + title = {The accuracy of voluntary movement}, + journal = {Psychological Monographs}, + volume = {3}, number = {2}, - pages = {785-807}, - ISSN = {0270-6474 (Print) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8551360}, - year = {1996}, - type = {Journal Article} -} - -@article{RN784, - author = {Nichelli, Paolo and Alway, David and Grafman, Jordan}, - title = {Perceptual timing in cerebellar degeneration}, - journal = {Neuropsychologia}, - volume = {34}, - number = {9}, - pages = {863-871}, - year = {1996}, + pages = {1-114}, + year = {1899}, type = {Journal Article} } -@article{RN2001, - author = {Murthy, V. N. and Fetz, E. E.}, - title = {Oscillatory activity in sensorimotor cortex of awake monkeys: synchronization of local field potentials and relation to behavior}, - journal = {J Neurophysiol}, - volume = {76}, - number = {6}, - pages = {3949-67}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8985892}, - year = {1996}, +@article{RN850, + author = {Hemminger, S.E. and Donchin, O. and Ariff, G.D. and Young, E.D. and Shadmehr, R.}, + title = {Intermanual generalization of arm dynamics in extrinsic coordinates}, + journal = {Society of Neuroscience Abstracts}, + volume = {27: 302.1}, + year = {2001}, type = {Journal Article} } -@article{RN2000, - author = {Murthy, V. N. and Fetz, E. E.}, - title = {Synchronization of neurons during local field potential oscillations in sensorimotor cortex of awake monkeys}, +@article{RN849, + author = {Gordon, A. M. and Westling, G. and Cole, K. J. and Johansson, R. S.}, + title = {Memory representations underlying motor commands used during manipulation of common and novel objects}, journal = {J Neurophysiol}, - volume = {76}, - number = {6}, - pages = {3968-82}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8985893}, - year = {1996}, - type = {Journal Article} -} - -@article{RN752, - author = {Miall, R. C and Wolpert, D. M.}, - title = {Forward models for physiological motor control}, - journal = {Neural Networks}, - volume = {9}, - number = {8}, - pages = {1265-1279}, - year = {1996}, - type = {Journal Article} -} - -@article{RN292, - author = {Meiran, Nachshon}, - title = {Reconfiguration of processing mode prior to task performance.}, - journal = {Journal of Experimental Psychology: Learning, Memory, & Cognition}, - volume = {22}, + volume = {69}, number = {6}, - pages = {1423-1442}, - year = {1996}, - type = {Journal Article} -} - -@article{RN815, - author = {Meck, W. H.}, - title = {Neuropharmacology of timing and time perception}, - journal = {Brain. Res. Cogn. Brain. Res.}, - volume = {3}, - number = {3-4}, - pages = {227-242}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8806025}, - year = {1996}, + pages = {1789-96.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8350123}, + year = {1993}, type = {Journal Article} } -@article{RN41, - author = {Martin, T. A. and Keating, J. G. and Goodkin, H. P. and Bastian, A. J. and Thach, W. T.}, - title = {Throwing while looking through prisms: I. Focal olivocerebellar lesions impair adaptation}, - journal = {Brain}, - volume = {119}, - number = {4}, - pages = {1183-98}, - year = {1996}, +@article{RN848, + author = {Welch, R. B. and Bridgeman, B. and Anand, S. and Browman, K. E.}, + title = {Alternating prism exposure causes dual adaptation and generalization to a novel displacement}, + journal = {Percept Psychophys}, + volume = {54}, + number = {2}, + pages = {195-204.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8361835}, + year = {1993}, type = {Journal Article} } -@article{RN40, - author = {Martin, T. A. and Keating, J. G. and Goodkin, H. P. and Bastian, A. J. and Thach, W. T.}, - title = {Throwing while looking through prisms: II. Specificity and storage of multiple gaze-throw calibrations}, - journal = {Brain}, - volume = {119}, - number = {4}, - year = {1996}, +@article{RN847, + author = {Cunningham, H. A. and Welch, R. B.}, + title = {Multiple concurrent visual-motor mappings: implications for models of adaptation}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {20}, + number = {5}, + pages = {987-99.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7964533}, + year = {1994}, type = {Journal Article} } -@article{RN127, - author = {Logan, Gordon D.}, - title = {The CODE theory of visual attention: An integration of space-based and object-based attention}, - journal = {Psychological Review}, - volume = {103}, - number = {4}, - pages = {603-649}, - year = {1996}, +@article{RN846, + author = {Lee, K. M. and Chang, K. H. and Roh, J. K.}, + title = {Subregions within the supplementary motor area activated at different stages of movement preparation and execution}, + journal = {Neuroimage}, + volume = {9}, + number = {1}, + pages = {117-23.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9918733}, + year = {1999}, type = {Journal Article} } -@inbook{RN2683, - author = {Kawato, M.}, - title = {Learning internal models of the motor apparatus}, - booktitle = {The Acquisition of Motor Behaviors in Vertebrates}, - editor = {Bloedel, J. R., Ebner T.J.,Wise S.P.}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - pages = {409-430}, - url = {http://books.google.co.uk/books?hl=en&lr=&id=1A1poktxUzgC&oi=fnd&pg=PA409&dq=Learning+internal+models+of+the+motor+apparatus+Kawato&ots=y3NUSze9A-&sig=bzKHSbQb7wS-IrRIZwKd5rCJcOQ#v=onepage&q=Learning%20internal%20models%20of%20the%20motor%20apparatus%20Kawato&f=false}, - year = {1996}, - type = {Book Section} -} - -@article{RN3067, - author = {Kaelbling, L.P. and Littman, M.L. and Moore, A.W.}, - title = {Reinforcement Learning: A Survey}, - journal = {Journal of Artificial Intelligence Research}, - volume = {4}, - pages = {237-285}, - year = {1996}, +@article{RN845, + author = {Desmurget, M. and Pelisson, D. and Rossetti, Y. and Prablanc, C.}, + title = {From eye to hand: planning goal-directed movements}, + journal = {Neurosci Biobehav Rev}, + volume = {22}, + number = {6}, + pages = {761-88.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9809311}, + year = {1998}, type = {Journal Article} } -@article{RN790, - author = {Jueptner, M. and Jenkins, I. H. and Brooks, D. J. and Frackowiak, R. S. and Passingham, R. E.}, - title = {The sensory guidance of movement: a comparison of the cerebellum and basal ganglia}, +@article{RN844, + author = {Serrien, D. J. and Li, Y. and Steyvers, M. and Debaere, F. and Swinnen, S. P.}, + title = {Proprioceptive regulation of interlimb behavior: interference between passive movement and active coordination dynamics}, journal = {Exp Brain Res}, - volume = {112}, - number = {3}, - pages = {462-74.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9007548}, - year = {1996}, + volume = {140}, + number = {4}, + pages = {411-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11685394}, + year = {2001}, type = {Journal Article} } -@article{RN789, - author = {Jueptner, M. and Flerich, L. and Weiller, C. and Mueller, S. P. and Diener, H. C.}, - title = {The human cerebellum and temporal information processing--results from a PET experiment}, - journal = {Neuroreport}, - volume = {7}, - number = {15-17}, - pages = {2761-5.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8981463}, - year = {1996}, +@article{RN843, + author = {Swinnen, S. P.}, + title = {Intermanual coordination: from behavioural principles to neural-network interactions}, + journal = {Nat Rev Neurosci}, + volume = {3}, + number = {5}, + pages = {348-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11988774}, + year = {2002}, type = {Journal Article} } -@article{RN183, - author = {Johnson, Paul B. and Farraina, Stefano and Bianchi, Luigi and Caminiti, Roberto}, - title = {Cortical networks for visual reaching: Physiological and anatomical organization of frontal and parietal lobe arm regions}, - journal = {Cerebral Cortex}, - volume = {6}, - number = {2}, - pages = {102-119}, - year = {1996}, +@article{RN842, + author = {Swinnen, S. P. and Dounskaia, N. and Duysens, J.}, + title = {Patterns of bimanual interference reveal movement encoding within a radial egocentric reference frame}, + journal = {Journal of Cognitive Neuroscience}, + volume = {14}, + number = {3}, + pages = {463-71.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11970805}, + year = {2002}, type = {Journal Article} } -@inbook{RN1056, - author = {Ivry, R. B.}, - title = {Representational issues in motor learning: Phenomena and theory}, - booktitle = {Handbook of perception and action}, - editor = {Heuer, Herbert and Keele, Steven}, - publisher = {Academic Press, Inc.}, - address = {San Diego, CA}, - volume = {2}, - pages = {263-330}, - year = {1996}, - type = {Book Section} +@article{RN841, + author = {Lang, C. E. and Bastian, A. J.}, + title = {Cerebellar subjects show impaired adaptation of anticipatory EMG during catching}, + journal = {J Neurophysiol}, + volume = {82}, + number = {5}, + pages = {2108-19.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10561391 +http://www.jn.org/cgi/content/full/82/5/2108 +http://www.jn.org/cgi/content/abstract/82/5/2108}, + year = {1999}, + type = {Journal Article} } -@article{RN783, - author = {Ivry, R. B.}, - title = {The representation of temporal information in perception and motor control}, - journal = {Current Opinion in Neurobiology}, - volume = {6}, - number = {6}, - pages = {851-857}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9000026 -http://www.biomednet.com/article/nb6612}, - year = {1996}, +@article{RN840, + author = {Gordon, Andrew M. and Forssberg, Hans and Iwasaki, Nobuaki}, + title = {Formation and lateralization of internal representations underlying motor commands during precision grip}, + journal = {Neuropsychologia}, + volume = {32}, + number = {5}, + pages = {555-568}, + year = {1994}, type = {Journal Article} } @@ -20543,369 +21302,356 @@ @article{RN839 type = {Journal Article} } -@article{RN2725, - author = {Iadecola, C. and Li, J. and Xu, S. and Yang, G.}, - title = {Neural mechanisms of blood flow regulation during synaptic activity in cerebellar cortex}, - journal = {J Neurophysiol}, - volume = {75}, - number = {2}, - pages = {940-50}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8714666 }, - year = {1996}, - type = {Journal Article} -} - -@article{RN1006, - author = {Horn, K. M. and Van Kan, P. L. and Gibson, A. R.}, - title = {Reduction of rostral dorsal accessory olive responses during reaching}, - journal = {J Neurophysiol}, - volume = {76}, - number = {6}, - pages = {4140-51.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8985907}, - year = {1996}, - type = {Journal Article} +@inbook{RN838, + author = {Diedrichsen, J. and Ivry, R. B. and Pressing, J.}, + title = {Cerebellar and basal ganglia contributions to interval timing}, + booktitle = {Functional and neural mechanisms of interval timing}, + editor = {Meck, W. H.}, + publisher = {CRC Press}, + address = {Boca Raton, FL}, + pages = {457-481}, + year = {2003}, + type = {Book Section} } -@article{RN720, - author = {Hore, J. and Watts, S. and Tweed, D. and Miller, B.}, - title = {Overarm throws with the nondominant arm: Kinematics of accuracy}, - journal = {Journal of Neurophysiology}, - volume = {76}, - number = {6}, - pages = {3693-3704}, - year = {1996}, +@article{RN837, + author = {Kawato, M. and Furukawa, K. and Suzuki, R.}, + title = {A hierarchical neural-network model for control and learning of voluntary movement}, + journal = {Biol Cybern}, + volume = {57}, + number = {3}, + pages = {169-85}, + url = {Nichttp://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3676355}, + year = {1987}, type = {Journal Article} } -@article{RN1447, - author = {Hommel, B.}, - title = {The cognitive representation of action: automatic integration of perceived action effects}, - journal = {Psychological Research}, - volume = {59}, - pages = {176-186}, +@article{RN836, + author = {Fiala, J. C. and Grossberg, S. and Bullock, D.}, + title = {Metabotropic glutamate receptor activation in cerebellar Purkinje cells as substrate for adaptive timing of the classically conditioned eye- blink response}, + journal = {J Neurosci}, + volume = {16}, + number = {11}, + pages = {3760-74.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8642419}, year = {1996}, type = {Journal Article} } -@book{RN3321, - author = {Hocking, R. R.}, - title = {Methods and applications of linear models}, - publisher = {Wiley & son}, - address = {New York}, - series = {Wiley series in probability and statistics}, - year = {1996}, - type = {Book} -} - -@article{RN129, - author = {Helmuth, Laura L. and Ivry, Richard B.}, - title = {When two hands are better than one: Reduced timing variability during bimanual movements}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {22}, - number = {2}, - pages = {278-293}, - year = {1996}, +@article{RN835, + author = {Mates, Jiri and Mueller, Ulrike and Radil, Tomas and Poeppel, Ernst}, + title = {Temporal integration in sensorimotor synchronization}, + journal = {Journal of Cognitive Neuroscience}, + volume = {6}, + number = {4}, + pages = {332-340}, + year = {1994}, type = {Journal Article} } -@article{RN1069, - author = {Haaland, K. Y. and Harrington, D. L.}, - title = {Hemispheric asymmetry of movement}, - journal = {Curr Opin Neurobiol}, - volume = {6}, - number = {6}, - pages = {796-800}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9000021}, - year = {1996}, +@article{RN834, + author = {Wittmann, M.}, + title = {Time perception and temporal processing levels of the brain}, + journal = {Chronobiol Int}, + volume = {16}, + number = {1}, + pages = {17-32.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10023573}, + year = {1999}, type = {Journal Article} } -@article{RN280, - author = {Gros, Bryan L. and Pope, Dvid R. and Cohn, Theodore E.}, - title = {Relative efficiency for the detetction of apparent motion}, - year = {1996}, - type = {Journal Article} +@inbook{RN833, + author = {Wing, Alan}, + title = {The long and short of timing in response sequences}, + booktitle = {Tutorials in Motor Behavior}, + editor = {Stelmach, G. and Requin, J.}, + publisher = {North-Holland}, + address = {New York}, + pages = {469-484}, + year = {1980}, + type = {Book Section} } -@article{RN158, - author = {Gentilucci, Maurizio and Chieffi, Sergio and Daprati, Elena and Saetti, M. Chrisina and Toni, Ivan}, - title = {Visual illusion and action}, - journal = {Neuropsychologica}, - volume = {34}, - number = {5}, - pages = {369-376}, - year = {1996}, +@article{RN832, + author = {Gilden, D. L. and Thornton, T. and Mallon, M. W.}, + title = {1/f noise in human cognition}, + journal = {Science}, + volume = {267}, + number = {5205}, + pages = {1837-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7892611}, + year = {1995}, type = {Journal Article} } -@article{RN2524, - author = {Garwicz, M. and Apps, R. and Trott, J. R.}, - title = {Micro-organization of olivocerebellar and corticonuclear connections of the paravermal cerebellum in the cat}, - journal = {Eur J Neurosci}, - volume = {8}, - number = {12}, - pages = {2726-38}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8996822 }, - year = {1996}, +@article{RN831, + author = {Haggard, P. and Clark, S. and Kalogeras, J.}, + title = {Voluntary action and conscious awareness}, + journal = {Nat Neurosci}, + volume = {5}, + number = {4}, + pages = {382-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11896397}, + year = {2002}, type = {Journal Article} } -@article{RN495, - author = {Gao, J. H. and Parsons, L. M. and Bower, J. M. and Xiong, J. and Li, J. and Fox, P. T.}, - title = {Cerebellum implicated in sensory acquisition and discrimination rather than motor control}, - journal = {Science}, - volume = {272}, - number = {5261}, - pages = {545-7}, - year = {1996}, - type = {Journal Article} +@book{RN830, + author = {Shumway, R. H. and Stoffer, D. S.}, + title = {Time series analysis and its applications}, + publisher = {Springer}, + address = {New York}, + year = {2000}, + type = {Book} } -@article{RN2482, - author = {Gandolfo, F. and Mussa-Ivaldi, F. A. and Bizzi, E.}, - title = {Motor learning by field approximation}, - journal = {Proc Natl Acad Sci U S A}, - volume = {93}, - number = {9}, - pages = {3843-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8632977 }, - year = {1996}, - type = {Journal Article} +@inproceedings{RN829, + author = {Aparicio, Paul and Connor, Bonnie and Diedrichsen, Jörn and Ivry, Richard B.}, + title = {The effects of focal lesions of the basal ganglia on repetitive tapping tasks}, + booktitle = {Cognitive Neuroscience society}, + type = {Conference Proceedings} } -@article{RN60, - author = {Gallistel, C.R. and Cramer, A.E.}, - title = {Computation on metric maps in mammals: getting oriented and choosing a multi-destination route}, - journal = {Journal of Experimental Biology}, - volume = {199}, - pages = {211-217}, - year = {1996}, +@article{RN828, + author = {Harrington, D. L. and Haaland, K. Y. and Knight, R. T.}, + title = {Cortical networks underlying mechanisms of time perception}, + journal = {J Neurosci}, + volume = {18}, + number = {3}, + pages = {1085-95.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9437028}, + year = {1998}, type = {Journal Article} } -@article{RN3438, - author = {Friston, K. J. and Williams, S. and Howard, R. and Frackowiak, R. S. and Turner, R.}, - title = {Movement-related effects in fMRI time-series}, - journal = {Magn Reson Med}, - volume = {35}, - number = {3}, - pages = {346-55}, - ISSN = {0740-3194 (Print) -0740-3194 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/8699946}, - year = {1996}, +@article{RN827, + author = {Smith, M. A. and Brandt, J. and Shadmehr, R.}, + title = {Motor disorder in Huntington's disease begins as a dysfunction in error feedback control}, + journal = {Nature}, + volume = {403}, + number = {6769}, + pages = {544-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10676962}, + year = {2000}, type = {Journal Article} } -@article{RN2166, - author = {Friston, K. J. and Williams, S. and Howard, R. and Frackowiak, R. S. and Turner, R.}, - title = {Movement-related effects in fMRI time-series}, - journal = {Magn Reson Med}, - volume = {35}, - number = {3}, - pages = {346-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8699946}, - year = {1996}, +@article{RN826, + author = {Smith, M. A. and Shadmehr, R.}, + title = {Error correction and the basal ganglia. Response to Lawrence (2000)}, + journal = {Trends Cogn Sci}, + volume = {4}, + number = {10}, + pages = {367-369.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11025275}, + year = {2000}, type = {Journal Article} } -@article{RN2888, - author = {Friston, K. J. and Poline, J. B. and Holmes, A. P. and Frith, C. D. and Frackowiak, R. S.}, - title = {A multivariate analysis of PET activation studies}, - journal = {Hum Brain Mapp}, +@article{RN825, + author = {Lawrence, A. D.}, + title = {Error correction and the basal ganglia: similar computations for action, cognition and emotion?}, + journal = {Trends Cogn Sci}, volume = {4}, - number = {2}, - pages = {140-51}, - ISSN = {1065-9471 (Print) -1065-9471 (Linking)}, - DOI = {10.1002/(SICI)1097-0193(1996)4:2<140::AID-HBM5>3.0.CO;2-3}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=20408193}, - year = {1996}, + number = {10}, + pages = {365-367.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11025274}, + year = {2000}, type = {Journal Article} } -@article{RN506, - author = {Franz, E. A. and Ivry, R. B. and Helmuth, L. L.}, - title = {Reduced timing variability in patients with unilateral cerebellar lesions during bimanual movements}, - journal = {Journal of Cognitive Neuroscience}, - volume = {8}, - number = {2}, - pages = {107-118}, - year = {1996}, +@article{RN824, + author = {Ivry, R.}, + title = {Cerebellar timing systems}, + journal = {International Review of Neurobiology}, + volume = {41}, + pages = {555-73}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9378608}, + year = {1997}, type = {Journal Article} } -@article{RN356, - author = {Franz, Elizabeth A. and Eliassen, James C. and Ivry, Richard B. and Gazzaniga, Michael S.}, - title = {Dissociation of spatial and temporal coupling in the bimanual movements of callosotomy patients}, - journal = {Psychological Science}, +@article{RN823, + author = {Mangels, Jennifer A. and Ivry, Richard B. and Shimizu, Naomi}, + title = {Dissociable contributions of the prefrontal and neocerebellar cortex to time perception}, + journal = {Cognitive Brain Research}, volume = {7}, - number = {5}, - pages = {306-310}, - year = {1996}, + number = {1}, + pages = {15-39}, + year = {1998}, type = {Journal Article} } -@article{RN480, - author = {Fox, Peter T. and Ingham, Roger J. and Ingham, Janis C. and Hirsch, Traci B. and et al.}, - title = {A PET study of the neural systems of stuttering}, - journal = {Nature}, - volume = {382}, - number = {6587}, - pages = {158-162}, - year = {1996}, - type = {Journal Article} +@inbook{RN822, + author = {Mangels, Jennifer A. and Ivry, Richard B.}, + title = {Time perception}, + booktitle = {The handbook of cognitive neuropsychology: What deficits reveal about the human mind.}, + editor = {Rapp, Brenda}, + publisher = {Psychology Press/Taylor & Francis}, + address = {Philadelphia, PA, US}, + pages = {467-493}, + year = {2001}, + type = {Book Section} } -@article{RN473, - author = {Flament, Didier and Ellermann, Jutta M. and Kim, Seong-Gi and Ugurbil, Kamil and Ebner, Timothy J.}, - title = {Functional magnetic resonance imaging of cerebellar activation during the learning of a visuomotor dissociation task}, - journal = {Human Brain Mapping}, - volume = {4}, - number = {3}, - pages = {210-226}, - year = {1996}, +@article{RN821, + author = {Casini, Laurence and Ivry, Richard B.}, + title = {Effects of divided attention on temporal processing in patients with lesions of the cerebellum or frontal lobe}, + journal = {Neuropsychology}, + volume = {13}, + number = {1}, + pages = {10-21}, + year = {1999}, type = {Journal Article} } -@article{RN734, - author = {Flament, D. and Ebner, T. J.}, - title = {The cerebellum as comparator: Increases in cerebellar activity during motor learning may reflect its role as part of an error detection/correction mechanism}, - journal = {Behavioral & Brain Sciences}, - volume = {19}, - number = {3}, - pages = {447-448, 503-527}, - year = {1996}, +@article{RN820, + author = {Burdet, E. and Osu, R. and Franklin, D. W. and Yoshioka, T. and Milner, T. E. and Kawato, M.}, + title = {A method for measuring endpoint stiffness during multi-joint arm movements}, + journal = {J Biomech}, + volume = {33}, + number = {12}, + pages = {1705-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11006397}, + year = {2000}, type = {Journal Article} } -@article{RN2462, - author = {Fiez, J. A. and Raife, E. A. and Balota, D. A. and Schwarz, J. P. and Raichle, M. E. and Petersen, S. E.}, - title = {A positron emission tomography study of the short-term maintenance of verbal information}, - journal = {J Neurosci}, - volume = {16}, - number = {2}, - pages = {808-22}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8551361 }, - year = {1996}, +@article{RN819, + author = {Burdet, E. and Osu, R. and Franklin, D. W. and Milner, T. E. and Kawato, M.}, + title = {The central nervous system stabilizes unstable dynamics by learning optimal impedance}, + journal = {Nature}, + volume = {414}, + number = {6862}, + pages = {446-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11719805}, + year = {2001}, type = {Journal Article} } -@article{RN836, - author = {Fiala, J. C. and Grossberg, S. and Bullock, D.}, - title = {Metabotropic glutamate receptor activation in cerebellar Purkinje cells as substrate for adaptive timing of the classically conditioned eye- blink response}, - journal = {J Neurosci}, - volume = {16}, - number = {11}, - pages = {3760-74.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8642419}, +@inbook{RN817, + author = {Wilson, S. J. and Pressing, J.}, + title = {Neuropsychological assessment and modeling of musical deficits}, + booktitle = {MusicMedicine 3}, + editor = {Pratt, R. R. and Grocke, D. E.}, + publisher = {Melbourne University Faculty of Music}, + address = {Parkville, Victoria, Australia}, + pages = {47-74}, + year = {1999}, + type = {Book Section} +} + +@article{RN815, + author = {Meck, W. H.}, + title = {Neuropharmacology of timing and time perception}, + journal = {Brain. Res. Cogn. Brain. Res.}, + volume = {3}, + number = {3-4}, + pages = {227-242}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8806025}, year = {1996}, type = {Journal Article} } -@article{RN1061, - author = {Doyon, J. and Owen, A. M. and Petrides, M. and Sziklas, V. and Evans, A. C.}, - title = {Functional anatomy of visuomotor skill learning in human subjects examined with positron emission tomography}, - journal = {Eur J Neurosci}, - volume = {8}, - number = {4}, - pages = {637-48}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9081615}, - year = {1996}, +@article{RN814, + author = {Rammsayer, Thomas H.}, + title = {On dopaminergic modulation of temporal information processing}, + journal = {Biological Psychology}, + volume = {36}, + number = {3}, + pages = {209-222}, + year = {1993}, type = {Journal Article} } -@article{RN562, - author = {Dias, R. and Robbins, T. W. and Roberts, A. C.}, - title = {Dissociation in prefrontal cortex of affective and attentional shifts}, - journal = {Nature}, - volume = {380}, - number = {7}, - pages = {69-72}, - year = {1996}, +@article{RN813, + author = {Treisman, M}, + title = {Temporal discrimination and the difference interval: implications for a model of the 'internal clock'}, + journal = {Psychological Monographs}, + volume = {77}, + pages = {1-13}, + year = {1963}, type = {Journal Article} } -@article{RN601, - author = {Dettmers, C. and Lemon, R. N. and Stephan, K. M. and Fink, G. R. and Frackowiak, R. S.}, - title = {Cerebral activation during the exertion of sustained static force in man}, - journal = {Neuroreport}, - volume = {7}, - number = {13}, - pages = {2103-10}, - year = {1996}, +@article{RN812, + author = {Pressing, J. and Jolley-Rogers, G.}, + title = {Spectral properties of human cognition and skill}, + journal = {Biol Cybern}, + volume = {76}, + number = {5}, + pages = {339-47.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9237359}, + year = {1997}, type = {Journal Article} } -@article{RN2100, - author = {Dettmers, C. and Connelly, A. and Stephan, K. M. and Turner, R. and Friston, K. J. and Frackowiak, R. S. and Gadian, D. G.}, - title = {Quantitative comparison of functional magnetic resonance imaging with positron emission tomography using a force-related paradigm}, - journal = {Neuroimage}, - volume = {4}, - number = {3 Pt 1}, - pages = {201-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9345510}, - year = {1996}, +@article{RN811, + author = {Pressing, Jeff}, + title = {The referential dynamics of cognition and action}, + journal = {Psychological Review}, + volume = {106}, + number = {4}, + pages = {714-747}, + year = {1999}, type = {Journal Article} } -@article{RN2322, - author = {Deiber, M. P. and Ibanez, V. and Sadato, N. and Hallett, M.}, - title = {Cerebral structures participating in motor preparation in humans: a positron emission tomography study}, - journal = {J Neurophysiol}, - volume = {75}, +@article{RN810, + author = {Pressing, Jeff}, + title = {Error correction processes in temporal pattern production}, + journal = {Journal of Mathematical Psychology}, + volume = {42}, number = {1}, - pages = {233-47}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8822554}, - year = {1996}, + pages = {63-101}, + year = {1998}, type = {Journal Article} } -@article{RN3235, - author = {Crammond, D. J. and Kalaska, J. F.}, - title = {Differential relation of discharge in primary motor cortex and premotor cortex to movements versus actively maintained postures during a reaching task}, - journal = {Exp Brain Res}, - volume = {108}, - number = {1}, - pages = {45-61}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/8721154}, +@inbook{RN809, + author = {Vorberg, Dirk and Wing, Alan}, + title = {Modeling variability and dependence in timing}, + booktitle = {Handbook of perception and action, Vol. 2: Motor skills.}, + editor = {Heuer, Herbert and Keele, Steven W.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA, US}, + pages = {181-262}, year = {1996}, - type = {Journal Article} + type = {Book Section} } -@article{RN260, - author = {Constantinidis, Christos and Steinmetz, Michael A.}, - title = {Neuronal activity in posterior parietal area 7a during the delay periods of a spatial memory task}, - journal = {Journal of Neurophysiology}, - volume = {76}, - number = {2}, - pages = {1352-1355}, - year = {1996}, +@article{RN808, + author = {Vorberg, D. and Schulze, H. H.}, + title = {Linear phase-correction in synchronization: Predictions, parameter estimation and simulations}, + journal = {Journal of Mathematical Psychology}, + volume = {46}, + pages = {56-87}, + year = {2002}, type = {Journal Article} } -@article{RN2251, - author = {Cohn, D. A. and Ghahramani, Z. and Jordan, M. I.}, - title = {Active learning with statistical models}, - journal = {Journal of Artificial Intelligence Research}, - volume = {4}, - pages = {129-145}, - year = {1996}, +@article{RN807, + author = {Semjen, A. and Schulze, H. H. and Vorberg, D.}, + title = {Timing precision in continuation and synchronization tapping}, + journal = {Psychol Res}, + volume = {63}, + number = {2}, + pages = {137-47}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10946587}, + year = {2000}, type = {Journal Article} } -@article{RN2158, - author = {Clower, D. M. and Hoffman, J. M. and Votaw, J. R. and Faber, T. L. and Woods, R. P. and Alexander, G. E.}, - title = {Role of posterior parietal cortex in the recalibration of visually guided reaching}, - journal = {Nature}, - volume = {383}, - number = {6601}, - pages = {618-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8857536}, - year = {1996}, +@article{RN806, + author = {Schulze, H. H. and Vorberg, D.}, + title = {Linear phase correction models for synchronization: parameter identification and estimation of parameters}, + journal = {Brain Cogn}, + volume = {48}, + number = {1}, + pages = {80-97.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11812034}, + year = {2002}, type = {Journal Article} } @@ -20921,50 +21667,144 @@ @inbook{RN805 type = {Book Section} } -@article{RN182, - author = {Caminiti, Roberto and Ferraina, Stefano and Johnson, Paul B.}, - title = {The sources of visual information to the primate frontal lobe: A novel role for the superior parietal lobule}, - journal = {Cerebral Cortex}, - volume = {6}, +@inbook{RN804, + author = {Fraisse, P.}, + title = {Les synchronisations sensori-motrices aux rythmes [The senorimotor synchronization of rhythms]}, + booktitle = {Anticipation et comportment}, + editor = {Requin, J.}, + publisher = {Centre National}, + address = {Paris}, + year = {1980}, + type = {Book Section} +} + +@article{RN803, + author = {Dunlap, K}, + title = {Reactions on rhythmic stimuli, with attempt to synchronize}, + journal = {Psychological Review}, + volume = {17}, + pages = {399-416}, + year = {1910}, + type = {Journal Article} +} + +@article{RN802, + author = {Repp, B. H.}, + title = {Processes underlying adaptation to tempo changes in sensorimotor synchronization}, + journal = {Hum Mov Sci}, + volume = {20}, number = {3}, - pages = {319-328}, - year = {1996}, + pages = {277-312.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11517673}, + year = {2001}, + type = {Journal Article} +} + +@article{RN801, + author = {Repp, B. H.}, + title = {Phase correction, phase resetting, and phase shifts after subliminal timing perturbations in sensorimotor synchronization}, + journal = {J Exp Psychol Hum Percept Perform}, + volume = {27}, + number = {3}, + pages = {600-21.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11424648}, + year = {2001}, + type = {Journal Article} +} + +@article{RN800, + author = {Aschersleben, G. and Prinz, W.}, + title = {Synchronizing actions with events: the role of sensory information}, + journal = {Perception and Psychophysics}, + volume = {57}, + number = {3}, + pages = {305-17.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7770322}, + year = {1995}, + type = {Journal Article} +} + +@article{RN799, + author = {Mates, J. and Aschersleben, G.}, + title = {Sensorimotor synchronization: the impact of temporally displaced auditory feedback}, + journal = {Acta Psychol (Amst)}, + volume = {104}, + number = {1}, + pages = {29-44.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10769938}, + year = {2000}, + type = {Journal Article} +} + +@article{RN798, + author = {Vos, P. G. and Mates, J. and van Kruysbergen, N. W.}, + title = {The perceptual centre of a stimulus as the cue for synchronization to a metronome: evidence from asynchronies}, + journal = {Q J Exp Psychol A}, + volume = {48}, + number = {4}, + pages = {1024-40.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8559964}, + year = {1995}, + type = {Journal Article} +} + +@article{RN797, + author = {Mates, J.}, + title = {A model of synchronization of motor acts to a stimulus sequence. II. Stability analysis, error estimation and simulations}, + journal = {Biol Cybern}, + volume = {70}, + number = {5}, + pages = {475-84}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8186307}, + year = {1994}, + type = {Journal Article} +} + +@article{RN796, + author = {Mates, J.}, + title = {A model of synchronization of motor acts to a stimulus sequence. I. Timing and error corrections}, + journal = {Biol Cybern}, + volume = {70}, + number = {5}, + pages = {463-73}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8186306}, + year = {1994}, type = {Journal Article} } -@article{RN2567, - author = {Buchanan, T. S. and Shreeve, D. A.}, - title = {An evaluation of optimization techniques for the prediction of muscle activation patterns during isometric tasks}, - journal = {J Biomech Eng}, - volume = {118}, - number = {4}, - pages = {565-74}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8950661 }, - year = {1996}, +@article{RN795, + author = {Hary, D. and Moore, G. P.}, + title = {Temporal tracking and synchronization strategies}, + journal = {Hum Neurobiol}, + volume = {4}, + number = {2}, + pages = {73-9}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4030426}, + year = {1985}, type = {Journal Article} } -@article{RN614, - author = {Boynton, G. M. and Engel, S. A. and Glover, G. H. and Heeger, D. J.}, - title = {Linear systems analysis of functional magnetic resonance imaging in human V1}, - journal = {Journal of Neuroscience}, - volume = {16}, - number = {13}, - pages = {4207-21}, - url = {http://www.jneurosci.org/cgi/content/full/16/13/4207 -http://www.jneurosci.org}, - year = {1996}, +@article{RN794, + author = {Hary, D. and Moore, G. P.}, + title = {Synchronizing human movement with an external clock source}, + journal = {Biol Cybern}, + volume = {56}, + number = {5-6}, + pages = {305-11}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3620530}, + year = {1987}, type = {Journal Article} } -@article{RN405, - author = {Billon, M. and Semjen, A. and Stelmach, G. E.}, - title = {The timing effects of accent production in periodic finger-tapping sequences}, - journal = {Journal of Motor Behavior}, - volume = {28}, - number = {3}, - pages = {198-210}, - year = {1996}, +@article{RN793, + author = {Fraisse, P. and Voillaume, C.}, + title = {[The frame of reference of the subject in synchronization and pseudosynchronization]}, + journal = {Annee Psychol}, + volume = {71}, + number = {2}, + pages = {359-69}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=5151289}, + year = {1971}, type = {Journal Article} } @@ -20980,1148 +21820,1214 @@ @article{RN792 type = {Journal Article} } -@article{RN760, - author = {Bennis, N. and Roby-Brami, A. and Dufosse, M. and Bussel, B.}, - title = {Anticipatory responses to a self-applied load in normal subjects and hemiparetic patients}, - journal = {J Physiol Paris}, - volume = {90}, - number = {1}, - pages = {27-42}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8803852}, - year = {1996}, +@article{RN791, + author = {Billon, M. and Semjen, A.}, + title = {The timing effects of accent production in synchronization and continuation tasks performed by musicians and nonmusicians}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {58}, + number = {3}, + pages = {206-217}, + year = {1995}, type = {Journal Article} } -@article{RN45, - author = {Bennett, A. T. D.}, - title = {Do animals have cognitive maps?}, - journal = {Journal of Experimental Biology}, - volume = {199}, - number = {1}, +@article{RN790, + author = {Jueptner, M. and Jenkins, I. H. and Brooks, D. J. and Frackowiak, R. S. and Passingham, R. E.}, + title = {The sensory guidance of movement: a comparison of the cerebellum and basal ganglia}, + journal = {Exp Brain Res}, + volume = {112}, + number = {3}, + pages = {462-74.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9007548}, year = {1996}, type = {Journal Article} } -@article{RN729, - author = {Bastian, A. J. and Martin, T. A. and Keating, J. G. and Thach, W. T.}, - title = {Cerebellar ataxia: abnormal control of interaction torques across multiple joints}, - journal = {J Neurophysiol}, - volume = {76}, - number = {1}, - pages = {492-509}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8836239}, +@article{RN789, + author = {Jueptner, M. and Flerich, L. and Weiller, C. and Mueller, S. P. and Diener, H. C.}, + title = {The human cerebellum and temporal information processing--results from a PET experiment}, + journal = {Neuroreport}, + volume = {7}, + number = {15-17}, + pages = {2761-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8981463}, year = {1996}, type = {Journal Article} } -@article{RN29, - author = {Ashby, F. Gregory and Prinzmetal, William and Ivry, Richard and Maddox, W. Todd}, - title = {A formal theory of feature binding in object perception}, - journal = {Psychological Review}, - volume = {103}, +@article{RN788, + author = {Harrington, Deborah L. and Haaland, Kathleen Y. and Hermanowitz, Neal}, + title = {Temporal processing in the basal ganglia}, + journal = {Neuropsychology}, + volume = {12}, number = {1}, - pages = {165-192}, - year = {1996}, + pages = {3-12}, + year = {1998}, type = {Journal Article} } -@article{RN1029, - author = {Aruin, A. S. and Neyman, I. and Nicholas, J. J. and Latash, M. L.}, - title = {Are there deficits in anticipatory postural adjustments in Parkinson's disease?}, - journal = {Neuroreport}, - volume = {7}, - number = {11}, - pages = {1794-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8905667}, +@article{RN787, + author = {Duchek, Janet M. and Balota, David A. and Ferraro, F. Richard}, + title = {Component analysis of a rhythmic finger tapping task in individuals with senile dementia of the Alzheimer type and in individuals with Parkinson's disease}, + journal = {Neuropsychology}, + volume = {8}, + number = {2}, + pages = {218-226}, + year = {1994}, + type = {Journal Article} +} + +@article{RN786, + author = {Wing, Alan M. and Keele, Steven and Margolin, David I.}, + title = {Motor disorder and the timing of repetitive movements}, + journal = {Annals of the New York Academy of Sciences}, + volume = {423}, + pages = {183-192}, + year = {1984}, + type = {Journal Article} +} + +@article{RN785, + author = {Malapani, C. and Dubois, B. and Rancurel, G. and Gibbon, J.}, + title = {Cerebellar dysfunctions of temporal processing in the seconds range in humans}, + journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, + volume = {9}, + number = {17}, + pages = {3907-3912}, + year = {1998}, + type = {Journal Article} +} + +@article{RN784, + author = {Nichelli, Paolo and Alway, David and Grafman, Jordan}, + title = {Perceptual timing in cerebellar degeneration}, + journal = {Neuropsychologia}, + volume = {34}, + number = {9}, + pages = {863-871}, year = {1996}, type = {Journal Article} } -@article{RN361, - author = {Adam, J. J. and Paas, F. G. W. C. and Buekers, M. J. and Wuyts, I. J.}, - title = {Perception-action coupling in choice reaction time tasks}, - journal = {Human Movement Science}, - volume = {15}, - number = {4}, - pages = {511-519}, +@article{RN783, + author = {Ivry, R. B.}, + title = {The representation of temporal information in perception and motor control}, + journal = {Current Opinion in Neurobiology}, + volume = {6}, + number = {6}, + pages = {851-857}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9000026 +http://www.biomednet.com/article/nb6612}, year = {1996}, type = {Journal Article} } -@article{RN2173, - author = {Worsley, K. J. and Friston, K. J.}, - title = {Analysis of fMRI time-series revisited--again}, - journal = {Neuroimage}, - volume = {2}, - number = {3}, - pages = {173-81}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343600}, - year = {1995}, +@article{RN782, + author = {Pastor, M. A. and Jahanshahi, M. and Artieda, J. and Obeso, J. A.}, + title = {Performance of repetitive wrist movements in Parkinson's disease}, + journal = {Brain}, + volume = {115}, + number = {Pt 3}, + pages = {875-91.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1628206}, + year = {1992}, type = {Journal Article} } -@article{RN136, - author = {Wolpert, D. M. and Ghahramani, Z. and Jordan, M. I.}, - title = {Are arm trajectories planned in kinematic or dynamic coordinates? An adaption study}, - journal = {Experimental Brain Research}, - volume = {103}, - pages = {460-470}, - year = {1995}, +@article{RN781, + author = {Artieda, J. and Pastor, M. A. and Lacruz, F. and Obeso, J. A.}, + title = {Temporal discrimination is abnormal in Parkinson's disease}, + journal = {Brain}, + volume = {115 Pt 1}, + pages = {199-210.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1559154}, + year = {1992}, + type = {Journal Article} +} + +@inbook{RN780, + author = {Keele, Steven W. and Ivry, Richard I.}, + title = {Modular analysis of timing in motor skill}, + booktitle = {The psychology of learning and motivation: Advances in research and theory, Vol. 21.}, + editor = {Bower, Gordon H. and et al.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA, USA}, + pages = {183-228}, + year = {1987}, + type = {Book Section} +} + +@article{RN779, + author = {Keele, Steven W. and Ivry, Richard I. and Pokorny, Robert A.}, + title = {Force control and its relation to timing}, + journal = {Journal of Motor Behavior}, + volume = {19}, + number = {1}, + pages = {96-114}, + year = {1987}, + type = {Journal Article} +} + +@article{RN778, + author = {Keele, S. W. and Pokorny, R. A. and Corcos, D. M. and Ivry, R.}, + title = {Do perception and motor production share common timing mechanisms: a correctional analysis}, + journal = {Acta Psychol (Amst)}, + volume = {60}, + number = {2-3}, + pages = {173-91.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4091033}, + year = {1985}, + type = {Journal Article} +} + +@article{RN777, + author = {Jäncke, L. and Loose, R. and Lutz, K. and Specht, K. and Shah, N. J.}, + title = {Cortical activations during paced finger-tapping applying visual and auditory pacing stimuli}, + journal = {Brain Res Cogn Brain Res}, + volume = {10}, + number = {1-2}, + pages = {51-66.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10978692}, + year = {2000}, type = {Journal Article} } -@article{RN1, - author = {Wolpert, Daniel M. and Ghahramani, Zoubin and Jordan, Micheal I.}, - title = {An internal model for sensorimotor integration}, - journal = {Science}, - volume = {269}, - pages = {1880-1882}, - year = {1995}, +@article{RN776, + author = {Freeman, J. S. and Cody, F. W. and Schady, W.}, + title = {The influence of external timing cues upon the rhythm of voluntary movements in Parkinson's disease}, + journal = {J Neurol Neurosurg Psychiatry}, + volume = {56}, + number = {10}, + pages = {1078-84.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8410005}, + year = {1993}, type = {Journal Article} } -@article{RN798, - author = {Vos, P. G. and Mates, J. and van Kruysbergen, N. W.}, - title = {The perceptual centre of a stimulus as the cue for synchronization to a metronome: evidence from asynchronies}, - journal = {Q J Exp Psychol A}, - volume = {48}, - number = {4}, - pages = {1024-40.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8559964}, - year = {1995}, +@article{RN775, + author = {O'Boyle, D. J. and Freeman, J. S. and Cody, F. W.}, + title = {The accuracy and precision of timing of self-paced, repetitive movements in subjects with Parkinson's disease}, + journal = {Brain}, + volume = {119}, + number = {Pt 1}, + pages = {51-70.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8624694}, + year = {1996}, type = {Journal Article} } -@inbook{RN599, - author = {Strick, Peter L. and Dum, Richard P. and Picard, Nathalie}, - title = {Macro-organization of the circuits connecting the basal ganglia with the cortical motor areas}, - booktitle = {Models of Information Processing in the Basal Ganglia}, - editor = {Houk, J.C. and Davis, J.L. and Beiser, D.G.}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - pages = {117-130}, - year = {1995}, - type = {Book Section} +@article{RN774, + author = {Tracy, J. I. and Faro, S. S. and Mohammed, F. B. and Pinus, A. B. and Madi, S. M. and Laskas, J. W.}, + title = {Cerebellar mediation of the complexity of bimanual compared to unimanual movements}, + journal = {Neurology}, + volume = {57}, + number = {10}, + pages = {1862-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11723277 +http://www.neurology.org/cgi/content/full/57/10/1862 +http://www.neurology.org/cgi/content/abstract/57/10/1862}, + year = {2001}, + type = {Journal Article} } -@article{RN114, - author = {Steinmetz, M. A. and Constantinidis, C.}, - title = {Neurophysiological evidence for a role of posterior parietal cortex in redirecting visual attention}, - journal = {Cerebral Cortex}, - volume = {5}, +@article{RN773, + author = {Debaere, F. and Swinnen, S. P. and Beatse, E. and Sunaert, S. and Van Hecke, P. and Duysens, J.}, + title = {Brain areas involved in interlimb coordination: a distributed network}, + journal = {Neuroimage}, + volume = {14}, number = {5}, - year = {1995}, + pages = {947-58.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11697927}, + year = {2001}, type = {Journal Article} } -@article{RN324, - author = {Spijkers, Will and Heuer, Herbert}, - title = {Structural constraints on the performance of symmetrical bimanual movements with different amplitudes}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {48}, +@article{RN772, + author = {Immisch, I. and Waldvogel, D. and van Gelderen, P. and Hallett, M.}, + title = {The role of the medial wall and its anatomical variations for bimanual antiphase and in-phase movements}, + journal = {Neuroimage}, + volume = {14}, number = {3}, - pages = {716-740}, - year = {1995}, + pages = {674-84.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11506540}, + year = {2001}, type = {Journal Article} } -@article{RN2520, - author = {Snyder, P. J. and Bilder, R. M. and Wu, H. and Bogerts, B. and Lieberman, J. A.}, - title = {Cerebellar volume asymmetries are related to handedness: a quantitative MRI study}, - journal = {Neuropsychologia}, - volume = {33}, - number = {4}, - pages = {407-19}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7617152 }, - year = {1995}, +@article{RN771, + author = {Kermadi, I. and Liu, Y. and Rouiller, E. M.}, + title = {Do bimanual motor actions involve the dorsal premotor (PMd), cingulate (CMA) and posterior parietal (PPC) cortices? Comparison with primary and supplementary motor cortical areas}, + journal = {Somatosens Mot Res}, + volume = {17}, + number = {3}, + pages = {255-71}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10994596}, + year = {2000}, type = {Journal Article} } -@article{RN406, - author = {Semjen, A. and Summers, J. J. and Cattaert, D.}, - title = {Hand coordination in bimanual circle drawing}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {21}, - number = {5}, - pages = {1139-1157}, - year = {1995}, +@article{RN770, + author = {Lang, W. and Obrig, H. and Lindinger, G. and Cheyne, D. and Deecke, L.}, + title = {Supplementary motor area activation while tapping bimanually different rhythms in musicians}, + journal = {Exp Brain Res}, + volume = {79}, + number = {3}, + pages = {504-14}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2340870}, + year = {1990}, type = {Journal Article} } -@article{RN290, - author = {Rogers, Robert D. and Monsell, Stephen.}, - title = {Costs of a predictible switch between simple cognitive tasks.}, - journal = {Journal of Experimental Psychology: General}, - volume = {124}, - pages = {207-231}, - year = {1995}, +@article{RN769, + author = {Shadmehr, R. and Brashers-Krug, T.}, + title = {Functional stages in the formation of human long-term motor memory}, + journal = {J Neurosci}, + volume = {17}, + number = {1}, + pages = {409-19.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8987766}, + year = {1997}, type = {Journal Article} } -@article{RN595, - author = {Riehle, A. and Requin, J.}, - title = {Neuronal correlates of the specification of movement direction and force in four cortical areas of the monkey}, - journal = {Behavioural Brain Research}, - volume = {70}, - number = {1}, - pages = {1-13}, - year = {1995}, +@article{RN768, + author = {Shadmehr, R. and Mussa-Ivaldi, F. A.}, + title = {Adaptive representation of dynamics during learning of a motor task}, + journal = {J Neurosci}, + volume = {14}, + number = {5 Pt 2}, + pages = {3208-24}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8182467}, + year = {1994}, type = {Journal Article} } -@article{RN165, - author = {Requin, Jean and Riehle, Alexa}, - title = {Neural correlates of partial transmission of sensorimotor information in the cerebral cortex}, - journal = {Acta Psychologica}, - volume = {90}, - number = {1-3}, - pages = {81-95}, - year = {1995}, +@article{RN767, + author = {Shadmehr, R. and Holcomb, H. H.}, + title = {Neural correlates of motor memory consolidation}, + journal = {Science}, + volume = {277}, + number = {5327}, + pages = {821-5.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9242612}, + year = {1997}, type = {Journal Article} } -@article{RN66, - author = {Prinzmetal, William and Henderson, Deborah and Ivry, Richard}, - title = {Loosening the constraint on illusory conjunctions: assessing the roles of exposure duration and attention}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {21}, - number = {6}, - pages = {1362-1375}, - year = {1995}, +@article{RN766, + author = {Shadmehr, R. and Moussavi, Z. M.}, + title = {Spatial generalization from learning dynamics of reaching movements}, + journal = {J Neurosci}, + volume = {20}, + number = {20}, + pages = {7807-15.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11027245 +http://www.jneurosci.org/cgi/content/full/20/20/7807 +http://www.jneurosci.org/cgi/content/abstract/20/20/7807}, + year = {2000}, type = {Journal Article} } -@article{RN65, - author = {Prinzmetal, William}, - title = {Visual feature integration in a world of objects}, - journal = {Current Directions in Psychological Science}, - volume = {4}, - pages = {90-94}, - year = {1995}, +@article{RN765, + author = {Thoroughman, K. A. and Shadmehr, R.}, + title = {Learning of action through adaptive combination of motor primitives}, + journal = {Nature}, + volume = {407}, + number = {6805}, + pages = {742-7}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11048720}, + year = {2000}, type = {Journal Article} } -@article{RN2852, - author = {Pinheiro, J. C. and Bates, M. D.}, - title = {Unconstrained parametrizations for variance-covariance matrices}, - journal = {Statistics and Computing}, - volume = {6}, - pages = {289-296}, - year = {1995}, +@article{RN764, + author = {Nezafat, R. and Shadmehr, R. and Holcomb, H. H.}, + title = {Long-term adaptation to dynamics of reaching movements: a PET study}, + journal = {Exp Brain Res}, + volume = {140}, + number = {1}, + pages = {66-76.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11500799}, + year = {2001}, type = {Journal Article} } -@article{RN177, - author = {Pellizzer, Giuseppe and Sargent, Patricia and Georgopoulos, Apostolos P.}, - title = {Motor cortical activity in a context-recall task}, - journal = {Science}, - volume = {269}, - number = {5224}, - pages = {702-705}, - year = {1995}, +@article{RN763, + author = {Haruno, M. and Wolpert, D. M. and Kawato, M.}, + title = {Mosaic model for sensorimotor learning and control}, + journal = {Neural Comput}, + volume = {13}, + number = {10}, + pages = {2201-20.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11570996}, + year = {2001}, type = {Journal Article} } -@article{RN626, - author = {Parent, A. and Hazrati, L. N.}, - title = {Functional anatomy of the basal ganglia. II. The place of subthalamic nucleus and external pallidum in basal ganglia circuitry}, - journal = {Brain Research. Brain Research Reviews}, - volume = {20}, - number = {1}, - pages = {128-54}, - year = {1995}, +@article{RN761, + author = {Witney, A. G. and Goodbody, S. J. and Wolpert, D. M.}, + title = {Learning and decay of prediction in object manipulation}, + journal = {J Neurophysiol}, + volume = {84}, + number = {1}, + pages = {334-43}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10899208 +http://www.jn.physiology.org/cgi/content/full/84/1/334 +http://www.jn.physiology.org/cgi/content/abstract/84/1/334}, + year = {2000}, type = {Journal Article} } -@article{RN625, - author = {Parent, A. and Hazrati, L. N.}, - title = {Functional anatomy of the basal ganglia. I. The cortico-basal ganglia-thalamo-cortical loop}, - journal = {Brain Research. Brain Research Reviews}, - volume = {20}, +@article{RN760, + author = {Bennis, N. and Roby-Brami, A. and Dufosse, M. and Bussel, B.}, + title = {Anticipatory responses to a self-applied load in normal subjects and hemiparetic patients}, + journal = {J Physiol Paris}, + volume = {90}, number = {1}, - pages = {91-127}, - year = {1995}, + pages = {27-42}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8803852}, + year = {1996}, type = {Journal Article} } -@article{RN119, - author = {Olson, C. R. and Gettner, S. N.}, - title = {Object-centered direction selectivity in the macaque supplementary eye field}, - journal = {Science (Washington D C)}, - volume = {269}, - number = {5226}, - year = {1995}, +@article{RN759, + author = {Biryukova, E. V. and Roschin, V. Y. and Frolov, A. A. and Ioffe, M. E. and Massion, J. and Dufosse, M.}, + title = {Forearm postural control during unloading: anticipatory changes in elbow stiffness}, + journal = {Exp Brain Res}, + volume = {124}, + number = {1}, + pages = {107-117}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9928795}, + year = {1999}, type = {Journal Article} } -@book{RN216, - author = {Milner, A. David and Goodale, Melvyn A.}, - title = {The visual brain in action}, - publisher = {Oxford University Press}, - address = {Oxford}, - year = {1995}, - type = {Book} +@article{RN758, + author = {Massion, J.}, + title = {Movement, posture and equilibrium: interaction and coordination}, + journal = {Prog Neurobiol}, + volume = {38}, + number = {1}, + pages = {35-56}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1736324}, + year = {1992}, + type = {Journal Article} } -@article{RN77, - author = {Maunsell, John H.R.}, - title = {The brain's visual world: representation of visual targets in cerebral cortex}, - journal = {Science}, - volume = {270}, - pages = {764-768}, - year = {1995}, +@article{RN757, + author = {Hugon, M. and Massion, J. and Wiesendanger, M.}, + title = {Anticipatory postural changes induced by active unloading and comparison with passive unloading in man}, + journal = {Pflugers Arch}, + volume = {393}, + number = {4}, + pages = {292-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7122204}, + year = {1982}, type = {Journal Article} } -@article{RN69, - author = {Lu, Chen-Hui and Proctor, Robert W.}, - title = {The influence of irrelevant location information on performance: A review of the Simon and spatial Stroop effects}, - journal = {Psychonomic Bulletin & Review}, - volume = {2}, +@article{RN755, + author = {Paulignan, Y. and Dufosse, M. and Hugon, M. and Massion, J.}, + title = {Acquisition of co-ordination between posture and movement in a bimanual task}, + journal = {Exp Brain Res}, + volume = {77}, number = {2}, - pages = {174-207}, - year = {1995}, + pages = {337-48}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2792280}, + year = {1989}, type = {Journal Article} } -@article{RN870, - author = {Lacquaniti, F. and Guigon, E. and Bianchi, L. and Ferraina, S. and Caminiti, R.}, - title = {Representing spatial information for limb movement: role of area 5 in the monkey}, - journal = {Cereb Cortex}, - volume = {5}, - number = {5}, - pages = {391-409.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8547787}, - year = {1995}, +@article{RN754, + author = {Struppler, A. and Gerilovsky, L. and Jakob, C.}, + title = {Self-generated rapid taps directed to the opposite forearm in man: anticipatory reduction in the muscle activity of the target arm}, + journal = {Neurosci Lett}, + volume = {159}, + number = {1-2}, + pages = {115-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8264950}, + year = {1993}, type = {Journal Article} } -@book{RN380, - author = {Kelso, J. A. Scott}, - title = {Dynamic patterns: the self-organization of brain and behaviour}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - year = {1995}, - type = {Book} -} - -@article{RN2418, - author = {Keele, S. W. and Jennings, P. and Jones, S. and Caulton, D. and Cohen, A.}, - title = {On the modularity of sequence representation}, - journal = {Journal of Motor Behavior}, - volume = {27}, - pages = {17-30}, - year = {1995}, +@article{RN753, + author = {Witney, A. G. and Goodbody, S. J. and Wolpert, D. M.}, + title = {Predictive motor learning of temporal delays}, + journal = {J Neurophysiol}, + volume = {82}, + number = {5}, + pages = {2039-48.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10561385 +http://www.jn.org/cgi/content/full/82/5/2039 +http://www.jn.org/cgi/content/abstract/82/5/2039}, + year = {1999}, type = {Journal Article} } -@article{RN3654, - author = {Kass, R. E. and Raftery, A. E.}, - title = {Bayes Factors}, - journal = {Journal of the American Statistical Association}, - volume = {90}, - number = {430}, - pages = {773-795}, - ISSN = {0162-1459}, - DOI = {10.1080/01621459.1995.10476572}, - url = {://WOS:A1995RA10400045}, - year = {1995}, +@article{RN752, + author = {Miall, R. C and Wolpert, D. M.}, + title = {Forward models for physiological motor control}, + journal = {Neural Networks}, + volume = {9}, + number = {8}, + pages = {1265-1279}, + year = {1996}, type = {Journal Article} } -@article{RN1065, - author = {Karni, A. and Meyer, G. and Jezzard, P. and Adams, M. M. and Turner, R. and Ungerleider, L. G.}, - title = {Functional MRI evidence for adult motor cortex plasticity during motor skill learning}, - journal = {Nature}, - volume = {377}, - number = {6545}, - pages = {155-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7675082}, - year = {1995}, +@article{RN751, + author = {Wolpert, D. M. and Kawato, M.}, + title = {Mutiple paired forward and inverse models for motor control}, + journal = {Neural Networks}, + volume = {11}, + pages = {1317-1329}, + year = {1998}, type = {Journal Article} } -@article{RN481, - author = {Jueptner, M. and Rijntjes, M. and Weiller, C. and Faiss, J. H. and et al.}, - title = {Localization of a cerebellar timing process using PET}, - journal = {Neurology}, - volume = {45}, - number = {8}, - pages = {1540-1545}, +@article{RN750, + author = {Aruin, A. S. and Latash, M. L.}, + title = {The role of motor action in anticipatory postural adjustments studied with self-induced and externally triggered perturbations}, + journal = {Exp Brain Res}, + volume = {106}, + number = {2}, + pages = {291-300}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8566194}, year = {1995}, type = {Journal Article} } -@article{RN301, - author = {Jackson, S. R. and Jackson, G. M. and Rosicky, J.}, - title = {Are non-relevant objects represented in working memory? The effect of non-target objects on reach and grasp kinematics}, - journal = {Experimental Brain Research}, - volume = {102}, - number = {3}, - year = {1995}, +@article{RN749, + author = {Aruin, A. S. and Shiratori, T. and Latash, M. L.}, + title = {The role of action in postural preparation for loading and unloading in standing subjects}, + journal = {Exp Brain Res}, + volume = {138}, + number = {4}, + pages = {458-66.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11465744}, + year = {2001}, type = {Journal Article} } -@article{RN302, - author = {Jackson, S. R. and Jackson, G. M. and Harrison, J. and Henderson, L. and Kennard, C.}, - title = {The internal control of action and Parkinson's disease: a kinematic analysis of visually-guided and memory-guided prehension movements}, - journal = {Experimental Brain Research}, - volume = {105}, - number = {1}, - year = {1995}, +@article{RN748, + author = {Shiratori, T. and Latash, M. L.}, + title = {Anticipatory postural adjustments during load catching by standing subjects}, + journal = {Clin Neurophysiol}, + volume = {112}, + number = {7}, + pages = {1250-65.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11516737}, + year = {2001}, type = {Journal Article} } -@article{RN130, - author = {Ivry, Richard B. and Hazeltine, R. Eliot}, - title = {Perception and production of temporal intervals across a range of durations: Evidence for a common timing mechanism}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {21}, +@article{RN747, + author = {Lacquaniti, F. and Maioli, C.}, + title = {Adaptation to suppression of visual information during catching}, + journal = {J Neurosci}, + volume = {9}, number = {1}, - pages = {3-18}, - year = {1995}, - type = {Journal Article} -} - -@article{RN128, - author = {Imamizu, Hiroshi and Uno, Yoji and Kawato, Mitsuo}, - title = {Internal representations of the motor apparatus: Implications from generalization in visuomotor learning}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {21}, - number = {5}, - pages = {1174-1198}, - year = {1995}, + pages = {149-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2913201}, + year = {1989}, type = {Journal Article} } -@article{RN3230, - author = {Imamizu, H. and Shimojo, S.}, - title = {The locus of visual-motor learning at the task or manipulator level: implications from intermanual transfer}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {21}, - number = {4}, - pages = {719-33}, - ISSN = {0096-1523 (Print) -0096-1523 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/7643045}, - year = {1995}, +@article{RN746, + author = {Lacquaniti, F. and Maioli, C.}, + title = {The role of preparation in tuning anticipatory and reflex responses during catching}, + journal = {J Neurosci}, + volume = {9}, + number = {1}, + pages = {134-48.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2913200}, + year = {1989}, type = {Journal Article} } -@article{RN2726, - author = {Iadecola, C. and Li, J. and Ebner, T. J. and Xu, X.}, - title = {Nitric oxide contributes to functional hyperemia in cerebellar cortex}, - journal = {Am J Physiol}, - volume = {268}, - number = {5 Pt 2}, - pages = {R1153-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7539595 }, - year = {1995}, +@article{RN745, + author = {Cole, K. J. and Abbs, J. H.}, + title = {Grip force adjustments evoked by load force perturbations of a grasped object}, + journal = {J Neurophysiol}, + volume = {60}, + number = {4}, + pages = {1513-22.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3193168}, + year = {1988}, type = {Journal Article} } -@article{RN986, - author = {Hore, J. and Watts, S. and Martin, J. and Miller, B.}, - title = {Timing of finger opening and ball release in fast and accurate overarm throws}, +@article{RN744, + author = {Johansson, R. S. and Westling, G.}, + title = {Roles of glabrous skin receptors and sensorimotor memory in automatic control of precision grip when lifting rougher or more slippery objects}, journal = {Exp Brain Res}, - volume = {103}, - number = {2}, - pages = {277-86}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7789435}, - year = {1995}, + volume = {56}, + number = {3}, + pages = {550-64}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6499981}, + year = {1984}, type = {Journal Article} } -@inbook{RN633, - author = {Hommel, Bernhard}, - title = {Attentional scanning in the selection of central targets from multi-symbol strings}, - booktitle = {Visual selective attention.}, - editor = {Bundesen, Claus and Shibuya, Hitomi}, - publisher = {Lawrence Erlbaum Associates, Inc}, - address = {Hillsdale, NJ, US}, - pages = {119-144}, - year = {1995}, +@inbook{RN742, + author = {Prinz, W.}, + title = {A common coding approach to perception and action}, + booktitle = {Relationships between perception and action}, + editor = {Neumann, O. and Prinz, W.}, + publisher = {Springer}, + address = {Berlin}, + pages = {167-201}, + year = {1990}, type = {Book Section} } -@article{RN899, - author = {Heuer, H. and Schmidt, R. A. and Ghodsian, D.}, - title = {Generalized motor programs for rapid bimanual tasks: a two-level multiplicative-rate model}, - journal = {Biol Cybern}, - volume = {73}, - number = {4}, - pages = {343-56.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7578474}, - year = {1995}, +@article{RN741, + author = {Mechsner, Franz and Kerzel, Dirk and Knoblich, Guenther and Prinz, Wolfgang}, + title = {Perceptual basis of bimanual coordination}, + journal = {Nature}, + volume = {414}, + number = {6859}, + pages = {69-73}, + year = {2001}, type = {Journal Article} } -@article{RN2235, - author = {Heide, W. and Blankenburg, M. and Zimmermann, E. and Kompf, D.}, - title = {Cortical control of double-step saccades: implications for spatial orientation}, - journal = {Ann Neurol}, - volume = {38}, - number = {5}, - pages = {739-48}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7486865}, - year = {1995}, +@article{RN739, + author = {Pelisson, D. and Prablanc, C. and Goodale, M. A. and Jeannerod, M.}, + title = {Visual control of reaching movements without vision of the limb. II. Evidence of fast unconscious processes correcting the trajectory of the hand to the final position of a double-step stimulus}, + journal = {Exp Brain Res}, + volume = {62}, + number = {2}, + pages = {303-11}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3709715}, + year = {1986}, type = {Journal Article} } -@inproceedings{RN62, - author = {Hagoort, P. and Brown, C.M.}, - title = {Electrophysiological insights into language and speech processing}, - booktitle = {ICPHS 95}, - volume = {2}, - pages = {172-177}, - type = {Conference Proceedings} -} - -@article{RN2371, - author = {Haggard, P. and Wing, A.}, - title = {Coordinated responses following mechanical perturbation of the arm during prehension}, - journal = {Exp Brain Res}, - volume = {102}, - number = {3}, - pages = {483-94}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7737394}, - year = {1995}, - type = {Journal Article} +@inbook{RN738, + author = {Rossetti, Yves and Pisella, Laure}, + title = {Several 'vision for action' systems: A guide to dissociating and integrating dorsal and ventral functions.}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + year = {2000}, + type = {Book Section} } -@article{RN131, - author = {Grafton, Scott T. and Hazeltine, Eliot and Ivry, Richard}, - title = {Functional mapping of sequence learning in normal humans}, - journal = {Journal of Cognitive Neuroscience}, - volume = {7}, - number = {4}, - pages = {497-510}, - year = {1995}, +@article{RN735, + author = {Diedrichsen, Jörn and Hazeltine, Eliot}, + title = {Unifying by binding: will binding really bind? A commentary on Hommel et al. (2001).}, + journal = {Behavioral & Brain Sciences}, + year = {2001}, type = {Journal Article} } -@article{RN885, - author = {Goldman-Rakic, P. S.}, - title = {Cellular basis of working memory}, - journal = {Neuron}, - volume = {14}, +@article{RN734, + author = {Flament, D. and Ebner, T. J.}, + title = {The cerebellum as comparator: Increases in cerebellar activity during motor learning may reflect its role as part of an error detection/correction mechanism}, + journal = {Behavioral & Brain Sciences}, + volume = {19}, number = {3}, - pages = {477-85.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7695894}, - year = {1995}, + pages = {447-448, 503-527}, + year = {1996}, type = {Journal Article} } -@article{RN832, - author = {Gilden, D. L. and Thornton, T. and Mallon, M. W.}, - title = {1/f noise in human cognition}, - journal = {Science}, - volume = {267}, - number = {5205}, - pages = {1837-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7892611}, - year = {1995}, +@article{RN733, + author = {White, J. M. and Sparks, D. L. and Stanford, T. R.}, + title = {Saccades to remembered target locations: an analysis of systematic and variable errors}, + journal = {Vision Res}, + volume = {34}, + number = {1}, + pages = {79-92.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8116271}, + year = {1994}, type = {Journal Article} } -@article{RN909, - author = {Geschwind, D. H. and Iacoboni, M. and Mega, M. S. and Zaidel, D. W. and Cloughesy, T. and Zaidel, E.}, - title = {Alien hand syndrome: interhemispheric motor disconnection due to a lesion in the midbody of the corpus callosum}, - journal = {Neurology}, - volume = {45}, - number = {4}, - pages = {802-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7723974}, - year = {1995}, +@article{RN732, + author = {Rossetti, Yves}, + title = {Implicit short-lived motor representations of space in brain damaged and healthy subjects}, + journal = {Consciousness & Cognition: An International Journal}, + volume = {7}, + number = {3}, + pages = {520-558}, + year = {1998}, type = {Journal Article} } -@article{RN175, - author = {Georgopoulos, Apostolos P. and Pellizzer, Giuseppe}, - title = {The mental and the neural: Psychological and neural studies of mental rotation and memory scanning. Special Issue: The neuropsychology of mental imagery}, - journal = {Neuropsychologia}, - volume = {33}, - number = {11}, - pages = {1531-1547}, - year = {1995}, +@article{RN731, + author = {van Donkelaar, P. and Staub, J.}, + title = {Eye-hand coordination to visual versus remembered targets}, + journal = {Exp Brain Res}, + volume = {133}, + number = {3}, + pages = {414-8.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10958532}, + year = {2000}, type = {Journal Article} } -@article{RN176, - author = {Georgopoulos, Apostolos P.}, - title = {Current issues in directional motor control}, - journal = {Trends in Neurosciences}, - volume = {18}, - number = {11}, - pages = {506-510}, - year = {1995}, +@article{RN730, + author = {Buonomano, Dean V.}, + title = {Decoding temporal information: A model based on short-term synaptic plasticity}, + journal = {Journal of Neuroscience}, + volume = {20}, + number = {3}, + pages = {1129-1141}, + year = {2000}, type = {Journal Article} } -@article{RN2028, - author = {Friston, K. J. and Holmes, A. P. and Poline, J. B. and Grasby, P. J. and Williams, S. C. and Frackowiak, R. S. and Turner, R.}, - title = {Analysis of fMRI time-series revisited}, - journal = {Neuroimage}, - volume = {2}, +@article{RN729, + author = {Bastian, A. J. and Martin, T. A. and Keating, J. G. and Thach, W. T.}, + title = {Cerebellar ataxia: abnormal control of interaction torques across multiple joints}, + journal = {J Neurophysiol}, + volume = {76}, number = {1}, - pages = {45-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343589}, - year = {1995}, - type = {Journal Article} -} - -@article{RN2030, - author = {Friston, K. J. and Frith, C. D. and Turner, R. and Frackowiak, R. S.}, - title = {Characterizing evoked hemodynamics with fMRI}, - journal = {Neuroimage}, - volume = {2}, - number = {2}, - pages = {157-65}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=9343598}, - year = {1995}, + pages = {492-509}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8836239}, + year = {1996}, type = {Journal Article} } -@article{RN145, - author = {Friedman-Hill, Stacia R. and Robertson, Lynn C. and Treisman, Anne}, - title = {Parietal contributions to visual feature binding: Evidence from a patient with bilateral lesions}, - journal = {Science}, - volume = {269}, - pages = {853-855}, - year = {1995}, +@article{RN728, + author = {Bastian, A. J. and Zackowski, K. M. and Thach, W. T.}, + title = {Cerebellar ataxia: torque deficiency or torque mismatch between joints?}, + journal = {J Neurophysiol}, + volume = {83}, + number = {5}, + pages = {3019-30.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10805697 +http://www.jn.org/cgi/content/full/83/5/3019 +http://www.jn.org/cgi/content/abstract/83/5/3019}, + year = {2000}, type = {Journal Article} } -@article{RN283, - author = {Franklin, Nancy and Henkel, Linda A. and Zangas, Thomas}, - title = {Parsing surrounding space into regions}, - journal = {Memory and Cognition}, - volume = {23}, +@article{RN727, + author = {Morton, S. M. and Lang, C. E. and Bastian, A. J.}, + title = {Inter- and intra-limb generalization of adaptation during catching}, + journal = {Exp Brain Res}, + volume = {141}, number = {4}, - pages = {397-407}, - year = {1995}, + pages = {438-45.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11810138}, + year = {2001}, type = {Journal Article} } -@article{RN299, - author = {Fox, E.}, - title = {Negative priming from ignored distractors in visual selection: A review}, - journal = {Psychonomic Bulletin & Review}, - volume = {2}, - pages = {145-173}, - year = {1995}, +@article{RN726, + author = {Lang, C. E. and Bastian, A. J.}, + title = {Additional somatosensory information does not improve cerebellar adaptation during catching}, + journal = {Clin Neurophysiol}, + volume = {112}, + number = {5}, + pages = {895-907.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11336907}, + year = {2001}, type = {Journal Article} } -@article{RN2366, - author = {Flanagan, J. R. and Wing, A. M. and Allison, S. and Spenceley, A.}, - title = {Effects of surface texture on weight perception when lifting objects with a precision grip}, - journal = {Percept Psychophys}, - volume = {57}, - number = {3}, - pages = {282-90}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7770320}, - year = {1995}, - type = {Journal Article} +@book{RN724, + author = {Ornstein, R. E.}, + title = {On the experience of time}, + publisher = {Penguin Books}, + address = {Middlesex, England}, + year = {1969}, + type = {Book} } -@article{RN667, - author = {Flanagan, J. R. and Wing, A. M.}, - title = {The stability of precision grip forces during cyclic arm movements with a hand-held load}, - journal = {Experimental Brain Research}, - volume = {105}, - number = {3}, - pages = {455-64}, - year = {1995}, +@article{RN723, + author = {Zeiler, Michael D.}, + title = {On sundials, springs, and atoms}, + journal = {Behavioural Processes}, + volume = {44}, + number = {2}, + pages = {89-99}, + year = {1998}, type = {Journal Article} } -@article{RN2247, - author = {Fahle, M. and Edelman, S. and Poggio, T.}, - title = {Fast perceptual learning in hyperacuity}, - journal = {Vision Res}, - volume = {35}, - number = {21}, - pages = {3003-13}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8533337}, - year = {1995}, +@article{RN722, + author = {Wing, Alan M. and Kristofferson, A. B.}, + title = {Response Delays and the Timing of Discrete Motor Responses}, + journal = {Perception and Psychophysics}, + volume = {14}, + number = {1}, + pages = {5-12}, + year = {1973}, type = {Journal Article} } -@article{RN247, - author = {Elliott, Digby and Pollock, Barbara J. and Lyons, James and Chua, Romeo}, - title = {Intermittent vision and discrete manual aiming}, - journal = {Perceptual and Motor Skills}, - volume = {80}, - number = {3, Pt 2}, - pages = {1203-1213}, - year = {1995}, +@article{RN721, + author = {Timmann, D. and Watts, S. and Hore, J.}, + title = {Failure of cerebellar patients to time finger opening precisely causes ball high-low inaccuracy in overarm throws}, + journal = {Journal of Neurophysiology}, + volume = {82}, + number = {1}, + pages = {103-114}, + year = {1999}, type = {Journal Article} } -@article{RN248, - author = {Elliott, Digby and Lee, Timothy D.}, - title = {The role of target information on manual-aiming bias}, - journal = {Psychological ResearchPsychologische Forschung}, - volume = {58}, - number = {1}, - pages = {2-9}, - year = {1995}, +@article{RN720, + author = {Hore, J. and Watts, S. and Tweed, D. and Miller, B.}, + title = {Overarm throws with the nondominant arm: Kinematics of accuracy}, + journal = {Journal of Neurophysiology}, + volume = {76}, + number = {6}, + pages = {3693-3704}, + year = {1996}, type = {Journal Article} } -@article{RN999, - author = {Eliasson, A. C. and Forssberg, H. and Ikuta, K. and Apel, I. and Westling, G. and Johansson, R.}, - title = {Development of human precision grip. V. anticipatory and triggered grip actions during sudden loading}, - journal = {Exp Brain Res}, - volume = {106}, - number = {3}, - pages = {425-33}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8983986}, - year = {1995}, - type = {Journal Article} +@inbook{RN719, + author = {Martin, Olivier and Prablanc, Claude}, + title = {Two-dimensional control of trajectories towards unconsciously detected double step targets}, + booktitle = {Tutorials in motor neuroscience.}, + editor = {Requin, Jean and Stelmach, George E. and et al.}, + publisher = {Kluwer Academic Publishers}, + address = {Dordrecht, Netherlands}, + pages = {581-598}, + year = {1991}, + type = {Book Section} } -@article{RN163, - author = {Eimer, Martin and Hommel, Bernhard and Prinz, Wolfgang}, - title = {S-R compatibility and response selection}, - journal = {Acta Psychologica}, - volume = {90}, - number = {1-3}, - pages = {301-313}, - year = {1995}, +@inbook{RN718, + author = {Martin, Olivier and Prablanc, Claude}, + title = {Online control of hand reaching at undetected target displacements}, + booktitle = {Tutorials in motor behavior, 2.}, + editor = {Stelmach, George E. and Requin, Jean and et al.}, + publisher = {North-Holland}, + address = {Amsterdam, Netherlands}, + pages = {343-355}, + year = {1992}, + type = {Book Section} +} + +@article{RN717, + author = {Prablanc, Claude and Martin, Olivier}, + title = {Automatic control during hand reaching at undetected two-dimensional target displacements}, + journal = {Journal of Neurophysiology}, + volume = {67}, + number = {2}, + pages = {455-469}, + year = {1992}, type = {Journal Article} } -@article{RN166, - author = {Eimer, Martin}, - title = {Stimulus-response compatibility and automatic response activation: Evidence from psychophysiological studies}, - journal = {Journal of Experimental Psychology Human Perception and Performance}, - volume = {21}, - number = {4}, - pages = {837-854}, - year = {1995}, +@article{RN716, + author = {Prinzmetal, William and Diedrichsen, Joern and Ivry, Richard B.}, + title = {Illusory conjunctions are alive and well: A reply to Donk (1999)}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {27}, + number = {3}, + pages = {538-541}, + year = {2001}, type = {Journal Article} } -@article{RN154, - author = {Easton, Randolph D. and Sholl, M. Jeanne}, - title = {Object-array structure, frames of reference, and retrieval of spatial knowledge}, - journal = {Journal of Experimental Psychology: Learning, Memory and Cognition}, - volume = {21}, - number = {2}, - pages = {483-500}, - year = {1995}, +@article{RN715, + author = {Dale, Corby L. and Gratton, Gabriele and Gibbon, John}, + title = {Event-related brain potentials isolate the motor component in a tapping task}, + journal = {Neuroreport: For Rapid Communication of Neuroscience Research}, + volume = {12}, + number = {14}, + pages = {3015-3018}, + year = {2001}, type = {Journal Article} } -@book{RN2783, - author = {Duvernoy, H.M.}, - title = {The human brain stem and cerebellum. Surface, structure, vascularization, and three-dimensional sectional anatomy with MRI.}, - publisher = {Springer-Verlag}, - address = {Wien}, - year = {1995}, - type = {Book} +@article{RN713, + author = {Franz, Volker H. and Gegenfurtner, K. R. and Buelthoff, H. H. and Fahle, M.}, + title = {Grasping visual illusions: No evidence for a dissociation between perception and action}, + journal = {Psychological Science}, + volume = {11}, + number = {1}, + pages = {20-25}, + year = {2000}, + type = {Journal Article} } -@article{RN3271, - author = {Dizio, P. and Lackner, J. R.}, - title = {Motor adaptation to Coriolis force perturbations of reaching movements: endpoint but not trajectory adaptation transfers to the nonexposed arm}, - journal = {J Neurophysiol}, - volume = {74}, - number = {4}, - pages = {1787-92}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/8989414}, - year = {1995}, +@article{RN712, + author = {Franz, Volker H.}, + title = {Action does not resist visual illusions}, + journal = {Trends in Cognitive Sciences}, + volume = {5}, + number = {11}, + pages = {457-459}, + year = {2001}, type = {Journal Article} } -@article{RN602, - author = {Dettmers, C. and Fink, G. R. and Lemon, R. N. and Stephan, K. M. and Passingham, R. E. and Silbersweig, D. and Holmes, A. and Ridding, M. C. and Brooks, D. J. and Frackowiak, R. S.}, - title = {Relation between cerebral activity and force in the motor areas of the human brain}, - journal = {Journal of Neurophysiology}, - volume = {74}, - number = {2}, - pages = {802-15}, - year = {1995}, +@article{RN711, + author = {Bruno, Nicola}, + title = {When does action resist visual illusions?}, + journal = {Trends in Cognitive Sciences}, + volume = {5}, + number = {9}, + pages = {379-382}, + year = {2001}, type = {Journal Article} } -@inbook{RN110, - author = {Desimone, R. and Chelazzi, L. and Miller, E. K. and Duncan, J.}, - title = {Neuronal mechanisms of visual attention}, - booktitle = { Early vision and beyond}, - editor = {Papathomas, T. V.}, - publisher = {MIT Press}, - address = {Cambridge, Massachusetts, USA; London, England, UK.}, - pages = {219-226}, - year = {1995}, +@inbook{RN710, + author = {Gnadt, J. W. and Andersen, R. A.}, + title = {Memory related motor planning activity in posterior parietal cortex of macaque}, + booktitle = {Frontiers in cognitive neuroscience.}, + editor = {Kosslyn, Stephen M. and Andersen, Richard A.}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {468-472}, + year = {1992}, type = {Book Section} } -@article{RN536, - author = {De Jong, Ritske and Coles, M. G. H. and Logan, G. D.}, - title = {Strategies and mechansims in non-selective and selective inhibitory motor control}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {21}, - number = {3}, - pages = {498-511}, - year = {1995}, +@article{RN709, + author = {Gnadt, James W. and Bracewell, R. Martyn and Andersen, Richard A.}, + title = {Sensorimotor transformation during eye movements to remembered visual targets}, + journal = {Vision Research}, + volume = {31}, + number = {4}, + pages = {693-715}, + year = {1991}, type = {Journal Article} } -@article{RN108, - author = {Corbetta, M. and Shulman, G. L. and Miezin, F. M. and Petersen, S. E.}, - title = {Superior parietal cortex activation during spatial attention shifts and visual feature conjunction}, - journal = {Science (Washington D C)}, - volume = {270}, - number = {5237}, - pages = {802-805}, - year = {1995}, +@article{RN708, + author = {Hu, Y. and Goodale, Melvyn A.}, + title = {Grasping after a delay shifts size-scaling from absolute to relative metrics}, + journal = {Journal of Cognitive Neuroscience}, + volume = {12}, + number = {5}, + pages = {856-868}, + year = {2000}, type = {Journal Article} } -@article{RN113, - author = {Colby, C. L. and Duhamel, J. R. and Goldberg, M. E.}, - title = {Oculocentric spatial representation in parietal cortex}, - journal = {Cerebral Cortex}, - volume = {5}, - number = {5}, - year = {1995}, +@article{RN707, + author = {Gazzaniga, M. S. and Holtzman, J. D. and Deck, M. D. and Lee, B. C.}, + title = {MRI assessment of human callosal surgery with neuropsychological correlates}, + journal = {Neurology}, + volume = {35}, + number = {12}, + pages = {1763-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4069368}, + year = {1985}, type = {Journal Article} } -@article{RN125, - author = {Cohen, Asher and Ivry, Richard B. and Rafal, Robert D. and Kohn, Carolyn}, - title = {Activating response codes by stimuli in the neglected visual field}, - journal = {Neuropsychology}, - volume = {9}, +@article{RN706, + author = {Verschueren, S. M. and Swinnen, S. P. and Cordo, P. J. and Dounskaia, N. V.}, + title = {Proprioceptive control of multijoint movement: bimanual circle drawing}, + journal = {Experimental Brain Research}, + volume = {127}, number = {2}, - pages = {165-173}, - year = {1995}, + pages = {182-92.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10442410}, + year = {1999}, type = {Journal Article} } -@article{RN37, - author = {Chun, Marvin M. and Potter, Mary C.}, - title = {A two-stage model for multiple target detection in rapid serial visual presentation}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {21}, +@article{RN705, + author = {Ivry, R. B. and Richardson, T.}, + title = {Temporal control and coordination: The multiple timer model}, + journal = {Brain and Cognition}, + volume = {48}, number = {1}, - pages = {109-127}, - year = {1995}, + pages = {117-132}, + year = {2002}, type = {Journal Article} } -@article{RN393, - author = {Chao, Linda L. and Knight, Robert T.}, - title = {Human prefrontal lesions increase distractibility to irrelevant sensory inputs}, - journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, - volume = {6}, - number = {12}, - pages = {1605-1610}, - year = {1995}, +@article{RN704, + author = {Zelaznik, Howard N. and Spencer, Rebecca M. and Doffin, Julie G.}, + title = {Temporal precision in tapping and circle drawing movements at preferred rates is not correlated: Further evidence against timing as a general-purpose ability}, + journal = {Journal of Motor Behavior}, + volume = {32}, + number = {2}, + pages = {193-199}, + year = {2000}, type = {Journal Article} } -@article{RN662, - author = {Carson, R. G.}, - title = {The dynamics of isometric bimanual coordination}, - journal = {Experimental Brain Research}, - volume = {105}, - number = {3}, - pages = {465-76}, - year = {1995}, +@book{RN703, + author = {Porter, R. and Lemon, R.}, + title = {Corticospinal function and voluntary movement}, + publisher = {Oxford University Press}, + address = {Oxford}, + year = {1993}, + type = {Book} +} + +@article{RN702, + author = {Kakei, S. and Hoffman, D. S. and Strick, P. L.}, + title = {Muscle and movement representations in the primary motor cortex}, + journal = {Science}, + volume = {285}, + number = {5436}, + pages = {2136-9.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=10497133}, + year = {1999}, type = {Journal Article} } -@article{RN185, - author = {Boussaoud, Driss and di Pellegrino, Giuseppe and Wise, Steven P.}, - title = {Frontal lobe mechanisms subserving vision-for-action versus vision-for-perception}, - journal = {Behavioural Brain Research}, - volume = {72}, - number = {1-2}, - pages = {1-15}, - year = {1995}, +@article{RN701, + author = {Kalaska, J. F. and Scott, S. H. and Cisek, P. and Sergio, L. E.}, + title = {Cortical control of reaching movements}, + journal = {Current Opinion in Neurobiology}, + volume = {7}, + number = {6}, + pages = {849-59.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=9464979 +http://www.biomednet.com/article/nb7609}, + year = {1997}, type = {Journal Article} } -@article{RN306, - author = {Blouin, Jean and Bridgeman, Bruce and Teasdale, Normand and Bard, Chantal and and otherset, al}, - title = {Visual stability with goal-directed eye and arm movements toward a target displaced during saccadic-suppression}, - journal = {Psychological Research/Psychologische Forschung}, - volume = {58}, - number = {3}, - year = {1995}, +@article{RN700, + author = {Hollerbach, J M}, + title = {An oscillation theory of handwriting}, + journal = {Biological Cybernetics}, + number = {39}, + pages = {139-156}, + year = {1981}, type = {Journal Article} } -@article{RN791, - author = {Billon, M. and Semjen, A.}, - title = {The timing effects of accent production in synchronization and continuation tasks performed by musicians and nonmusicians}, - journal = {Psychological Research/Psychologische Forschung}, - volume = {58}, +@article{RN699, + author = {Carson, Richard G. and Thomas, Julie and Summers, Jeffery J. and Walters, Megan R. and Semjen, Andras}, + title = {The dynamics of bimanual circle drawing}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {50}, number = {3}, - pages = {206-217}, - year = {1995}, + pages = {664-683}, + year = {1997}, type = {Journal Article} } -@article{RN800, - author = {Aschersleben, G. and Prinz, W.}, - title = {Synchronizing actions with events: the role of sensory information}, - journal = {Perception and Psychophysics}, - volume = {57}, - number = {3}, - pages = {305-17.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7770322}, - year = {1995}, +@article{RN698, + author = {Robertson, Shannon D. and Zelaznik, Howard N. and Lantero, Dawn A. and Bojczyk, Kathryn Gadacz and Spencer, Rebecca M. and Doffin, Julie G. and Schneidt, Tasha}, + title = {Correlations for timing consistency among tapping and drawing tasks: Evidence against a single timing process for motor control}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {25}, + number = {5}, + pages = {1316-1330}, + year = {1999}, type = {Journal Article} } -@article{RN750, - author = {Aruin, A. S. and Latash, M. L.}, - title = {The role of motor action in anticipatory postural adjustments studied with self-induced and externally triggered perturbations}, - journal = {Exp Brain Res}, - volume = {106}, +@article{RN697, + author = {Zaidel, Dahlia and Sperry, Roger W.}, + title = {Some long-term motor effects of cerebral commissurotomy in man}, + journal = {Neuropsychologia}, + volume = {15}, number = {2}, - pages = {291-300}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8566194}, - year = {1995}, + pages = {193-204}, + year = {1977}, type = {Journal Article} } -@article{RN1998, - author = {Arieli, A. and Shoham, D. and Hildesheim, R. and Grinvald, A.}, - title = {Coherent spatiotemporal patterns of ongoing activity revealed by real-time optical imaging coupled with single-unit recording in the cat visual cortex}, - journal = {J Neurophysiol}, - volume = {73}, - number = {5}, - pages = {2072-93}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7623099}, - year = {1995}, +@article{RN696, + author = {Meegan, Daniel V. and Tipper, Steven P.}, + title = {Reaching into cluttered visual environments: Spatial and temporal influences of distracting objects}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {51}, + number = {2}, + pages = {225-249}, + year = {1998}, type = {Journal Article} } -@article{RN879, - author = {Aglioti, S. and DeSouza, J. F. and Goodale, M. A.}, - title = {Size-contrast illusions deceive the eye but not the hand}, - journal = {Curr Biol}, - volume = {5}, - number = {6}, - pages = {679-85.}, - url = {Curr Biolhttp://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7552179}, - year = {1995}, - type = {Journal Article} +@phdthesis{RN695, + author = {Trommershäuser, Julia}, + title = {Strategieabhaengige Verzerrungen im visuell-raeumlichen Arbeitsgedaechtnis}, + university = {University of Goettingen}, + type = {diploma thesis}, + year = {2001}, + type = {Thesis} } -@inbook{RN558, - author = {Wiesendanger, Mario and Wicki, Urs and Rouiller, Eric}, - title = {Are there unifying structures in the brain responsible for interlimb coordination?}, - booktitle = {Interlimb coordination: Neural, dynamical, and cognitive constraints.}, - editor = {Stephan P. Swinnen, Ed and H. Heuer, Ed and et al.}, - publisher = {Academic Press, Inc}, - address = {San Diego, CA}, - volume = {xxii}, - pages = {179-207}, - year = {1994}, +@inbook{RN694, + author = {Werner, Steffen and Schmidt, Thomas}, + title = {Investigating spatial reference systems through distortions in visual memory}, + booktitle = {Spatial Cognition II: Integrating abstract theories, empirical studies, formal methods, and practical applications}, + editor = {Freska, C. and Brauer, C. H. and Wender, K. F.}, + publisher = {Springer}, + address = {Berlin}, + pages = {169-183}, + year = {2000}, type = {Book Section} } -@article{RN957, - author = {Wiesendanger, M. and Kaluzny, P. and Kazennikov, O. and Palmeri, A. and Perrig, S.}, - title = {Temporal coordination in bimanual actions}, - journal = {Can J Physiol Pharmacol}, - volume = {72}, +@article{RN693, + author = {Werner, Steffen and Diedrichsen, Joern}, + title = {The time course of spatial memory distortions}, + journal = {Memory & Cognition}, + volume = {30}, number = {5}, - pages = {591-4.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7954090}, - year = {1994}, + pages = {717-729}, + year = {2002}, type = {Journal Article} } -@article{RN733, - author = {White, J. M. and Sparks, D. L. and Stanford, T. R.}, - title = {Saccades to remembered target locations: an analysis of systematic and variable errors}, - journal = {Vision Res}, - volume = {34}, - number = {1}, - pages = {79-92.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8116271}, - year = {1994}, - type = {Journal Article} +@inbook{RN692, + author = {Tipper, Steven P. and Howard, Louise A. and Houghton, George}, + title = {Behavioral consequences of selection from neural population codes}, + booktitle = {Attention and Performance XVII: Control of Cognitive Processes}, + editor = {S.Monsell and Driver, J.}, + publisher = {MIT Press}, + address = {Boston}, + pages = {223-245}, + year = {2000}, + type = {Book Section} } -@article{RN597, - author = {Wassermann, E. M. and Pascual-Leone, A. and Hallett, M.}, - title = {Cortical motor representation of the ipsilateral hand and arm}, +@article{RN691, + author = {Deecke, L. and Scheid, P. and Kornhuber, H. H.}, + title = {Distribution of readiness potential, pre-motion positivity, and motor potential of the human cerebral cortex preceding voluntary finger movements}, journal = {Experimental Brain Research}, - volume = {100}, - number = {1}, - pages = {121-32}, - year = {1994}, - type = {Journal Article} -} - -@article{RN76, - author = {Van Essen, David c. and Gallant, Jack L.}, - title = {Neural mechanisms of form and motion processing in the primate visual system}, - journal = {Neuron}, - volume = {13}, - pages = {1-10}, - year = {1994}, - type = {Journal Article} -} - -@article{RN271, - author = {Ulrich, Rolf and Miller, Jeff}, - title = {Effects of truncation on reaction time analysis}, - journal = {Journal of Experimental Psychology: General}, - volume = {123}, - number = {1}, - pages = {34-80}, - year = {1994}, + volume = {7}, + number = {2}, + pages = {158-68}, + year = {1969}, type = {Journal Article} } -@article{RN3017, - author = {Tanji, J. and Shima, K.}, - title = {Role for supplementary motor area cells in planning several movements ahead}, - journal = {Nature}, - volume = {371}, - number = {6496}, - pages = {413-6}, - ISSN = {0028-0836 (Print) -0028-0836 (Linking)}, - DOI = {10.1038/371413a0}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8090219}, - year = {1994}, - type = {Journal Article} +@inbook{RN690, + author = {Glickstein, M.E.}, + title = {Brain pathways in the visual guidance of movement and the behavioral functions of the cerebellum.}, + booktitle = {Brain circuits and functions of the mind: Essays in honor of Roger W. Sperry}, + editor = {Trevarthen, C.B.}, + publisher = {Cambridge Univ. Press}, + address = {NY}, + pages = {157-167}, + year = {1990}, + type = {Book Section} } -@article{RN2013, - author = {Stanford, T. R. and Sparks, D. L.}, - title = {Systematic errors for saccades to remembered targets: evidence for a dissociation between saccade metrics and activity in the superior colliculus}, - journal = {Vision Res}, - volume = {34}, - number = {1}, - pages = {93-106}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8116272}, - year = {1994}, +@article{RN689, + author = {Corballis, P. M. and Inati, S. and Funnell, M. G. and Grafton, S. T. and Gazzaniga, M. S.}, + title = {MRI assessment of spared fibers following callosotomy: a second look}, + journal = {Neurology}, + volume = {57}, + number = {7}, + pages = {1345-6.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11591870 +http://www.neurology.org/cgi/content/full/57/7/1345}, + year = {2001}, type = {Journal Article} } -@article{RN581, - author = {Sommer, Werner and Leuthold, Hartmut and Ulrich, Rolf}, - title = {The lateralized readiness potential preceding brief isometric force pulses of different peak force and rate of force production}, - journal = {Psychophysiology}, - volume = {31}, - pages = {503-512}, - year = {1994}, +@article{RN688, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Regulation of grasping forces during bimanual in-phase and anti-phase coordination}, + journal = {Neuropsychologia}, + volume = {39}, + number = {13}, + pages = {1379-84}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11585605}, + year = {2001}, type = {Journal Article} } -@article{RN653, - author = {Sherwood, David E.}, - title = {Hand preference, practice order, and spatial assimilations in rapid bimanual movement}, - journal = {Journal of Motor Behavior}, - volume = {26}, - number = {2}, - pages = {123-134}, - year = {1994}, +@article{RN687, + author = {Serrien, D. J. and Nirkko, A. C. and Lovblad, K. O. and Wiesendanger, M.}, + title = {Damage to the parietal lobe impairs bimanual coordination}, + journal = {Neuroreport}, + volume = {12}, + number = {12}, + pages = {2721-4.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11522955}, + year = {2001}, type = {Journal Article} } -@article{RN768, - author = {Shadmehr, R. and Mussa-Ivaldi, F. A.}, - title = {Adaptive representation of dynamics during learning of a motor task}, - journal = {J Neurosci}, - volume = {14}, - number = {5 Pt 2}, - pages = {3208-24}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8182467}, - year = {1994}, +@article{RN686, + author = {Serrien, D. J. and Wiesendanger, M.}, + title = {Dissociation of grip/load-force coupling during a bimanual manipulative assignment}, + journal = {Exp Brain Res}, + volume = {136}, + number = {3}, + pages = {417-20.}, + url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=11243485}, + year = {2001}, type = {Journal Article} } -@article{RN663, - author = {Schmidt, Richard A.}, - title = {Movement time, movement distance, and movement accuracy: A reply to Newell, Carlton, and Kim}, - journal = {Human Performance}, - volume = {7}, - number = {1}, - pages = {23-28}, - year = {1994}, +@article{RN685, + author = {Wühr, Peter and Müsseler, Jochen}, + title = {Time course of the blindness to response-compatible stimuli}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {27}, + number = {5}, + pages = {1260-1270}, + year = {2001}, type = {Journal Article} } -@book{RN3349, - author = {Schacter, D.L. and Tiulving, E.}, - title = {Memory systems 1994}, - publisher = {MIT Press}, - address = {Cambridge, MA. }, - year = {1994}, - type = {Book} -} - -@article{RN3346, - author = {Sanger, T. D.}, - title = {Optimal unsupervised motor learning for dimensionality reduction of nonlinear control systems}, - journal = {IEEE Trans Neural Netw}, - volume = {5}, +@article{RN684, + author = {Matsuoka, K.}, + title = {Sustained oscillations generated by mutually inhibiting neurons with adaptation}, + journal = {Biological Cybernetics}, + volume = {52}, number = {6}, - pages = {965-73}, - ISSN = {1045-9227 (Print) -1045-9227 (Linking)}, - DOI = {10.1109/72.329694}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/18267871}, - year = {1994}, + pages = {367-76}, + year = {1985}, type = {Journal Article} } -@article{RN1071, - author = {Rouiller, E. M. and Babalian, A. and Kazennikov, O. and Moret, V. and Yu, X. H. and Wiesendanger, M.}, - title = {Transcallosal connections of the distal forelimb representations of the primary and supplementary motor cortical areas in macaque monkeys}, - journal = {Exp Brain Res}, - volume = {102}, - number = {2}, - pages = {227-43}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7705502}, - year = {1994}, - type = {Journal Article} +@inbook{RN683, + author = {Pashler, Harold and Johnston, James C.}, + title = {Attentional limitations in dual-task performance}, + booktitle = {Attention.}, + editor = {Pashler, Harold}, + publisher = {Psychology Press/Erlbaum (UK) Taylor & Francis}, + address = {Hove, England}, + pages = {155-189}, + year = {1998}, + type = {Book Section} } -@inbook{RN318, - author = {Rizzolatti, Giacomo and Riggio, Lucia and Sheliga, Boris M.}, - title = {Space and selective attention}, - booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, - publisher = {Mit Press}, - pages = {232-265}, - year = {1994}, - type = {Book Section} +@book{RN682, + author = {Pashler, Harold}, + title = {Attention}, + publisher = {Psychology Press/Erlbaum (UK) Taylor & Francis}, + address = {Hove, England}, + year = {1998}, + type = {Edited Book} } -@article{RN594, - author = {Riehle, A. and MacKay, W. A. and Requin, J.}, - title = {Are extent and force independent movement parameters? Preparation- and movement-related neuronal activity in the monkey cortex}, - journal = {Experimental Brain Research}, - volume = {99}, - number = {1}, - pages = {56-74}, - year = {1994}, +@book{RN681, + author = {Pashler, Harold}, + title = {The psychology of attention}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {xiv, 494}, + year = {1998}, + type = {Book} +} + +@article{RN680, + author = {Pashler, Harold}, + title = {Processing stages in overlapping tasks: Evidence for a central bottleneck}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {10}, + number = {3}, + pages = {358-377}, + year = {1984}, type = {Journal Article} } -@article{RN386, - author = {Riehle, Alexa and Kornblum, Sylvan and Requin, Jean}, - title = {Neuronal coding of stimulusesponse association rules in the motor cortex}, - journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, - volume = {5}, - number = {18}, - pages = {2462-2464}, - year = {1994}, +@article{RN679, + author = {Telford, C. W.}, + title = {The refractory phase of voluntary and associative responses}, + journal = {Journal of Experimental Psychology}, + volume = {14}, + pages = {1-36}, + year = {1931}, type = {Journal Article} } @@ -22147,2336 +23053,2292 @@ @article{RN677 type = {Journal Article} } -@article{RN2128, - author = {Pascual-Leone, A. and Grafman, J. and Hallett, M.}, - title = {Modulation of cortical motor output maps during development of implicit and explicit knowledge}, - journal = {Science}, - volume = {263}, - number = {5151}, - pages = {1287-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8122113}, - year = {1994}, +@article{RN676, + author = {McCann, Robert S. and Johnston, James C.}, + title = {Locus of the single-channel bottleneck in dual-task interference}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {18}, + number = {2}, + pages = {471-484}, + year = {1992}, type = {Journal Article} } -@article{RN53, - author = {Nieuwenhuys, rudolf}, - title = {The neocortex. An overview of its evolutionary developement, structural organization and synaptology}, - journal = {Anatomy and Enbryology}, - volume = {190}, - pages = {307-337}, - year = {1994}, +@article{RN675, + author = {Meyer, David E. and Kieras, David E.}, + title = {A computational theory of executive cognitive processes and multiple-task performance: Part 2. Accounts of psychological refractory-period phenomena}, + journal = {Psychological Review}, + volume = {104}, + number = {4}, + pages = {749-791}, + year = {1997}, type = {Journal Article} } -@article{RN3132, - author = {Mussa-Ivaldi, F. A. and Giszter, S. F. and Bizzi, E.}, - title = {Linear combinations of primitives in vertebrate motor control}, - journal = {Proc Natl Acad Sci U S A}, - volume = {91}, - number = {16}, - pages = {7534-8}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8052615}, - year = {1994}, +@article{RN674, + author = {Meyer, David E. and Kieras, David E.}, + title = {A computational theory of executive cognitive processes and multiple-task performance: I. Basic mechanisms}, + journal = {Psychological Review}, + volume = {104}, + number = {1}, + pages = {3-65}, + year = {1997}, type = {Journal Article} } -@article{RN984, - author = {Muller, F. and Dichgans, J.}, - title = {Dyscoordination of pinch and lift forces during grasp in patients with cerebellar lesions}, - journal = {Exp Brain Res}, - volume = {101}, - number = {3}, - pages = {485-92}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7851515}, - year = {1994}, - type = {Journal Article} +@inbook{RN673, + author = {Rosenbaum, D. A.}, + title = {The movement precueing technique: Assumptions, applications, and extensions.}, + booktitle = {Memory and control of action}, + editor = {Magill, R. A.}, + publisher = {North-Holland}, + address = {Amsterdam}, + pages = {231-274}, + year = {1983}, + type = {Book Section} } -@article{RN74, - author = {Motter, B. C.}, - title = {Neural correlates of attentive selection for color or luminance in extrastriate area V4}, - journal = {Journal of Neuroscience}, - volume = {14}, +@book{RN672, + author = {Rinkenauer, G}, + title = {Bimanuelle Koordination isometrischer Kontraktionen: Abhängigkeit in Kraft und Zeit}, + publisher = {Shaker Verlag}, + address = {Aachen}, + year = {2000}, + type = {Book} +} + +@article{RN671, + author = {Kennerley, Steve and Diedrichsen, Jörn and Hazeltine, E. and Semjen, Andras and Ivry, Richard B.}, + title = {Callosotomy patients exhibit temporal and spatial uncoupling during continuous bimanual movements}, + journal = {Nature Neuroscience}, + volume = {5}, number = {4}, - year = {1994}, + pages = {376-381}, + year = {2002}, type = {Journal Article} } -@article{RN835, - author = {Mates, Jiri and Mueller, Ulrike and Radil, Tomas and Poeppel, Ernst}, - title = {Temporal integration in sensorimotor synchronization}, - journal = {Journal of Cognitive Neuroscience}, - volume = {6}, - number = {4}, - pages = {332-340}, - year = {1994}, +@article{RN670, + author = {Johansson, R. S. and Westling, G.}, + title = {Significance of cutaneous input for precise hand movements}, + journal = {Electroencephalography and Clinical Neurophysiology. Supplement}, + volume = {39}, + number = {1}, + pages = {53-7}, + year = {1987}, type = {Journal Article} } -@article{RN797, - author = {Mates, J.}, - title = {A model of synchronization of motor acts to a stimulus sequence. II. Stability analysis, error estimation and simulations}, - journal = {Biol Cybern}, - volume = {70}, - number = {5}, - pages = {475-84}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8186307}, - year = {1994}, +@article{RN669, + author = {Johansson, R. S. and Westling, G.}, + title = {Coordinated isometric muscle commands adequately and erroneously programmed for the weight during lifting task with precision grip}, + journal = {Experimental Brain Research}, + volume = {71}, + number = {1}, + pages = {59-71}, + year = {1988}, type = {Journal Article} } -@article{RN796, - author = {Mates, J.}, - title = {A model of synchronization of motor acts to a stimulus sequence. I. Timing and error corrections}, - journal = {Biol Cybern}, - volume = {70}, +@article{RN668, + author = {Johansson, R. S. and Westling, G.}, + title = {Programmed and triggered actions to rapid load changes during precision grip}, + journal = {Experimental Brain Research}, + volume = {71}, + number = {1}, + pages = {72-86}, + year = {1988}, + type = {Journal Article} +} + +@article{RN667, + author = {Flanagan, J. R. and Wing, A. M.}, + title = {The stability of precision grip forces during cyclic arm movements with a hand-held load}, + journal = {Experimental Brain Research}, + volume = {105}, + number = {3}, + pages = {455-64}, + year = {1995}, + type = {Journal Article} +} + +@article{RN666, + author = {Schmidt, Richard A. and et al.}, + title = {Motor-output variability: A theory for the accuracy of rapid motor acts}, + journal = {Psychological Review}, + volume = {86}, number = {5}, - pages = {463-73}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8186306}, - year = {1994}, + pages = {415-451}, + year = {1979}, type = {Journal Article} } -@article{RN33, - author = {Maddox, W. Todd and Prinzmetal, William and Ivry, Richard B. and Ashby, F. Gregory}, - title = {A probabilistic multidimensional model of location information}, - journal = {Psychological Research/Psychologische Forschung}, - volume = {56}, - number = {2}, - pages = {66-77}, - year = {1994}, +@article{RN665, + author = {Sherwood, David E. and Schmidt, Richard A.}, + title = {The relationship between force and force variability in minimal and near-maximal static and dynamic contractions}, + journal = {Journal of Motor Behavior}, + volume = {12}, + number = {1}, + pages = {75-89}, + year = {1980}, type = {Journal Article} } -@article{RN2236, - author = {Lynch, J. C. and Hoover, J. E. and Strick, P. L.}, - title = {Input to the primate frontal eye field from the substantia nigra, superior colliculus, and dentate nucleus demonstrated by transneuronal transport}, - journal = {Exp Brain Res}, - volume = {100}, +@article{RN663, + author = {Schmidt, Richard A.}, + title = {Movement time, movement distance, and movement accuracy: A reply to Newell, Carlton, and Kim}, + journal = {Human Performance}, + volume = {7}, number = {1}, - pages = {181-6}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7813649}, + pages = {23-28}, year = {1994}, type = {Journal Article} } -@inbook{RN281, - author = {Levinson, Stephen}, - title = {Frames of reference and molyneux's question: Crosslinguistic evidence}, - booktitle = {Language and Space}, - editor = {Bloom, Paul and Peterson, Mary A. and Nadel, Lynn and Garrett, Merrill F}, - publisher = {MIT Press}, - address = {Cambridge}, - pages = {109-107}, - year = {1994}, +@article{RN662, + author = {Carson, R. G.}, + title = {The dynamics of isometric bimanual coordination}, + journal = {Experimental Brain Research}, + volume = {105}, + number = {3}, + pages = {465-76}, + year = {1995}, + type = {Journal Article} +} + +@article{RN661, + author = {Carson, R. G. and Riek, S. and Smethurst, C. J. and Párraga, J. F. and Byblow, W. D.}, + title = {Neuromuscular-skeletal constraints upon the dynamics of unimanual and bimanual coordination}, + journal = {Experimental Brain Research}, + volume = {131}, + number = {2}, + pages = {196-214}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/0131002/01310196.htm +http://link.springer-ny.com/link/service/journals/00221/papers/0131002/01310196.pdf +http://link.springer-ny.com/link/service/journals/00221/index.htm}, + year = {2000}, + type = {Journal Article} +} + +@article{RN660, + author = {Peper, C. E. and Carson, R. G.}, + title = {Bimanual coordination between isometric contractions and rhythmic movements: an asymmetric coupling}, + journal = {Experimental Brain Research}, + volume = {129}, + number = {3}, + pages = {417-32}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/9129003/91290417.htm +http://link.springer-ny.com/link/service/journals/00221/papers/9129003/91290417.pdf +http://link.springer-ny.com/link/service/journals/00221/index.htm}, + year = {1999}, + type = {Journal Article} +} + +@inbook{RN659, + author = {Schmidt, Richard A. and Heuer, Herbert and Ghodsian, Dina and Young, Douglas E.}, + title = {Generalized motor programs and units of action in bimanual coordination}, + booktitle = {Progress in motor control, Vol. 1: Bernstein's traditions in movement studies.}, + editor = {Latash, Mark L.}, + publisher = {Human Kinetics}, + address = {Champaign, IL, US}, + pages = {329-360}, + year = {1998}, type = {Book Section} } -@article{RN167, - author = {Kornblum, Sylvan}, - title = {The way irrelevant dimensions are processed depends on what they overlap with: The case of Stroop- and Simon-like stimuli}, - journal = {Psychological ResearchPsychologische Forschung}, - volume = {56}, - number = {3}, - pages = {130-135}, - year = {1994}, +@article{RN655, + author = {Sherwood, David E. and Schmidt, Richard A. and Walter, Charles B.}, + title = {The force/force-variability relationship under controlled temporal conditions}, + journal = {Journal of Motor Behavior}, + volume = {20}, + number = {2}, + pages = {106-116}, + year = {1988}, type = {Journal Article} } -@article{RN138, - author = {Kobatake, Eucaly and Tanaka, Keiji}, - title = {Neural selectivities to complex object features in the ventral visual pathway of the macaque cerebral cortex}, - journal = {Journal of Neurophysiology}, - volume = {71}, - number = {3}, - pages = {856-867}, - year = {1994}, +@article{RN654, + author = {Sherwood, David E.}, + title = {Practice and assimilation effects in a multilimb aiming task}, + journal = {Journal of Motor Behavior}, + volume = {22}, + number = {2}, + pages = {267-291}, + year = {1990}, type = {Journal Article} } -@article{RN2625, - author = {Kim, S. G. and Ugurbil, K. and Strick, P. L.}, - title = {Activation of a cerebellar output nucleus during cognitive processing}, - journal = {Science}, - volume = {265}, - number = {5174}, - pages = {949-51}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8052851 }, +@article{RN653, + author = {Sherwood, David E.}, + title = {Hand preference, practice order, and spatial assimilations in rapid bimanual movement}, + journal = {Journal of Motor Behavior}, + volume = {26}, + number = {2}, + pages = {123-134}, year = {1994}, type = {Journal Article} } -@article{RN583, - author = {Jordan, Nigel and Sagar, Harvey J.}, - title = {The role of the striatum in motor learning: dissociations between isometric motor control processes in Parkinson's disease}, - journal = {International Journal of Neuroscience}, - volume = {77}, - pages = {153-165}, - year = {1994}, +@article{RN652, + author = {Sherwood, David E. and Nishimura, Katie M.}, + title = {Spatial error detection and assimilation effects in rapid single and bimanual aiming movements}, + journal = {Journal of Motor Behavior}, + volume = {31}, + number = {4}, + pages = {381-393}, + year = {1999}, type = {Journal Article} } -@article{RN2947, - author = {Jenkins, I. H. and Brooks, D. J. and Nixon, P. D. and Frackowiak, R. S. and Passingham, R. E.}, - title = {Motor sequence learning: a study with positron emission tomography}, - journal = {J Neurosci}, - volume = {14}, - number = {6}, - pages = {3775-90}, - ISSN = {0270-6474 (Print) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8207487}, - year = {1994}, +@article{RN651, + author = {Yantis, Steven and Jonides, John}, + title = {Abrupt visual onsets and selective attention: Evidence from visual search}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {10}, + number = {5}, + pages = {601-621}, + year = {1984}, type = {Journal Article} } -@article{RN289, - author = {Huttenlocher, Janellen and Newcombe, Nora and Sandberg, Elisabeth Hollister}, - title = {The coding of spatial location in young children}, - journal = {Cognitive Psychology}, - volume = {27}, - pages = {115-147}, - year = {1994}, +@article{RN650, + author = {Wertheimer, Max}, + title = {Untersuchungen zur Lehre von der Gestalt}, + journal = {Psychologische Forschung}, + volume = {4}, + pages = {301-350}, + year = {1923}, type = {Journal Article} } -@inbook{RN298, - author = {Houghton, George and Tipper, Steven P.}, - title = {A model of inhibitory mechanisms in selective attention}, - booktitle = {Inhibitory processes in attention, memory, and language}, - editor = {Dagenbach, Dale and Carr, Thomas H.}, - publisher = {Academic Press}, - address = {San Diego, CA}, - pages = {53-112}, - year = {1994}, - type = {Book Section} +@article{RN649, + author = {Laeng, B. and Peters, M. and McCabe, B.}, + title = {Memory for locations within regions: Spatial biases and visual hemifield differences}, + journal = {Memory & Cognition}, + volume = {26}, + number = {1}, + pages = {97-107}, + year = {1998}, + type = {Journal Article} } -@article{RN983, - author = {Horak, F. B. and Diener, H. C.}, - title = {Cerebellar control of postural scaling and central set in stance}, - journal = {J Neurophysiol}, - volume = {72}, +@article{RN648, + author = {Suzuki, S. and Cavanagh, P.}, + title = {Focused attention distorts visual space: an attentional repulsion effect}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {23}, number = {2}, - pages = {479-93.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7983513}, - year = {1994}, + pages = {443-63}, + year = {1997}, type = {Journal Article} } -@inbook{RN3384, - author = {Hikosaka, O.}, - title = {Role of basal ganglia in control of innate movements, learned behavior and cognition - a hypothesis}, - booktitle = {The basal ganglia IV}, - editor = {Percheron, G. and McKenzie, J. S. and Feger, J. }, - series = {Advances in Behavioral Biology}, - publisher = {Springer}, - address = {New York}, - pages = {589-596}, - DOI = {10.1007/978-1-4613-0485-2_61}, - year = {1994}, - type = {Book Section} +@article{RN647, + author = {Moore, Cathleen M. and Egeth, Howard}, + title = {Perception without attention: Evidence of grouping under conditions of inattention}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {2}, + pages = {339-352}, + year = {1997}, + type = {Journal Article} } -@article{RN115, - author = {Haxby, J. V. and Horwitz, B. and Ungerleider, L. G. and Maisog, J. M. and Pietrini, P. and Grady, C. L.}, - title = {The functional organization of human extrastriate cortex: A PET-rCBF study of selective attention to faces and locations}, - journal = {Journal of Neuroscience}, - volume = {14}, - number = {11 PART 1}, - year = {1994}, +@article{RN646, + author = {Muesseler, Jochen and Van Der Heijden, A. H. C. and Mahmud, S. H. and Deubel, Heiner and Ertsey, Samar}, + title = {Relative mislocalization of briefly presented stimuli in the retinal periphery}, + journal = {Perception & Psychophysics}, + volume = {61}, + number = {8}, + pages = {1646-1661}, + year = {1999}, type = {Journal Article} } -@article{RN2416, - author = {Grill, S. E. and Hallett, M. and Marcus, C. and McShane, L.}, - title = {Disturbances of kinaesthesia in patients with cerebellar disorders}, - journal = {Brain}, - volume = {117 ( Pt 6)}, - pages = {1433-47}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7820578 }, - year = {1994}, - type = {Journal Article} +@phdthesis{RN645, + author = {Diedrichsen, Joern}, + title = {Gibt es ein motorisches Kurzzeitgedächtnis für Positionen im Greifraum?}, + university = {University of Göttingen}, + type = {diploma thesis}, + year = {1998}, + type = {Thesis} } -@article{RN1062, - author = {Grafton, Scott T. and Woods, Roger P. and Tyszka, Mike}, - title = {Functional imaging of procedural motor learning: Relating cerebral blood flow with individual subject performance}, - journal = {Human Brain Mapping}, - volume = {1}, - number = {3}, - pages = {221-234}, - year = {1994}, +@article{RN644, + author = {Rorden, Chris and Brett, Matthew}, + title = {Stereotaxic display of brain lesions}, + journal = {Behavioral Neurology}, + volume = {12}, + pages = {191-200}, + year = {2001}, type = {Journal Article} } -@article{RN965, - author = {Gordon, J. and Ghilardi, M. F. and Ghez, C.}, - title = {Accuracy of planar reaching movements. I. Independence of direction and extent variability}, - journal = {Exp Brain Res}, - volume = {99}, - number = {1}, - pages = {97-111}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7925800}, - year = {1994}, +@article{RN642, + author = {Hommel, Bernhard and Schneider, W. X.}, + title = {Visual attention and the selection of manual response: Distinct mechanisms operating on the same codes}, + journal = {Visual Cognition}, + year = {in press}, type = {Journal Article} } -@article{RN840, - author = {Gordon, Andrew M. and Forssberg, Hans and Iwasaki, Nobuaki}, - title = {Formation and lateralization of internal representations underlying motor commands during precision grip}, - journal = {Neuropsychologia}, - volume = {32}, - number = {5}, - pages = {555-568}, - year = {1994}, +@article{RN641, + author = {Stoet, Gijsbert and Hommel, Bernhard}, + title = {Action planning and the temporal binding of response codes}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {25}, + number = {6}, + pages = {1625-1640}, + year = {1999}, type = {Journal Article} } -@article{RN208, - author = {Goodale, M. A. and Jakobson, L. S. and Keillor, J. M.}, - title = {Differences in the visual control of pantomimed and natural grasping movements}, - journal = {Neuropsychologia}, - volume = {32}, - number = {10}, - pages = {1159-1178}, - year = {1994}, +@article{RN639, + author = {Franz, Elizabeth A. and Zelaznik, Howard N. and Swinnen, Stephan and Walter, Charles}, + title = {Spatial conceptual influences on the coordination of bimanual actions: When a dual task becomes a single task}, + journal = {Journal of Motor Behavior}, + volume = {33}, + number = {1}, + pages = {103-112}, + year = {2001}, type = {Journal Article} } -@article{RN168, - author = {Gentilucci, Maurizio and Negrotti, Anne}, - title = {Dissociation between perception and visuomotor transformation during reproduction of remembered distances}, - journal = {Journal of Neurophysiology}, - volume = {72}, - number = {4}, - pages = {2026-2030}, - year = {1994}, +@article{RN638, + author = {Heuer, H. and Spijkers, W. and Kleinsorge, T. and van der Loo, H. and Steglich, C.}, + title = {The time course of cross-talk during the simultaneous specification of bimanual movement amplitudes}, + journal = {Experimental Brain Research}, + volume = {118}, + number = {3}, + pages = {381-92}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/8118003/81180381.htm +http://link.springer-ny.com/link/service/journals/00221/papers/8118003/81180381.pdf +http://link.springer-ny.com/link/service/journals/00221/index.htm}, + year = {1998}, type = {Journal Article} } -@article{RN935, - author = {Geffen, G. M. and Jones, D. L. and Geffen, L. B.}, - title = {Interhemispheric control of manual motor activity}, - journal = {Behav Brain Res}, - volume = {64}, - number = {1-2}, - pages = {131-40.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7840879}, - year = {1994}, +@article{RN636, + author = {Miller, Jeff}, + title = {Discrete versus continuous stage models of human information processing: In search of partial output}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {8}, + number = {2}, + pages = {273-296}, + year = {1982}, type = {Journal Article} } -@article{RN234, - author = {Funahashi, Shintaro and Kubota, Kisou}, - title = {Working memory and prefrontal cortex}, - journal = {Neuroscience Research}, - volume = {21}, - number = {1}, - pages = {1-11}, - year = {1994}, +@article{RN635, + author = {Simon, J. Richard and Small, A. M., Jr.}, + title = {Processing auditory information: Interference from an irrelevant cue}, + journal = {Journal of Applied Psychology}, + volume = {53}, + number = {5}, + pages = {433-435}, + year = {1969}, type = {Journal Article} } -@article{RN2199, - author = {Friston, K.J. and Worsley, K. J. and Frackowiak, R.S.J. and Mazziotta, J.C. and Evans, A.C.}, - title = {Assessing the significance of focal activations using their spatial extent}, - journal = {Human Brain Mapping}, - volume = {1}, - pages = {214-220}, - year = {1994}, +@article{RN634, + author = {Hommel, Bernhard}, + title = {The role of attention for the Simon effect}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {55}, + number = {3}, + pages = {208-222}, + year = {1993}, type = {Journal Article} } -@article{RN249, - author = {Elliott, Digby and Chua, Romeo and Pollock, Barbara J.}, - title = {The influence of intermittent vision on manual aiming}, - journal = {Acta Psychologica}, - volume = {85}, - number = {1}, - pages = {1-13}, - year = {1994}, - type = {Journal Article} +@inbook{RN633, + author = {Hommel, Bernhard}, + title = {Attentional scanning in the selection of central targets from multi-symbol strings}, + booktitle = {Visual selective attention.}, + editor = {Bundesen, Claus and Shibuya, Hitomi}, + publisher = {Lawrence Erlbaum Associates, Inc}, + address = {Hillsdale, NJ, US}, + pages = {119-144}, + year = {1995}, + type = {Book Section} } -@article{RN2574, - author = {Ellerman, J. M. and Flament, D. and Kim, S. G. and Fu, Q. G. and Merkle, H. and Ebner, T. J. and Ugurbil, K.}, - title = {Spatial patterns of functional activation of the cerebellum investigated using high field (4 T) MRI}, - journal = {NMR Biomed}, - volume = {7}, - number = {1-2}, - pages = {63-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8068527 }, - year = {1994}, +@article{RN632, + author = {Hommel, Bernhard}, + title = {The relationship between stimulus processing and response selection in the Simon task: Evidence for a temporal overlap}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {55}, + number = {4}, + pages = {280-290}, + year = {1993}, type = {Journal Article} } -@article{RN57, - author = {Egly, Robert and Driver, Jon and Rafal, Robert D.}, - title = {Shifting visual attention between objects and locations: Evidence from normal and parietal lesion subjects}, - journal = {Journal of Experimental Psychology: General}, - volume = {123}, - number = {2}, - pages = {161-177}, - year = {1994}, +@article{RN631, + author = {Hommel, Bernhard}, + title = {Automatic stimulus-response translation in dual-task performance}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {24}, + number = {5}, + pages = {1368-1384}, + year = {1998}, type = {Journal Article} } -@inbook{RN116, - author = {Dyer, F. C.}, - title = {Spatial cognition and navigation in insects}, - booktitle = { Behavioral mechanisms in evolutionary ecology}, - editor = {Real, L. A.}, - publisher = {University of Chicago Press}, - address = {Chicago, Illinois, USA; London, England, UK.}, - pages = {66-98}, - year = {1994}, +@inbook{RN630, + author = {Milner, A. David and Tipper, Steven P. and Howard, Louise A. and Houghton, George and Hommel, Bernhard}, + title = {II: Control of perception-action coupling}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {209-273}, + year = {2000}, type = {Book Section} } -@article{RN787, - author = {Duchek, Janet M. and Balota, David A. and Ferraro, F. Richard}, - title = {Component analysis of a rhythmic finger tapping task in individuals with senile dementia of the Alzheimer type and in individuals with Parkinson's disease}, - journal = {Neuropsychology}, - volume = {8}, - number = {2}, - pages = {218-226}, - year = {1994}, +@article{RN629, + author = {Lien, Mei-Ching and Proctor, Robert W.}, + title = {Multiple spatial correspondence effects on dual-task performance}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {26}, + number = {4}, + pages = {1260-1280}, + year = {2000}, type = {Journal Article} } -@article{RN539, - author = {Dehaene, S and Posner, M. I. and Tucker, D. M.}, - title = {Localization of a neural system for error-correction and compensation}, - journal = {Psychological Science}, - volume = {5}, - pages = {303-305}, - year = {1994}, +@book{RN628, + author = {Fisher, N. I.}, + title = {Statistical analysis of circular data}, + publisher = {Cambridge University Press}, + address = {Cambridge, UK}, + year = {1993}, + type = {Book} +} + +@article{RN627, + author = {Blakemore, S. J. and Goodbody, S. J. and Wolpert, D. M.}, + title = {Predicting the consequences of our own actions: the role of sensorimotor context estimation}, + journal = {Journal of Neuroscience}, + volume = {18}, + number = {18}, + pages = {7511-8}, + url = {http://www.jneurosci.org/cgi/content/full/18/18/7511 +http://www.jneurosci.org}, + year = {1998}, type = {Journal Article} } -@article{RN537, - author = {De Jong, Ritske and Liang, Chia-Chin and Lauber, Erick}, - title = {Conditional and unconditional automaticity: A dual-process model of effects of spatial stimulus-response correspondence}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, +@article{RN626, + author = {Parent, A. and Hazrati, L. N.}, + title = {Functional anatomy of the basal ganglia. II. The place of subthalamic nucleus and external pallidum in basal ganglia circuitry}, + journal = {Brain Research. Brain Research Reviews}, volume = {20}, - number = {4}, - pages = {731-750}, - year = {1994}, + number = {1}, + pages = {128-54}, + year = {1995}, type = {Journal Article} } -@article{RN847, - author = {Cunningham, H. A. and Welch, R. B.}, - title = {Multiple concurrent visual-motor mappings: implications for models of adaptation}, - journal = {J Exp Psychol Hum Percept Perform}, +@article{RN625, + author = {Parent, A. and Hazrati, L. N.}, + title = {Functional anatomy of the basal ganglia. I. The cortico-basal ganglia-thalamo-cortical loop}, + journal = {Brain Research. Brain Research Reviews}, volume = {20}, - number = {5}, - pages = {987-99.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7964533}, - year = {1994}, + number = {1}, + pages = {91-127}, + year = {1995}, type = {Journal Article} } -@article{RN543, - author = {Courshesne, Eric and Townsend, Jeanne and Akshoomoff, Natacha A. and Saitoh, Osamu and Yeung-Courchesne, Rachel and Lincoln, Alan J. and James, Hector E. and Haas, Richard H. and Schreibman, Laura and Lau, Lily}, - title = {Impairment in shifting attention in autistic and cerebellar patients}, - journal = {Behavioral Neuroscience}, - volume = {5}, - pages = {848-865}, - year = {1994}, +@article{RN624, + author = {McGuire, P. K. and Bates, J. F. and Goldman-Rakic, P. S.}, + title = {Interhemispheric integration: II. Symmetry and convergence of the corticostriatal projections of the left and the right principal sulcus (PS) and the left and the right supplementary motor area (SMA) of the rhesus monkey}, + journal = {Cerebral Cortex}, + volume = {1}, + number = {5}, + pages = {408-17}, + year = {1991}, type = {Journal Article} } -@article{RN46, - author = {Brodbeck, D. R.}, - title = {Memory for spatial and local cues: A comparison of a storing and a nonstoring species}, - journal = {Animal Learning and Behavior}, - volume = {22}, - number = {2}, - year = {1994}, +@article{RN623, + author = {McDowell, Michael J. and Wolff, Peter H.}, + title = {A functional analysis of human mirror movements}, + journal = {Journal of Motor Behavior}, + volume = {29}, + number = {1}, + pages = {85-96}, + year = {1997}, type = {Journal Article} } -@article{RN307, - author = {Bridgeman, Bruce and Van der Hejiden, A. H. C. and Velichkovsky, Boris M.}, - title = {A theory of visual stability across saccadic eye movements}, - journal = {Behavioral & Brain Sciences}, - volume = {17}, - number = {2}, - year = {1994}, +@article{RN622, + author = {Von Holst, E.}, + title = {Relations between the Central Nervous System and the Peripheral Organs}, + journal = {British Journal of Animal Behaviour}, + volume = {2}, + pages = {89-94}, + year = {1954}, type = {Journal Article} } -@article{RN2920, - author = {Boecker, H. and Kleinschmidt, A. and Requardt, M. and Hanicke, W. and Merboldt, K. D. and Frahm, J.}, - title = {Functional cooperativity of human cortical motor areas during self-paced simple finger movements. A high-resolution MRI study}, - journal = {Brain}, - volume = {117 ( Pt 6)}, - pages = {1231-9}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7820562}, - year = {1994}, +@article{RN621, + author = {Fetz, Eberhard E.}, + title = {Are movement parameters recognizably coded in the activity of single neurons?}, + journal = {Behavioral & Brain Sciences}, + volume = {15}, + number = {4}, + pages = {679-690}, + year = {1992}, type = {Journal Article} } -@article{RN36, - author = {Behrmann, Marlene and Moscovitch, Morris and Winocur, Gordon}, - title = {Intact visual imagery and impaired visual perception in a patient with visual agnosia}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {20}, - number = {5}, - pages = {1068-1087}, - year = {1994}, +@article{RN619, + author = {Prut, Y. and Fetz, E. E.}, + title = {Primate spinal interneurons show pre-movement instructed delay activity}, + journal = {Nature}, + volume = {401}, + number = {6753}, + pages = {590-4}, + year = {1999}, type = {Journal Article} } -@article{RN3251, - author = {Armatas, C. A. and Summers, J. J. and Bradshaw, J. L.}, - title = {Mirror movements in normal adult subjects}, - journal = {J Clin Exp Neuropsychol}, - volume = {16}, - number = {3}, - pages = {405-13}, - ISSN = {1380-3395 (Print) -1380-3395 (Linking)}, - DOI = {10.1080/01688639408402651}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/7929708}, - year = {1994}, - type = {Journal Article} +@inbook{RN618, + author = {Wing, Alan M.}, + title = {Anticipatory control of grip force in rapid arm movement}, + booktitle = {Hand and brain: The neurophysiology and psychology of hand movements.}, + editor = {Wing, Alan M. and Haggard, Patrick and et al.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA, US}, + pages = {301-324}, + year = {1996}, + type = {Book Section} } -@inbook{RN921, - author = {Allport, D. Alan and Styles, Elizabeth A. and Hsieh, Shulan}, - title = {Shifting intentional set: Exploring the dynamic control of tasks}, - booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, - editor = {Umilta, Carlo and Moscovitch, Morris}, +@inbook{RN617, + author = {Ivry, Richard B. and Hazeltine, Eliot}, + title = {Task Switching in a Callosotomy Patient and in Normal Participants: Evidence for Response-Related Sources of Interference}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, publisher = {The MIT Press}, address = {Cambridge, MA, US}, - pages = {421-452}, - year = {1994}, + pages = {401-423}, + year = {2000}, type = {Book Section} } -@article{RN521, - author = {Adam, Jos J.}, - title = {Manipulating the spatial arrangement of stimuli in a precuing task}, - journal = {Acta Psychologica}, - volume = {85}, - number = {3}, - year = {1994}, - type = {Journal Article} -} - -@inbook{RN341, - author = {Abrams, Richard A. and Van Dillen, Linda and Stemmons, Vicki}, - title = {Multiple sources of spatial information for aimed limb movements}, - booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, - editor = {Umilta, Carlo and Moscovitch, Morris}, - publisher = {The Mit Press}, - address = {Cambridge, MA}, - pages = {267-290}, - year = {1994}, +@inbook{RN616, + author = {Pashler, Harold and Jolicoeur, Pierre and Dell'Acqua, Roberto and Crebolder, Jacquelyn and Goschke, Thomas and De Jong, Ritske and Meiran, Nachshon and Ivry, Richard B. and Hazeltine, Eliot}, + title = {Task switching and multitask performance}, + booktitle = {Control of cognitive processes: Attention and performance XVIII.}, + editor = {Monsell, Stephen and Driver, Jon}, + publisher = {The MIT Press}, + address = {Cambridge, MA, US}, + pages = {275-423}, + year = {2000}, type = {Book Section} } -@article{RN848, - author = {Welch, R. B. and Bridgeman, B. and Anand, S. and Browman, K. E.}, - title = {Alternating prism exposure causes dual adaptation and generalization to a novel displacement}, - journal = {Percept Psychophys}, - volume = {54}, +@article{RN615, + author = {Ivry, Richard B. and Franz, Elizabeth A. and Kingstone, Alan and Johnston, James C.}, + title = {The psychological refractory period effect following callosotomy: Uncoupling of lateralized response codes}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {24}, number = {2}, - pages = {195-204.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8361835}, - year = {1993}, - type = {Journal Article} -} - -@article{RN2017, - author = {Swinnen, S. P. and Walter, C. B. and Lee, T. D. and Serrien, D. J.}, - title = {Acquiring bimanual skills: contrasting forms of information feedback for interlimb decoupling}, - journal = {J Exp Psychol Learn Mem Cogn}, - volume = {19}, - number = {6}, - pages = {1328-44}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8270889}, - year = {1993}, + pages = {463-480}, + year = {1998}, type = {Journal Article} } -@article{RN310, - author = {Stucchi, Natale and Viviani, Paolo}, - title = {Cerebral dominance and asynchrony between bimanual two-dimensional movements}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {19}, - number = {6}, - pages = {1200-1220}, - year = {1993}, +@article{RN614, + author = {Boynton, G. M. and Engel, S. A. and Glover, G. H. and Heeger, D. J.}, + title = {Linear systems analysis of functional magnetic resonance imaging in human V1}, + journal = {Journal of Neuroscience}, + volume = {16}, + number = {13}, + pages = {4207-21}, + url = {http://www.jneurosci.org/cgi/content/full/16/13/4207 +http://www.jneurosci.org}, + year = {1996}, type = {Journal Article} } -@article{RN754, - author = {Struppler, A. and Gerilovsky, L. and Jakob, C.}, - title = {Self-generated rapid taps directed to the opposite forearm in man: anticipatory reduction in the muscle activity of the target arm}, - journal = {Neurosci Lett}, - volume = {159}, - number = {1-2}, - pages = {115-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8264950}, - year = {1993}, +@article{RN613, + author = {Sidtis, J. J. and Volpe, B. T. and Wilson, D. H. and Rayport, M. and Gazzaniga, M. S.}, + title = {Variability in right hemisphere language function after callosal section: evidence for a continuum of generative capacity}, + journal = {Journal of Neuroscience}, + volume = {1}, + number = {3}, + pages = {323-31}, + year = {1981}, type = {Journal Article} } -@article{RN2057, - author = {Sparks, D. L. and Barton, E. J.}, - title = {Neural control of saccadic eye movements}, - journal = {Curr Opin Neurobiol}, - volume = {3}, - number = {6}, - pages = {966-72}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8124081}, - year = {1993}, +@article{RN612, + author = {Vetter, P. and Wolpert, D. M.}, + title = {Context estimation for sensorimotor control}, + journal = {Journal of Neurophysiology}, + volume = {84}, + number = {2}, + pages = {1026-34}, + url = {http://jn.physiology.org/cgi/content/full/84/2/1026 +http://jn.physiology.org}, + year = {2000}, type = {Journal Article} } -@article{RN2103, - author = {Smith, A. M. and Dugas, C. and Fortier, P. and Kalaska, J. and Picard, N.}, - title = {Comparing cerebellar and motor cortical activity in reaching and grasping}, - journal = {Can J Neurol Sci}, - volume = {20 Suppl 3}, - pages = {S53-61}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8334592}, - year = {1993}, +@article{RN610, + author = {Greenwald, Anthony G. and Shulman, Harvey G.}, + title = {On Doing Two Things at Once: II. Elimination of the Psychological Refractory Period Effect}, + journal = {Journal of Experimental Psychology}, + volume = {101}, + number = {1}, + pages = {70-76}, + year = {1973}, type = {Journal Article} } -@article{RN2998, - author = {Schieber, M. H. and Hibbard, L. S.}, - title = {How somatotopic is the motor cortex hand area?}, - journal = {Science}, - volume = {261}, - number = {5120}, - pages = {489-92}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8332915}, - year = {1993}, +@article{RN609, + author = {Goodale, Melvyn A. and Milner, A. David}, + title = {Separate visual pathways for perception and action}, + journal = {Trends in Neurosciences}, + volume = {15}, + number = {1}, + pages = {20-25}, + year = {1992}, type = {Journal Article} } -@article{RN442, - author = {Sasaki, K. and Gemba, H. and Nambu, A. and Matsuzaki, R.}, - title = {No-go activity in the frontal association cortex of human subjects}, - journal = {Neuroscience Research}, - volume = {18}, +@article{RN608, + author = {Preilowski, Bruno F.}, + title = {Possible Contribution of the Anterior Forebrain Commissures To Bilateral Motor Coordination}, + journal = {Neuropsychologia}, + volume = {Vol. 10}, number = {3}, - pages = {249-252}, - year = {1993}, - type = {Journal Article} -} - -@inbook{RN443, - author = {Sasaki, Kazuo and Gemba, Hisae}, - title = {Prefrontal cortex in the organization and control of voluntary movement}, - booktitle = {Brain mechanisms of perception and memory: From neuron to behavior.}, - editor = {Taketoshi Ono, Ed and Larry R. Squire, Ed and et al.}, - publisher = {Oxford University Press}, - pages = {xxi, 692}, - year = {1993}, - type = {Book Section} -} - -@article{RN2923, - author = {Rao, S. M. and Binder, J. R. and Bandettini, P. A. and Hammeke, T. A. and Yetkin, F. Z. and Jesmanowicz, A. and Lisk, L. M. and Morris, G. L. and Mueller, W. M. and Estkowski, L. D. and et al.}, - title = {Functional magnetic resonance imaging of complex human movements}, - journal = {Neurology}, - volume = {43}, - number = {11}, - pages = {2311-8}, - ISSN = {0028-3878 (Print) -0028-3878 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8232948}, - year = {1993}, + pages = {267-277}, + year = {1972}, type = {Journal Article} } -@article{RN814, - author = {Rammsayer, Thomas H.}, - title = {On dopaminergic modulation of temporal information processing}, - journal = {Biological Psychology}, - volume = {36}, - number = {3}, - pages = {209-222}, - year = {1993}, +@inbook{RN607, + author = {Preilowski, Bruno}, + title = {Intermanual transfer, interhemispheric interaction, and handedness in man and monkeys}, + booktitle = {Brain circuits and functions of the mind: Essays in honor of Roger W. Sperry.}, + editor = {Trevarthen, Colwyn B. and et al.}, + publisher = {Cambridge University Press}, + address = {New York, NY, USA}, + pages = {168-180}, + year = {1990}, + type = {Book Section} +} + +@article{RN606, + author = {Bracewell, R.M. and Wing, A.M.}, + title = {The coordination of load and grip forces in a bimanual lifting task}, + journal = {Society for neuroscience abstract}, + year = {2000}, type = {Journal Article} } -@article{RN367, - author = {Proctor, Robert W. and Van Zandt, Trisha and Lu, Chen-hui and Weeks, Daniel J.}, - title = {Stimulusesponse compatibility for moving stimuli: Perception of affordances or directional coding?}, +@article{RN605, + author = {Diedrichsen, Joern and Ivry, Richard B. and Cohen, Asher and Danziger, Shai}, + title = {Asymmetries in a unilateral flanker task depend on the direction of the response: The role of attentional shift and perceptual grouping}, journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {19}, + volume = {26}, number = {1}, - year = {1993}, + pages = {113-126}, + year = {2000}, type = {Journal Article} } -@article{RN153, - author = {Poucet, Bruno}, - title = {Spatial cognitve maps in animals: new hypotheses on their structure an neural mechanisms}, - journal = {Psychological Review}, - volume = {100}, - number = {2}, - pages = {163-182}, - year = {1993}, +@article{RN604, + author = {Megaw, Edgar D.}, + title = {Direction and Extent Uncertainty in Step-Input Tracking}, + journal = {Journal of Motor Behavior}, + volume = {Vol. 4}, + number = {3}, + pages = {171-186}, + year = {1972}, type = {Journal Article} } -@book{RN703, - author = {Porter, R. and Lemon, R.}, - title = {Corticospinal function and voluntary movement}, - publisher = {Oxford University Press}, - address = {Oxford}, - year = {1993}, - type = {Book} -} - -@article{RN987, - author = {Perrett, S. P. and Ruiz, B. P. and Mauk, M. D.}, - title = {Cerebellar cortex lesions disrupt learning-dependent timing of conditioned eyelid responses}, - journal = {J Neurosci}, - volume = {13}, - number = {4}, - pages = {1708-18}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8463846}, - year = {1993}, +@article{RN603, + author = {Diedrichsen, Joern and Hazeltine, Eliot and Kennerley, Steven and Ivry, Richard B.}, + title = {Moving to directly cued locations abolishes spatial interference during bimanual actions}, + journal = {Psychological Science}, + volume = {12}, + number = {6}, + pages = {493-498}, + year = {2001}, type = {Journal Article} } -@article{RN56, - author = {Peretz, Isabelle and Kolinsky, Regine}, - title = {Boundaries of separability between melody and rhythm in music discrimination: A neuropsychological perspective}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {46A}, +@article{RN602, + author = {Dettmers, C. and Fink, G. R. and Lemon, R. N. and Stephan, K. M. and Passingham, R. E. and Silbersweig, D. and Holmes, A. and Ridding, M. C. and Brooks, D. J. and Frackowiak, R. S.}, + title = {Relation between cerebral activity and force in the motor areas of the human brain}, + journal = {Journal of Neurophysiology}, + volume = {74}, number = {2}, - pages = {301-325}, - year = {1993}, + pages = {802-15}, + year = {1995}, type = {Journal Article} } -@book{RN402, - author = {Passingham, Richard}, - title = {The frontal lobes and voluntary action}, - publisher = {Oxford University Press}, - address = {Oxford}, - series = {Oxford Psychology Series}, - year = {1993}, - type = {Book} -} - -@article{RN297, - author = {Owen, Adrian M. and Roberts, Angela C. and Hodges, John R. and Summer, Beatrice A. and Polkey, Charles E. and Robbins, Trevor W.}, - title = {Contrasting mechanisms of impaired attentional set-shifting in patients with frontal lobe damage parkinson's disease}, - journal = {Brain}, - volume = {116}, - pages = {1159-1175}, - year = {1993}, +@article{RN601, + author = {Dettmers, C. and Lemon, R. N. and Stephan, K. M. and Fink, G. R. and Frackowiak, R. S.}, + title = {Cerebral activation during the exertion of sustained static force in man}, + journal = {Neuroreport}, + volume = {7}, + number = {13}, + pages = {2103-10}, + year = {1996}, type = {Journal Article} } -@article{RN71, - author = {Olshausen, B. A. and Anderson, C. H. and Van Essen, D. C.}, - title = {A neurobiological model of visual attention and invariant pattern recognition based on dynamic routing of information}, - journal = {Journal of Neuroscience}, - volume = {13}, - number = {11}, - year = {1993}, - type = {Journal Article} +@inbook{RN599, + author = {Strick, Peter L. and Dum, Richard P. and Picard, Nathalie}, + title = {Macro-organization of the circuits connecting the basal ganglia with the cortical motor areas}, + booktitle = {Models of Information Processing in the Basal Ganglia}, + editor = {Houk, J.C. and Davis, J.L. and Beiser, D.G.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {117-130}, + year = {1995}, + type = {Book Section} } -@article{RN78, - author = {Miyashita, Yasushi}, - title = {Inferior temporal cortex: where viual perception meets memory}, +@article{RN598, + author = {Alexander, Garrett E. and DeLong, Majlon R. and Strick, Peter L.}, + title = {Parallel Organization of functionally segregated circuits linking basal ganglia and cortex}, journal = {Annual Review of Neuroscience}, - volume = {16}, - pages = {245-63}, - year = {1993}, + volume = {9}, + pages = {357-381}, + year = {1986}, type = {Journal Article} } -@article{RN1633, - author = {Miall, R. C. and Weir, D. J. and Wolpert, D. M. and Stein, J. F.}, - title = {Is the Cerebellum a Smith Predictor?}, - journal = {J Mot Behav}, - volume = {25}, - number = {3}, - pages = {203-216}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12581990}, - year = {1993}, +@article{RN597, + author = {Wassermann, E. M. and Pascual-Leone, A. and Hallett, M.}, + title = {Cortical motor representation of the ipsilateral hand and arm}, + journal = {Experimental Brain Research}, + volume = {100}, + number = {1}, + pages = {121-32}, + year = {1994}, type = {Journal Article} } -@article{RN894, - author = {Merigan, W. H. and Maunsell, J. H.}, - title = {How parallel are the primate visual pathways?}, - journal = {Annu Rev Neurosci}, - volume = {16}, - pages = {369-402}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8460898}, - year = {1993}, +@article{RN596, + author = {Taira, M. and Boline, J. and Smyrnis, N. and Georgopoulos, A. P. and Ashe, J.}, + title = {On the relations between single cell activity in the motor cortex and the direction and magnitude of three-dimensional static isometric force}, + journal = {Experimental Brain Research}, + volume = {109}, + number = {3}, + pages = {367-76}, + year = {1996}, type = {Journal Article} } -@inbook{RN151, - author = {McDonald, Thomas P. and Pellegrino, James W.}, - title = {Psychological perspectives on spatial cognition}, - booktitle = {Behavior and Environment: Psychological and geographical approaches}, - editor = {Gaerling, T. and Golledge, R.G.}, - publisher = {Elsevier Science}, - pages = {47-82}, - year = {1993}, - type = {Book Section} -} - -@article{RN507, - author = {Leiner, Henrietta C. and Leiner, Alan L. and Dow, Robert S.}, - title = {Cognitive and language functions of the human cerebellum}, - journal = {Trends in Neurosciences}, - volume = {16}, - number = {11}, - pages = {444-447}, - year = {1993}, +@article{RN595, + author = {Riehle, A. and Requin, J.}, + title = {Neuronal correlates of the specification of movement direction and force in four cortical areas of the monkey}, + journal = {Behavioural Brain Research}, + volume = {70}, + number = {1}, + pages = {1-13}, + year = {1995}, type = {Journal Article} } -@article{RN871, - author = {Komilis, E. and Pelisson, D. and Prablanc, C.}, - title = {Error processing in pointing at reandomly feedback-induced double-step stimuli}, - journal = {Journal of Motor Behavior}, - volume = {25}, - number = {4}, - pages = {299-308}, - year = {1993}, +@article{RN594, + author = {Riehle, A. and MacKay, W. A. and Requin, J.}, + title = {Are extent and force independent movement parameters? Preparation- and movement-related neuronal activity in the monkey cortex}, + journal = {Experimental Brain Research}, + volume = {99}, + number = {1}, + pages = {56-74}, + year = {1994}, type = {Journal Article} } -@article{RN329, - author = {Kim, S. G. and Ashe, J. and Hendrich, K. and Ellermann, J. M. and Merkle, H. and Uagurbil, K. and Georgopoulos, A. P.}, - title = {Functional magnetic resonance imaging of motor cortex: hemispheric asymmetry and handedness}, - journal = {Science}, - volume = {261}, - number = {5121}, - pages = {615-617}, - year = {1993}, +@article{RN593, + author = {Gordon, J. and Ghez, C.}, + title = {Trajectory control in targeted force impulses. III. Compensatory adjustments for initial errors}, + journal = {Experimental Brain Research}, + volume = {67}, + number = {2}, + pages = {253-69}, + year = {1987}, type = {Journal Article} } -@article{RN2257, - author = {Karni, A. and Sagi, D.}, - title = {The time course of learning a visual skill}, - journal = {Nature}, - volume = {365}, - number = {6443}, - pages = {250-2}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8371779}, - year = {1993}, +@article{RN592, + author = {Gordon, J. and Ghez, C.}, + title = {Trajectory control in targeted force impulses. II. Pulse height control}, + journal = {Experimental Brain Research}, + volume = {67}, + number = {2}, + pages = {241-52}, + year = {1987}, type = {Journal Article} } -@article{RN132, - author = {Ivry, Richard B. and Lebby, Paul C.}, - title = {Hemispheric differences in auditory perception are similar to those found in visual perception}, - journal = {Psychological Science}, - volume = {4}, - number = {1}, - pages = {41-45}, - year = {1993}, - type = {Journal Article} +@inbook{RN591, + author = {Ghez, Claude and Hening, Wayne and Favilla, Marco}, + title = {Parallel interacting channels in the initiation and specification of motor response features}, + booktitle = {Attention and performance 13: Motor representation and control.}, + editor = {Jeannerod, Marc and et al.}, + publisher = {Lawrence Erlbaum Associates, Inc}, + address = {Hillsdale, NJ, USA}, + pages = {265-293}, + year = {1990}, + type = {Book Section} } -@article{RN634, - author = {Hommel, Bernhard}, - title = {The role of attention for the Simon effect}, - journal = {Psychological Research/Psychologische Forschung}, - volume = {55}, - number = {3}, - pages = {208-222}, - year = {1993}, +@article{RN590, + author = {Ghez, C. and Gordon, J.}, + title = {Trajectory control in targeted force impulses. I. Role of opposing muscles}, + journal = {Experimental Brain Research}, + volume = {67}, + number = {2}, + pages = {225-40}, + year = {1987}, type = {Journal Article} } -@article{RN632, - author = {Hommel, Bernhard}, - title = {The relationship between stimulus processing and response selection in the Simon task: Evidence for a temporal overlap}, - journal = {Psychological Research/Psychologische Forschung}, - volume = {55}, - number = {4}, - pages = {280-290}, - year = {1993}, +@article{RN589, + author = {Georgopoulos, A. P. and Ashe, J. and Smyrnis, N. and Taira, M.}, + title = {The motor cortex and the coding of force}, + journal = {Science}, + volume = {256}, + pages = {1692-1695}, + year = {1992}, type = {Journal Article} } -@article{RN164, - author = {Hommel, Bernhard}, - title = {Inverting the Simon effect intention: Determinants of direction and extent of effects of irrelevant spatial information}, - journal = {Psychological Research}, - volume = {55}, - number = {4}, - pages = {270-279}, - year = {1993}, +@article{RN587, + author = {Evarts, Edward V. and Fromm, Christoph and Kroeller, Juergen and Jennings, Von A.}, + title = {Motor cortex control of finely graded forces}, + journal = {Journal of Neurophysiology}, + volume = {49}, + number = {5}, + pages = {1199-1215}, + year = {1983}, type = {Journal Article} } -@article{RN2668, - author = {Hoff, B. and Arbib, M. A.}, - title = {Models of Trajectory Formation and Temporal Interaction of Reach and Grasp}, - journal = {J Mot Behav}, - volume = {25}, - number = {3}, - pages = {175-192}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=12581988 }, - year = {1993}, +@article{RN586, + author = {Bullock, Daniel and Grossberg, Stephen}, + title = {Neural dynamics of planned arm movements: emergent invariants and speed-accuracy properties during trajectory formation}, + journal = {Psychological Review}, + volume = {95}, + number = {1}, + pages = {49-90}, + year = {1988}, type = {Journal Article} } -@article{RN322, - author = {Heuer, Herbert}, - title = {Structural constraints on bimanual movements}, - journal = {Psychological Research}, - volume = {55}, - number = {2}, - pages = {83-98}, - year = {1993}, +@article{RN585, + author = {Latash, Mark L. and Li, Zong-Ming and Zatsiorsky, Vladimir M.}, + title = {A principle of error compensation studied within a task of force production by a redundant set of fingers}, + journal = {Experimental Brain Research}, + volume = {122}, + pages = {131-138}, + year = {1998}, type = {Journal Article} } -@article{RN436, - author = {Halsband, U. and Ito, N. and Tanji, J. and Freund, H. J.}, - title = {The role of premotor cortex and the supplementary motor area in the temporal control of movement in man}, - journal = {Brain}, - volume = {116}, - number = {Pt 1)}, - pages = {243-66}, - year = {1993}, +@article{RN584, + author = {Stelmach, George E. and Worringham, Charles J.}, + title = {The preparation and production of isometric force in Parkinson's disease}, + journal = {Neuropsychologia}, + volume = {26}, + number = {1}, + pages = {93-103}, + year = {1988}, type = {Journal Article} } -@article{RN849, - author = {Gordon, A. M. and Westling, G. and Cole, K. J. and Johansson, R. S.}, - title = {Memory representations underlying motor commands used during manipulation of common and novel objects}, - journal = {J Neurophysiol}, - volume = {69}, - number = {6}, - pages = {1789-96.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8350123}, - year = {1993}, +@article{RN583, + author = {Jordan, Nigel and Sagar, Harvey J.}, + title = {The role of the striatum in motor learning: dissociations between isometric motor control processes in Parkinson's disease}, + journal = {International Journal of Neuroscience}, + volume = {77}, + pages = {153-165}, + year = {1994}, type = {Journal Article} } -@article{RN178, - author = {Georgopoulos, Apostolos P. and Taira, Masato and Lukashin, Alexander}, - title = {Cognitive neurophysiology of the motor cortex}, - journal = {Science}, - volume = {260}, - number = {5104}, - pages = {47-52}, - year = {1993}, +@article{RN582, + author = {Jordan, Nigel and Sagar, Harvey J. and Cooper, James A.}, + title = {A component analysis of the generation and release of isometric force in Parkinson's disease}, + journal = {Journal of Neurology, Neurosurgery and Psychiatry}, + volume = {55}, + pages = {572-576}, + year = {1992}, type = {Journal Article} } -@article{RN538, - author = {Gehring, W. J. and Goss, B. and Coles, M. G. H. and Meyer, D. E. and Donchin, E.}, - title = {A neural system for error detection and compensation}, - journal = {Psychological Science}, - volume = {4}, - pages = {385-390}, - year = {1993}, +@article{RN581, + author = {Sommer, Werner and Leuthold, Hartmut and Ulrich, Rolf}, + title = {The lateralized readiness potential preceding brief isometric force pulses of different peak force and rate of force production}, + journal = {Psychophysiology}, + volume = {31}, + pages = {503-512}, + year = {1994}, type = {Journal Article} } -@article{RN3351, - author = {Gabrieli, J. D. and Corkin, S. and Mickel, S. F. and Growdon, J. H.}, - title = {Intact acquisition and long-term retention of mirror-tracing skill in Alzheimer's disease and in global amnesia}, - journal = {Behav Neurosci}, - volume = {107}, - number = {6}, - pages = {899-910}, - ISSN = {0735-7044 (Print) -0735-7044 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/8136066}, - year = {1993}, +@article{RN580, + author = {Ashe, James}, + title = {Force and the motor cortex}, + journal = {Behavioral Brain Research}, + volume = {87}, + pages = {255-269}, + year = {1997}, type = {Journal Article} } -@article{RN776, - author = {Freeman, J. S. and Cody, F. W. and Schady, W.}, - title = {The influence of external timing cues upon the rhythm of voluntary movements in Parkinson's disease}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {56}, - number = {10}, - pages = {1078-84.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=8410005}, - year = {1993}, +@article{RN578, + author = {Eliassen, James C. and Baynes, Kathleen and Gazzaniga, Michael S.}, + title = {Anterior and posterior callosal contributions to simulataneous bimanual movements of the hand and fingers}, + journal = {Brain}, + volume = {123}, + pages = {2501-2511}, + year = {2000}, type = {Journal Article} } -@article{RN3093, - author = {Flanagan, J. R. and Wing, A. M.}, - title = {Modulation of grip force with load force during point-to-point arm movements}, - journal = {Exp Brain Res}, - volume = {95}, - number = {1}, - pages = {131-43}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8405245}, - year = {1993}, +@article{RN577, + author = {Eliassen, James C. and Baynes, Kathleen and Gazzaniga, Michael S.}, + title = {Direction information coordinated via the posterior third of the corpus callosum during bimanual movements}, + journal = {Experimental Brain Research}, + volume = {128}, + pages = {573-577}, + year = {1999}, type = {Journal Article} } -@book{RN628, - author = {Fisher, N. I.}, - title = {Statistical analysis of circular data}, - publisher = {Cambridge University Press}, - address = {Cambridge, UK}, - year = {1993}, - type = {Book} +@article{RN576, + author = {Steglich, C. and Heuer, H. and Spijkers, W. and Kleinsorge, T.}, + title = {Bimanual coupling during the specification of isometric forces}, + journal = {Experimental Brain Research}, + volume = {129}, + number = {2}, + pages = {302-16}, + url = {http://link.springer-ny.com/link/service/journals/00221/bibs/9129002/91290302.htm +http://link.springer-ny.com/link/service/journals/00221/papers/9129002/91290302.pdf +http://link.springer-ny.com/link/service/journals/00221/index.html}, + year = {1999}, + type = {Journal Article} } -@article{RN2387, - author = {Evans, A.C. and Collins, D.L. and Mills, S.R. and Brown, E.D. and Kelly, R.L. and Peters, T.M.}, - title = {3D statistical neuroanatomical models from 305 MRI volumes}, - journal = {Proc. IEEE-Nuclear Science Symposium and Medial Imagine Conference}, - pages = {1813-1817}, - year = {1993}, +@article{RN575, + author = {Sternad, Dagmar and Dean, William J. and Newell, Karl M.}, + title = {Force and timing variability in rhythmic unimanual tapping}, + journal = {Journal of Motor Behavior}, + volume = {32}, + number = {3}, + pages = {249-267}, + year = {2000}, type = {Journal Article} } -@article{RN2282, - author = {Ellis, R. R. and Lederman, S. J.}, - title = {The role of haptic versus visual volume cues in the size-weight illusion}, - journal = {Percept Psychophys}, - volume = {53}, - number = {3}, - pages = {315-24}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8483695}, - year = {1993}, +@article{RN574, + author = {Mink, J. W. and Thach, W. T.}, + title = {Basal ganglia motor control: III. Pallidal ablation: Normal reaction time, muscle cocontraction, and slow movement}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {2}, + pages = {330-351}, + year = {1991}, type = {Journal Article} } -@article{RN250, - author = {Elliott, Digby}, - title = {Use of visual feedback during rapid aiming at a moving target}, - journal = {Perceptual and Motor Skills}, - volume = {76}, +@article{RN573, + author = {Mink, J. W. and Thach, W. T.}, + title = {Basal ganglia motor control: II. Late pallidal timing relative to movement onset and inconsistent pallidal coding of movement parameters}, + journal = {Journal of Neurophysiology}, + volume = {65}, number = {2}, - pages = {690}, - year = {1993}, + pages = {301-329}, + year = {1991}, type = {Journal Article} } -@article{RN412, - author = {Diener, H. C. and Hore, J. and Ivry, R. and Dichgans, J.}, - title = {Cerebellar dysfunction of movement and perception}, - journal = {Canadian Journal of Neurological Sciences}, - volume = {20 Suppl 3}, - pages = {S62-9}, - year = {1993}, +@article{RN572, + author = {Mink, J. W. and Thach, W. T.}, + title = {Basal ganglia motor control: I. Nonexclusive relation of pallidal discharge to five movement modes}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {2}, + pages = {273-300}, + year = {1991}, type = {Journal Article} } -@article{RN186, - author = {di Pellegrino, Giuseppe and Wise, Steven P.}, - title = {Visuospatial versus visuomotor activity in the premotor and prefrontal cortex of a primate}, - journal = {Journal of Neuroscience}, - volume = {13}, - number = {3}, - pages = {1227-1243}, - year = {1993}, +@article{RN571, + author = {Turvey, M. T. and Rosenblum, Lawrence D. and Schmidt, R. C. and Kugler, Peter N.}, + title = {Fluctuations and phase symmetry in coordinated rhythmic movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {12}, + number = {4}, + pages = {564-583}, + year = {1986}, type = {Journal Article} } -@article{RN210, - author = {Carnahan, Heather and Goodale, Melvyn A. and Marteniuk, Ronald G.}, - title = {Grasping versus pointing and the differential use of visual feedback}, - journal = {Human Movement Science}, - volume = {12}, +@article{RN569, + author = {Classen, Joseph and Gerloff, Christian and Honda, Manabu and Hallett, Mark}, + title = {Integrative visuomotor behavior is associated with interregionally coherent oscillations in the human brain}, + journal = {Journal of Neurophysiology}, + volume = {79}, number = {3}, - pages = {219-234}, - year = {1993}, + pages = {1567-1573}, + year = {1998}, type = {Journal Article} } -@inbook{RN942, - author = {Carlton, Les G. and Newell, K. M.}, - title = {Force variability in isometric tasks}, - booktitle = {Variability and motor control}, - editor = {Newell, K. M. and Corcos, D. M.}, - publisher = {Human Kinetics}, - address = {Champaign, IL}, - pages = {15-36}, - year = {1993}, - type = {Book Section} +@article{RN568, + author = {Scholz, John P. and Latash, Mark L.}, + title = {A study of a bimanual synergy associated with holding an object}, + journal = {Human Movement Science}, + volume = {17}, + number = {6}, + pages = {753-779}, + year = {1998}, + type = {Journal Article} } -@article{RN112, - author = {Bowman, E. M. and Brown, V. J. and Kertzman, C. and Schwarz, U. and Robinson, D. L.}, - title = {Covert Orienting of Attention in Macaques I. Effects of Behavioral Context}, - journal = {Journal of Neurophysiology (Bethesda)}, - volume = {70}, +@article{RN567, + author = {Newell, K. M. and Carlton, Les G.}, + title = {Force variability in isometric responses}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {14}, number = {1}, - pages = {431-}, - year = {1993}, + pages = {37-44}, + year = {1988}, type = {Journal Article} } -@article{RN215, - author = {Blouin, J. and C.Bard and N.Teasdale and J.Paillard and M.Fleury and R.Forget and Y.Lamarre}, - title = {Reference systems for coding spatial information in normal subjects and a deafferented patient}, +@article{RN566, + author = {Berridge, Kent C. and Whishaw, Ian Q.}, + title = {Cortex, striatum and cerebellum: control of serial order in a grooming sequence}, journal = {Experimental Brain Research}, - volume = {93}, - pages = {324-331}, - year = {1993}, + pages = {275-290}, + year = {1992}, type = {Journal Article} } -@article{RN61, - author = {Bennett, A.T.D}, - title = {Spatial memory in a food storing corvid}, - journal = {Journal of Comparative Physiology A}, - volume = {173}, - pages = {193-207}, - year = {1993}, +@article{RN565, + author = {Pramstaller, Peter P. and David, Marsden C.}, + title = {The basal ganglia and apraxia}, + journal = {Brain}, + volume = {119}, + pages = {319-340}, + year = {1996}, type = {Journal Article} } -@article{RN2248, - author = {Bedford, F. L.}, - title = {Perceptual and cognitive spatial learning}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {19}, - number = {3}, - pages = {517-30}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=8331313}, - year = {1993}, +@article{RN564, + author = {Haaland, K. Y. and Harrington, D. L. and Knight, R. T.}, + title = {Spatial deficits in ideomotor limb apraxia. A kinematic analysis of aiming movements}, + journal = {Brain}, + volume = {122}, + number = {Pt 6)}, + pages = {1169-82}, + year = {1999}, type = {Journal Article} } -@article{RN190, - author = {Ashe, J. and Taira, M. and Smyrnis, N. and Pellizzer, G. and Georgakopoulos, T. and Lurito, J. T. and Georgopoulos, A. P.}, - title = {Motor cortical activity preceding a memorized movement trajectory with an orthogonal bend}, - year = {1993}, +@article{RN563, + author = {Dias, R. and Robbins, T. W. and Robert, A. C.}, type = {Journal Article} } -@article{RN39, - author = {Zanone, P. G. and Kelso, J. A.}, - title = {Evolution of behavioral attractors with learning: Nonequilibrium phase transitions}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {18}, - number = {2}, - pages = {403-421}, - year = {1992}, +@article{RN562, + author = {Dias, R. and Robbins, T. W. and Roberts, A. C.}, + title = {Dissociation in prefrontal cortex of affective and attentional shifts}, + journal = {Nature}, + volume = {380}, + number = {7}, + pages = {69-72}, + year = {1996}, type = {Journal Article} } -@article{RN533, - author = {Viallet, F. and Massion, J. and Massarino, R. and Khalil, R.}, - title = {Coordination between posture and movement in a bimanual load lifting task: putative role of a medial frontal region including the supplementary motor area}, - journal = {Experimental Brain Research}, - volume = {88}, - number = {3}, - pages = {674-84}, - year = {1992}, +@article{RN561, + author = {Dias, R. and Robbins, T. W. and Roberts, A. C.}, + title = {Dissociable forms of inhibitory control within prefrontal cortex with an analog of the WCST: Restriction to novel situations and independence from "on-line" processing}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {23}, + pages = {9285-9297}, + year = {1997}, type = {Journal Article} } -@article{RN169, - author = {Tipper, Steven P. and Lortie, Cathy and Baylis, Gordon C.}, - title = {Selective reaching: Evidence for action-centered attention}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {18}, - number = {4}, - pages = {891-905}, - year = {1992}, +@inbook{RN560, + author = {Logan, Gordon D. and Zbrodoff, N. Jane}, + title = {Response features in the coordination of perception and action}, + booktitle = {Attention and Performance}, + editor = {Hommel, B. and Prinz, W.}, + year = {in press}, + type = {Book Section} +} + +@article{RN559, + author = {Andres, F. G. and Mima, Tatsuya and Schulman, Andrew E. and Dichgans, J. and Hallett, M. and Gerloff, C.}, + title = {Functional coupling of human cortical sensorimotor areas during bimanual skill acquisition}, + journal = {Brain}, + volume = {122}, + pages = {855-870}, + year = {1999}, type = {Journal Article} } -@article{RN989, - author = {Thach, W. T. and Goodkin, H. P. and Keating, J. G.}, - title = {The cerebellum and the adaptive coordination of movement}, - journal = {Annu Rev Neurosci}, - volume = {15}, - pages = {403-42}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1575449}, - year = {1992}, +@inbook{RN558, + author = {Wiesendanger, Mario and Wicki, Urs and Rouiller, Eric}, + title = {Are there unifying structures in the brain responsible for interlimb coordination?}, + booktitle = {Interlimb coordination: Neural, dynamical, and cognitive constraints.}, + editor = {Stephan P. Swinnen, Ed and H. Heuer, Ed and et al.}, + publisher = {Academic Press, Inc}, + address = {San Diego, CA}, + volume = {xxii}, + pages = {179-207}, + year = {1994}, + type = {Book Section} +} + +@inbook{RN557, + author = {Wiesendanger, Mario and Kazennikov, Oleg and Perrig, Stephen and Kaluzny, Pawel}, + title = {Two hands--one action: The problem of bimanual coordination}, + booktitle = {Hand and brain: The neurophysiology and psychology of hand movements.}, + editor = {Alan M. Wing, Ed and Patrick Haggard, Ed and et al.}, + publisher = {Academic Press, Inc}, + pages = {xx, 513}, + year = {1996}, + type = {Book Section} +} + +@article{RN556, + author = {Serrien, Deborah J. and Wiesendanger, Mario}, + title = {Temporal control of a bimanual task in patients with cerebellar dysfunction}, + journal = {Neuropsychologia}, + volume = {38}, + number = {5}, + pages = {558-565}, + year = {2000}, + type = {Journal Article} +} + +@inbook{RN555, + author = {Wiesendanger, Mario and Wicki, Urs and Rouiller, Eric}, + title = {Are there unifying structures in the brain responsible for interlimb coordination?}, + year = {199x}, + type = {Book Section} +} + +@article{RN554, + author = {Semjen, Andras}, + title = {On the timing basis of bimanual coordination in discrete and continuous task}, + year = {in press}, type = {Journal Article} } -@article{RN191, - author = {Smyrnis, N. and Taira, M. and Ashe, J. and Georgopoulos, A. P.}, - title = {Motor cortical activity in a memorized delay task}, - journal = {Experimental Brain Research}, - volume = {92}, - pages = {139-151}, - year = {1992}, +@article{RN553, + author = {Schoener, G. and Kelso, J. A. S.}, + title = {A synergetic theory of environmentally-specified and learned patterns of movement coordination. II. Component oscillator dynamics}, + journal = {Biological Cybernetics}, + volume = {58}, + pages = {81-89}, + year = {1988}, type = {Journal Article} } -@book{RN2196, - author = {Searle, Shayle R. and Casella, George and McCulloch, Charles E.}, - title = {Variance Components}, - publisher = {Wiley}, - address = {New York}, - series = {Wiley series in probability and statistics}, - year = {1992}, - type = {Book} +@article{RN552, + author = {Schoener, G. and Haken, H. and Kelso, J. A. S.}, + title = {A Stochastic theory of phase transitions in human hand movement}, + journal = {Biological Cybernetics}, + volume = {53}, + pages = {247-257}, + year = {1986}, + type = {Journal Article} } -@article{RN2320, - author = {Rosenbaum, D. A. and Vaughan, J. and Barnes, H. J. and Jorgensen, M. J.}, - title = {Time course of movement planning: selection of handgrips for object manipulation}, - journal = {J Exp Psychol Learn Mem Cogn}, - volume = {18}, - number = {5}, - pages = {1058-73}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1402710}, - year = {1992}, +@article{RN551, + author = {Franz, E. A. and Waldie, K. E. and Smith, M. J.}, + title = {The effect of callosotomy on novel versus familiar bimanual actions: A neural dissociation between controlled and automatic processes?}, + journal = {Psychological Science}, + volume = {11}, + number = {1}, + pages = {82-85}, + year = {2000}, type = {Journal Article} } -@article{RN72, - author = {Rolls, E. T.}, - title = {Neurophysiological mechanisms underlying face processing within and beyond the temporal cortical visual areas}, - journal = {Philosophical Transactions of the Royal Society of London Biological Sciences}, - volume = {335}, - number = {1273}, - year = {1992}, +@article{RN550, + author = {Franz, E. A. and Ramachandran, V. S.}, + title = {Bimanual coupling in amputees with phantom limbs}, + journal = {Nature Neuroscience}, + volume = {1}, + number = {6}, + pages = {443-444}, + year = {1998}, type = {Journal Article} } -@article{RN122, - author = {Robinson, David L. and Petersen, Steven E.}, - title = {The pulvinar and visual salience}, - journal = {Trends in Neurosciences}, - volume = {15}, - number = {4}, - pages = {127-132}, - year = {1992}, +@article{RN549, + author = {Schoener, G. and Kelso, J. A. S.}, + title = {A synergetic theory of environmentally-specified and learned patterns of movement coordination. I. Relative phase dynamics}, + journal = {Biological Cybernetics}, + volume = {58}, + pages = {71-80}, + year = {1988}, type = {Journal Article} } -@article{RN267, - author = {Raymond, Jane E. and Shapiro, Kimron L. and Arnell, Karen M.}, - title = {Temporary suppression of visual processing in an RSVP task: an attentional blink?}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {18}, - number = {3}, - pages = {849-860}, - year = {1992}, +@article{RN548, + author = {Treffer, P. J. and Turvey, M. T.}, + title = {Symmetry, broken symmetry, and handedness in bimanual coordination dynamics}, + journal = {Experimental Brain Research}, + volume = {107}, + pages = {463-478}, + year = {1996}, type = {Journal Article} } -@article{RN717, - author = {Prablanc, Claude and Martin, Olivier}, - title = {Automatic control during hand reaching at undetected two-dimensional target displacements}, - journal = {Journal of Neurophysiology}, - volume = {67}, - number = {2}, - pages = {455-469}, - year = {1992}, +@article{RN547, + author = {Cattaert, D. and Semjen, A. and Summers, J.J}, + title = {Simulating a neural cross-talk model for between-hand interference during bimanual circle-drawing}, + journal = {Biological Cybernetics}, + volume = {81}, + pages = {343-358}, + year = {1999}, type = {Journal Article} } -@article{RN891, - author = {Posner, M. I. and Driver, J.}, - title = {The neurobiology of selective attention}, - journal = {Curr Opin Neurobiol}, - volume = {2}, - number = {2}, - pages = {165-9.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1638148}, - year = {1992}, +@article{RN546, + author = {Tatu, Laurent and Moulin, Thierry and Bogousslavsky, Julien and Duvernoy, Henri}, + title = {Arterial territories of the human brain: brainstem and cerebellum}, + journal = {Neurology}, + volume = {47}, + pages = {1125-1135}, + year = {1996}, type = {Journal Article} } -@article{RN782, - author = {Pastor, M. A. and Jahanshahi, M. and Artieda, J. and Obeso, J. A.}, - title = {Performance of repetitive wrist movements in Parkinson's disease}, - journal = {Brain}, - volume = {115}, - number = {Pt 3}, - pages = {875-91.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1628206}, - year = {1992}, +@article{RN545, + author = {Koeppen, Arnulf H.}, + title = {The hereditary ataxias}, + journal = {Jornal of Neuropathology and Experimental Neurology}, + volume = {57}, + number = {6}, + pages = {531-543}, + year = {1998}, type = {Journal Article} } -@article{RN431, - author = {Osman, Allen and Bashore, Theodore R. and Coles, Michael G. and Donchin, Emanuel and et al.}, - title = {On the transmission of partial information: Inferences from movement-related brain potentials}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {18}, - number = {1}, - pages = {217-232}, - year = {1992}, +@article{RN544, + author = {Ravizza, S. M. and Ivry, R. B.}, + title = {Comparison of the basal ganglia and cerebellum in shifting attention}, + journal = {Jornal of Cognitive Neuroscience}, + year = {in press}, type = {Journal Article} } -@article{RN152, - author = {McNamara, Timothy P.}, - title = {Spatial representation}, - journal = {Geoforum}, - volume = {23}, - number = {2}, - pages = {139-150}, - year = {1992}, +@article{RN543, + author = {Courshesne, Eric and Townsend, Jeanne and Akshoomoff, Natacha A. and Saitoh, Osamu and Yeung-Courchesne, Rachel and Lincoln, Alan J. and James, Hector E. and Haas, Richard H. and Schreibman, Laura and Lau, Lily}, + title = {Impairment in shifting attention in autistic and cerebellar patients}, + journal = {Behavioral Neuroscience}, + volume = {5}, + pages = {848-865}, + year = {1994}, type = {Journal Article} } -@article{RN676, - author = {McCann, Robert S. and Johnston, James C.}, - title = {Locus of the single-channel bottleneck in dual-task interference}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {18}, - number = {2}, - pages = {471-484}, - year = {1992}, +@article{RN542, + author = {Casey, B. J. and Thomas, K. M. and Welsh, T. F. and Badgaiyan, R. D. and Eccard, C. H. and Jennings, J. R. and Crone, E. A.}, + title = {Dissociation of response conflict, attentional selection, and expectancy with functional magnetic resonance imaging}, + journal = {Proceedings of the National Academy of Sciences of the United States of America}, + volume = {97}, + number = {15}, + pages = {8728-8733}, + year = {2000}, type = {Journal Article} } -@article{RN758, - author = {Massion, J.}, - title = {Movement, posture and equilibrium: interaction and coordination}, - journal = {Prog Neurobiol}, - volume = {38}, - number = {1}, - pages = {35-56}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1736324}, - year = {1992}, +@article{RN541, + author = {Garavan, H. and Ross, T. J. and Stein, E. A.}, + title = {Right hemispheric dominance of inhibitory control: An event related functional MRI study}, + journal = {Proceedings of the National Academy of Sciences of the United States of America}, + volume = {96}, + pages = {8301-8306}, + year = {1999}, type = {Journal Article} } -@inbook{RN718, - author = {Martin, Olivier and Prablanc, Claude}, - title = {Online control of hand reaching at undetected target displacements}, - booktitle = {Tutorials in motor behavior, 2.}, - editor = {Stelmach, George E. and Requin, Jean and et al.}, - publisher = {North-Holland}, - address = {Amsterdam, Netherlands}, - pages = {343-355}, - year = {1992}, - type = {Book Section} +@article{RN540, + author = {Hazeltine, Eliot and Poldrack, Russell and Gabrieli, John D. E.}, + title = {Neural activation during response competition}, + journal = {Journal of Cognitive Neuroscience}, + year = {in press}, + type = {Journal Article} } -@article{RN535, - author = {Lum, P.S. and Reinkensmeyer, D. J. and Lehman, S. L. and Li, P.Y. and Stark, L.W.}, - title = {Feedforward stabilization in a bimanual unloading task}, - journal = {Experimental Brain Research}, - volume = {89}, - pages = {172-180}, - year = {1992}, +@article{RN539, + author = {Dehaene, S and Posner, M. I. and Tucker, D. M.}, + title = {Localization of a neural system for error-correction and compensation}, + journal = {Psychological Science}, + volume = {5}, + pages = {303-305}, + year = {1994}, type = {Journal Article} } -@article{RN1517, - author = {Kawato, M. and Gomi, H.}, - title = {The cerebellum and VOR/OKR learning models}, - journal = {Trends Neurosci}, - volume = {15}, - number = {11}, - pages = {445-53}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1281352}, - year = {1992}, +@article{RN538, + author = {Gehring, W. J. and Goss, B. and Coles, M. G. H. and Meyer, D. E. and Donchin, E.}, + title = {A neural system for error detection and compensation}, + journal = {Psychological Science}, + volume = {4}, + pages = {385-390}, + year = {1993}, type = {Journal Article} } -@article{RN582, - author = {Jordan, Nigel and Sagar, Harvey J. and Cooper, James A.}, - title = {A component analysis of the generation and release of isometric force in Parkinson's disease}, - journal = {Journal of Neurology, Neurosurgery and Psychiatry}, - volume = {55}, - pages = {572-576}, - year = {1992}, +@article{RN537, + author = {De Jong, Ritske and Liang, Chia-Chin and Lauber, Erick}, + title = {Conditional and unconditional automaticity: A dual-process model of effects of spatial stimulus-response correspondence}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {20}, + number = {4}, + pages = {731-750}, + year = {1994}, type = {Journal Article} } -@article{RN2224, - author = {Jordan, M. I. and Rumelhart, D. E.}, - title = {Forward models: Supervised learing with a distal teacher}, - journal = {Cognitive Science}, - volume = {16}, - pages = {307-354}, - year = {1992}, +@article{RN536, + author = {De Jong, Ritske and Coles, M. G. H. and Logan, G. D.}, + title = {Strategies and mechansims in non-selective and selective inhibitory motor control}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {21}, + number = {3}, + pages = {498-511}, + year = {1995}, type = {Journal Article} } -@article{RN2321, - author = {Grafton, S. T. and Mazziotta, J. C. and Woods, R. P. and Phelps, M. E.}, - title = {Human functional anatomy of visually guided finger movements}, - journal = {Brain}, - volume = {115 ( Pt 2)}, - pages = {565-87}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1606482}, +@article{RN535, + author = {Lum, P.S. and Reinkensmeyer, D. J. and Lehman, S. L. and Li, P.Y. and Stark, L.W.}, + title = {Feedforward stabilization in a bimanual unloading task}, + journal = {Experimental Brain Research}, + volume = {89}, + pages = {172-180}, year = {1992}, type = {Journal Article} } -@article{RN488, - author = {Grafton, Scott T. and Mazziotta, John C. and Presty, Sharon and Friston, Karl J. and et al.}, - title = {Functional anatomy of human procedural learning determined with regional cerebral blood flow and PET}, - journal = {Journal of Neuroscience}, - volume = {12}, - number = {7}, - pages = {2542-2548}, - year = {1992}, +@article{RN534, + author = {Massion, Jean and Ioffe, Marat and Schmitz, Christina and Viallet, Francois and Gantcheva, Radka}, + title = {Acquisition of anticipatory postural adjustments in a bimanual load-lifting task: normal and pathological aspects}, + journal = {Experimental Brain Research}, + volume = {128}, + pages = {229-235}, + year = {1999}, type = {Journal Article} } -@article{RN609, - author = {Goodale, Melvyn A. and Milner, A. David}, - title = {Separate visual pathways for perception and action}, - journal = {Trends in Neurosciences}, - volume = {15}, - number = {1}, - pages = {20-25}, +@article{RN533, + author = {Viallet, F. and Massion, J. and Massarino, R. and Khalil, R.}, + title = {Coordination between posture and movement in a bimanual load lifting task: putative role of a medial frontal region including the supplementary motor area}, + journal = {Experimental Brain Research}, + volume = {88}, + number = {3}, + pages = {674-84}, year = {1992}, type = {Journal Article} } -@inbook{RN710, - author = {Gnadt, J. W. and Andersen, R. A.}, - title = {Memory related motor planning activity in posterior parietal cortex of macaque}, - booktitle = {Frontiers in cognitive neuroscience.}, - editor = {Kosslyn, Stephen M. and Andersen, Richard A.}, - publisher = {The MIT Press}, - address = {Cambridge, MA, US}, - pages = {468-472}, - year = {1992}, - type = {Book Section} +@article{RN532, + author = {Carter, C. S. and Macdonald, A. M. and Botvinick, M. and Ross, L. L. and Stenger, V. A. and Noll, D. and Cohen, J. D.}, + title = {Parsing executive processes: strategic vs. evaluative functions of the anterior cingulate cortex}, + journal = {Proceedings of the National Academy of Sciences of the United States of America}, + volume = {97}, + number = {4}, + pages = {1944-8}, + year = {2000}, + type = {Journal Article} } -@article{RN589, - author = {Georgopoulos, A. P. and Ashe, J. and Smyrnis, N. and Taira, M.}, - title = {The motor cortex and the coding of force}, +@article{RN531, + author = {MacDonald, A. W. rd and Cohen, J. D. and Stenger, V. A. and Carter, C. S.}, + title = {Dissociating the role of the dorsolateral prefrontal and anterior cingulate cortex in cognitive control}, journal = {Science}, - volume = {256}, - pages = {1692-1695}, - year = {1992}, + volume = {288}, + number = {5472}, + pages = {1835-8}, + year = {2000}, type = {Journal Article} } -@article{RN946, - author = {Gauthier, J. and Bourbonnais, D. and Filiatrault, J. and Gravel, D. and Arsenault, A. B.}, - title = {Characterization of contralateral torques during static hip efforts in healthy subjects and subjects with hemiparesis}, - journal = {Brain}, - volume = {115}, - number = {Pt 4}, - pages = {1193-207.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1393511}, - year = {1992}, +@article{RN530, + author = {Gehring, W J and Knight, R T}, + title = {Prefrontal-cingulate interactions in action monitoring}, + journal = {Nature Neuroscience}, + volume = {3}, + number = {5}, + pages = {516-520}, + year = {2000}, type = {Journal Article} } -@article{RN1000, - author = {Forssberg, H. and Kinoshita, H. and Eliasson, A. C. and Johansson, R. S. and Westling, G. and Gordon, A. M.}, - title = {Development of human precision grip. II. Anticipatory control of isometric forces targeted for object's weight}, - journal = {Exp Brain Res}, - volume = {90}, +@article{RN529, + author = {Tuller, B. and Kelso, J. A.}, + title = {Environmentally-specified patterns of movement coordination in normal and split-brain subjects}, + journal = {Experimental Brain Research}, + volume = {75}, number = {2}, - pages = {393-8}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1397153}, - year = {1992}, - type = {Journal Article} -} - -@article{RN159, - author = {Flanders, Martha and Tillery, Stephen I. Helms and Soechting, John F.}, - title = {Early stages in a sensorimotor transformation}, - journal = {Behavioral and Brain Sciences}, - volume = {15}, - pages = {309-362}, - year = {1992}, + pages = {306-16}, + year = {1989}, type = {Journal Article} } -@article{RN522, - author = {Fiez, J. A. and Petersen, S. E. and Cheney, M. K. and Raichle, M. E.}, - title = {Impaired non-motor learning and error detection associated with cerebellar damage. A single case study}, - journal = {Brain}, - volume = {115 Pt 1}, - pages = {155-78}, - year = {1992}, +@article{RN528, + author = {Chan, J. L. and Ross, E. D.}, + title = {Left-handed mirror writing following right anterior cerebral artery infarction: evidence for nonmirror transformation of motor programs by right supplementary motor area}, + journal = {Neurology}, + volume = {38}, + number = {1}, + pages = {59-63}, + year = {1988}, type = {Journal Article} } -@article{RN135, - author = {Fiez, J. A. and Petersen, S. E. and Cheney, M. K. and Raichle, M. E.}, - title = {Impaired non-motor learning and error detection associated with cerebellar damage}, - journal = {Brain}, - volume = {115}, - pages = {155-178}, - year = {1992}, +@article{RN527, + author = {Ivry, R. B. and Hazeltine, E.}, + title = {Subcortical locus of temporal coupling in the bimanual movements of a callosotomy patient}, + journal = {Human Movement Science}, + volume = {18}, + pages = {345-375}, + year = {1999}, type = {Journal Article} } -@article{RN621, - author = {Fetz, Eberhard E.}, - title = {Are movement parameters recognizably coded in the activity of single neurons?}, - journal = {Behavioral & Brain Sciences}, - volume = {15}, - number = {4}, - pages = {679-690}, - year = {1992}, +@article{RN526, + author = {Ivry, R. B. and Keele, S. W. and Diener, H. C.}, + title = {Dissociation of the lateral and medial cerebellum in movement timing and movement execution}, + journal = {Experimental Brain Research}, + volume = {73}, + pages = {167-180}, + year = {1988}, type = {Journal Article} } -@article{RN910, - author = {Feinberg, T. E. and Schindler, R. J. and Flanagan, N. G. and Haber, L. D.}, - title = {Two alien hand syndromes}, - journal = {Neurology}, - volume = {42}, - number = {1}, - pages = {19-24.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1734302}, - year = {1992}, +@article{RN525, + author = {Ivry, R. B. and Keele, S. W.}, + title = {Timing functions of the cerebellum}, + journal = {Journal of Cognitive Neuroscience}, + volume = {1}, + number = {2}, + pages = {136-152}, + year = {1989}, type = {Journal Article} } -@article{RN2104, - author = {Dugas, C. and Smith, A. M.}, - title = {Responses of cerebellar Purkinje cells to slip of a hand-held object}, - journal = {J Neurophysiol}, - volume = {67}, - number = {3}, - pages = {483-95}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1578241}, - year = {1992}, +@article{RN524, + author = {Petersen, Steven E. and Fox, P. T. and Posner, Michael I. and Mintun, M. and et al.}, + title = {Positron emission tomographic studies of the cortical anatomy of single-word processing}, + journal = {Nature}, + volume = {331}, + number = {6157}, + pages = {585-589}, + year = {1988}, type = {Journal Article} } -@article{RN1225, - author = {Damasio, H. and Frank, R.}, - title = {Three-dimensional in vivo mapping of brain lesions in humans}, - journal = {Archives of Neurology}, - volume = {49}, - pages = {137-143}, - year = {1992}, +@article{RN523, + author = {Petersen, Steven E. and Fox, Peter T. and Posner, Michael I. and Mintun, Mark and et al.}, + title = {Positron emission tomographic studies of the processing of single words}, + journal = {Journal of Cognitive Neuroscience}, + volume = {1}, + number = {2}, + pages = {153-170}, + year = {1989}, type = {Journal Article} } -@article{RN2153, - author = {Brodal, P. and Bjaalie, J. G.}, - title = {Organization of the pontine nuclei}, - journal = {Neurosci Res}, - volume = {13}, - number = {2}, - pages = {83-118}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1374872}, +@article{RN522, + author = {Fiez, J. A. and Petersen, S. E. and Cheney, M. K. and Raichle, M. E.}, + title = {Impaired non-motor learning and error detection associated with cerebellar damage. A single case study}, + journal = {Brain}, + volume = {115 Pt 1}, + pages = {155-78}, year = {1992}, type = {Journal Article} } -@article{RN566, - author = {Berridge, Kent C. and Whishaw, Ian Q.}, - title = {Cortex, striatum and cerebellum: control of serial order in a grooming sequence}, - journal = {Experimental Brain Research}, - pages = {275-290}, - year = {1992}, +@article{RN521, + author = {Adam, Jos J.}, + title = {Manipulating the spatial arrangement of stimuli in a precuing task}, + journal = {Acta Psychologica}, + volume = {85}, + number = {3}, + year = {1994}, type = {Journal Article} } -@article{RN143, - author = {Baylis, Gordon C. and Driver, Jon}, - title = {Visual prasing and response competition: the effect of grouping factors.}, - journal = {Perception & Psychophysics}, - volume = {51}, +@article{RN518, + author = {Larish, Douglas D. and Frekany, George A.}, + title = {Planning and preparing expected and unexpected movements: Reexamining the relationships of arm, direction, and extent of movement}, + journal = {Journal of Motor Behavior}, + volume = {17}, number = {2}, - pages = {145-162}, - year = {1992}, + year = {1985}, type = {Journal Article} } -@article{RN781, - author = {Artieda, J. and Pastor, M. A. and Lacruz, F. and Obeso, J. A.}, - title = {Temporal discrimination is abnormal in Parkinson's disease}, - journal = {Brain}, - volume = {115 Pt 1}, - pages = {199-210.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1559154}, - year = {1992}, +@article{RN517, + author = {Larish, Douglas D.}, + title = {Influence of stimulusesponse translations on response programming: Examining the relationship of arm, direction, and extent of movement}, + journal = {Acta Psychologica}, + volume = {61}, + number = {1}, + year = {1986}, type = {Journal Article} } -@article{RN1034, - author = {Sears, L. L. and Steinmetz, J. E.}, - title = {Dorsal accessory inferior olive activity diminishes during acquisition of the rabbit classically conditioned eyelid response}, - journal = {Brain Res}, - volume = {545}, - number = {1-2}, - pages = {114-22.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1860037}, - year = {1991}, +@article{RN516, + author = {Rosenbaum, David A.}, + title = {Human movement initiation: Specification of arm, direction, and extent}, + journal = {Journal of Experimental Psychology: General}, + volume = {109}, + number = {4}, + pages = {444-474}, + year = {1980}, type = {Journal Article} } -@article{RN3630, - author = {Robinson, G.K. }, - title = {That BLUP is a Good Thing: The Estimation of Random Effects}, - journal = {Statistical Science}, - volume = {6}, - number = {1}, - pages = {15–32}, - DOI = {10.1214/ss/1177011926}, - year = {1991}, +@article{RN515, + author = {Goodman, David and Kelso, J.A. Scott}, + title = {Are movements prepared in parts? Not under compatible (naturalized) conditions}, + journal = {Journal of Experimental Psychology: General}, + volume = {109}, + number = {4}, + pages = {475-495}, + year = {1980}, type = {Journal Article} } -@article{RN2091, - author = {Paulignan, Y. and Jeannerod, M. and MacKenzie, C. and Marteniuk, R.}, - title = {Selective perturbation of visual input during prehension movements. 2. The effects of changing object size}, - journal = {Exp Brain Res}, - volume = {87}, - number = {2}, - pages = {407-20}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1769391}, - year = {1991}, +@article{RN514, + author = {Heuer, Herbert and Spijkers, Will and Kleinsorge, Thomas and van der Loo, Hanno}, + title = {Period duration of physical and imaginary movement sequences affects contralateral amplitude modulation}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {51}, + number = {4}, + year = {1998}, type = {Journal Article} } -@article{RN3240, - author = {Parlow, S. E. and Dewey, D.}, - title = {The temporal locus of transfer of training between hands: an interference study}, - journal = {Behav Brain Res}, - volume = {46}, +@article{RN513, + author = {Heuer, Herbert and Spijkers, Will and Kleinsorge, Thomas and Steglich, Christoph}, + title = {Parametrische Kopplung bei Folgen beidhaendiger Umkehrbewegungen mit gleichen und unterschiedlichen Weiten}, + journal = {Zeitschrift fuer Experimentelle Psychologie}, + volume = {47}, number = {1}, - pages = {1-8}, - ISSN = {0166-4328 (Print) -0166-4328 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/1786110}, - year = {1991}, + year = {2000}, type = {Journal Article} } -@inbook{RN351, - author = {Paillard, Jacques}, - title = {Motor and representational framing of space}, - booktitle = {Brain and Space}, - editor = {Paillard, Jacques}, - publisher = {Oxford university press}, - address = {Oxford}, - pages = {163 - 182}, - year = {1991}, - type = {Book Section} +@article{RN512, + author = {Spijkers, Will and Heuer, Herbert and Steglich, Christoph and Kleinsorge, Thomas}, + title = {Specification of movement amplitudes for the left and right hands: Evidence for transient parametric coupling from overlapping-task performance}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {26}, + number = {3}, + pages = {1091-1105}, + year = {2000}, + type = {Journal Article} } -@article{RN291, - author = {Owen, Adrian M. and Roberts, Angela C. and Polkey, Charles E. and Sahakian, Barbara, J. and Robbins, T.W.}, - title = {Extra-dimensional versus intra-dimensional set shifting performance following frontal lobe excisions, temporal lobe excisions or amygdalo-hippocampectomy in man.}, - journal = {Neuropsychologia}, - volume = {29}, - number = {10}, - pages = {993-1006}, - year = {1991}, +@article{RN511, + author = {Desmond, J. E. and Gabrieli, J. D. and Wagner, A. D. and Ginier, B. L. and Glover, G. H.}, + title = {Lobular patterns of cerebellar activation in verbal working-memory and finger-tapping tasks as revealed by functional MRI}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {24}, + pages = {9675-85}, + year = {1997}, type = {Journal Article} } -@article{RN375, - author = {Mushiake, Hajime and Inase, Masahiko and Tanji, Jun}, - title = {Neuronal activity in the primate premotor, supplementary, and precentral motor cortex during visually guided and internally determined sequential movements}, - journal = {Journal of Neurophysiology}, - volume = {66}, - number = {3}, - pages = {705-718}, - year = {1991}, +@article{RN510, + author = {Desmond, J. E. and Gabrieli, J. D. and Glover, G. H.}, + title = {Dissociation of frontal and cerebellar activity in a cognitive task: evidence for a distinction between selection and search}, + journal = {Neuroimage}, + volume = {7}, + number = {4 Pt 1}, + pages = {368-76}, + year = {1998}, type = {Journal Article} } -@article{RN574, - author = {Mink, J. W. and Thach, W. T.}, - title = {Basal ganglia motor control: III. Pallidal ablation: Normal reaction time, muscle cocontraction, and slow movement}, - journal = {Journal of Neurophysiology}, - volume = {65}, - number = {2}, - pages = {330-351}, - year = {1991}, +@article{RN509, + author = {Ackermann, Hermann and Graeber, Susanne and Hentrich, Ingo and Daum, Irene}, + title = {Categorical speech perception in cerebellar disorder}, + journal = {Brain and Language}, + volume = {60}, + pages = {323-331}, + year = {1997}, type = {Journal Article} } -@article{RN573, - author = {Mink, J. W. and Thach, W. T.}, - title = {Basal ganglia motor control: II. Late pallidal timing relative to movement onset and inconsistent pallidal coding of movement parameters}, - journal = {Journal of Neurophysiology}, - volume = {65}, +@article{RN508, + author = {Leiner, Henrietta C. and Leiner, Alan L. and Dow, Robert S.}, + title = {The human cerebro-cerebellar system: Its computing, cognitive, and language skills}, + journal = {Behavioural Brain Research}, + volume = {44}, number = {2}, - pages = {301-329}, + pages = {113-128}, year = {1991}, type = {Journal Article} } -@article{RN572, - author = {Mink, J. W. and Thach, W. T.}, - title = {Basal ganglia motor control: I. Nonexclusive relation of pallidal discharge to five movement modes}, - journal = {Journal of Neurophysiology}, - volume = {65}, +@article{RN507, + author = {Leiner, Henrietta C. and Leiner, Alan L. and Dow, Robert S.}, + title = {Cognitive and language functions of the human cerebellum}, + journal = {Trends in Neurosciences}, + volume = {16}, + number = {11}, + pages = {444-447}, + year = {1993}, + type = {Journal Article} +} + +@article{RN506, + author = {Franz, E. A. and Ivry, R. B. and Helmuth, L. L.}, + title = {Reduced timing variability in patients with unilateral cerebellar lesions during bimanual movements}, + journal = {Journal of Cognitive Neuroscience}, + volume = {8}, number = {2}, - pages = {273-300}, - year = {1991}, + pages = {107-118}, + year = {1996}, type = {Journal Article} } -@article{RN156, - author = {Milner, A. D. and Perret, D.I. and Johnston, R.S. and Benson, P.J. and Jordan, T.R. and Heeley, D.W. and Bettucci, D. and Mortara, F. and Mutani, R. and Terrazzi, E. and Davidson, D.L.W.}, - title = {Perception and action in 'visual form agnosia'}, - journal = {Brain}, - volume = {114}, - pages = {405-428}, - year = {1991}, +@article{RN505, + author = {Tesche, C. D. and Karhu, J. J.}, + title = {Anticipatory cerebellar responses during somatosensory omission in man [see comments]}, + journal = {Human Brain Mapping}, + volume = {9}, + number = {3}, + pages = {119-42}, + year = {2000}, type = {Journal Article} } -@article{RN624, - author = {McGuire, P. K. and Bates, J. F. and Goldman-Rakic, P. S.}, - title = {Interhemispheric integration: II. Symmetry and convergence of the corticostriatal projections of the left and the right principal sulcus (PS) and the left and the right supplementary motor area (SMA) of the rhesus monkey}, - journal = {Cerebral Cortex}, - volume = {1}, - number = {5}, - pages = {408-17}, - year = {1991}, +@article{RN503, + author = {Rao, S. M. and Harrington, D. L. and Haaland, K. Y. and Bobholz, J. A. and Cox, R. W. and Binder, J. R.}, + title = {Distributed neural systems underlying the timing of movements}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {14}, + pages = {5528-35}, + year = {1997}, type = {Journal Article} } -@article{RN230, - author = {Mazzoni, P. and Andersen, R. A. and Jordan, M. I.}, - title = {A more biologically plausible learning rule than backpropagation applied to a network model of cortical area 7a}, - journal = {Cereb-Cortex}, - volume = {1}, - number = {4}, - pages = {293-307 issn: 1047-3211}, - year = {1991}, +@article{RN502, + author = {Yamaguchi, Shuhei and Tsuchiya, Haruhisa and Kobayashi, Shotai}, + title = {Visuospatial attention shift and motor responses in cerebellar disorders}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {1}, + pages = {95-107}, + year = {1998}, type = {Journal Article} } -@article{RN70, - author = {Maunsell, J. H. R. and Sclar, G. and Nealey, T. A. and Depriest, D. D.}, - title = {Extraretinal representations in area V4 in the macaque monkey}, - journal = {Visual Neuroscience}, - volume = {7}, - number = {6}, - year = {1991}, +@article{RN501, + author = {Townsend, Jeanne and Courchesne, Eric and Egaas, Brian}, + title = {Slowed orienting of covert visual-spatial attention in autism: Specific deficits associated with cerebellar and parietal abnormality}, + journal = {Development & Psychopathology}, + volume = {8}, + number = {3}, + pages = {563-584}, + year = {1996}, type = {Journal Article} } -@inbook{RN719, - author = {Martin, Olivier and Prablanc, Claude}, - title = {Two-dimensional control of trajectories towards unconsciously detected double step targets}, - booktitle = {Tutorials in motor neuroscience.}, - editor = {Requin, Jean and Stelmach, George E. and et al.}, - publisher = {Kluwer Academic Publishers}, - address = {Dordrecht, Netherlands}, - pages = {581-598}, - year = {1991}, - type = {Book Section} -} - -@article{RN435, - author = {MacLeod, Colin M.}, - title = {Half a century of research on the Stroop effect: An integrative review}, - journal = {Psychological Bulletin}, - volume = {109}, - number = {2}, - pages = {163-203}, - year = {1991}, +@article{RN500, + author = {Allen, Greg and Buxton, Richard B. and Wong, Eric C. and Courchesne, Eric}, + title = {Attentional activation of the cerebellum independent of motor involvement}, + journal = {Science}, + volume = {275}, + number = {5308}, + pages = {1940-1943}, + year = {1997}, type = {Journal Article} } -@article{RN508, - author = {Leiner, Henrietta C. and Leiner, Alan L. and Dow, Robert S.}, - title = {The human cerebro-cerebellar system: Its computing, cognitive, and language skills}, - journal = {Behavioural Brain Research}, - volume = {44}, - number = {2}, - pages = {113-128}, - year = {1991}, +@article{RN499, + author = {Courchesne, Eric and Allen, Greg}, + title = {Prediction and preparation, fundamental functions of the cerebellum}, + journal = {Learning & Memory}, + volume = {4}, + number = {1}, + pages = {1-35}, + year = {1997}, type = {Journal Article} } -@article{RN968, - author = {Latash, M. L. and Gottlieb, G. L.}, - title = {Reconstruction of shifting elbow joint compliant characteristics during fast and slow movements}, - journal = {Neuroscience}, - volume = {43}, - number = {2-3}, - pages = {697-712}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1922790}, - year = {1991}, +@article{RN498, + author = {Harris, Naomi Singer and Courchesne, Eric and Townsend, J. and Carper, Ruth A. and Lord, Catherine}, + title = {Neuroanatomic contributions to slowed orienting of attention in children with autism}, + journal = {Cognitive Brain Research}, + volume = {8}, + number = {1}, + pages = {61-71}, + year = {1999}, type = {Journal Article} } -@article{RN2667, - author = {Karst, G. M. and Hasan, Z.}, - title = {Timing and magnitude of electromyographic activity for two-joint arm movements in different directions}, - journal = {J Neurophysiol}, - volume = {66}, - number = {5}, - pages = {1594-604}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1765796 }, - year = {1991}, +@article{RN497, + author = {Townsend, Jeanne and Courchesne, Eric and Covington, James and Westerfield, Marissa and Harris, Naomi Singer and Lyden, Patrick and Lowry, Timothy P. and Press, Gary A.}, + title = {Spatial attention deficits in patients with acquired or developmental cerebellar abnormality}, + journal = {Journal of Neuroscience}, + volume = {19}, + number = {13}, + pages = {5632-5643}, + year = {1999}, type = {Journal Article} } -@article{RN2417, - author = {Ivry, R.B. and Diener, H. C.}, - title = {Impaired velocity perception in patients with lesions of the cerebellum}, - journal = {Journal of Cognitive Neuroscience}, - volume = {3}, - pages = {335-366}, - year = {1991}, +@article{RN496, + author = {Shimansky, J. and Saling, M. and Wunderlich, D. A. and Bracha, V. and Stelmach, G. E. and Bloedel, J. R.}, + title = {Impaired capacity of cerebellar patients to perceive and learn two-dimensional shapes based on kinesthetic cues}, + journal = {Learning & Memory}, + volume = {4}, + pages = {36-48}, + year = {1997}, type = {Journal Article} } -@article{RN150, - author = {Huttenlocher, Janellen and Hedges, Larry V. and Duncan, Susan}, - title = {Categories and paticulars: Prototype effects in estimating spatial location}, - journal = {Psychological Review}, - volume = {98}, - number = {3}, - pages = {352-376}, - year = {1991}, +@article{RN495, + author = {Gao, J. H. and Parsons, L. M. and Bower, J. M. and Xiong, J. and Li, J. and Fox, P. T.}, + title = {Cerebellum implicated in sensory acquisition and discrimination rather than motor control}, + journal = {Science}, + volume = {272}, + number = {5261}, + pages = {545-7}, + year = {1996}, type = {Journal Article} } -@article{RN413, - author = {Hore, J. and Wild, B. and Diener, H. C.}, - title = {Cerebellar dysmetria at the elbow, wrist, and fingers}, +@article{RN494, + author = {Vindras, P. and Desmurget, M. and Prablanc, C. and Viviani, P.}, + title = {Pointing errors reflect biases in the perception of the initial hand position}, journal = {Journal of Neurophysiology}, - volume = {65}, - number = {3}, - pages = {563-71}, - year = {1991}, + volume = {79}, + number = {6}, + pages = {3290-4}, + year = {1998}, type = {Journal Article} } -@article{RN1428, - author = {Hazrati, L.N. and Parent, A.}, - title = {Contralateral pallidothalamic and pallidotegmental projections in primates: an anterograde and retrograde labeling study}, - journal = {Brain Research}, - volume = {567}, - pages = {212-223}, - year = {1991}, +@article{RN493, + author = {Desmurget, M. and Pelisson, D. and Urquizar, C. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, + title = {Functional anatomy of saccadic adaptation in humans [published erratum appears in Nat Neurosci 1998 Dec;1(8):743]}, + journal = {Nature Neuroscience}, + volume = {1}, + number = {6}, + pages = {524-8}, + year = {1998}, type = {Journal Article} } -@article{RN157, - author = {Goodale, M. A. and Milner, A. D. and Jakobson, L. S. and Carey, D. P.}, - title = {A neurological dissociation between percieving objects and grasping them}, - journal = {Nature}, - volume = {349}, - pages = {154-156}, - year = {1991}, +@article{RN492, + author = {Desmurget, M. and Epstein, C. M. and Turner, R. S. and Prablanc, C. and Alexander, G. E. and Grafton, S. T.}, + title = {Role of the posterior parietal cortex in updating reaching movements to a visual target}, + journal = {Nature Neuroscience}, + volume = {2}, + number = {6}, + pages = {563-7}, + year = {1999}, type = {Journal Article} } -@article{RN709, - author = {Gnadt, James W. and Bracewell, R. Martyn and Andersen, Richard A.}, - title = {Sensorimotor transformation during eye movements to remembered visual targets}, - journal = {Vision Research}, - volume = {31}, - number = {4}, - pages = {693-715}, - year = {1991}, +@article{RN491, + author = {Pisella, L. and Grea, H. and Tilikete, C. and Vighetto, A. and Desmurget, M. and Rode, G. and Boisson, D. and Rossetti, Y.}, + title = {An 'automatic pilot' for the hand in human posterior parietal cortex: toward reinterpreting optic ataxia}, + journal = {Nature Neuroscience}, + volume = {3}, + number = {7}, + pages = {729-36}, + year = {2000}, type = {Journal Article} } -@article{RN180, - author = {Georgopoulos, Apostolos P.}, - title = {Higher order motor control}, - journal = {Annual Review of Neuroscience}, - volume = {14}, - pages = {361-377}, - year = {1991}, +@article{RN490, + author = {Wolpert, Daniel M. and Miall, R. Chris and Kawato, Mitsuo}, + title = {Internal models in the cerebellum}, + journal = {Trends in Cognitive Science}, + volume = {2}, + number = {9}, + pages = {313-321}, + year = {1998}, type = {Journal Article} } -@article{RN357, - author = {Franz, Elizabeth A. and Zelaznik, Howard N. and McCabe, George}, - title = {Spatial topological constraints in a bimanual task}, - journal = {Acta Psychologica}, - volume = {77}, - number = {2}, - pages = {137-151}, - year = {1991}, +@article{RN489, + author = {Blakemore, Sarah-J. and Wolpert, Daniel M. and Frith, Chris D.}, + title = {The cerebellum contributes to somatosensory cortical activity during self-produced tactile stimulation}, + journal = {Neuroimage}, + volume = {10}, + pages = {448-459}, + year = {1999}, type = {Journal Article} } -@article{RN139, - author = {Felleman, Daniel J. and Essen, David C. Van}, - title = {Distributed hierachical processing in the primate cerebral cortex}, - journal = {Cerebral Cortex}, - volume = {1}, - number = {1}, - pages = {1-47}, - year = {1991}, +@article{RN488, + author = {Grafton, Scott T. and Mazziotta, John C. and Presty, Sharon and Friston, Karl J. and et al.}, + title = {Functional anatomy of human procedural learning determined with regional cerebral blood flow and PET}, + journal = {Journal of Neuroscience}, + volume = {12}, + number = {7}, + pages = {2542-2548}, + year = {1992}, type = {Journal Article} } -@article{RN1024, - author = {Diener, H. C. and Horak, F. and Stelmach, G. and Guschlbauer, B. and Dichgans, J.}, - title = {Direction and amplitude precuing has no effect on automatic posture responses}, - journal = {Exp Brain Res}, - volume = {84}, - number = {1}, - pages = {219-23}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=1855560}, - year = {1991}, +@article{RN487, + author = {Sadato, Norihiro and Campbell, Gregory and Ibanez, Vincente and Deiber, Marie-Pierre and et al.}, + title = {Complexity affects regional cerebral blood flow change during sequential finger movements}, + journal = {Journal of Neuroscience}, + volume = {16}, + number = {8}, + pages = {2693-2700}, + year = {1996}, type = {Journal Article} } -@article{RN2242, - author = {Deiber, M. P. and Passingham, R. E. and Colebatch, J. G. and Friston, K. J. and Nixon, P. D. and Frackowiak, R. S.}, - title = {Cortical areas and the selection of movement: a study with positron emission tomography}, - journal = {Exp Brain Res}, - volume = {84}, - number = {2}, - pages = {393-402}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2065746}, - year = {1991}, - type = {Journal Article} +@inbook{RN486, + author = {Middleton, Frank A. and Strick, Peter L.}, + title = {Cerebellar output channels}, + booktitle = {The cerebellum and cognition}, + editor = {Schmahmann, Jeremy D.}, + series = {International review of neurobiology}, + publisher = {Academic Press}, + address = {San Diego, CA}, + volume = {41}, + pages = {31-60}, + year = {1997}, + type = {Book Section} } -@article{RN109, - author = {Corbetta, M. and Miezin, F. M. and Dobmeyer, S. and Shulman, G. L. and Petersen, S. E.}, - title = {Selective and divided attention during visual discriminations of shape, color, and speed: Functional anatomy by positron emission tomography}, - journal = {Journal of Neuroscience}, - volume = {11}, - number = {8}, - year = {1991}, - type = {Journal Article} +@inbook{RN485, + author = {Schmahmann, Jeremy D. and Pandya, Deepak N.}, + title = {The cerebrocerebellar system}, + booktitle = {The cerebellum and cognition}, + editor = {Schahmann, Jeremy D.}, + series = {International review of neurobiology}, + publisher = {Academic Press}, + address = {San Diego, CA}, + volume = {41}, + pages = {31-55}, + year = {1997}, + type = {Book Section} } -@article{RN919, - author = {Cohen, L. G. and Meer, J. and Tarkka, I. and Bierner, S. and Leiderman, D. B. and Dubinsky, R. M. and Sanes, J. N. and Jabbari, B. and Branscum, B. and Hallett, M.}, - title = {Congenital mirror movements. Abnormal organization of motor pathways in two patients}, - journal = {Brain}, - volume = {114}, - number = {Pt 1B}, - pages = {381-403.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2004248}, - year = {1991}, +@article{RN484, + author = {Provini, L. and Marcotti, W. and Morara, S. and Rosina, A.}, + title = {Somatotopic nucleocortical projections to the multiple somatosensory cerebellar maps}, + journal = {Neuroscience}, + volume = {83}, + number = {4}, + pages = {1085-104}, + year = {1998}, type = {Journal Article} } -@article{RN3131, - author = {Bizzi, E. and Mussa-Ivaldi, F. A. and Giszter, S.}, - title = {Computations underlying the execution of movement: a biological perspective}, - journal = {Science}, - volume = {253}, - number = {5017}, - pages = {287-91}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1857964}, - year = {1991}, +@article{RN483, + author = {Imamizu, Hiroshi and Miyauchi, Satoru and Tamada, Tomoe and Sasaki, Yuka and Takino, Ryousuke and Puetz, Benno and Yoshoka, Toshinori and Kawato, Mitsuo}, + title = {Human cerebellar activity reflecting an acquired internal model of a new tool}, + journal = {Nature}, + volume = {403}, + number = {6766}, + pages = {192-195}, + year = {2000}, type = {Journal Article} } -@article{RN960, - author = {Yantis, S. and Jonides, J.}, - title = {Abrupt visual onsets and selective attention: voluntary versus automatic allocation}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {16}, - number = {1}, - pages = {121-34.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2137514}, - year = {1990}, +@article{RN482, + author = {Jueptner, M. and Frith, C. D. and Brooks, D. J. and Fracknowiak, R. S. J. and passingham, R. E.}, + title = {Anatomy of motor learning. II. Subcortical structures and learning by trial and error.}, + journal = {Journal of Neurophysiology}, + volume = {77}, + pages = {1325-1337}, + year = {1997}, type = {Journal Article} } -@article{RN149, - author = {Wender, Karl F. and Wagner, Monika}, - title = {Zur Verarbeitung raeumlicher Informationen: Modelle und Experimente}, - journal = {Kognitionswissenschaft}, - volume = {1}, - pages = {4-14}, - year = {1990}, +@article{RN481, + author = {Jueptner, M. and Rijntjes, M. and Weiller, C. and Faiss, J. H. and et al.}, + title = {Localization of a cerebellar timing process using PET}, + journal = {Neurology}, + volume = {45}, + number = {8}, + pages = {1540-1545}, + year = {1995}, type = {Journal Article} } -@article{RN905, - author = {Walter, C. B. and Swinnen, S. P.}, - title = {Asymmetric interlimb interference during the performance of a dynamic bimanual task}, - journal = {Brain Cogn}, - volume = {14}, - number = {2}, - pages = {185-200.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2285512}, - year = {1990}, +@article{RN480, + author = {Fox, Peter T. and Ingham, Roger J. and Ingham, Janis C. and Hirsch, Traci B. and et al.}, + title = {A PET study of the neural systems of stuttering}, + journal = {Nature}, + volume = {382}, + number = {6587}, + pages = {158-162}, + year = {1996}, type = {Journal Article} } -@article{RN654, - author = {Sherwood, David E.}, - title = {Practice and assimilation effects in a multilimb aiming task}, - journal = {Journal of Motor Behavior}, - volume = {22}, - number = {2}, - pages = {267-291}, - year = {1990}, +@article{RN479, + author = {Shulman, Gordon L. and Corbetta, Maurizio and Fiez, Julie A. and Buckner, Randy L. and Miezin, Francis M. and Raichle, Marcus E. and Petersen, Steven E.}, + title = {Searching for activations that generalize over tasks}, + journal = {Human Brain Mapping}, + volume = {5}, + number = {4}, + pages = {317-322}, + year = {1997}, type = {Journal Article} } -@article{RN1001, - author = {Seitz, R. J. and Roland, E. and Bohm, C. and Greitz, T. and Stone-Elander, S.}, - title = {Motor learning in man: a positron emission tomographic study}, - journal = {Neuroreport}, - volume = {1}, - number = {1}, - pages = {57-60.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2129858}, - year = {1990}, +@article{RN478, + author = {van Mier, H. and Tempel, L. W. and Perlmutter, J. S. and Raichle, M. E. and Petersen, S. E.}, + title = {Changes in brain activity during motor learning measured with PET: Effects of hand of performance and practice}, + journal = {Journal of Neurophysiology}, + volume = {80}, + number = {4}, + pages = {2177-2199}, + year = {1998}, type = {Journal Article} } -@article{RN445, - author = {Sasaki, Kazuo and Gemba, Hisae and Tsujimoto, Toru}, - title = {Cortical field potential associated with hand movement on warning-imperative visual stimulus and cerebellum in the monkey}, - journal = {Brain Research}, - volume = {519}, - number = {1-2}, - pages = {343-346}, - year = {1990}, +@article{RN477, + author = {Penhune, Virginia B. and Zatorre, R. J. and Evans, A. C.}, + title = {Cerebellar contributions to motor timing: A PET study of auditory and visual rhythm reproduction}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {6}, + pages = {752-766}, + year = {1998}, type = {Journal Article} } -@inbook{RN742, - author = {Prinz, W.}, - title = {A common coding approach to perception and action}, - booktitle = {Relationships between perception and action}, - editor = {Neumann, O. and Prinz, W.}, - publisher = {Springer}, - address = {Berlin}, - pages = {167-201}, - year = {1990}, - type = {Book Section} +@article{RN476, + author = {Andreasen, Nancy C. and O'Leary, Daniel S. and Paradiso, Sergio and Cizadlo, Ted and Arndt, Stephan and Watkins, G. Leonard and Boles Ponto, Laura L. and Hichwa, Richard D.}, + title = {The cerebellum plays a role in conscious episodic memory retrieval}, + journal = {Human Brain Mapping}, + volume = {8}, + number = {4}, + pages = {226-234}, + year = {1999}, + type = {Journal Article} } -@inbook{RN607, - author = {Preilowski, Bruno}, - title = {Intermanual transfer, interhemispheric interaction, and handedness in man and monkeys}, - booktitle = {Brain circuits and functions of the mind: Essays in honor of Roger W. Sperry.}, - editor = {Trevarthen, Colwyn B. and et al.}, - publisher = {Cambridge University Press}, - address = {New York, NY, USA}, - pages = {168-180}, - year = {1990}, - type = {Book Section} +@article{RN475, + author = {Griffiths, Timothy D. and Johnsrude, Ingrid and Dean, Jennifer L. and Green, Gary G. R.}, + title = {A common neural substrate for the analysis of pitch and duration pattern in segmented sound?}, + journal = {Neuroreport: For Rapid Communication of Neuroscience Research}, + volume = {10}, + number = {18}, + pages = {3825-3830}, + year = {1999}, + type = {Journal Article} } -@article{RN2421, - author = {Paulignan, Y. and MacKenzie, C. and Marteniuk, R. and Jeannerod, M.}, - title = {The coupling of arm and finger movements during prehension}, - journal = {Exp Brain Res}, - volume = {79}, +@article{RN474, + author = {Iidaka, Tetsuya and Anderson, Nicole D. and Kapur, Shitij and Cabeza, Roberto and Craik, Fergus I. M.}, + title = {The effect of divided attention on encoding and retrieval in episodic memory revealed by positron emission tomography}, + journal = {Journal of Cognitive Neuroscience}, + volume = {12}, number = {2}, - pages = {431-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2323388 }, - year = {1990}, + pages = {267-280}, + year = {2000}, type = {Journal Article} } -@article{RN3432, - author = {Ogawa, S. and Lee, T. M. and Kay, A. R. and Tank, D. W.}, - title = {Brain magnetic resonance imaging with contrast dependent on blood oxygenation}, - journal = {Proc Natl Acad Sci U S A}, - volume = {87}, - number = {24}, - pages = {9868-72}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/2124706}, - year = {1990}, +@article{RN473, + author = {Flament, Didier and Ellermann, Jutta M. and Kim, Seong-Gi and Ugurbil, Kamil and Ebner, Timothy J.}, + title = {Functional magnetic resonance imaging of cerebellar activation during the learning of a visuomotor dissociation task}, + journal = {Human Brain Mapping}, + volume = {4}, + number = {3}, + pages = {210-226}, + year = {1996}, type = {Journal Article} } -@article{RN770, - author = {Lang, W. and Obrig, H. and Lindinger, G. and Cheyne, D. and Deecke, L.}, - title = {Supplementary motor area activation while tapping bimanually different rhythms in musicians}, - journal = {Exp Brain Res}, - volume = {79}, - number = {3}, - pages = {504-14}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2340870}, - year = {1990}, +@article{RN472, + author = {Ploghaus, Alexander and Tracey, Irene and Gati, Joseph S. and Clare, Stuart and Menon, Ravi S. and Matthews, Paul M. and Rawlins, J. Nicholas P.}, + title = {Dissociating pain from its anticipation in the human brain}, + journal = {Science}, + volume = {284}, + number = {5422}, + pages = {1979-1981}, + year = {1999}, type = {Journal Article} } -@article{RN80, - author = {LaBerge, David and Buchsbaum, Monte S.}, - title = {Positron emission tomographic measurement of pulvinar activity during attention task}, - journal = {The Journal of Neuroscience}, - volume = {10}, - number = {2}, - pages = {613-619}, - year = {1990}, +@article{RN471, + author = {Lotze, Martin and Montoya, Pedro and Erb, Michael and Huelsmann, Ernst and Flor, Herta and Klose, Uwe and Birbaumer, Niels and Grodd, Wolfgang}, + title = {Activation of cortical and cerebellar motor areas during executed and imagined hand movements: An fMRI study}, + journal = {Journal of Cognitive Neuroscience}, + volume = {11}, + number = {5}, + pages = {491-501}, + year = {1999}, type = {Journal Article} } -@article{RN121, - author = {LaBerge, David}, - title = {Thalamic and cortical mechanisms of attention suggested by recent positron emission tomographic experiments}, - journal = {Journal of Cognitive Neuroscience}, - volume = {2}, - number = {4}, - pages = {358-372}, - year = {1990}, +@article{RN470, + author = {Fink, Gereon R. and Marshall, J. C. and Shah, N. J. and Weiss, P. H. and Halligan, P. W. and Grosse-Ruyken, M. and Ziemons, K. and Zilles, K. and Freund, H. J.}, + title = {Line bisection judgments implicate right parietal cortex and cerebellum as assessed by fMRI}, + journal = {Neurology}, + volume = {54}, + number = {6}, + pages = {1324-1331}, + year = {2000}, type = {Journal Article} } -@article{RN388, - author = {Kornblum, Sylvan and Hasbroucq, Thierry and Osman, Allen}, - title = {Dimensional overlap: Cognitive basis for stimulusesponse compatibility: A model and taxonomy}, - journal = {Psychological Review}, - volume = {97}, +@article{RN469, + author = {Kawashima, Ryuta and Okuda, Jiro and Umetsu, Atsushi and Sugiura, Motoaki and Inoue, Kentaro and Suzuki, Kyoko and Tabuchi, Michio and Tsukiura, Takashi and Narayan, Singh L. and Nagasaka, Tatsuo and Yanagawa, Isao and Fujii, Toshikatsu and Takahashi, Shoki and Fukuda, Hiroshi and Yamadori, Atsushi}, + title = {Human cerebellum plays an important role in memory-timed finger movement: An fMRI study}, + journal = {Journal of Neurophysiology}, + volume = {83}, number = {2}, - pages = {253-270}, - year = {1990}, + pages = {1079-1087}, + year = {2000}, type = {Journal Article} } -@article{RN3431, - author = {Kirstein, M. and Brett, J. and Radoff, S. and Ogawa, S. and Stern, D. and Vlassara, H.}, - title = {Advanced protein glycosylation induces transendothelial human monocyte chemotaxis and secretion of platelet-derived growth factor: role in vascular disease of diabetes and aging}, - journal = {Proc Natl Acad Sci U S A}, - volume = {87}, - number = {22}, - pages = {9010-4}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/2247477}, - year = {1990}, +@article{RN468, + author = {de Zubicaray, G. I. and Zelaya, F. O. and Andrew, C. and Williams, S. C. R. and Bullmore, E. T.}, + title = {Cerebral regions associated with verbal response initiation, suppression and strategy use}, + journal = {Neuropsychologia}, + volume = {38}, + number = {9}, + pages = {1292-1304}, + year = {2000}, type = {Journal Article} } -@inbook{RN2419, - author = {Keele, S. W. and Cohen, A. and Ivry, R.}, - title = {Motor programs: Concepts and issues}, - booktitle = {Attention & Performance. Volume XIII }, - editor = {Jeannerod, M.}, - publisher = {Erlbaum}, - address = {Hillsdale, NJ}, - pages = {77-110}, - year = {1990}, - type = {Book Section} -} - -@article{RN869, - author = {Kalaska, J. F. and Cohen, D. A. and Prud'homme, M. and Hyde, M. L.}, - title = {Parietal area 5 neuronal activity encodes movement kinematics, not movement dynamics}, - journal = {Exp Brain Res}, - volume = {80}, - number = {2}, - pages = {351-64}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2113482}, - year = {1990}, +@article{RN466, + author = {Thach, W. T.}, + title = {On the specific role of the cerebellum in motor learning and cognition: Clues from PET activation and lesion studies in man}, + journal = {Behavioral & Brain Sciences}, + volume = {19}, + number = {3}, + pages = {411-431, 503-527}, + year = {1996}, type = {Journal Article} } -@inbook{RN690, - author = {Glickstein, M.E.}, - title = {Brain pathways in the visual guidance of movement and the behavioral functions of the cerebellum.}, - booktitle = {Brain circuits and functions of the mind: Essays in honor of Roger W. Sperry}, - editor = {Trevarthen, C.B.}, - publisher = {Cambridge Univ. Press}, - address = {NY}, - pages = {157-167}, - year = {1990}, - type = {Book Section} +@article{RN465, + author = {Helmuth, Laura L. and Ivry, Richard B. and Shimizu, Naomi}, + title = {Preserved performance by cerebellar patients on tests of word generation, discrimination learning, and attention}, + journal = {Learning & Memory}, + volume = {3}, + number = {6}, + pages = {456-474}, + year = {1997}, + type = {Journal Article} } -@inbook{RN591, - author = {Ghez, Claude and Hening, Wayne and Favilla, Marco}, - title = {Parallel interacting channels in the initiation and specification of motor response features}, - booktitle = {Attention and performance 13: Motor representation and control.}, - editor = {Jeannerod, Marc and et al.}, - publisher = {Lawrence Erlbaum Associates, Inc}, - address = {Hillsdale, NJ, USA}, - pages = {265-293}, - year = {1990}, - type = {Book Section} +@article{RN464, + author = {Gibbon, John and Malapani, Chara and Dale, Corby L. and Gallistel, C. R.}, + title = {Toward a neurobiology of temporal cognition: Advances and challenges}, + journal = {Current Opinion in Neurobiology}, + volume = {7}, + number = {2}, + pages = {170-184}, + year = {1997}, + type = {Journal Article} } -@article{RN444, - author = {Gemba, Hisae and Sasaki, Kazuo}, - title = {Potential related to no-go reaction in go/no-go hand movement with discrimination between tone stimuli of different frequencies in the monkey}, - journal = {Brain Research}, - volume = {537}, - number = {1-2}, - pages = {340-344}, - year = {1990}, +@article{RN463, + author = {Schmahmann, Jeremy D. and Sherman, Janet C.}, + title = {The cerebellar cognitive affective syndrome}, + journal = {Brain}, + volume = {121}, + number = {4}, + pages = {561-579}, + year = {1998}, type = {Journal Article} } -@article{RN55, - author = {Fries, Wolfgang and Swihart, Andrew A.}, - title = {Disturbance of rhythm sense following right hemisphere damage}, - journal = {Neuropsychologia}, - volume = {28}, - number = {12}, - pages = {1317-1323}, - year = {1990}, +@article{RN462, + author = {Gomez-Beldarrain, Marian and Garvic-Monco, Juan Carlos}, + title = {"The cerebellar cognitive affective syndrome": Comment}, + journal = {Brain}, + volume = {121}, + number = {11}, + pages = {2202-2203}, + year = {1998}, type = {Journal Article} } -@article{RN251, - author = {Elliott, Digby and Calvert, Randy}, - title = {The influence of uncertainty and premovement visual information on manual aiming}, - journal = {Canadian Journal of Psychology}, - volume = {44}, - number = {4}, - pages = {501-511}, - year = {1990}, +@article{RN461, + author = {Nixon, Philip D. and Passingham, R. E.}, + title = {The cerebellum and cognition: Cerebellar lesions impair sequence learning but not conditional visuomotor learning in monkeys}, + journal = {Neuropsychologia}, + volume = {38}, + number = {7}, + pages = {1054-1072}, + year = {2000}, type = {Journal Article} } -@article{RN352, - author = {Elliot, Digby}, - title = {Intermittend visual pickup and goal directed movement: A review}, - journal = {Human Movement Science}, - volume = {9}, - pages = {531-548}, - year = {1990}, +@article{RN460, + author = {Gourovitch, Monica L. and Kirkby, Brenda S. and Goldberg, Terry E. and Weinberger, Daniel R. and Gold, James M. and Esposito, Giuseppe and Van Horn, John D. and Berman, Karen Faith}, + title = {A comparison of rCBF patterns during letter and semantic fluency}, + journal = {Neuropsychology}, + volume = {14}, + number = {3}, + pages = {353-360}, + year = {2000}, type = {Journal Article} } -@article{RN3304, - author = {Durbin, R. and Mitchison, G.}, - title = {A dimension reduction framework for understanding cortical maps}, - journal = {Nature}, - volume = {343}, - number = {6259}, - pages = {644-7}, - ISSN = {0028-0836 (Print) -0028-0836 (Linking)}, - DOI = {10.1038/343644a0}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/2304536}, - year = {1990}, +@article{RN459, + author = {Mauk, Michael D. and Donegan, Nelson H.}, + title = {A model of pavlovian eyelid conditioning based on the synpatic organization of the cerebellum}, + journal = {Learning & Memory}, + volume = {3}, + pages = {130-158}, + year = {1997}, type = {Journal Article} } -@article{RN2032, - author = {Cordo, P. J.}, - title = {Kinesthetic control of a multijoint movement sequence}, - journal = {J Neurophysiol}, - volume = {63}, - number = {1}, - pages = {161-72}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2299380}, - year = {1990}, +@article{RN458, + author = {Medina, J. F. and Mauk, M. D.}, + title = {Simulations of cerebellar motor learning: computational analysis of plasticity at the mossy fiber to deep nucleus synapse}, + journal = {Journal of Neuroscience}, + volume = {19}, + number = {16}, + pages = {7140-51}, + year = {1999}, type = {Journal Article} } -@article{RN2414, - author = {Cohen, A. and Ivry, R. and Keele, S. W.}, - title = {Attentional factors in the learning of movement sequences}, - journal = {Journal of Experimental Psychology: Learning, Memory, & Cognition}, - volume = {16}, - pages = {17-30}, - year = {1990}, +@article{RN457, + author = {Medina, J. F. and Garcia, K. S. and Nores, W. L. and Taylor, N. M. and Mauk, M. D.}, + title = {Timing mechanisms in the cerebellum: testing predictions of a large-scale computer simulation}, + journal = {Journal of Neuroscience}, + volume = {20}, + number = {14}, + pages = {5516-25}, + year = {2000}, type = {Journal Article} } -@article{RN423, - author = {Caminiti, R. and Johnson, P. B. and Urbano, A.}, - title = {Making arm movements within different parts of space: dynamic aspects in the primate motor cortex}, - journal = {Journal of Neuroscience}, +@article{RN456, + author = {Schultz, Wolfram and Tremblay, Leon and Hollerman, Jeffrey R.}, + title = {Reward processing in primate orbitofrontal cortex and basal ganglia}, + journal = {Cerebral Cortex}, volume = {10}, - number = {7}, - pages = {2039-58}, - year = {1990}, + pages = {272-283}, + year = {2000}, type = {Journal Article} } -@article{RN337, - author = {Abrams, Richard A. and Meyer, David E. and Kornblum, Sylvan}, - title = {Eyeand coordination: Oculomotor control in rapid aimed limb movements}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {16}, +@article{RN455, + author = {Schimamura, Athur P.}, + title = {The role of the prefrontal cortex in dynamic filtering}, + journal = {Psychobiology}, + volume = {28}, number = {2}, - pages = {248 - 267}, - year = {1990}, + pages = {207-218}, + year = {2000}, type = {Journal Article} } -@article{RN336, - author = {Abrams, Richard A. and Landgraf, Jonathan Z.}, - title = {Differential use of distance and location information for spatial localization}, - journal = {Perception & Psychophysics}, - volume = {47}, - number = {4}, - pages = {349 - 359}, - year = {1990}, +@article{RN453, + author = {Roberts, A. C. and Wallis, J. D.}, + title = {Inhibitory control and affective processing in the prefrontal cortex: Neuropsychological studies in the common marmoset}, + journal = {Cerebral Cortex}, + volume = {10}, + number = {3}, + pages = {252-262}, + year = {2000}, type = {Journal Article} } -@article{RN2675, - author = {Zajac, F. E.}, - title = {Muscle and tendon: properties, models, scaling, and application to biomechanics and motor control}, - journal = {Crit Rev Biomed Eng}, - volume = {17}, - number = {4}, - pages = {359-411}, - ISSN = {0278-940X (Print)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2676342}, - year = {1989}, +@article{RN452, + author = {Niki, Hiroaki and Watanabe, Masataka}, + title = {Prefrontal Unit Activity and Delayed Response: Relation To Cue Location Versus Direction of Response}, + journal = {Brain Research}, + volume = {105}, + number = {1}, + pages = {79-88}, + year = {1976}, type = {Journal Article} } -@article{RN54, - author = {Wing, Alan M. and Church, Russell M. and Gentner, Donald R.}, - title = {Variability in the timing of responses during repetitive tapping with alternate hands. Special Issue: Rhythm perception, rhythm production, and timing}, - journal = {Psychological Research}, - volume = {51}, - number = {1}, - pages = {28-37}, - year = {1989}, +@article{RN451, + author = {Niki, Hiroaki and Watanabe, Masataka}, + title = {Prefrontal and cingulate unit activity during timing behavior in the monkey}, + journal = {Brain Research}, + volume = {171}, + number = {2}, + pages = {213-224}, + year = {1979}, type = {Journal Article} } -@article{RN2669, - author = {Uno, Y. and Kawato, M. and Suzuki, R.}, - title = {Formation and control of optimal trajectory in human multijoint arm movement. Minimum torque-change model}, - journal = {Biol Cybern}, - volume = {61}, - number = {2}, - pages = {89-101}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2742921 }, - year = {1989}, +@article{RN450, + author = {Badgaiyan, Rajendra D. and Posner, Michael I.}, + title = {Mapping the cingulate cortex in response selection and monitoring}, + journal = {Neuroimage}, + volume = {7}, + pages = {255-260}, + year = {1998}, type = {Journal Article} } -@article{RN529, - author = {Tuller, B. and Kelso, J. A.}, - title = {Environmentally-specified patterns of movement coordination in normal and split-brain subjects}, - journal = {Experimental Brain Research}, - volume = {75}, - number = {2}, - pages = {306-16}, - year = {1989}, +@article{RN449, + author = {Leung, Hoi-Chung and Skudlarski, P. and Gatenby, James C. and Peterson, Bradley S. and Gore, John C.}, + title = {An event-related functional MRI study of the stroop color word interference task}, + journal = {Cerebral Cortex}, + volume = {10}, + pages = {552-560}, + year = {2000}, type = {Journal Article} } -@article{RN38, - author = {Strong, Gary W. and Whitehead, Bruce A.}, - title = {A solution to the tag-assignment problem for neural networks}, - journal = {Behavioral & Brain Sciences}, - volume = {12}, - number = {3}, - pages = {381-433}, - year = {1989}, +@article{RN448, + author = {Hikosaka, Kazuo and Watanabe, M.}, + title = {Delay activity of orbital and lateral prefrontal neurons of the monkey varying with different rewards}, + journal = {Cerebral Cortex}, + volume = {10}, + pages = {263-271}, + year = {2000}, + type = {Journal Article} +} + +@article{RN447, + author = {Nobre, A. C. and Coull, J. T. and Frith, C. D. and Mesulam, M. M.}, + title = {Orbitofrontal cortex is activated during breaches of expectation in tasks of visual attention}, + journal = {Nature Neuroscience}, + volume = {2}, + number = {1}, + pages = {11-2}, + year = {1999}, type = {Journal Article} } @@ -24491,478 +25353,443 @@ @article{RN446 type = {Journal Article} } -@article{RN79, - author = {Prinzmetal, William and Keysar, Boaz}, - title = {Functional theory of illusory conjunctions and neon colors}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {118}, - number = {2}, - pages = {165-190}, - year = {1989}, +@article{RN445, + author = {Sasaki, Kazuo and Gemba, Hisae and Tsujimoto, Toru}, + title = {Cortical field potential associated with hand movement on warning-imperative visual stimulus and cerebellum in the monkey}, + journal = {Brain Research}, + volume = {519}, + number = {1-2}, + pages = {343-346}, + year = {1990}, type = {Journal Article} } -@article{RN523, - author = {Petersen, Steven E. and Fox, Peter T. and Posner, Michael I. and Mintun, Mark and et al.}, - title = {Positron emission tomographic studies of the processing of single words}, - journal = {Journal of Cognitive Neuroscience}, - volume = {1}, - number = {2}, - pages = {153-170}, - year = {1989}, +@article{RN444, + author = {Gemba, Hisae and Sasaki, Kazuo}, + title = {Potential related to no-go reaction in go/no-go hand movement with discrimination between tone stimuli of different frequencies in the monkey}, + journal = {Brain Research}, + volume = {537}, + number = {1-2}, + pages = {340-344}, + year = {1990}, type = {Journal Article} } -@article{RN755, - author = {Paulignan, Y. and Dufosse, M. and Hugon, M. and Massion, J.}, - title = {Acquisition of co-ordination between posture and movement in a bimanual task}, - journal = {Exp Brain Res}, - volume = {77}, - number = {2}, - pages = {337-48}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2792280}, - year = {1989}, - type = {Journal Article} +@inbook{RN443, + author = {Sasaki, Kazuo and Gemba, Hisae}, + title = {Prefrontal cortex in the organization and control of voluntary movement}, + booktitle = {Brain mechanisms of perception and memory: From neuron to behavior.}, + editor = {Taketoshi Ono, Ed and Larry R. Squire, Ed and et al.}, + publisher = {Oxford University Press}, + pages = {xxi, 692}, + year = {1993}, + type = {Book Section} } -@article{RN414, - author = {Mai, N. and Diener, H. C. and Dichgans, J.}, - title = {On the role of feedback in maintaining constant grip force in patients with cerebellar disease}, - journal = {Neuroscience Letters}, - volume = {99}, +@article{RN442, + author = {Sasaki, K. and Gemba, H. and Nambu, A. and Matsuzaki, R.}, + title = {No-go activity in the frontal association cortex of human subjects}, + journal = {Neuroscience Research}, + volume = {18}, number = {3}, - pages = {340-4}, - year = {1989}, - type = {Journal Article} -} - -@article{RN747, - author = {Lacquaniti, F. and Maioli, C.}, - title = {Adaptation to suppression of visual information during catching}, - journal = {J Neurosci}, - volume = {9}, - number = {1}, - pages = {149-59.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2913201}, - year = {1989}, + pages = {249-252}, + year = {1993}, type = {Journal Article} } -@article{RN746, - author = {Lacquaniti, F. and Maioli, C.}, - title = {The role of preparation in tuning anticipatory and reflex responses during catching}, - journal = {J Neurosci}, +@article{RN441, + author = {Oldfield, R. C.}, + title = {The assessment and analysis of handedness: the Edinburgh inventory}, + journal = {Neuropsychologia}, volume = {9}, number = {1}, - pages = {134-48.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2913200}, - year = {1989}, - type = {Journal Article} -} - -@article{RN525, - author = {Ivry, R. B. and Keele, S. W.}, - title = {Timing functions of the cerebellum}, - journal = {Journal of Cognitive Neuroscience}, - volume = {1}, - number = {2}, - pages = {136-152}, - year = {1989}, + pages = {97-113}, + year = {1971}, type = {Journal Article} } -@article{RN1025, - author = {Horak, F. B. and Diener, H. C. and Nashner, L. M.}, - title = {Influence of central set on human postural responses}, - journal = {J Neurophysiol}, - volume = {62}, - number = {4}, - pages = {841-53.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2809706}, - year = {1989}, +@article{RN440, + author = {Tanji, J. and Okano, K. and Sato, K. C.}, + title = {Relation of neurons in the nonprimary motor cortex to bilateral hand movement}, + journal = {Nature}, + volume = {327}, + number = {6123}, + pages = {618-20}, + year = {1987}, type = {Journal Article} } -@article{RN944, - author = {Gottlieb, G. L. and Corcos, D. M. and Agarwal, G. C.}, - title = {Organizing principles for single-joint movements. I. A speed- insensitive strategy}, - journal = {J Neurophysiol}, - volume = {62}, - number = {2}, - pages = {342-57.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2769334}, - year = {1989}, +@article{RN438, + author = {Laplane, D. and Talairach, J. and Meininger, V. and Bancaud, J. and Orgogozo, J. M.}, + title = {Clinical consequences of corticectomies involving the supplementary motor area in man}, + journal = {Journal of the Neurological Sciences}, + volume = {34}, + number = {3}, + pages = {301-14}, + year = {1977}, type = {Journal Article} -} - -@article{RN401, - author = {Georgopoulos, Apostolos P. and Lurito, Joseph T. and Petrides, Michael and Schwartz, Andrew B. and Massey, J. T.}, - title = {Mental rotation of the neuronal population vector}, - journal = {Science}, - volume = {243}, - number = {4888}, - pages = {234-236}, - year = {1989}, +} + +@article{RN437, + author = {Brinkman, C.}, + title = {Supplementary motor area of the monkey's cerebral cortex: short- and long-term deficits after unilateral ablation and the effects of subsequent callosal section}, + journal = {Journal of Neuroscience}, + volume = {4}, + number = {4}, + pages = {918-29}, + year = {1984}, type = {Journal Article} } -@article{RN196, - author = {Georgopoulos, A. P. and Crutcher, M. D. and Schwartz, A. B.}, - title = {Cognitive spatial-motor processes. 3. Motor cortical prediction of movement direction during an instructed delay period}, - year = {1989}, +@article{RN436, + author = {Halsband, U. and Ito, N. and Tanji, J. and Freund, H. J.}, + title = {The role of premotor cortex and the supplementary motor area in the temporal control of movement in man}, + journal = {Brain}, + volume = {116}, + number = {Pt 1)}, + pages = {243-66}, + year = {1993}, type = {Journal Article} } -@article{RN404, - author = {Funahashi, Shintaro and Bruce, Charles J. and Goldman-Rakic, Patricia S.}, - title = {Mnemonic coding of visual space in the monkey's dorsolateral prefrontal cortex}, - journal = {Journal of Neurophysiology}, - volume = {61}, +@article{RN435, + author = {MacLeod, Colin M.}, + title = {Half a century of research on the Stroop effect: An integrative review}, + journal = {Psychological Bulletin}, + volume = {109}, number = {2}, - pages = {331-349}, - year = {1989}, + pages = {163-203}, + year = {1991}, type = {Journal Article} } -@article{RN2042, - author = {Fortier, P. A. and Kalaska, J. F. and Smith, A. M.}, - title = {Cerebellar neuronal activity related to whole-arm reaching movements in the monkey}, - journal = {J Neurophysiol}, - volume = {62}, - number = {1}, - pages = {198-211}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2754472}, - year = {1989}, +@article{RN434, + author = {Konishi, S. and Nakajima, K. and Uchida, I. and Sekihara, K. and Miyashita, Y.}, + title = {No-go dominant brain activity in human inferior prefrontal cortex revealed by functional magnetic resonance imaging}, + journal = {European Journal of Neuroscience}, + volume = {10}, + number = {3}, + pages = {1209-13}, + year = {1998}, type = {Journal Article} } -@article{RN985, - author = {Diener, H. C. and Dichgans, J. and Guschlbauer, B. and Bacher, M. and Langenbach, P.}, - title = {Disturbances of motor preparation in basal ganglia and cerebellar disorders}, - journal = {Prog Brain Res}, - volume = {80}, - pages = {481-8}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2634284}, - year = {1989}, +@article{RN433, + author = {Konishi, S. and Nakajima, K. and Uchida, I. and Kameyama, M. and Nakahara, K. and Sekihara, K. and Miyashita, Y.}, + title = {Transient activation of inferior prefrontal cortex during cognitive set shifting}, + journal = {Nature Neuroscience}, + volume = {1}, + number = {1}, + pages = {80-4}, + year = {1998}, type = {Journal Article} } -@article{RN873, - author = {Crammond, D. J. and Kalaska, J. F.}, - title = {Neuronal activity in primate parietal cortex area 5 varies with intended movement direction during an instructed-delay period}, - journal = {Exp Brain Res}, - volume = {76}, - number = {2}, - pages = {458-62}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2767196}, - year = {1989}, +@article{RN432, + author = {Konishi, S. and Nakajima, K. and Uchida, I. and Kikyo, H. and Kameyama, M. and Miyashita, Y.}, + title = {Common inhibitory mechanism in human inferior prefrontal cortex revealed by event-related functional MRI}, + journal = {Brain}, + volume = {122}, + number = {Pt 5)}, + pages = {981-91}, + year = {1999}, type = {Journal Article} } -@article{RN945, - author = {Corcos, D. M. and Gottlieb, G. L. and Agarwal, G. C.}, - title = {Organizing principles for single-joint movements. II. A speed-sensitive strategy}, - journal = {J Neurophysiol}, - volume = {62}, - number = {2}, - pages = {358-68.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=2769335}, - year = {1989}, +@article{RN431, + author = {Osman, Allen and Bashore, Theodore R. and Coles, Michael G. and Donchin, Emanuel and et al.}, + title = {On the transmission of partial information: Inferences from movement-related brain potentials}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {18}, + number = {1}, + pages = {217-232}, + year = {1992}, type = {Journal Article} } -@article{RN124, - author = {Cohen, Asher and Ivry, Richard}, - title = {Illusory conjunctions inside and outside the focus of attention}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {15}, - number = {4}, - pages = {650-663}, - year = {1989}, +@article{RN430, + author = {Scheffers, Marten K. and Coles, Michael G. H. and Bernstein, Peter and Gehring, William J. and Donchin, Emanuel}, + title = {Event-related brain potentials and error-related processing: An analysis of incorrect responses to go and no-go stimuli}, + journal = {Psychophysiology}, + volume = {33}, + number = {1}, + pages = {42-53}, + year = {1996}, type = {Journal Article} } -@article{RN2229, - author = {Atkeson, C. G.}, - title = {Learning arm kinematics and dynamics}, - journal = {Annu Rev Neurosci}, - volume = {12}, - pages = {157-83}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2648948}, - year = {1989}, +@article{RN429, + author = {Hollands, J. G. and Dyre, B. P.}, + title = {Bias in proportion judgments: the cyclical power model}, + journal = {Psychological Review}, + year = {in press}, type = {Journal Article} } -@article{RN2796, - author = {Aoki, S. and Okada, Y. and Nishimura, K. and Barkovich, A. J. and Kjos, B. O. and Brasch, R. C. and Norman, D.}, - title = {Normal deposition of brain iron in childhood and adolescence: MR imaging at 1.5 T}, - journal = {Radiology}, - volume = {172}, - number = {2}, - pages = {381-5}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=2748819 }, - year = {1989}, +@article{RN428, + author = {Band, G. P. H. and Boxtel, G. J. M. van}, + title = {Inhibitory motor control in stop paradigms: review and reinterpretation of neural mechanisms}, + journal = {Acta Psychologica}, + volume = {101}, + pages = {179-211}, + year = {1999}, type = {Journal Article} } -@article{RN338, - author = {Abrams, Richard A. and Meyer, David E. and Kornblum, Sylvan}, - title = {Speed and accuracy of saccadic eye movements: Characteristics of impulse variability in the oculomotor system}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {15}, - number = {3}, - pages = {529 - 543}, - year = {1989}, +@article{RN427, + author = {Gehring, William J.}, + title = {Executive control in individuals with prefrontal lesions: An electrophysiological study}, + journal = {Journal of Cognitive Neuroscience}, + year = {submitted}, type = {Journal Article} } -@article{RN2961, - author = {Zipser, D. and Andersen, R. A.}, - title = {A back-propagation programmed network that simulates response properties of a subset of posterior parietal neurons}, +@article{RN426, + author = {Donchin, O. and Gribova, A. and Steinberg, O. and Bergman, H. and Vaadia, E.}, + title = {Primary motor cortex is involved in bimanual coordination}, journal = {Nature}, - volume = {331}, - number = {6158}, - pages = {679-84}, - ISSN = {0028-0836 (Print) -0028-0836 (Linking)}, - DOI = {10.1038/331679a0}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3344044}, - year = {1988}, + volume = {395}, + number = {6699}, + pages = {274-8}, + year = {1998}, type = {Journal Article} } -@article{RN118, - author = {Voorhees, H. and Poggio, T.}, - title = {Computing Texture Boundaries from Images}, - journal = {Nature (London)}, - volume = {333}, - number = {6171}, - year = {1988}, +@article{RN425, + author = {Donchin, O. and de Oliveira, S. C. and Vaadia, E.}, + title = {Who tells one hand what the other is doing: the neurophysiology of bimanual movements}, + journal = {Neuron}, + volume = {23}, + number = {1}, + pages = {15-8}, + year = {1999}, type = {Journal Article} } -@article{RN142, - author = {Treisman, Anne and Gormican, Stephen}, - title = {Feature analysis in early vision: Evidence from search asymmetries}, - journal = {Psychological Review}, - volume = {95}, - number = {1}, - pages = {15-48}, - year = {1988}, +@article{RN424, + author = {Kalaska, J. F. and Caminiti, R. and Georgopoulos, A. P.}, + title = {Cortical mechanisms related to the direction of two-dimensional arm movements: relations in parietal area 5 and comparison with motor cortex}, + journal = {Experimental Brain Research}, + volume = {51}, + number = {2}, + pages = {247-60}, + year = {1983}, type = {Journal Article} } -@article{RN2915, - author = {Tanji, J. and Okano, K. and Sato, K. C.}, - title = {Neuronal activity in cortical motor areas related to ipsilateral, contralateral, and bilateral digit movements of the monkey}, - journal = {J Neurophysiol}, - volume = {60}, - number = {1}, - pages = {325-43}, - ISSN = {0022-3077 (Print) -0022-3077 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3404223}, - year = {1988}, +@article{RN423, + author = {Caminiti, R. and Johnson, P. B. and Urbano, A.}, + title = {Making arm movements within different parts of space: dynamic aspects in the primate motor cortex}, + journal = {Journal of Neuroscience}, + volume = {10}, + number = {7}, + pages = {2039-58}, + year = {1990}, type = {Journal Article} } -@book{RN325, - author = {Talairach, J. and Tournoux, P.}, - title = {Co-planar stereotaxic atlas of the human brain: 3-dimensional proportional system: an approach to cerebral imaging.}, - publisher = {Thieme}, - address = {New York}, - year = {1988}, - type = {Book} +@article{RN421, + author = {Vilis, T. and Hore, J.}, + title = {Central neural mechanisms contributing to cerebellar tremor produced by limb perturbations}, + journal = {Journal of Neurophysiology}, + volume = {43}, + number = {2}, + pages = {279-91}, + year = {1980}, + type = {Journal Article} } -@article{RN2424, - author = {Suzuki, D. A. and Keller, E. L.}, - title = {The role of the posterior vermis of monkey cerebellum in smooth-pursuit eye movement control. II. Target velocity-related Purkinje cell activity}, - journal = {J Neurophysiol}, - volume = {59}, - number = {1}, - pages = {19-40}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3343601 }, - year = {1988}, +@article{RN420, + author = {Flament, D. and Hore, J.}, + title = {Movement and electromyographic disorders associated with cerebellar dysmetria}, + journal = {Journal of Neurophysiology}, + volume = {55}, + number = {6}, + pages = {1221-33}, + year = {1986}, type = {Journal Article} } -@article{RN584, - author = {Stelmach, George E. and Worringham, Charles J.}, - title = {The preparation and production of isometric force in Parkinson's disease}, - journal = {Neuropsychologia}, - volume = {26}, - number = {1}, - pages = {93-103}, +@article{RN419, + author = {Hore, J. and Flament, D.}, + title = {Changes in motor cortex neural discharge associated with the development of cerebellar limb ataxia}, + journal = {Journal of Neurophysiology}, + volume = {60}, + number = {4}, + pages = {1285-302}, year = {1988}, type = {Journal Article} } -@article{RN73, - author = {Spitzer, H. and Desimone, R. and Moran, J.}, - title = {Increased attention enhances both behavioral and neuronal performance}, - journal = {Science (Washington D C)}, - volume = {240}, - number = {4850}, +@article{RN418, + author = {Flament, D. and Hore, J.}, + title = {Relations of motor cortex neural discharge to kinematics of passive and active elbow movements in the monkey}, + journal = {Journal of Neurophysiology}, + volume = {60}, + number = {4}, + pages = {1268-84}, year = {1988}, type = {Journal Article} } -@article{RN655, - author = {Sherwood, David E. and Schmidt, Richard A. and Walter, Charles B.}, - title = {The force/force-variability relationship under controlled temporal conditions}, - journal = {Journal of Motor Behavior}, - volume = {20}, - number = {2}, - pages = {106-116}, - year = {1988}, +@article{RN416, + author = {Diener, H. C. and Meuller, A. and Thron, A. and Poremba, M. and Dichgans, J. and Rapp, H.}, + title = {Correlation of clinical signs with CT findings in patients with cerebellar disease}, + journal = {Journal of Neurology}, + volume = {233}, + number = {1}, + pages = {5-12}, + year = {1986}, type = {Journal Article} } -@article{RN3111, - author = {Schwartz, A. B. and Kettner, R. E. and Georgopoulos, A. P.}, - title = {Primate motor cortex and free arm movements to visual targets in three-dimensional space. I. Relations between single cell discharge and direction of movement}, - journal = {J Neurosci}, - volume = {8}, - number = {8}, - pages = {2913-27}, - ISSN = {0270-6474 (Print) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3411361}, +@article{RN415, + author = {Mai, N. and Bolsinger, P. and Avarello, M. and Diener, H. C. and Dichgans, J.}, + title = {Control of isometric finger force in patients with cerebellar disease}, + journal = {Brain}, + volume = {111}, + number = {Pt 5)}, + pages = {973-98}, year = {1988}, type = {Journal Article} } -@article{RN553, - author = {Schoener, G. and Kelso, J. A. S.}, - title = {A synergetic theory of environmentally-specified and learned patterns of movement coordination. II. Component oscillator dynamics}, - journal = {Biological Cybernetics}, - volume = {58}, - pages = {81-89}, - year = {1988}, +@article{RN414, + author = {Mai, N. and Diener, H. C. and Dichgans, J.}, + title = {On the role of feedback in maintaining constant grip force in patients with cerebellar disease}, + journal = {Neuroscience Letters}, + volume = {99}, + number = {3}, + pages = {340-4}, + year = {1989}, type = {Journal Article} } -@article{RN549, - author = {Schoener, G. and Kelso, J. A. S.}, - title = {A synergetic theory of environmentally-specified and learned patterns of movement coordination. I. Relative phase dynamics}, - journal = {Biological Cybernetics}, - volume = {58}, - pages = {71-80}, - year = {1988}, +@article{RN413, + author = {Hore, J. and Wild, B. and Diener, H. C.}, + title = {Cerebellar dysmetria at the elbow, wrist, and fingers}, + journal = {Journal of Neurophysiology}, + volume = {65}, + number = {3}, + pages = {563-71}, + year = {1991}, type = {Journal Article} } -@article{RN364, - author = {Rosenbaum, David A. and Barnes, Heather J. and Slotta, James D.}, - title = {In defense of the advance specification hypothesis for motor control}, - journal = {Psychological Research}, - volume = {50}, - number = {1}, - year = {1988}, +@article{RN412, + author = {Diener, H. C. and Hore, J. and Ivry, R. and Dichgans, J.}, + title = {Cerebellar dysfunction of movement and perception}, + journal = {Canadian Journal of Neurological Sciences}, + volume = {20 Suppl 3}, + pages = {S62-9}, + year = {1993}, type = {Journal Article} } -@article{RN524, - author = {Petersen, Steven E. and Fox, P. T. and Posner, Michael I. and Mintun, M. and et al.}, - title = {Positron emission tomographic studies of the cortical anatomy of single-word processing}, - journal = {Nature}, - volume = {331}, - number = {6157}, - pages = {585-589}, - year = {1988}, - type = {Journal Article} +@book{RN411, + author = {Gilman, Sid and Bloedel, James R. and Lechtenberg, Richard}, + title = {Disorders of the cerebellum}, + publisher = {Davis Company}, + address = {Philadelphia, PA}, + year = {1981}, + type = {Book} } -@article{RN232, - author = {Perenin, M. T. and Vighetto, A.}, - title = {Optic ataxia: a specific disruption in visuomotor mechanisms. I. Different aspects of the deficit in reaching for objects}, - journal = {Brain}, - volume = {111}, - number = {Pt 3}, - pages = {643-74}, - year = {1988}, +@article{RN410, + author = {Deiber, Marie-Pierre and Honda, Manabu and Ibanez, Vicente and Sadato, Norihiro and Hallett, Mark}, + title = {Mesial motor areas in self-initiated versus externally triggered movements examined with fMRI: Effect of movement type and rate}, + journal = {Journal of Neurophysiology}, + volume = {81}, + number = {6}, + pages = {3065-3077}, + year = {1999}, type = {Journal Article} } -@article{RN567, - author = {Newell, K. M. and Carlton, Les G.}, - title = {Force variability in isometric responses}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {14}, - number = {1}, - pages = {37-44}, - year = {1988}, +@article{RN409, + author = {Jäncke, L. and Peters, M. and Schlaug, G. and Posse, S. and Steinmetz, H. and Mueller-Gaertner, H. W.}, + title = {Differential magnetic resonance signal change in human sensorimotor cortex to finger movements of different rate of the dominant and subdominant hand}, + journal = {Cognitive Brain Research}, + volume = {6}, + number = {4}, + pages = {279-284}, + year = {1998}, type = {Journal Article} } -@article{RN2664, - author = {Mussa Ivaldi, F. A. and Morasso, P. and Zaccaria, R.}, - title = {Kinematic networks. A distributed model for representing and regularizing motor redundancy}, - journal = {Biol Cybern}, - volume = {60}, - number = {1}, - pages = {1-16}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3214648 }, - year = {1988}, +@article{RN408, + author = {Amunts, Katrin and Jaencke, Lutz and Mohlberg, Hartmut and Steinmetz, Helmuth and Zilles, Karl}, + title = {Interhemispheric asymmetry of the human motor cortex related to handedness and gender}, + journal = {Neuropsychologia}, + volume = {38}, + number = {3}, + pages = {304-312}, + year = {2000}, type = {Journal Article} } -@article{RN370, - author = {Michaels, Claire F.}, - title = {S compatibility between response position and destination of apparent motion: Evidence of the detection of affordances}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {14}, +@article{RN407, + author = {Jäncke, Lutz and Peters, M. and Himmelbach, M. and Noesselt, T. and Shah, J. and Steinmetz, H.}, + title = {fMRI study of bimanual coordination}, + journal = {Neuropsychologia}, + volume = {38}, number = {2}, - pages = {231-240}, - year = {1988}, + pages = {164-174}, + year = {2000}, type = {Journal Article} } -@article{RN415, - author = {Mai, N. and Bolsinger, P. and Avarello, M. and Diener, H. C. and Dichgans, J.}, - title = {Control of isometric finger force in patients with cerebellar disease}, - journal = {Brain}, - volume = {111}, - number = {Pt 5)}, - pages = {973-98}, - year = {1988}, +@article{RN406, + author = {Semjen, A. and Summers, J. J. and Cattaert, D.}, + title = {Hand coordination in bimanual circle drawing}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {5}, + pages = {1139-1157}, + year = {1995}, type = {Journal Article} } -@article{RN252, - author = {MacKenzie, Christine L. and Sivak, Barbara and Elliott, Digby}, - title = {Manual localization of lateralized visual targets}, +@article{RN405, + author = {Billon, M. and Semjen, A. and Stelmach, G. E.}, + title = {The timing effects of accent production in periodic finger-tapping sequences}, journal = {Journal of Motor Behavior}, - volume = {20}, - number = {4}, - pages = {443-457}, - year = {1988}, + volume = {28}, + number = {3}, + pages = {198-210}, + year = {1996}, type = {Journal Article} } -@article{RN3183, - author = {Lisberger, S. G.}, - title = {The neural basis for learning of simple motor skills}, - journal = {Science}, - volume = {242}, - number = {4879}, - pages = {728-35}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3055293}, - year = {1988}, +@article{RN404, + author = {Funahashi, Shintaro and Bruce, Charles J. and Goldman-Rakic, Patricia S.}, + title = {Mnemonic coding of visual space in the monkey's dorsolateral prefrontal cortex}, + journal = {Journal of Neurophysiology}, + volume = {61}, + number = {2}, + pages = {331-349}, + year = {1989}, type = {Journal Article} } -@article{RN2851, - author = {Lindstrom, M. J. and Bates, M. B.}, - title = {Newton-Raphson and EM Algorithms for linear mixed-effects models for repeated-measures data}, - journal = {Journal of the American Statistical Association}, - volume = {83}, - number = {404}, - pages = {1014-1022}, - year = {1988}, +@book{RN402, + author = {Passingham, Richard}, + title = {The frontal lobes and voluntary action}, + publisher = {Oxford University Press}, + address = {Oxford}, + series = {Oxford Psychology Series}, + year = {1993}, + type = {Book} +} + +@article{RN401, + author = {Georgopoulos, Apostolos P. and Lurito, Joseph T. and Petrides, Michael and Schwartz, Andrew B. and Massey, J. T.}, + title = {Mental rotation of the neuronal population vector}, + journal = {Science}, + volume = {243}, + number = {4888}, + pages = {234-236}, + year = {1989}, type = {Journal Article} } @@ -24976,932 +25803,912 @@ @article{RN400 type = {Journal Article} } -@article{RN3110, - author = {Kettner, R. E. and Schwartz, A. B. and Georgopoulos, A. P.}, - title = {Primate motor cortex and free arm movements to visual targets in three-dimensional space. III. Positional gradients and population coding of movement direction from various movement origins}, - journal = {J Neurosci}, - volume = {8}, - number = {8}, - pages = {2938-47}, - ISSN = {0270-6474 (Print) -0270-6474 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3411363}, - year = {1988}, +@article{RN399, + author = {Baldo, Juliana V. and Shimamura, Arthur P. and Prinzmetal, William}, + title = {Mapping symbols to response modalities: Interference effects on Stroop-like tasks}, + journal = {Perception & Psychophysics}, + volume = {60}, + number = {3}, + pages = {427-437}, + year = {1998}, type = {Journal Article} } -@article{RN669, - author = {Johansson, R. S. and Westling, G.}, - title = {Coordinated isometric muscle commands adequately and erroneously programmed for the weight during lifting task with precision grip}, - journal = {Experimental Brain Research}, - volume = {71}, - number = {1}, - pages = {59-71}, - year = {1988}, +@article{RN398, + author = {Carter, Cameron S. and Braver, Todd S. and Barch, Deanna M. and Botvinick, Matthew M. and Noll, Douglas and Cohen, Jonathan D.}, + title = {Anterior cingulate cortex, error detection, and the online monitoring of performance}, + journal = {Science}, + volume = {280}, + number = {5364}, + pages = {747-749}, + year = {1998}, type = {Journal Article} } -@article{RN668, - author = {Johansson, R. S. and Westling, G.}, - title = {Programmed and triggered actions to rapid load changes during precision grip}, - journal = {Experimental Brain Research}, - volume = {71}, - number = {1}, - pages = {72-86}, - year = {1988}, +@article{RN397, + author = {Braver, Todd S. and Barch, Deanna M. and Cohen, Jonathan D.}, + title = {Cognition and control in schizophrenia: A computational model of dopamine and prefrontal function}, + journal = {Biological Psychiatry}, + volume = {46}, + number = {3}, + pages = {312-328}, + year = {1999}, type = {Journal Article} } -@article{RN526, - author = {Ivry, R. B. and Keele, S. W. and Diener, H. C.}, - title = {Dissociation of the lateral and medial cerebellum in movement timing and movement execution}, - journal = {Experimental Brain Research}, - volume = {73}, - pages = {167-180}, - year = {1988}, +@article{RN396, + author = {Botvinick, Matthew and Nystrom, Leigh E. and Fissell, Kate and Carter, Cameron S. and Cohen, Jonathan D.}, + title = {Conflict monitoring versus selection-for-action in anterior cingulate cortex}, + journal = {Nature}, + volume = {402}, + number = {6758}, + pages = {179-181}, + year = {1999}, type = {Journal Article} } -@article{RN419, - author = {Hore, J. and Flament, D.}, - title = {Changes in motor cortex neural discharge associated with the development of cerebellar limb ataxia}, - journal = {Journal of Neurophysiology}, - volume = {60}, - number = {4}, - pages = {1285-302}, - year = {1988}, +@article{RN393, + author = {Chao, Linda L. and Knight, Robert T.}, + title = {Human prefrontal lesions increase distractibility to irrelevant sensory inputs}, + journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, + volume = {6}, + number = {12}, + pages = {1605-1610}, + year = {1995}, type = {Journal Article} } -@article{RN897, - author = {Georgopoulos, A. P. and Kettner, R. E. and Schwartz, A. B.}, - title = {Primate motor cortex and free arm movements to visual targets in three- dimensional space. II. Coding of the direction of movement by a neuronal population}, - journal = {J Neurosci}, - volume = {8}, - number = {8}, - pages = {2928-37.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3411362}, - year = {1988}, +@article{RN392, + author = {Knight, Robert T.}, + title = {Distributed cortical network for visual attention}, + journal = {Journal of Cognitive Neuroscience}, + volume = {9}, + number = {1}, + pages = {75-91}, + year = {1997}, type = {Journal Article} } -@article{RN418, - author = {Flament, D. and Hore, J.}, - title = {Relations of motor cortex neural discharge to kinematics of passive and active elbow movements in the monkey}, - journal = {Journal of Neurophysiology}, - volume = {60}, - number = {4}, - pages = {1268-84}, - year = {1988}, +@article{RN391, + author = {Chao, Linda L. and Knight, Robert T.}, + title = {Contribution of human prefrontal cortex to delay performance}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, + number = {2}, + pages = {167-177}, + year = {1998}, type = {Journal Article} } -@article{RN253, - author = {Elliott, Digby}, - title = {The influence of visual target and limb information on manual aiming}, - journal = {Canadian Journal of Psychology}, - volume = {42}, - number = {1}, - pages = {57-68}, - year = {1988}, +@article{RN388, + author = {Kornblum, Sylvan and Hasbroucq, Thierry and Osman, Allen}, + title = {Dimensional overlap: Cognitive basis for stimulusesponse compatibility: A model and taxonomy}, + journal = {Psychological Review}, + volume = {97}, + number = {2}, + pages = {253-270}, + year = {1990}, type = {Journal Article} } -@article{RN2180, - author = {Diener, H. C. and Horak, F. B. and Nashner, L. M.}, - title = {Influence of stimulus parameters on human postural responses}, - journal = {J Neurophysiol}, - volume = {59}, - number = {6}, - pages = {1888-905}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3404210}, - year = {1988}, +@article{RN386, + author = {Riehle, Alexa and Kornblum, Sylvan and Requin, Jean}, + title = {Neuronal coding of stimulusesponse association rules in the motor cortex}, + journal = {Neuroreport: An International Journal for the Rapid Communication of Research in Neuroscience}, + volume = {5}, + number = {18}, + pages = {2462-2464}, + year = {1994}, type = {Journal Article} } -@article{RN745, - author = {Cole, K. J. and Abbs, J. H.}, - title = {Grip force adjustments evoked by load force perturbations of a grasped object}, - journal = {J Neurophysiol}, - volume = {60}, - number = {4}, - pages = {1513-22.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3193168}, - year = {1988}, +@article{RN384, + author = {Zhang, Jun and Riehle, Alexa and Requin, Jean and Kornblum, Sylvan}, + title = {Dynamics of single neuron activity in monkey primary motor cortex related to sensorimotor transformation}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {6}, + pages = {2227-2246}, + year = {1997}, type = {Journal Article} } -@article{RN43, - author = {Cheng, K.}, - title = {Some psychophysics of the pigeon's use of landmarks}, - journal = {Journal of Comparative Physiology A Sensory Neural and Behavioral Physiology}, - volume = {162}, +@article{RN383, + author = {Riehle, Alexa and Kornblum, Sylvan and Requin, Jean}, + title = {Neuronal correlates of sensorimotor association in stimulus-response compatibility}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, number = {6}, - year = {1988}, + pages = {1708-1726}, + year = {1997}, type = {Journal Article} } -@article{RN528, - author = {Chan, J. L. and Ross, E. D.}, - title = {Left-handed mirror writing following right anterior cerebral artery infarction: evidence for nonmirror transformation of motor programs by right supplementary motor area}, - journal = {Neurology}, +@article{RN382, + author = {Zhang, Huazhong and Zhang, Jun and Kornblum, Sylvan}, + title = {A parallel distributed processing model of stimulus-stimulus and stimulus-response compatibility}, + journal = {Cognitive Psychology}, volume = {38}, - number = {1}, - pages = {59-63}, - year = {1988}, + number = {3}, + pages = {386-432}, + year = {1999}, type = {Journal Article} } -@article{RN895, - author = {Caminiti, R. and Johnson, P. B. and Urbano, A. and Georgopoulos, A. P. and Zeger, S.}, - title = {Callosal and association neurons in the cortical space: a spectral analysis approach}, - journal = {Behav Brain Res}, - volume = {30}, - number = {2}, - pages = {193-201.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3166717}, - year = {1988}, +@article{RN381, + author = {Shiu, Ling-Po and Kornblum, Sylvan}, + title = {Stimulus-response compatibility effects in go-no-go tasks: A dimensional overlap account}, + journal = {Perception & Psychophysics}, + volume = {61}, + number = {8}, + pages = {1613-1623}, + year = {1999}, type = {Journal Article} } -@article{RN586, - author = {Bullock, Daniel and Grossberg, Stephen}, - title = {Neural dynamics of planned arm movements: emergent invariants and speed-accuracy properties during trajectory formation}, - journal = {Psychological Review}, - volume = {95}, - number = {1}, - pages = {49-90}, - year = {1988}, +@book{RN380, + author = {Kelso, J. A. Scott}, + title = {Dynamic patterns: the self-organization of brain and behaviour}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + year = {1995}, + type = {Book} +} + +@article{RN379, + author = {Dufosse, M. and Hugon, M. and Massion, J.}, + title = {Postural forearm changes induced by predictable in time or voluntary triggered unloading in man}, + journal = {Experimental Brain Research}, + volume = {60}, + number = {2}, + pages = {330-4}, + year = {1985}, type = {Journal Article} } -@article{RN117, - author = {Bergen, J. R. and Adelson, E. H.}, - title = {Early Vision and Texture Perception}, - journal = {Nature (London)}, - volume = {333}, - number = {6171}, - year = {1988}, +@article{RN377, + author = {Massion, J.}, + title = {Postural changes accompanying voluntary movements. Normal and pathological aspects}, + journal = {Human Neurobiology}, + volume = {2}, + number = {4}, + pages = {261-7}, + year = {1984}, type = {Journal Article} } -@article{RN976, - author = {Viallet, F. and Massion, J. and Massarino, R. and Khalil, R.}, - title = {Performance of a bimanual load-lifting task by parkinsonian patients}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {50}, - number = {10}, - pages = {1274-83}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3681306}, - year = {1987}, +@article{RN376, + author = {Rogers, R. D. and Sahakian, B. J. and Hodges, J. R. and Polkey, C. E. and Kennard, C. and Robbins, T. W.}, + title = {Dissociating executive mechanisms of task control following frontal lobe damage and Parkinson's disease}, + journal = {Brain}, + volume = {121}, + number = {5}, + pages = {815-842}, + year = {1998}, type = {Journal Article} } -@article{RN440, - author = {Tanji, J. and Okano, K. and Sato, K. C.}, - title = {Relation of neurons in the nonprimary motor cortex to bilateral hand movement}, - journal = {Nature}, - volume = {327}, - number = {6123}, - pages = {618-20}, - year = {1987}, +@article{RN375, + author = {Mushiake, Hajime and Inase, Masahiko and Tanji, Jun}, + title = {Neuronal activity in the primate premotor, supplementary, and precentral motor cortex during visually guided and internally determined sequential movements}, + journal = {Journal of Neurophysiology}, + volume = {66}, + number = {3}, + pages = {705-718}, + year = {1991}, type = {Journal Article} } -@article{RN920, - author = {Peters, Michael}, - title = {A nontrivial motor performance difference between right-handers and left-handers: Attention as intervening variable in the expression of handedness}, - journal = {Canadian Journal of Psychology}, - volume = {41}, - number = {1}, - pages = {91-99}, - year = {1987}, +@article{RN374, + author = {Goldberg, Gary}, + title = {Supplementary motor area structure and function: Review and hypotheses}, + journal = {Behavioral & Brain Sciences}, + volume = {8}, + number = {4}, + pages = {567-616}, + year = {1985}, type = {Journal Article} } -@article{RN263, - author = {Morris, Neil}, - title = {Exploring the visuo-spatial scratch pad}, - journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, - volume = {39}, - number = {3, Sect A}, - pages = {409-430}, - year = {1987}, +@article{RN373, + author = {Zanone, P. G. and Kelso, J. A. S.}, + title = {Coordination dynamics of learning and transfer: Collective and component levels}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {5}, + pages = {1454-1480}, + year = {1997}, type = {Journal Article} } -@book{RN1059, - author = {MacKay, D. G.}, - title = {The Organization or Perception and Action}, - publisher = {Springer-Verlag}, - address = {New York}, - year = {1987}, +@book{RN372, + author = {Posner, Michael I.}, + title = {Chronometric explorations of mind}, + publisher = {Lawrence Erlbaum}, + address = {Hillsdale, NJ}, + pages = {xiii, 271}, + year = {1978}, type = {Book} } -@article{RN245, - author = {Lindberg, Erik and Garling, Tommy}, - title = {Memory for spatial location in two-dimensional arrays}, - journal = {Acta Psychologica}, - volume = {64}, +@article{RN370, + author = {Michaels, Claire F.}, + title = {S compatibility between response position and destination of apparent motion: Evidence of the detection of affordances}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {14}, number = {2}, - pages = {151-166}, - year = {1987}, - type = {Journal Article} -} - -@article{RN2060, - author = {Laird, Nan and Lange, Nicolas and Stram, Daniel}, - title = {Maximum liklihood computations with repeated measures: application of the EM algorithm}, - journal = {Journal of the American Statistical Association}, - volume = {82}, - number = {397}, - pages = {97-105}, - year = {1987}, + pages = {231-240}, + year = {1988}, type = {Journal Article} } -@article{RN779, - author = {Keele, Steven W. and Ivry, Richard I. and Pokorny, Robert A.}, - title = {Force control and its relation to timing}, - journal = {Journal of Motor Behavior}, +@article{RN367, + author = {Proctor, Robert W. and Van Zandt, Trisha and Lu, Chen-hui and Weeks, Daniel J.}, + title = {Stimulusesponse compatibility for moving stimuli: Perception of affordances or directional coding?}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, volume = {19}, number = {1}, - pages = {96-114}, - year = {1987}, + year = {1993}, type = {Journal Article} } -@inbook{RN780, - author = {Keele, Steven W. and Ivry, Richard I.}, - title = {Modular analysis of timing in motor skill}, - booktitle = {The psychology of learning and motivation: Advances in research and theory, Vol. 21.}, - editor = {Bower, Gordon H. and et al.}, - publisher = {Academic Press, Inc}, - address = {San Diego, CA, USA}, - pages = {183-228}, - year = {1987}, - type = {Book Section} -} - -@article{RN837, - author = {Kawato, M. and Furukawa, K. and Suzuki, R.}, - title = {A hierarchical neural-network model for control and learning of voluntary movement}, - journal = {Biol Cybern}, - volume = {57}, +@article{RN366, + author = {Rosenbaum, David A. and Kornblum, Sylvan}, + title = {A priming method for investigating the selection of motor responses}, + journal = {Acta Psychologica}, + volume = {51}, number = {3}, - pages = {169-85}, - url = {Nichttp://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3676355}, - year = {1987}, + pages = {223-243}, + year = {1982}, type = {Journal Article} } -@article{RN670, - author = {Johansson, R. S. and Westling, G.}, - title = {Significance of cutaneous input for precise hand movements}, - journal = {Electroencephalography and Clinical Neurophysiology. Supplement}, - volume = {39}, +@article{RN364, + author = {Rosenbaum, David A. and Barnes, Heather J. and Slotta, James D.}, + title = {In defense of the advance specification hypothesis for motor control}, + journal = {Psychological Research}, + volume = {50}, number = {1}, - pages = {53-7}, - year = {1987}, - type = {Journal Article} -} - -@article{RN794, - author = {Hary, D. and Moore, G. P.}, - title = {Synchronizing human movement with an external clock source}, - journal = {Biol Cybern}, - volume = {56}, - number = {5-6}, - pages = {305-11}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3620530}, - year = {1987}, + year = {1988}, type = {Journal Article} } -@article{RN2045, - author = {Guiard, Yves}, - title = {Asymmetric division of labor in human skilled bimanual action: The kinematic chain as a model.}, - journal = {Journal of Motor Behavior}, - volume = {19}, +@article{RN361, + author = {Adam, J. J. and Paas, F. G. W. C. and Buekers, M. J. and Wuyts, I. J.}, + title = {Perception-action coupling in choice reaction time tasks}, + journal = {Human Movement Science}, + volume = {15}, number = {4}, - pages = {486-517}, - year = {1987}, + pages = {511-519}, + year = {1996}, type = {Journal Article} } -@article{RN593, - author = {Gordon, J. and Ghez, C.}, - title = {Trajectory control in targeted force impulses. III. Compensatory adjustments for initial errors}, - journal = {Experimental Brain Research}, - volume = {67}, - number = {2}, - pages = {253-69}, - year = {1987}, +@article{RN360, + author = {Peterson, J. R.}, + title = {Response-response compatibility effects in a two-hand pointing task}, + journal = {Human Factors}, + volume = {7}, + pages = {231-246}, + year = {1965}, type = {Journal Article} } -@article{RN592, - author = {Gordon, J. and Ghez, C.}, - title = {Trajectory control in targeted force impulses. II. Pulse height control}, - journal = {Experimental Brain Research}, - volume = {67}, - number = {2}, - pages = {241-52}, - year = {1987}, +@article{RN359, + author = {Franz, Elizabeth A.}, + title = {Spatial coupling in the coordination of complex actions}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {50}, + number = {3}, + pages = {684-704}, + year = {1997}, type = {Journal Article} } -@article{RN590, - author = {Ghez, C. and Gordon, J.}, - title = {Trajectory control in targeted force impulses. I. Role of opposing muscles}, - journal = {Experimental Brain Research}, - volume = {67}, - number = {2}, - pages = {225-40}, - year = {1987}, +@article{RN358, + author = {Haken, H. and Kelso, J. A. S. and Bunz, H.}, + title = {A theoretical model of phase transitions in human hand movements}, + journal = {Biological Cybernetics}, + volume = {51}, + pages = {347-356}, + year = {1985}, type = {Journal Article} } -@article{RN2070, - author = {Gentner, D. R.}, - title = {Timing of Skilled Motor-Performance - Tests of the Proportional Duration Model}, - journal = {Psychological Review}, - volume = {94}, +@article{RN357, + author = {Franz, Elizabeth A. and Zelaznik, Howard N. and McCabe, George}, + title = {Spatial topological constraints in a bimanual task}, + journal = {Acta Psychologica}, + volume = {77}, number = {2}, - pages = {255-276}, - url = {://A1987G747800008}, - year = {1987}, + pages = {137-151}, + year = {1991}, type = {Journal Article} } -@article{RN278, - author = {Freyd, Jennifer J. and Johnson, J. Q.}, - title = {Probing the time course of representational momentum}, - journal = {Journal of Experimental Psychology: Learning, Memory, and Cognition}, - volume = {13}, - number = {2}, - pages = {259-268}, - year = {1987}, +@article{RN356, + author = {Franz, Elizabeth A. and Eliassen, James C. and Ivry, Richard B. and Gazzaniga, Michael S.}, + title = {Dissociation of spatial and temporal coupling in the bimanual movements of callosotomy patients}, + journal = {Psychological Science}, + volume = {7}, + number = {5}, + pages = {306-310}, + year = {1996}, type = {Journal Article} } -@article{RN155, - author = {Elliot, Digby and Madalena, John}, - title = {The influence of premovement visual information on manual aiming}, - journal = {Quarterly Journal of Experimental Psychology}, - volume = {39 A}, - pages = {541-559}, - year = {1987}, +@article{RN353, + author = {Tipper, Steven P. and Howard, Louise A. and Jackson, Stephen R.}, + title = {Selective reaching to grasp: Evidence for distractor interference effects}, + journal = {Visual Cognition}, + volume = {4}, + number = {1}, + pages = {1-38}, + year = {1997}, type = {Journal Article} } -@article{RN2578, - author = {Edgley, S. A. and Lidierth, M.}, - title = {The discharges of cerebellar Golgi cells during locomotion in the cat}, - journal = {J Physiol}, - volume = {392}, - pages = {315-32}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3446782 }, - year = {1987}, +@article{RN352, + author = {Elliot, Digby}, + title = {Intermittend visual pickup and goal directed movement: A review}, + journal = {Human Movement Science}, + volume = {9}, + pages = {531-548}, + year = {1990}, type = {Journal Article} } -@article{RN995, - author = {Bouisset, S. and Zattara, M.}, - title = {Biomechanical study of the programming of anticipatory postural adjustments associated with voluntary movement}, - journal = {J Biomech}, - volume = {20}, - number = {8}, - pages = {735-42}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3654672}, - year = {1987}, +@inbook{RN351, + author = {Paillard, Jacques}, + title = {Motor and representational framing of space}, + booktitle = {Brain and Space}, + editor = {Paillard, Jacques}, + publisher = {Oxford university press}, + address = {Oxford}, + pages = {163 - 182}, + year = {1991}, + type = {Book Section} +} + +@article{RN344, + author = {Stelmach, George E. and Kelso, J. A. and Wallace, Stephen A.}, + title = {Preselection in short-term motor memory}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {1}, + number = {6}, + pages = {745 - 755}, + year = {1975}, type = {Journal Article} } -@article{RN994, - author = {Bazalgette, D. and Zattara, M. and Bathien, N. and Bouisset, S. and Rondot, P.}, - title = {Postural adjustments associated with rapid voluntary arm movements in patients with Parkinson's disease}, - journal = {Adv Neurol}, - volume = {45}, - pages = {371-4}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3825713}, - year = {1987}, +@article{RN343, + author = {Laabs, Gerald J.}, + title = {Retention charateristics of different reproduction cues in motor short-term memory}, + journal = {Journal of Experimental Psychology}, + volume = {100}, + number = {1}, + pages = {168 - 177}, + year = {1973}, type = {Journal Article} } -@article{RN571, - author = {Turvey, M. T. and Rosenblum, Lawrence D. and Schmidt, R. C. and Kugler, Peter N.}, - title = {Fluctuations and phase symmetry in coordinated rhythmic movements}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {12}, +@article{RN342, + author = {Kelso, J. A. S.}, + title = {Motor control mechanisms underlying human movement production}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {3}, number = {4}, - pages = {564-583}, - year = {1986}, + pages = {529 -543}, + year = {1977}, type = {Journal Article} } -@article{RN262, - author = {Thomson, James A.}, - title = {Intermittent versus continuous visual control: A reply to Elliott}, - journal = {Journal of Experimental Psychology Human Perception and Performance}, - volume = {12}, - number = {3}, - pages = {392-393}, - year = {1986}, - type = {Journal Article} +@inbook{RN341, + author = {Abrams, Richard A. and Van Dillen, Linda and Stemmons, Vicki}, + title = {Multiple sources of spatial information for aimed limb movements}, + booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, + editor = {Umilta, Carlo and Moscovitch, Morris}, + publisher = {The Mit Press}, + address = {Cambridge, MA}, + pages = {267-290}, + year = {1994}, + type = {Book Section} } -@article{RN552, - author = {Schoener, G. and Haken, H. and Kelso, J. A. S.}, - title = {A Stochastic theory of phase transitions in human hand movement}, - journal = {Biological Cybernetics}, - volume = {53}, - pages = {247-257}, - year = {1986}, +@article{RN340, + author = {Findlay, John M.}, + title = {Global visual processing for saccadic eye movements}, + journal = {Vision Research}, + volume = {22}, + number = {8}, + pages = {1033 - 1045}, + year = {1982}, type = {Journal Article} } -@article{RN2693, - author = {Roy, E. A. and Elliott, D.}, - title = {Manual asymmetries in visually directed aiming}, - journal = {Can J Psychol}, - volume = {40}, - number = {2}, - pages = {109-21}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3730950 }, +@article{RN339, + author = {Coren, Stanley}, + title = {An efferent component in the visual perception of direction and extent}, + journal = {Psychological Review}, + volume = {93}, + number = {4}, + pages = {391 - 410}, year = {1986}, type = {Journal Article} } -@article{RN147, - author = {Prinzmetal, William and Presti, David E. and Posner, Michael I.}, - title = {Does attention affect visual feature integration?}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {12}, +@article{RN338, + author = {Abrams, Richard A. and Meyer, David E. and Kornblum, Sylvan}, + title = {Speed and accuracy of saccadic eye movements: Characteristics of impulse variability in the oculomotor system}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {15}, number = {3}, - pages = {361-369}, - year = {1986}, + pages = {529 - 543}, + year = {1989}, type = {Journal Article} } -@article{RN739, - author = {Pelisson, D. and Prablanc, C. and Goodale, M. A. and Jeannerod, M.}, - title = {Visual control of reaching movements without vision of the limb. II. Evidence of fast unconscious processes correcting the trajectory of the hand to the final position of a double-step stimulus}, - journal = {Exp Brain Res}, - volume = {62}, +@article{RN337, + author = {Abrams, Richard A. and Meyer, David E. and Kornblum, Sylvan}, + title = {Eyeand coordination: Oculomotor control in rapid aimed limb movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {16}, number = {2}, - pages = {303-11}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3709715}, - year = {1986}, + pages = {248 - 267}, + year = {1990}, type = {Journal Article} } -@inbook{RN300, - author = {Norman, D. A. and Shallice, T.}, - title = {Attention to action: Willed and automatic control of behavior}, - booktitle = {Consciousness and selfregulation}, - editor = {Davidson, R.J. and Schwartz, G.E. and Shapiro, D.}, - publisher = {Plenum}, - address = {New York}, - volume = {4}, - year = {1986}, - type = {Book Section} +@article{RN336, + author = {Abrams, Richard A. and Landgraf, Jonathan Z.}, + title = {Differential use of distance and location information for spatial localization}, + journal = {Perception & Psychophysics}, + volume = {47}, + number = {4}, + pages = {349 - 359}, + year = {1990}, + type = {Journal Article} } -@article{RN47, - author = {McQuade, denise b. and Williams, Ernest H. and Eichenbaum, Howard B.}, - title = {Cues used for localizing food by gray squirrels (sciurus carolinensis)}, - journal = {Ethology}, - volume = {72}, - pages = {22-30}, - year = {1986}, +@article{RN335, + author = {Viviani, P. and Perani, D. and Grassi, F. and Bettinardi, V. and Fazio, F.}, + title = {Hemispheric asymmetries and bimanual asynchrony in left- and right-handers}, + journal = {Experimental Brain Research}, + volume = {120}, + number = {4}, + pages = {531-536}, + year = {1998}, type = {Journal Article} } -@article{RN517, - author = {Larish, Douglas D.}, - title = {Influence of stimulusesponse translations on response programming: Examining the relationship of arm, direction, and extent of movement}, - journal = {Acta Psychologica}, - volume = {61}, - number = {1}, - year = {1986}, +@article{RN333, + author = {Samuel, M. and Ceballos-Baumann, A. O. and Blin, J. and Uema, T. and Boecker, H. and Passingham, R. E. and Brooks, D. J.}, + title = {Evidence for lateral premotor and parietal overactivity in Parkinson's disease during sequential and bimanual movements. A PET study [see comments]}, + journal = {Brain}, + volume = {120}, + pages = {963-976}, + year = {1997}, type = {Journal Article} } -@inbook{RN893, - author = {Keele, S. W.}, - title = {Motor Control}, - booktitle = {Handbook of Human Perception and Performance}, - editor = {Boff, J.K. and Kaufman, L. and Thomas, J.P.}, - publisher = {Wiley & Sons}, - address = {New York}, - volume = {2, 30}, - pages = {1-60}, - year = {1986}, - type = {Book Section} +@article{RN332, + author = {Sadato, N. and Yonekura, Y. and Waki, A. and Yamada, H. and Ishii, Y.}, + title = {Role of the supplementary motor area and the right premotor cortex in the coordination of bimanual finger movements}, + journal = {Journal of Neuroscience}, + volume = {17}, + number = {24}, + pages = {9667-9674}, + year = {1997}, + type = {Journal Article} } -@article{RN201, - author = {Goodale, M. A. and Pelisson, D. and Prablanc, C.}, - title = {Large adjustments in visually guided reaching do not depend on vision of the hand or perception of target displacement}, - journal = {Nature}, - volume = {320}, - number = {6064}, - pages = {748-750}, - year = {1986}, +@article{RN331, + author = {Goerres, G. W. and Samuel, M. and Jenkins, I. H. and Brooks, D. J.}, + title = {Cerebral control of unimanual and bimanual movements: an H2(15)O PET study}, + journal = {Neuroreport}, + volume = {9}, + number = {16}, + pages = {3631-3638}, + year = {1998}, + type = {Journal Article} +} + +@article{RN330, + author = {Fink, G. R. and Marshall, J. C. and Halligan, P. W. and Frith, C. D. and Driver, J. and Frackowiak, R. S. and Dolan, R. J.}, + title = {The neural consequences of conflict between intention and the senses}, + journal = {Brain}, + volume = {122}, + pages = {497-512}, + year = {1999}, type = {Journal Article} } -@article{RN172, - author = {Georgopoulos, Apostolos P. and Schwartz, Andrew B. and Kettner, Ronald E.}, - title = {Neuronal population coding of movement direction}, +@article{RN329, + author = {Kim, S. G. and Ashe, J. and Hendrich, K. and Ellermann, J. M. and Merkle, H. and Uagurbil, K. and Georgopoulos, A. P.}, + title = {Functional magnetic resonance imaging of motor cortex: hemispheric asymmetry and handedness}, journal = {Science}, - volume = {233}, - number = {4771}, - pages = {1416-1419}, - year = {1986}, + volume = {261}, + number = {5121}, + pages = {615-617}, + year = {1993}, type = {Journal Article} } -@article{RN173, - author = {Georgopoulos, Apostolos P.}, - title = {On reaching}, - journal = {Annual Review of Neuroscience}, +@article{RN328, + author = {Toni, I. and Schluter, N. D. and Josephs, O. and Friston, K. and Passingham, R. E.}, + title = {Signal-, set- and movement-related activity in the human brain: an event-related fMRI study}, + journal = {Cerebral Cortex}, volume = {9}, - pages = {147-170}, - year = {1986}, + number = {1}, + pages = {35-49}, + year = {1999}, type = {Journal Article} } -@article{RN420, - author = {Flament, D. and Hore, J.}, - title = {Movement and electromyographic disorders associated with cerebellar dysmetria}, - journal = {Journal of Neurophysiology}, - volume = {55}, - number = {6}, - pages = {1221-33}, - year = {1986}, - type = {Journal Article} +@book{RN325, + author = {Talairach, J. and Tournoux, P.}, + title = {Co-planar stereotaxic atlas of the human brain: 3-dimensional proportional system: an approach to cerebral imaging.}, + publisher = {Thieme}, + address = {New York}, + year = {1988}, + type = {Book} } -@article{RN256, - author = {Elliott, Digby}, - title = {Continuous visual information may be important after all: A failure to replicate Thomson (1983)}, - journal = {Journal of Experimental Psychology Human Perception and Performance}, - volume = {12}, +@article{RN324, + author = {Spijkers, Will and Heuer, Herbert}, + title = {Structural constraints on the performance of symmetrical bimanual movements with different amplitudes}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {48}, number = {3}, - pages = {388-391}, - year = {1986}, + pages = {716-740}, + year = {1995}, type = {Journal Article} } -@article{RN416, - author = {Diener, H. C. and Meuller, A. and Thron, A. and Poremba, M. and Dichgans, J. and Rapp, H.}, - title = {Correlation of clinical signs with CT findings in patients with cerebellar disease}, - journal = {Journal of Neurology}, - volume = {233}, - number = {1}, - pages = {5-12}, - year = {1986}, +@article{RN323, + author = {Spijkers, Will and Heuer, Herbert and Kleinsorge, Thomas and van der Loo, Hanno}, + title = {Preparation of bimanual movements with same and different amplitudes: Specification interference as revealed by reaction time}, + journal = {Acta Psychologica}, + volume = {96}, + number = {3}, + pages = {207-227}, + year = {1997}, type = {Journal Article} } -@article{RN1027, - author = {Dick, J. P. and Rothwell, J. C. and Berardelli, A. and Thompson, P. D. and Gioux, M. and Benecke, R. and Day, B. L. and Marsden, C. D.}, - title = {Associated postural adjustments in Parkinson's disease}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {49}, - number = {12}, - pages = {1378-85.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=3806114}, - year = {1986}, +@article{RN322, + author = {Heuer, Herbert}, + title = {Structural constraints on bimanual movements}, + journal = {Psychological Research}, + volume = {55}, + number = {2}, + pages = {83-98}, + year = {1993}, type = {Journal Article} } -@article{RN3153, - author = {Deubel, H. and Wolf, W. and Hauske, G.}, - title = {Adaptive gain control of saccadic eye movements}, - journal = {Hum Neurobiol}, - volume = {5}, - number = {4}, - pages = {245-53}, - ISSN = {0721-9075 (Print) -0721-9075 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3818374}, - year = {1986}, +@article{RN319, + author = {Jolicoeur, Pierre and Dell'Acqua, Roberto}, + title = {Attentional and structural constraints on visual encoding}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {62}, + number = {2-3}, + pages = {154-164}, + year = {1999}, type = {Journal Article} } -@article{RN339, - author = {Coren, Stanley}, - title = {An efferent component in the visual perception of direction and extent}, - journal = {Psychological Review}, - volume = {93}, - number = {4}, - pages = {391 - 410}, - year = {1986}, - type = {Journal Article} +@inbook{RN318, + author = {Rizzolatti, Giacomo and Riggio, Lucia and Sheliga, Boris M.}, + title = {Space and selective attention}, + booktitle = {Attention and performance 15: Conscious and nonconscious information processing.}, + publisher = {Mit Press}, + pages = {232-265}, + year = {1994}, + type = {Book Section} } -@article{RN48, - author = {Collett, t.s. and Cartwright, B.A. and Smith, B.A}, - title = {Landmark learning and visuo-spatial memories in gerbils}, - journal = {Journal of comparative physiology}, - volume = {158}, - pages = {835-851}, - year = {1986}, +@article{RN315, + author = {Swinnen, Stephan P. and Jardin, Kris and Meulenbroek, Ruud}, + title = {Between-limb asynchronies during bimanual coordination: Effects of manual dominance and attentional cueing}, + journal = {Neuropsychologia}, + volume = {34}, + number = {12}, + pages = {1203-1213}, + year = {1996}, type = {Journal Article} } -@article{RN598, - author = {Alexander, Garrett E. and DeLong, Majlon R. and Strick, Peter L.}, - title = {Parallel Organization of functionally segregated circuits linking basal ganglia and cortex}, - journal = {Annual Review of Neuroscience}, - volume = {9}, - pages = {357-381}, - year = {1986}, +@article{RN314, + author = {Serrien, Deborah J. and Swinnen, Stephan P.}, + title = {Intentional switching between behavioral patterns of homologous and nonhomologous effector combinations}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {25}, + number = {5}, + year = {1999}, type = {Journal Article} } -@article{RN991, - author = {Woodruff-Pak, D. S. and Lavond, D. G. and Thompson, R. F.}, - title = {Trace conditioning: abolished by cerebellar nuclear lesions but not lateral cerebellar cortex aspirations}, - journal = {Brain Res}, - volume = {348}, +@article{RN313, + author = {Kelso, J. A. Scott and Southard, Dan L. and Goodman, David}, + title = {On the coordination of two-handed movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {5}, number = {2}, - pages = {249-60}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4075084}, - year = {1985}, + pages = {229-238}, + year = {1979}, type = {Journal Article} } -@article{RN2690, - author = {Todor, J. I. and Cisneros, J.}, - title = {Accommodation to increased accuracy demands by the right and left hands}, - journal = {J Mot Behav}, - volume = {17}, - number = {3}, - pages = {355-72}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=15140687 }, - year = {1985}, +@article{RN312, + author = {Kelso, J. A. Scott and Putnam, Carol A. and Goodman, David}, + title = {On the space-time structure of human interlimb co-ordination}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {35}, + number = {2}, + pages = {347-375}, + year = {1983}, type = {Journal Article} } -@article{RN924, - author = {Reeve, T. Gilmour and Proctor, Robert W.}, - title = {Nonmotoric translation processes in the preparation of discrete finger responses: A rebuttal of Miller's (1985) analysis}, +@article{RN311, + author = {Vindras, Philippe and Viviani, Paolo}, + title = {Frames of reference and control parameters in visuomanual pointing}, journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {11}, + volume = {24}, number = {2}, - pages = {234-241}, - year = {1985}, + year = {1998}, type = {Journal Article} } -@article{RN81, - author = {Petersen, Steven E. and Robinson, David Lee and Keys, William}, - title = {Pulvinar Nuclei of the behaving rhesus monkey: visual responses and their modulation}, - journal = {Journal of Neurophysiology}, - volume = {54}, +@article{RN310, + author = {Stucchi, Natale and Viviani, Paolo}, + title = {Cerebral dominance and asynchrony between bimanual two-dimensional movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {19}, + number = {6}, + pages = {1200-1220}, + year = {1993}, + type = {Journal Article} +} + +@article{RN309, + author = {Bridgeman, Bruce and Lewis, Stephen and Heit, Gary and Nagle, Martha}, + title = {Relation Between Cognitive and Motor-Oriented Systems of Visual Position Perception}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {5}, number = {4}, - pages = {867-886}, - year = {1985}, + pages = {692-700}, + year = {1979}, type = {Journal Article} } -@article{RN75, - author = {Moran, Jeffrey and Desiomone, Robert}, - title = {Selective attention gates visual processing in the extrastriate cortex}, - journal = {Science}, - volume = {229}, - pages = {782-784}, - year = {1985}, +@article{RN308, + author = {Bridgeman, Bruce and Kirch, Marc and Sperling, Alan}, + title = {Segregation of Cognitive and Motor Aspects of Visual Function Using Induced Motion}, + journal = {Perception & Psychophysics}, + volume = {29}, + number = {4}, + pages = {336-342}, + year = {1981}, type = {Journal Article} } -@article{RN684, - author = {Matsuoka, K.}, - title = {Sustained oscillations generated by mutually inhibiting neurons with adaptation}, - journal = {Biological Cybernetics}, - volume = {52}, - number = {6}, - pages = {367-76}, - year = {1985}, +@article{RN307, + author = {Bridgeman, Bruce and Van der Hejiden, A. H. C. and Velichkovsky, Boris M.}, + title = {A theory of visual stability across saccadic eye movements}, + journal = {Behavioral & Brain Sciences}, + volume = {17}, + number = {2}, + year = {1994}, type = {Journal Article} } -@article{RN518, - author = {Larish, Douglas D. and Frekany, George A.}, - title = {Planning and preparing expected and unexpected movements: Reexamining the relationships of arm, direction, and extent of movement}, - journal = {Journal of Motor Behavior}, - volume = {17}, - number = {2}, - year = {1985}, +@article{RN306, + author = {Blouin, Jean and Bridgeman, Bruce and Teasdale, Normand and Bard, Chantal and and otherset, al}, + title = {Visual stability with goal-directed eye and arm movements toward a target displaced during saccadic-suppression}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {58}, + number = {3}, + year = {1995}, type = {Journal Article} } -@article{RN778, - author = {Keele, S. W. and Pokorny, R. A. and Corcos, D. M. and Ivry, R.}, - title = {Do perception and motor production share common timing mechanisms: a correctional analysis}, - journal = {Acta Psychol (Amst)}, - volume = {60}, - number = {2-3}, - pages = {173-91.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4091033}, - year = {1985}, +@article{RN305, + author = {Bridgeman, Bruce and Peery, Shelley and Anand, Sulekha}, + title = {Interaction of cognitive and sensorimotor maps of visual space}, + journal = {Perception & Psychophysics}, + volume = {59}, + number = {3}, + pages = {456 - 469}, + year = {1997}, type = {Journal Article} } -@article{RN218, - author = {Hirtle, Stephen C. and Jonides, John}, - title = {Evidence of hierarchies in cognitive maps}, - journal = {Memory and Cognition}, - volume = {13}, +@article{RN304, + author = {Bridgeman, Bruce and Huemer, Valerie}, + title = {A spatially oriented decision does not induce consciousness in a motor task}, + journal = {Consciousness & Cognition: An International Journal}, + volume = {7}, number = {3}, - pages = {208-217}, - year = {1985}, + year = {1998}, type = {Journal Article} } -@article{RN795, - author = {Hary, D. and Moore, G. P.}, - title = {Temporal tracking and synchronization strategies}, - journal = {Hum Neurobiol}, - volume = {4}, +@article{RN303, + author = {Marteniuk, R. G. and MacKenzie, C. L. and Baba, D. M.}, + title = {Bimanual movement control: Information processing and interaction effects}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {36}, number = {2}, - pages = {73-9}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4030426}, - year = {1985}, + pages = {335-365}, + year = {1984}, type = {Journal Article} } -@article{RN358, - author = {Haken, H. and Kelso, J. A. S. and Bunz, H.}, - title = {A theoretical model of phase transitions in human hand movements}, - journal = {Biological Cybernetics}, - volume = {51}, - pages = {347-356}, - year = {1985}, +@article{RN302, + author = {Jackson, S. R. and Jackson, G. M. and Harrison, J. and Henderson, L. and Kennard, C.}, + title = {The internal control of action and Parkinson's disease: a kinematic analysis of visually-guided and memory-guided prehension movements}, + journal = {Experimental Brain Research}, + volume = {105}, + number = {1}, + year = {1995}, type = {Journal Article} } -@article{RN374, - author = {Goldberg, Gary}, - title = {Supplementary motor area structure and function: Review and hypotheses}, - journal = {Behavioral & Brain Sciences}, - volume = {8}, - number = {4}, - pages = {567-616}, - year = {1985}, +@article{RN301, + author = {Jackson, S. R. and Jackson, G. M. and Rosicky, J.}, + title = {Are non-relevant objects represented in working memory? The effect of non-target objects on reach and grasp kinematics}, + journal = {Experimental Brain Research}, + volume = {102}, + number = {3}, + year = {1995}, type = {Journal Article} } -@article{RN707, - author = {Gazzaniga, M. S. and Holtzman, J. D. and Deck, M. D. and Lee, B. C.}, - title = {MRI assessment of human callosal surgery with neuropsychological correlates}, - journal = {Neurology}, - volume = {35}, - number = {12}, - pages = {1763-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4069368}, - year = {1985}, - type = {Journal Article} +@inbook{RN300, + author = {Norman, D. A. and Shallice, T.}, + title = {Attention to action: Willed and automatic control of behavior}, + booktitle = {Consciousness and selfregulation}, + editor = {Davidson, R.J. and Schwartz, G.E. and Shapiro, D.}, + publisher = {Plenum}, + address = {New York}, + volume = {4}, + year = {1986}, + type = {Book Section} } -@article{RN1330, - author = {Freund, H. J. and Hummelsheim, H.}, - title = {Lesions of premotor cortex in man}, - journal = {Brain}, - volume = {108 ( Pt 3)}, - pages = {697-733}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3929994}, - year = {1985}, +@article{RN299, + author = {Fox, E.}, + title = {Negative priming from ignored distractors in visual selection: A review}, + journal = {Psychonomic Bulletin & Review}, + volume = {2}, + pages = {145-173}, + year = {1995}, type = {Journal Article} } -@article{RN2710, - author = {Fox, P. T. and Raichle, M. E. and Thach, W. T.}, - title = {Functional mapping of the human cerebellum with positron emission tomography}, - journal = {Proc Natl Acad Sci U S A}, - volume = {82}, - number = {21}, - pages = {7462-6}, - ISSN = {0027-8424 (Print) -0027-8424 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=3877309}, - year = {1985}, +@inbook{RN298, + author = {Houghton, George and Tipper, Steven P.}, + title = {A model of inhibitory mechanisms in selective attention}, + booktitle = {Inhibitory processes in attention, memory, and language}, + editor = {Dagenbach, Dale and Carr, Thomas H.}, + publisher = {Academic Press}, + address = {San Diego, CA}, + pages = {53-112}, + year = {1994}, + type = {Book Section} +} + +@article{RN297, + author = {Owen, Adrian M. and Roberts, Angela C. and Hodges, John R. and Summer, Beatrice A. and Polkey, Charles E. and Robbins, Trevor W.}, + title = {Contrasting mechanisms of impaired attentional set-shifting in patients with frontal lobe damage parkinson's disease}, + journal = {Brain}, + volume = {116}, + pages = {1159-1175}, + year = {1993}, type = {Journal Article} } -@article{RN2568, - author = {Flash, T. and Hogan, N.}, - title = {The coordination of arm movements: an experimentally confirmed mathematical model}, - journal = {J Neurosci}, - volume = {5}, - number = {7}, - pages = {1688-703}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4020415 }, - year = {1985}, +@article{RN296, + author = {Sternberg, Saul}, + title = {The Discovery of Processing Stages: Extensions of Donders' Method}, + journal = {Acta Psychologica}, + volume = {30}, + pages = {276-315}, + year = {1969}, type = {Journal Article} } -@article{RN254, - author = {Elliott, Digby and Allard, Fran}, - title = {The utilization of visual feedback information during rapid pointing movements}, - journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, - volume = {37a}, - number = {3}, - pages = {407-425}, - year = {1985}, +@article{RN295, + author = {Mayr, Ulrich and Keele, Steven W.}, + title = {Backward inhibition during intentional shifts between task sets}, + year = {in press}, type = {Journal Article} } -@article{RN379, - author = {Dufosse, M. and Hugon, M. and Massion, J.}, - title = {Postural forearm changes induced by predictable in time or voluntary triggered unloading in man}, - journal = {Experimental Brain Research}, - volume = {60}, +@article{RN293, + author = {Hayes, Amy E. and Davidson, Matthew C. and Keele, Steven W. and Rafal, Robert D.}, + title = {Toward a functional analysis of the basal ganglia.}, + journal = {Journal of Cognitive Neuroscience}, + volume = {10}, number = {2}, - pages = {330-4}, - year = {1985}, + pages = {178-198}, + year = {1998}, type = {Journal Article} } -@article{RN229, - author = {Andersen, R. A. and Essick, G. K. and Siegel, R. M.}, - title = {Encoding of spatial location by posterior parietal neurons}, - journal = {Science}, - volume = {230}, - number = {4724}, - pages = {456-8 issn: 0036-8075}, - year = {1985}, +@article{RN292, + author = {Meiran, Nachshon}, + title = {Reconfiguration of processing mode prior to task performance.}, + journal = {Journal of Experimental Psychology: Learning, Memory, & Cognition}, + volume = {22}, + number = {6}, + pages = {1423-1442}, + year = {1996}, type = {Journal Article} } -@article{RN651, - author = {Yantis, Steven and Jonides, John}, - title = {Abrupt visual onsets and selective attention: Evidence from visual search}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {10}, - number = {5}, - pages = {601-621}, - year = {1984}, +@article{RN291, + author = {Owen, Adrian M. and Roberts, Angela C. and Polkey, Charles E. and Sahakian, Barbara, J. and Robbins, T.W.}, + title = {Extra-dimensional versus intra-dimensional set shifting performance following frontal lobe excisions, temporal lobe excisions or amygdalo-hippocampectomy in man.}, + journal = {Neuropsychologia}, + volume = {29}, + number = {10}, + pages = {993-1006}, + year = {1991}, type = {Journal Article} } -@article{RN786, - author = {Wing, Alan M. and Keele, Steven and Margolin, David I.}, - title = {Motor disorder and the timing of repetitive movements}, - journal = {Annals of the New York Academy of Sciences}, - volume = {423}, - pages = {183-192}, - year = {1984}, +@article{RN290, + author = {Rogers, Robert D. and Monsell, Stephen.}, + title = {Costs of a predictible switch between simple cognitive tasks.}, + journal = {Journal of Experimental Psychology: General}, + volume = {124}, + pages = {207-231}, + year = {1995}, type = {Journal Article} } -@article{RN68, - author = {Vrizi, Richard A. and Egeth, Howard E.}, - title = {Is meaning implicated in illusory conjunctions?}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {10}, - number = {4}, - pages = {573-580}, - year = {1984}, +@article{RN289, + author = {Huttenlocher, Janellen and Newcombe, Nora and Sandberg, Elisabeth Hollister}, + title = {The coding of spatial location in young children}, + journal = {Cognitive Psychology}, + volume = {27}, + pages = {115-147}, + year = {1994}, type = {Journal Article} } -@article{RN2151, - author = {Rosina, A. and Provini, L.}, - title = {Pontocerebellar system linking the two hemispheres by intracerebellar branching}, - journal = {Brain Res}, - volume = {296}, +@article{RN287, + author = {Braddick, Oliver}, + title = {The masking of apparent motion in random-dot patterns}, + journal = {Vision Research}, + volume = {13}, number = {2}, - pages = {365-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6704743}, - year = {1984}, + pages = {355-369}, + year = {1973}, type = {Journal Article} } -@article{RN923, - author = {Reeve, T. Gilmour and Proctor, Robert W.}, - title = {On the advance preparation of discrete finger responses}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {10}, +@article{RN286, + author = {Rosch, Eleanor and Mervis, Carolyn B.}, + title = {Family resemblances: Studies in the internal structure of categories}, + journal = {Cognitive Psychology}, + volume = {7}, number = {4}, - pages = {541-553}, - year = {1984}, + pages = {573-605}, + year = {1975}, type = {Journal Article} } -@article{RN680, - author = {Pashler, Harold}, - title = {Processing stages in overlapping tasks: Evidence for a central bottleneck}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {10}, - number = {3}, - pages = {358-377}, - year = {1984}, +@article{RN285, + author = {Coltheart, M.}, + title = {Iconic memory and visible persistence}, + journal = {Perception & Psychophysics}, + volume = {27}, + pages = {183-228}, + year = {1980}, type = {Journal Article} } @@ -25916,130 +26723,163 @@ @article{RN284 type = {Journal Article} } -@article{RN377, - author = {Massion, J.}, - title = {Postural changes accompanying voluntary movements. Normal and pathological aspects}, - journal = {Human Neurobiology}, - volume = {2}, +@article{RN283, + author = {Franklin, Nancy and Henkel, Linda A. and Zangas, Thomas}, + title = {Parsing surrounding space into regions}, + journal = {Memory and Cognition}, + volume = {23}, number = {4}, - pages = {261-7}, - year = {1984}, + pages = {397-407}, + year = {1995}, type = {Journal Article} } -@article{RN303, - author = {Marteniuk, R. G. and MacKenzie, C. L. and Baba, D. M.}, - title = {Bimanual movement control: Information processing and interaction effects}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {36}, - number = {2}, - pages = {335-365}, - year = {1984}, +@inbook{RN281, + author = {Levinson, Stephen}, + title = {Frames of reference and molyneux's question: Crosslinguistic evidence}, + booktitle = {Language and Space}, + editor = {Bloom, Paul and Peterson, Mary A. and Nadel, Lynn and Garrett, Merrill F}, + publisher = {MIT Press}, + address = {Cambridge}, + pages = {109-107}, + year = {1994}, + type = {Book Section} +} + +@article{RN280, + author = {Gros, Bryan L. and Pope, Dvid R. and Cohn, Theodore E.}, + title = {Relative efficiency for the detetction of apparent motion}, + year = {1996}, type = {Journal Article} } -@article{RN2781, - author = {Kozlova, G. P.}, - title = {Individual anatomical variations in cerebellar nuclei}, - journal = {Neurosci Behav Physiol}, - volume = {14}, +@article{RN279, + author = {Freyd, Jennifer J. and Finke, Ronald A.}, + title = {Representational momentum}, + journal = {Journal of Experimental Psychology: Learning, Memory, and Cognition}, + volume = {10}, number = {1}, - pages = {63-7}, - ISSN = {0097-0549 (Print) -0097-0549 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6717774}, + pages = {126-132}, year = {1984}, type = {Journal Article} } -@article{RN2008, - author = {Kelso, J. A. S.}, - title = {Phase transitions and critical behavior in human bimanual coordination}, - journal = {Am J Physiol}, - volume = {246}, - number = {6 Pt 2}, - pages = {R1000-4}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6742155}, - year = {1984}, +@article{RN278, + author = {Freyd, Jennifer J. and Johnson, J. Q.}, + title = {Probing the time course of representational momentum}, + journal = {Journal of Experimental Psychology: Learning, Memory, and Cognition}, + volume = {13}, + number = {2}, + pages = {259-268}, + year = {1987}, type = {Journal Article} } -@article{RN744, - author = {Johansson, R. S. and Westling, G.}, - title = {Roles of glabrous skin receptors and sensorimotor memory in automatic control of precision grip when lifting rougher or more slippery objects}, - journal = {Exp Brain Res}, - volume = {56}, - number = {3}, - pages = {550-64}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6499981}, - year = {1984}, +@book{RN272, + author = {Sokal, R. R. and Rohlf, F. J.}, + title = {Biometry: the principles and practice of statistics in biological research.}, + publisher = {W. H. Freeman}, + address = {San Fransisco}, + edition = {2nd}, + year = {1981}, + type = {Book} +} + +@article{RN271, + author = {Ulrich, Rolf and Miller, Jeff}, + title = {Effects of truncation on reaction time analysis}, + journal = {Journal of Experimental Psychology: General}, + volume = {123}, + number = {1}, + pages = {34-80}, + year = {1994}, type = {Journal Article} } -@article{RN1018, - author = {Horak, F. B. and Esselman, P. and Anderson, M. E. and Lynch, M. K.}, - title = {The effects of movement velocity, mass displaced, and task certainty on associated postural adjustments made by normal and hemiplegic individuals}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {47}, - number = {9}, - pages = {1020-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6481370}, - year = {1984}, +@article{RN269, + author = {Harms, Lisbeth and Bundesen, Claus}, + title = {Color segregation and selective attention in a nonsearch task}, + journal = {Perception & Psychophysics}, + volume = {33}, + number = {1}, + pages = {11-19}, + year = {1983}, type = {Journal Article} } -@article{RN279, - author = {Freyd, Jennifer J. and Finke, Ronald A.}, - title = {Representational momentum}, - journal = {Journal of Experimental Psychology: Learning, Memory, and Cognition}, - volume = {10}, +@article{RN268, + author = {Eriksen, Barbara A. and Eriksen, Charles W.}, + title = {Effects of noise letters upon the identification of a target letter in a nonsearch task}, + journal = {Perception & Psychophysics}, + volume = {16}, number = {1}, - pages = {126-132}, - year = {1984}, + pages = {143-149}, + year = {1974}, type = {Journal Article} } -@article{RN2407, - author = {Carter, M. C. and Shapiro, D. C.}, - title = {Control of sequential movements: evidence for generalized motor programs}, - journal = {J Neurophysiol}, - volume = {52}, - number = {5}, - pages = {787-96}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6512588}, - year = {1984}, +@article{RN267, + author = {Raymond, Jane E. and Shapiro, Kimron L. and Arnell, Karen M.}, + title = {Temporary suppression of visual processing in an RSVP task: an attentional blink?}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {18}, + number = {3}, + pages = {849-860}, + year = {1992}, type = {Journal Article} } -@article{RN437, - author = {Brinkman, C.}, - title = {Supplementary motor area of the monkey's cerebral cortex: short- and long-term deficits after unilateral ablation and the effects of subsequent callosal section}, - journal = {Journal of Neuroscience}, - volume = {4}, - number = {4}, - pages = {918-29}, - year = {1984}, +@article{RN266, + author = {Wallace, Richard J.}, + title = {S-R compatibility and the idea of a response code}, + journal = {Journal of Experimental Psychology}, + volume = {88}, + number = {3}, + pages = {354-360}, + year = {1971}, type = {Journal Article} } -@article{RN137, - author = {Adelson, E. H. and Bergen, J. R.}, - title = {Spatiotemoral energy models for the perception of motion}, - journal = {Journal of the Opt. Soc. Am. A}, - volume = {2}, - number = {2}, - pages = {284-299}, - year = {1984}, +@article{RN265, + author = {Biguer, B. and Jeannerod, M. and Prablanc, C.}, + title = {The coordination of eye, head, and arm movements during reaching at a single visual target}, + journal = {Experimental Brain Research}, + volume = {46}, + pages = {301-304}, + year = {1982}, type = {Journal Article} } -@book{RN3380, - author = {Tufte, E. R.}, - title = {The visual display of quantitative information}, - publisher = {Graphics Press}, - address = {Cheshire, CT}, - year = {1983}, - type = {Book} +@article{RN264, + author = {Keele, Steven W. and Posner, Michael I.}, + title = {Processing of visual feedback in rapid movements}, + journal = {Journal of Experimental Psychology}, + volume = {77}, + pages = {155-158}, + year = {1968}, + type = {Journal Article} +} + +@article{RN263, + author = {Morris, Neil}, + title = {Exploring the visuo-spatial scratch pad}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {39}, + number = {3, Sect A}, + pages = {409-430}, + year = {1987}, + type = {Journal Article} +} + +@article{RN262, + author = {Thomson, James A.}, + title = {Intermittent versus continuous visual control: A reply to Elliott}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {12}, + number = {3}, + pages = {392-393}, + year = {1986}, + type = {Journal Article} } @article{RN261, @@ -26053,301 +26893,288 @@ @article{RN261 type = {Journal Article} } -@article{RN868, - author = {Soechting, J. F. and Lacquaniti, F.}, - title = {Modification of trajectory of a pointing movement in response to a change in target location}, - journal = {J Neurophysiol}, - volume = {49}, +@article{RN260, + author = {Constantinidis, Christos and Steinmetz, Michael A.}, + title = {Neuronal activity in posterior parietal area 7a during the delay periods of a spatial memory task}, + journal = {Journal of Neurophysiology}, + volume = {76}, number = {2}, - pages = {548-64.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6834087}, - year = {1983}, + pages = {1352-1355}, + year = {1996}, type = {Journal Article} } -@article{RN3385, - author = {Rosenbaum, D. A. and Kenny, S. B. and Derr, M. A.}, - title = {Hierarchical control of rapid movement sequences}, - journal = {J Exp Psychol Hum Percept Perform}, - volume = {9}, - number = {1}, - pages = {86-102}, - ISSN = {0096-1523 (Print) -0096-1523 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/6220126}, +@article{RN259, + author = {Crossman, E. R. and Goodeve, P. J.}, + title = {Feedback control of hand-movement and Fitts' Law}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {35a}, + number = {2}, + pages = {251-278}, year = {1983}, type = {Journal Article} } -@inbook{RN673, - author = {Rosenbaum, D. A.}, - title = {The movement precueing technique: Assumptions, applications, and extensions.}, - booktitle = {Memory and control of action}, - editor = {Magill, R. A.}, - publisher = {North-Holland}, - address = {Amsterdam}, - pages = {231-274}, - year = {1983}, - type = {Book Section} -} - -@article{RN3396, - author = {Muir, R. B. and Lemon, R. N.}, - title = {Corticospinal neurons with a special role in precision grip}, - journal = {Brain Res}, - volume = {261}, - number = {2}, - pages = {312-6}, - ISSN = {0006-8993 (Print) -0006-8993 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/6831213}, - year = {1983}, +@article{RN258, + author = {Carlton, Les G.}, + title = {Visual information: The control of aiming movements}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {33a}, + number = {1}, + pages = {87-93}, + year = {1981}, type = {Journal Article} } -@article{RN2163, - author = {Mugnaini, E.}, - title = {The length of cerebellar parallel fibers in chicken and rhesus monkey}, - journal = {J Comp Neurol}, - volume = {220}, - number = {1}, - pages = {7-15}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6643718}, - year = {1983}, +@article{RN257, + author = {Carlton, Les G.}, + title = {Processing visual feedback information for movement control}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {7}, + number = {5}, + pages = {1019-1030}, + year = {1981}, type = {Journal Article} } -@article{RN312, - author = {Kelso, J. A. Scott and Putnam, Carol A. and Goodman, David}, - title = {On the space-time structure of human interlimb co-ordination}, - journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, - volume = {35}, - number = {2}, - pages = {347-375}, - year = {1983}, +@article{RN256, + author = {Elliott, Digby}, + title = {Continuous visual information may be important after all: A failure to replicate Thomson (1983)}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {12}, + number = {3}, + pages = {388-391}, + year = {1986}, type = {Journal Article} } -@article{RN424, - author = {Kalaska, J. F. and Caminiti, R. and Georgopoulos, A. P.}, - title = {Cortical mechanisms related to the direction of two-dimensional arm movements: relations in parietal area 5 and comparison with motor cortex}, - journal = {Experimental Brain Research}, - volume = {51}, - number = {2}, - pages = {247-60}, - year = {1983}, +@article{RN254, + author = {Elliott, Digby and Allard, Fran}, + title = {The utilization of visual feedback information during rapid pointing movements}, + journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, + volume = {37a}, + number = {3}, + pages = {407-425}, + year = {1985}, type = {Journal Article} } -@article{RN269, - author = {Harms, Lisbeth and Bundesen, Claus}, - title = {Color segregation and selective attention in a nonsearch task}, - journal = {Perception & Psychophysics}, - volume = {33}, +@article{RN253, + author = {Elliott, Digby}, + title = {The influence of visual target and limb information on manual aiming}, + journal = {Canadian Journal of Psychology}, + volume = {42}, number = {1}, - pages = {11-19}, - year = {1983}, + pages = {57-68}, + year = {1988}, type = {Journal Article} } -@article{RN587, - author = {Evarts, Edward V. and Fromm, Christoph and Kroeller, Juergen and Jennings, Von A.}, - title = {Motor cortex control of finely graded forces}, - journal = {Journal of Neurophysiology}, - volume = {49}, - number = {5}, - pages = {1199-1215}, - year = {1983}, +@article{RN252, + author = {MacKenzie, Christine L. and Sivak, Barbara and Elliott, Digby}, + title = {Manual localization of lateralized visual targets}, + journal = {Journal of Motor Behavior}, + volume = {20}, + number = {4}, + pages = {443-457}, + year = {1988}, type = {Journal Article} } -@article{RN2398, - author = {Day, B. L. and Rothwell, J. C. and Marsden, C. D.}, - title = {Interaction between the long-latency stretch reflex and voluntary electromyographic activity prior to a rapid voluntary motor reaction}, - journal = {Brain Res}, - volume = {270}, - number = {1}, - pages = {55-62}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6871716}, - year = {1983}, +@article{RN251, + author = {Elliott, Digby and Calvert, Randy}, + title = {The influence of uncertainty and premovement visual information on manual aiming}, + journal = {Canadian Journal of Psychology}, + volume = {44}, + number = {4}, + pages = {501-511}, + year = {1990}, type = {Journal Article} } -@article{RN259, - author = {Crossman, E. R. and Goodeve, P. J.}, - title = {Feedback control of hand-movement and Fitts' Law}, - journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, - volume = {35a}, +@article{RN250, + author = {Elliott, Digby}, + title = {Use of visual feedback during rapid aiming at a moving target}, + journal = {Perceptual and Motor Skills}, + volume = {76}, number = {2}, - pages = {251-278}, - year = {1983}, + pages = {690}, + year = {1993}, type = {Journal Article} } -@inbook{RN241, - author = {Ungerleider, L.G. and Mishkin, M.}, - title = {Two cortical visual systems}, - booktitle = {Analysis of visual behavior}, - editor = {Ingle, D.J. and Goodale, M.A. and Mansfield, R.J.W.}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - pages = {549-586}, - year = {1982}, - type = {Book Section} +@article{RN249, + author = {Elliott, Digby and Chua, Romeo and Pollock, Barbara J.}, + title = {The influence of intermittent vision on manual aiming}, + journal = {Acta Psychologica}, + volume = {85}, + number = {1}, + pages = {1-13}, + year = {1994}, + type = {Journal Article} } -@article{RN50, - author = {Treisman, anne and Schmidt, Hilary}, - title = {Illusory conjunctions in perception of objects}, - journal = {Cognitive Psychology}, - volume = {14}, - pages = {107-141}, - year = {1982}, +@article{RN248, + author = {Elliott, Digby and Lee, Timothy D.}, + title = {The role of target information on manual-aiming bias}, + journal = {Psychological ResearchPsychologische Forschung}, + volume = {58}, + number = {1}, + pages = {2-9}, + year = {1995}, type = {Journal Article} } -@article{RN148, - author = {Treisman, Anne}, - title = {Perceptual grouping and attention in visual search for features and for objects}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {8}, - number = {2}, - pages = {194-214}, - year = {1982}, +@article{RN247, + author = {Elliott, Digby and Pollock, Barbara J. and Lyons, James and Chua, Romeo}, + title = {Intermittent vision and discrete manual aiming}, + journal = {Perceptual and Motor Skills}, + volume = {80}, + number = {3, Pt 2}, + pages = {1203-1213}, + year = {1995}, type = {Journal Article} } -@article{RN2400, - author = {Rothwell, J. C. and Traub, M. M. and Marsden, C. D.}, - title = {Automatic and "voluntary' responses compensating for disturbances of human thumb movements}, - journal = {Brain Res}, - volume = {248}, - number = {1}, - pages = {33-41}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7127140}, - year = {1982}, +@article{RN246, + author = {Nelson, Thomas O. and Chaiklin, Seth}, + title = {Immediate memory for spatial location}, + journal = {Journal of Experimental Psychology: Human Learning and Memory}, + volume = {6}, + number = {5}, + pages = {529-545}, + year = {1980}, type = {Journal Article} } -@article{RN366, - author = {Rosenbaum, David A. and Kornblum, Sylvan}, - title = {A priming method for investigating the selection of motor responses}, +@article{RN245, + author = {Lindberg, Erik and Garling, Tommy}, + title = {Memory for spatial location in two-dimensional arrays}, journal = {Acta Psychologica}, - volume = {51}, - number = {3}, - pages = {223-243}, - year = {1982}, + volume = {64}, + number = {2}, + pages = {151-166}, + year = {1987}, type = {Journal Article} } -@article{RN1031, - author = {Rispal-Padel, L. and Cicirata, F. and Pons, C.}, - title = {Cerebellar nuclear topography of simple and synergistic movements in the alert baboon (Papio papio)}, - journal = {Exp Brain Res}, - volume = {47}, - number = {3}, - pages = {365-80}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6889975}, - year = {1982}, +@article{RN244, + author = {Baum, David R. and Jonides, John}, + title = {Cognitive maps: Analysis of comparative judgments of distance}, + journal = {Memory and Cognition}, + volume = {7}, + number = {6}, + pages = {462-468}, + year = {1979}, type = {Journal Article} } -@article{RN892, - author = {Posner, M. I. and Cohen, Y. and Rafal, R. D.}, - title = {Neural systems control of spatial orienting}, - journal = {Philos Trans R Soc Lond B Biol Sci}, - volume = {298}, - number = {1089}, - pages = {187-98.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=6125970}, - year = {1982}, +@article{RN243, + author = {Baddeley, Alan}, + title = {The concept of working memory: A view of its current state and probable future development}, + journal = {Cognition}, + volume = {10}, + number = {1-3}, + pages = {17-23}, + year = {1981}, type = {Journal Article} } -@article{RN636, - author = {Miller, Jeff}, - title = {Discrete versus continuous stage models of human information processing: In search of partial output}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {8}, - number = {2}, - pages = {273-296}, - year = {1982}, +@article{RN242, + author = {Balint, R.}, + title = {Seelenlähmung des "Schauens", optische Ataxie, räumliche Störung der Aufmerksamkeit}, + journal = {Monatszeitschrift für Psychiatrie und Neurologie}, + volume = {25}, + pages = {5-81}, + year = {1909}, type = {Journal Article} } -@book{RN2952, - author = {Marr, D}, - title = {Vision: A computational investigation into the human representation and procesing of visual information}, - publisher = {Freeman}, - address = {New York}, +@inbook{RN241, + author = {Ungerleider, L.G. and Mishkin, M.}, + title = {Two cortical visual systems}, + booktitle = {Analysis of visual behavior}, + editor = {Ingle, D.J. and Goodale, M.A. and Mansfield, R.J.W.}, + publisher = {MIT Press}, + address = {Cambridge, MA}, + pages = {549-586}, year = {1982}, - type = {Book} + type = {Book Section} } -@article{RN2420, - author = {MacKay, D. G.}, - title = {The problem of flexibility and fluency in skilled behavior}, - journal = {Psychological Review}, - volume = {95}, - pages = {492-527}, - year = {1982}, +@article{RN240, + author = {Smith, Edward E. and Jonides, John}, + title = {Working memory: A view from neuroimaging}, + journal = {Cognitive Psychology}, + volume = {33}, + pages = {5-42}, + year = {1997}, type = {Journal Article} } -@article{RN875, - author = {Laird, N. M. and Ware, J. H.}, - title = {Random-effects models for longitudinal data}, - journal = {Biometrics}, - volume = {38}, - number = {4}, - pages = {963-74.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7168798}, - year = {1982}, +@article{RN237, + author = {Alivisatos, Bessie and Petrides, Michael}, + title = {Functional activation of the human brain during mental rotation}, + journal = {Neuropsychologia}, + volume = {35}, + number = {2}, + pages = {111-118}, + year = {1997}, type = {Journal Article} } -@article{RN757, - author = {Hugon, M. and Massion, J. and Wiesendanger, M.}, - title = {Anticipatory postural changes induced by active unloading and comparison with passive unloading in man}, - journal = {Pflugers Arch}, - volume = {393}, - number = {4}, - pages = {292-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7122204}, - year = {1982}, +@article{RN234, + author = {Funahashi, Shintaro and Kubota, Kisou}, + title = {Working memory and prefrontal cortex}, + journal = {Neuroscience Research}, + volume = {21}, + number = {1}, + pages = {1-11}, + year = {1994}, type = {Journal Article} } -@article{RN980, - author = {Heilman, K. M. and Rothi, L. J. and Valenstein, E.}, - title = {Two forms of ideomotor apraxia}, - journal = {Neurology}, - volume = {32}, - number = {4}, - pages = {342-6.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7199656}, - year = {1982}, +@article{RN233, + author = {Benson, D. F. and Greenberg, J. P.}, + title = {Visual form agnosia. A specific defect in visual discrimination}, + journal = {Arch-Neurol}, + volume = {20}, + number = {1}, + pages = {82-9 issn: 0003-9942}, + year = {1969}, type = {Journal Article} } -@article{RN340, - author = {Findlay, John M.}, - title = {Global visual processing for saccadic eye movements}, - journal = {Vision Research}, - volume = {22}, - number = {8}, - pages = {1033 - 1045}, - year = {1982}, +@article{RN232, + author = {Perenin, M. T. and Vighetto, A.}, + title = {Optic ataxia: a specific disruption in visuomotor mechanisms. I. Different aspects of the deficit in reaching for objects}, + journal = {Brain}, + volume = {111}, + number = {Pt 3}, + pages = {643-74}, + year = {1988}, type = {Journal Article} } -@article{RN265, - author = {Biguer, B. and Jeannerod, M. and Prablanc, C.}, - title = {The coordination of eye, head, and arm movements during reaching at a single visual target}, - journal = {Experimental Brain Research}, - volume = {46}, - pages = {301-304}, - year = {1982}, +@article{RN230, + author = {Mazzoni, P. and Andersen, R. A. and Jordan, M. I.}, + title = {A more biologically plausible learning rule than backpropagation applied to a network model of cortical area 7a}, + journal = {Cereb-Cortex}, + volume = {1}, + number = {4}, + pages = {293-307 issn: 1047-3211}, + year = {1991}, + type = {Journal Article} +} + +@article{RN229, + author = {Andersen, R. A. and Essick, G. K. and Siegel, R. M.}, + title = {Encoding of spatial location by posterior parietal neurons}, + journal = {Science}, + volume = {230}, + number = {4724}, + pages = {456-8 issn: 0036-8075}, + year = {1985}, type = {Journal Article} } @@ -26362,347 +27189,320 @@ @article{RN219 type = {Journal Article} } -@book{RN272, - author = {Sokal, R. R. and Rohlf, F. J.}, - title = {Biometry: the principles and practice of statistics in biological research.}, - publisher = {W. H. Freeman}, - address = {San Fransisco}, - edition = {2nd}, - year = {1981}, - type = {Book} -} - -@article{RN613, - author = {Sidtis, J. J. and Volpe, B. T. and Wilson, D. H. and Rayport, M. and Gazzaniga, M. S.}, - title = {Variability in right hemisphere language function after callosal section: evidence for a continuum of generative capacity}, - journal = {Journal of Neuroscience}, - volume = {1}, +@article{RN218, + author = {Hirtle, Stephen C. and Jonides, John}, + title = {Evidence of hierarchies in cognitive maps}, + journal = {Memory and Cognition}, + volume = {13}, number = {3}, - pages = {323-31}, - year = {1981}, + pages = {208-217}, + year = {1985}, type = {Journal Article} } -@article{RN2012, - author = {Schott, G. D. and Wyke, M. A.}, - title = {Congenital mirror movements}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {44}, - number = {7}, - pages = {586-99}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7288446}, - year = {1981}, +@article{RN217, + author = {Stevens, Albert and Coupe, Patty}, + title = {Distortions in judged spatial relations}, + journal = {Cognitive Psychology}, + volume = {10}, + number = {4}, + pages = {422-437}, + year = {1978}, type = {Journal Article} } -@article{RN1030, - author = {Rispal-Padel, L. and Cicirata, F. and Pons, C.}, - title = {Contribution of the dentato-thalamo-cortical system to control of motor synergy}, - journal = {Neurosci Lett}, - volume = {22}, - number = {2}, - pages = {137-44.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7231805}, - year = {1981}, +@book{RN216, + author = {Milner, A. David and Goodale, Melvyn A.}, + title = {The visual brain in action}, + publisher = {Oxford University Press}, + address = {Oxford}, + year = {1995}, + type = {Book} +} + +@article{RN215, + author = {Blouin, J. and C.Bard and N.Teasdale and J.Paillard and M.Fleury and R.Forget and Y.Lamarre}, + title = {Reference systems for coding spatial information in normal subjects and a deafferented patient}, + journal = {Experimental Brain Research}, + volume = {93}, + pages = {324-331}, + year = {1993}, type = {Journal Article} } -@article{RN2586, - author = {Morasso, P.}, - title = {Spatial control of arm movements}, - journal = {Exp Brain Res}, - volume = {42}, - number = {2}, - pages = {223-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7262217 }, - year = {1981}, +@article{RN210, + author = {Carnahan, Heather and Goodale, Melvyn A. and Marteniuk, Ronald G.}, + title = {Grasping versus pointing and the differential use of visual feedback}, + journal = {Human Movement Science}, + volume = {12}, + number = {3}, + pages = {219-234}, + year = {1993}, type = {Journal Article} } -@article{RN2559, - author = {Marsden, C. D. and Merton, P. A. and Morton, H. B.}, - title = {Human postural responses}, - journal = {Brain}, - volume = {104}, - number = {3}, - pages = {513-34}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7272713 }, - year = {1981}, +@article{RN208, + author = {Goodale, M. A. and Jakobson, L. S. and Keillor, J. M.}, + title = {Differences in the visual control of pantomimed and natural grasping movements}, + journal = {Neuropsychologia}, + volume = {32}, + number = {10}, + pages = {1159-1178}, + year = {1994}, type = {Journal Article} } -@article{RN3324, - author = {Lemon, R. N.}, - title = {Variety of functional organization within the monkey motor cortex}, - journal = {J Physiol}, - volume = {311}, - pages = {521-40}, - ISSN = {0022-3751 (Print) -0022-3751 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/7264982}, - year = {1981}, +@article{RN201, + author = {Goodale, M. A. and Pelisson, D. and Prablanc, C.}, + title = {Large adjustments in visually guided reaching do not depend on vision of the hand or perception of target displacement}, + journal = {Nature}, + volume = {320}, + number = {6064}, + pages = {748-750}, + year = {1986}, type = {Journal Article} } -@article{RN3323, - author = {Lemon, R. N.}, - title = {Functional properties of monkey motor cortex neurones receiving afferent input from the hand and fingers}, - journal = {J Physiol}, - volume = {311}, - pages = {497-519}, - ISSN = {0022-3751 (Print) -0022-3751 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/7264981}, - year = {1981}, +@article{RN196, + author = {Georgopoulos, A. P. and Crutcher, M. D. and Schwartz, A. B.}, + title = {Cognitive spatial-motor processes. 3. Motor cortical prediction of movement direction during an instructed delay period}, + year = {1989}, type = {Journal Article} } -@book{RN982, - author = {Huber, Peter J.}, - title = {Robust statistics}, - publisher = {Wiley}, - address = {New York}, - series = {Wiley series in probability and mathematical statistics}, - pages = {ix, 308}, - ISBN = {0471418056}, - year = {1981}, - type = {Book} +@article{RN191, + author = {Smyrnis, N. and Taira, M. and Ashe, J. and Georgopoulos, A. P.}, + title = {Motor cortical activity in a memorized delay task}, + journal = {Experimental Brain Research}, + volume = {92}, + pages = {139-151}, + year = {1992}, + type = {Journal Article} } -@inbook{RN2048, - author = {Houk, J.C. and Rymer, W.Z.}, - title = {Neural control of muscle length and tension}, - booktitle = {Handbook of Physiology, Section1: The nervous system, Vol. II. Motor control}, - editor = {Brooks, V.B.}, - publisher = {American Physiological Society}, - address = {Bethesda, MD}, - pages = {257-323}, - year = {1981}, - type = {Book Section} +@article{RN190, + author = {Ashe, J. and Taira, M. and Smyrnis, N. and Pellizzer, G. and Georgakopoulos, T. and Lurito, J. T. and Georgopoulos, A. P.}, + title = {Motor cortical activity preceding a memorized movement trajectory with an orthogonal bend}, + year = {1993}, + type = {Journal Article} } -@article{RN700, - author = {Hollerbach, J M}, - title = {An oscillation theory of handwriting}, - journal = {Biological Cybernetics}, - number = {39}, - pages = {139-156}, - year = {1981}, +@article{RN186, + author = {di Pellegrino, Giuseppe and Wise, Steven P.}, + title = {Visuospatial versus visuomotor activity in the premotor and prefrontal cortex of a primate}, + journal = {Journal of Neuroscience}, + volume = {13}, + number = {3}, + pages = {1227-1243}, + year = {1993}, type = {Journal Article} } -@book{RN411, - author = {Gilman, Sid and Bloedel, James R. and Lechtenberg, Richard}, - title = {Disorders of the cerebellum}, - publisher = {Davis Company}, - address = {Philadelphia, PA}, - year = {1981}, - type = {Book} +@article{RN185, + author = {Boussaoud, Driss and di Pellegrino, Giuseppe and Wise, Steven P.}, + title = {Frontal lobe mechanisms subserving vision-for-action versus vision-for-perception}, + journal = {Behavioural Brain Research}, + volume = {72}, + number = {1-2}, + pages = {1-15}, + year = {1995}, + type = {Journal Article} } -@article{RN3554, - author = {Dawid, A. P.}, - title = {Some matrix-variate distribution theory: Notational considerations and a Bayesian application}, - journal = {Biometrika}, - volume = {68}, - number = {1}, - pages = {265-274}, - DOI = {10.1093/biomet/68.1.265}, - url = {http://biomet.oxfordjournals.org/content/68/1/265.abstract}, - year = {1981}, +@article{RN183, + author = {Johnson, Paul B. and Farraina, Stefano and Bianchi, Luigi and Caminiti, Roberto}, + title = {Cortical networks for visual reaching: Physiological and anatomical organization of frontal and parietal lobe arm regions}, + journal = {Cerebral Cortex}, + volume = {6}, + number = {2}, + pages = {102-119}, + year = {1996}, type = {Journal Article} } -@article{RN258, - author = {Carlton, Les G.}, - title = {Visual information: The control of aiming movements}, - journal = {Quarterly Journal of Experimental Psychology Human Experimental Psychology}, - volume = {33a}, - number = {1}, - pages = {87-93}, - year = {1981}, +@article{RN182, + author = {Caminiti, Roberto and Ferraina, Stefano and Johnson, Paul B.}, + title = {The sources of visual information to the primate frontal lobe: A novel role for the superior parietal lobule}, + journal = {Cerebral Cortex}, + volume = {6}, + number = {3}, + pages = {319-328}, + year = {1996}, type = {Journal Article} } -@article{RN257, - author = {Carlton, Les G.}, - title = {Processing visual feedback information for movement control}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {7}, - number = {5}, - pages = {1019-1030}, - year = {1981}, +@article{RN180, + author = {Georgopoulos, Apostolos P.}, + title = {Higher order motor control}, + journal = {Annual Review of Neuroscience}, + volume = {14}, + pages = {361-377}, + year = {1991}, type = {Journal Article} } -@article{RN308, - author = {Bridgeman, Bruce and Kirch, Marc and Sperling, Alan}, - title = {Segregation of Cognitive and Motor Aspects of Visual Function Using Induced Motion}, - journal = {Perception & Psychophysics}, - volume = {29}, - number = {4}, - pages = {336-342}, - year = {1981}, +@article{RN178, + author = {Georgopoulos, Apostolos P. and Taira, Masato and Lukashin, Alexander}, + title = {Cognitive neurophysiology of the motor cortex}, + journal = {Science}, + volume = {260}, + number = {5104}, + pages = {47-52}, + year = {1993}, type = {Journal Article} } -@article{RN243, - author = {Baddeley, Alan}, - title = {The concept of working memory: A view of its current state and probable future development}, - journal = {Cognition}, - volume = {10}, - number = {1-3}, - pages = {17-23}, - year = {1981}, +@article{RN177, + author = {Pellizzer, Giuseppe and Sargent, Patricia and Georgopoulos, Apostolos P.}, + title = {Motor cortical activity in a context-recall task}, + journal = {Science}, + volume = {269}, + number = {5224}, + pages = {702-705}, + year = {1995}, type = {Journal Article} } -@book{RN2214, - author = {Adler, R. J.}, - title = {The geometry of random fields}, - publisher = {Wiley & Sons}, - address = {New York}, - year = {1981}, - type = {Book} +@article{RN176, + author = {Georgopoulos, Apostolos P.}, + title = {Current issues in directional motor control}, + journal = {Trends in Neurosciences}, + volume = {18}, + number = {11}, + pages = {506-510}, + year = {1995}, + type = {Journal Article} } -@inbook{RN833, - author = {Wing, Alan}, - title = {The long and short of timing in response sequences}, - booktitle = {Tutorials in Motor Behavior}, - editor = {Stelmach, G. and Requin, J.}, - publisher = {North-Holland}, - address = {New York}, - pages = {469-484}, - year = {1980}, - type = {Book Section} +@article{RN175, + author = {Georgopoulos, Apostolos P. and Pellizzer, Giuseppe}, + title = {The mental and the neural: Psychological and neural studies of mental rotation and memory scanning. Special Issue: The neuropsychology of mental imagery}, + journal = {Neuropsychologia}, + volume = {33}, + number = {11}, + pages = {1531-1547}, + year = {1995}, + type = {Journal Article} } -@article{RN421, - author = {Vilis, T. and Hore, J.}, - title = {Central neural mechanisms contributing to cerebellar tremor produced by limb perturbations}, - journal = {Journal of Neurophysiology}, - volume = {43}, - number = {2}, - pages = {279-91}, - year = {1980}, +@article{RN173, + author = {Georgopoulos, Apostolos P.}, + title = {On reaching}, + journal = {Annual Review of Neuroscience}, + volume = {9}, + pages = {147-170}, + year = {1986}, type = {Journal Article} } -@article{RN35, - author = {Treisman, Anne M. and Gelade, Garry}, - title = {A feature-integration theory of attention}, - journal = {Cognitive Psychology}, - volume = {12}, - number = {1}, - pages = {97-136}, - year = {1980}, +@article{RN172, + author = {Georgopoulos, Apostolos P. and Schwartz, Andrew B. and Kettner, Ronald E.}, + title = {Neuronal population coding of movement direction}, + journal = {Science}, + volume = {233}, + number = {4771}, + pages = {1416-1419}, + year = {1986}, type = {Journal Article} } -@article{RN1053, - author = {Terzuolo, C. A. and Viviani, P.}, - title = {Determinants and characteristics of motor patterns used for typing}, - journal = {Neuroscience}, - volume = {5}, - number = {6}, - pages = {1085-103}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7402457}, - year = {1980}, +@article{RN169, + author = {Tipper, Steven P. and Lortie, Cathy and Baylis, Gordon C.}, + title = {Selective reaching: Evidence for action-centered attention}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {18}, + number = {4}, + pages = {891-905}, + year = {1992}, type = {Journal Article} } -@article{RN665, - author = {Sherwood, David E. and Schmidt, Richard A.}, - title = {The relationship between force and force variability in minimal and near-maximal static and dynamic contractions}, - journal = {Journal of Motor Behavior}, - volume = {12}, - number = {1}, - pages = {75-89}, - year = {1980}, +@article{RN168, + author = {Gentilucci, Maurizio and Negrotti, Anne}, + title = {Dissociation between perception and visuomotor transformation during reproduction of remembered distances}, + journal = {Journal of Neurophysiology}, + volume = {72}, + number = {4}, + pages = {2026-2030}, + year = {1994}, type = {Journal Article} } -@article{RN2399, - author = {Rothwell, J. C. and Traub, M. M. and Marsden, C. D.}, - title = {Influence of voluntary intent on the human long-latency stretch reflex}, - journal = {Nature}, - volume = {286}, - number = {5772}, - pages = {496-8}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7402329}, - year = {1980}, +@article{RN167, + author = {Kornblum, Sylvan}, + title = {The way irrelevant dimensions are processed depends on what they overlap with: The case of Stroop- and Simon-like stimuli}, + journal = {Psychological ResearchPsychologische Forschung}, + volume = {56}, + number = {3}, + pages = {130-135}, + year = {1994}, type = {Journal Article} } -@article{RN516, - author = {Rosenbaum, David A.}, - title = {Human movement initiation: Specification of arm, direction, and extent}, - journal = {Journal of Experimental Psychology: General}, - volume = {109}, +@article{RN166, + author = {Eimer, Martin}, + title = {Stimulus-response compatibility and automatic response activation: Evidence from psychophysiological studies}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {21}, number = {4}, - pages = {444-474}, - year = {1980}, + pages = {837-854}, + year = {1995}, type = {Journal Article} } -@article{RN3071, - author = {Pearce, J. M. and Hall, G.}, - title = {A model for Pavlovian learning: variations in the effectiveness of conditioned but not of unconditioned stimuli}, - journal = {Psychol Rev}, - volume = {87}, - number = {6}, - pages = {532-52}, - ISSN = {0033-295X (Print) -0033-295X (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=7443916}, - year = {1980}, +@article{RN165, + author = {Requin, Jean and Riehle, Alexa}, + title = {Neural correlates of partial transmission of sensorimotor information in the cerebral cortex}, + journal = {Acta Psychologica}, + volume = {90}, + number = {1-3}, + pages = {81-95}, + year = {1995}, type = {Journal Article} } -@article{RN246, - author = {Nelson, Thomas O. and Chaiklin, Seth}, - title = {Immediate memory for spatial location}, - journal = {Journal of Experimental Psychology: Human Learning and Memory}, - volume = {6}, - number = {5}, - pages = {529-545}, - year = {1980}, +@article{RN164, + author = {Hommel, Bernhard}, + title = {Inverting the Simon effect intention: Determinants of direction and extent of effects of irrelevant spatial information}, + journal = {Psychological Research}, + volume = {55}, + number = {4}, + pages = {270-279}, + year = {1993}, type = {Journal Article} } -@article{RN1035, - author = {Mower, G. and Gibson, A. and Robinson, F. and Stein, J. and Glickstein, M.}, - title = {Visual pontocerebellar projections in the cat}, - journal = {J Neurophysiol}, - volume = {43}, - number = {2}, - pages = {355-66.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=7381525}, - year = {1980}, +@article{RN163, + author = {Eimer, Martin and Hommel, Bernhard and Prinz, Wolfgang}, + title = {S-R compatibility and response selection}, + journal = {Acta Psychologica}, + volume = {90}, + number = {1-3}, + pages = {301-313}, + year = {1995}, type = {Journal Article} } -@article{RN515, - author = {Goodman, David and Kelso, J.A. Scott}, - title = {Are movements prepared in parts? Not under compatible (naturalized) conditions}, - journal = {Journal of Experimental Psychology: General}, - volume = {109}, - number = {4}, - pages = {475-495}, - year = {1980}, +@article{RN162, + author = {Müsseler, Jochen and Hommel, Bernhard}, + title = {Detecting and identifying response-compatible stimuli}, + journal = {Psychonomic Bulletin and Review}, + volume = {4}, + number = {1}, + pages = {125-129}, + year = {1997}, type = {Journal Article} } -@inbook{RN804, - author = {Fraisse, P.}, - title = {Les synchronisations sensori-motrices aux rythmes [The senorimotor synchronization of rhythms]}, - booktitle = {Anticipation et comportment}, - editor = {Requin, J.}, - publisher = {Centre National}, - address = {Paris}, - year = {1980}, - type = {Book Section} +@article{RN161, + author = {Müsseler, Jochen and Hommel, Bernhard}, + title = {Blindness to response-compatible stimuli}, + journal = {Journal of Experimental Psychology Human Perception and Performance}, + volume = {23}, + number = {3}, + pages = {861-872}, + year = {1997}, + type = {Journal Article} } @article{RN160, @@ -26715,984 +27515,850 @@ @article{RN160 type = {Journal Article} } -@article{RN285, - author = {Coltheart, M.}, - title = {Iconic memory and visible persistence}, - journal = {Perception & Psychophysics}, - volume = {27}, - pages = {183-228}, - year = {1980}, - type = {Journal Article} -} - -@article{RN2142, - author = {Brodal, P.}, - title = {The projection from the nucleus reticularis tegmenti pontis to the cerebellum in the rhesus monkey}, - journal = {Exp Brain Res}, - volume = {38}, - number = {1}, - pages = {29-36}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=6766109}, - year = {1980}, +@article{RN159, + author = {Flanders, Martha and Tillery, Stephen I. Helms and Soechting, John F.}, + title = {Early stages in a sensorimotor transformation}, + journal = {Behavioral and Brain Sciences}, + volume = {15}, + pages = {309-362}, + year = {1992}, type = {Journal Article} } -@article{RN59, - author = {Barnes, C.a. and Nadel, L. and Honig, W.K.}, - title = {Spatial memory deficit in senecent rats}, - journal = {Canadian Journal of Psychology}, +@article{RN158, + author = {Gentilucci, Maurizio and Chieffi, Sergio and Daprati, Elena and Saetti, M. Chrisina and Toni, Ivan}, + title = {Visual illusion and action}, + journal = {Neuropsychologica}, volume = {34}, - number = {1}, - pages = {29-39}, - year = {1980}, - type = {Journal Article} -} - -@article{RN2863, - author = {Smith, A. M.}, - title = {The activity of supplementary motor area neurons during a maintained precision grip}, - journal = {Brain Res}, - volume = {172}, - number = {2}, - pages = {315-27}, - ISSN = {0006-8993 (Print) -0006-8993 (Linking)}, - DOI = {0006-8993(79)90541-9 [pii]}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=111775}, - year = {1979}, - type = {Journal Article} -} - -@article{RN666, - author = {Schmidt, Richard A. and et al.}, - title = {Motor-output variability: A theory for the accuracy of rapid motor acts}, - journal = {Psychological Review}, - volume = {86}, number = {5}, - pages = {415-451}, - year = {1979}, + pages = {369-376}, + year = {1996}, type = {Journal Article} } -@inbook{RN2671, - author = {Saltzman, E L}, - title = {Dynamics and coordinate systems in skilled senorimotor activity}, - booktitle = {Mind as motion: explorations in the dynamics of cognition}, - editor = {Port, R. F. and Van Gelder, T}, - publisher = {MIT Press}, - address = {Cambridge, MA}, - year = {1979}, - type = {Book Section} -} - -@article{RN860, - author = {Prablanc, C. and Echallier, J. F. and Komilis, E. and Jeannerod, M.}, - title = {Optimal response of eye and hand motor systems in pointing at a visual target. I. Spatio-temporal characteristics of eye and hand movements and their relationships when varying the amount of visual information}, - journal = {Biol Cybern}, - volume = {35}, - number = {2}, - pages = {113-24.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=518932}, - year = {1979}, +@article{RN157, + author = {Goodale, M. A. and Milner, A. D. and Jakobson, L. S. and Carey, D. P.}, + title = {A neurological dissociation between percieving objects and grasping them}, + journal = {Nature}, + volume = {349}, + pages = {154-156}, + year = {1991}, type = {Journal Article} } -@article{RN861, - author = {Prablanc, C. and Echallier, J. E. and Jeannerod, M. and Komilis, E.}, - title = {Optimal response of eye and hand motor systems in pointing at a visual target. II. Static and dynamic visual cues in the control of hand movement}, - journal = {Biol Cybern}, - volume = {35}, - number = {3}, - pages = {183-7}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=518938}, - year = {1979}, +@article{RN156, + author = {Milner, A. D. and Perret, D.I. and Johnston, R.S. and Benson, P.J. and Jordan, T.R. and Heeley, D.W. and Bettucci, D. and Mortara, F. and Mutani, R. and Terrazzi, E. and Davidson, D.L.W.}, + title = {Perception and action in 'visual form agnosia'}, + journal = {Brain}, + volume = {114}, + pages = {405-428}, + year = {1991}, type = {Journal Article} } -@article{RN451, - author = {Niki, Hiroaki and Watanabe, Masataka}, - title = {Prefrontal and cingulate unit activity during timing behavior in the monkey}, - journal = {Brain Research}, - volume = {171}, - number = {2}, - pages = {213-224}, - year = {1979}, +@article{RN155, + author = {Elliot, Digby and Madalena, John}, + title = {The influence of premovement visual information on manual aiming}, + journal = {Quarterly Journal of Experimental Psychology}, + volume = {39 A}, + pages = {541-559}, + year = {1987}, type = {Journal Article} } -@article{RN876, - author = {Korn, E. L. and Whittemore, A. S.}, - title = {Methods for analyzing panel studies of acute health effects of air pollution}, - journal = {Biometrics}, - volume = {35}, - number = {4}, - pages = {795-802.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=526525}, - year = {1979}, +@article{RN154, + author = {Easton, Randolph D. and Sholl, M. Jeanne}, + title = {Object-array structure, frames of reference, and retrieval of spatial knowledge}, + journal = {Journal of Experimental Psychology: Learning, Memory and Cognition}, + volume = {21}, + number = {2}, + pages = {483-500}, + year = {1995}, type = {Journal Article} } -@article{RN313, - author = {Kelso, J. A. Scott and Southard, Dan L. and Goodman, David}, - title = {On the coordination of two-handed movements}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {5}, +@article{RN153, + author = {Poucet, Bruno}, + title = {Spatial cognitve maps in animals: new hypotheses on their structure an neural mechanisms}, + journal = {Psychological Review}, + volume = {100}, number = {2}, - pages = {229-238}, - year = {1979}, + pages = {163-182}, + year = {1993}, type = {Journal Article} } -@article{RN3639, - author = {Golub, G. H. and Heath, M. and Wahba, G.}, - title = {Generalized Cross-Validation as a Method for Choosing a Good Ridge Parameter}, - journal = {Technometrics}, - volume = {21}, +@article{RN152, + author = {McNamara, Timothy P.}, + title = {Spatial representation}, + journal = {Geoforum}, + volume = {23}, number = {2}, - pages = {215-223}, - ISSN = {0040-1706}, - DOI = {10.1080/00401706.1979.10489751}, - url = {://WOS:A1979GW16700008}, - year = {1979}, + pages = {139-150}, + year = {1992}, type = {Journal Article} } -@article{RN3068, - author = {Gittins, J.C.}, - title = {Bandit processes and dynamic allocation indices}, - journal = {Journal of the Royal Statistical Society, Series B}, - pages = {148-177}, - year = {1979}, - type = {Journal Article} +@inbook{RN151, + author = {McDonald, Thomas P. and Pellegrino, James W.}, + title = {Psychological perspectives on spatial cognition}, + booktitle = {Behavior and Environment: Psychological and geographical approaches}, + editor = {Gaerling, T. and Golledge, R.G.}, + publisher = {Elsevier Science}, + pages = {47-82}, + year = {1993}, + type = {Book Section} } -@article{RN1002, - author = {Gauthier, G. M. and Hofferer, J. M. and Hoyt, W. F. and Stark, L.}, - title = {Visual-motor adaptation. Quantitative demonstration in patients with posterior fossa involvement}, - journal = {Arch Neurol}, - volume = {36}, +@article{RN150, + author = {Huttenlocher, Janellen and Hedges, Larry V. and Duncan, Susan}, + title = {Categories and paticulars: Prototype effects in estimating spatial location}, + journal = {Psychological Review}, + volume = {98}, number = {3}, - pages = {155-60.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=435135}, - year = {1979}, + pages = {352-376}, + year = {1991}, type = {Journal Article} } -@article{RN309, - author = {Bridgeman, Bruce and Lewis, Stephen and Heit, Gary and Nagle, Martha}, - title = {Relation Between Cognitive and Motor-Oriented Systems of Visual Position Perception}, - journal = {Journal of Experimental Psychology: Human Perception & Performance}, - volume = {5}, - number = {4}, - pages = {692-700}, - year = {1979}, +@article{RN149, + author = {Wender, Karl F. and Wagner, Monika}, + title = {Zur Verarbeitung raeumlicher Informationen: Modelle und Experimente}, + journal = {Kognitionswissenschaft}, + volume = {1}, + pages = {4-14}, + year = {1990}, type = {Journal Article} } -@article{RN244, - author = {Baum, David R. and Jonides, John}, - title = {Cognitive maps: Analysis of comparative judgments of distance}, - journal = {Memory and Cognition}, - volume = {7}, - number = {6}, - pages = {462-468}, - year = {1979}, +@article{RN148, + author = {Treisman, Anne}, + title = {Perceptual grouping and attention in visual search for features and for objects}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {8}, + number = {2}, + pages = {194-214}, + year = {1982}, type = {Journal Article} } -@inbook{RN2397, - author = {Strick, P. L.}, - title = {Cerebellar involvement in 'volitional' muscle responses in load change}, - booktitle = {Cerebral motor control in man: Long loop mechanisms}, - editor = {Desmedt, J. E.}, - series = {Progress in clinical neurophysiology}, - publisher = {Krager}, - address = {Basel}, - volume = {4}, - pages = {85-93}, - year = {1978}, - type = {Book Section} -} - -@article{RN217, - author = {Stevens, Albert and Coupe, Patty}, - title = {Distortions in judged spatial relations}, - journal = {Cognitive Psychology}, - volume = {10}, - number = {4}, - pages = {422-437}, - year = {1978}, +@article{RN147, + author = {Prinzmetal, William and Presti, David E. and Posner, Michael I.}, + title = {Does attention affect visual feature integration?}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {12}, + number = {3}, + pages = {361-369}, + year = {1986}, type = {Journal Article} } -@article{RN2285, - author = {Shambes, G. M. and Gibson, J. M. and Welker, W.}, - title = {Fractured somatotopy in granule cell tactile areas of rat cerebellar hemispheres revealed by micromapping}, - journal = {Brain Behav Evol}, - volume = {15}, - number = {2}, - pages = {94-140}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=638731}, - year = {1978}, +@article{RN146, + author = {Egeth, Howard E. and Yantis, Steven}, + title = {Visual attention: control, representation, and time course}, + journal = {Annual Review of Psychology}, + volume = {48}, + pages = {269-297}, + year = {1997}, type = {Journal Article} } -@book{RN372, - author = {Posner, Michael I.}, - title = {Chronometric explorations of mind}, - publisher = {Lawrence Erlbaum}, - address = {Hillsdale, NJ}, - pages = {xiii, 271}, - year = {1978}, - type = {Book} +@article{RN145, + author = {Friedman-Hill, Stacia R. and Robertson, Lynn C. and Treisman, Anne}, + title = {Parietal contributions to visual feature binding: Evidence from a patient with bilateral lesions}, + journal = {Science}, + volume = {269}, + pages = {853-855}, + year = {1995}, + type = {Journal Article} } -@article{RN2794, - author = {Polit, A. and Bizzi, E.}, - title = {Processes controlling arm movements in monkeys}, - journal = {Science}, - volume = {201}, - number = {4362}, - pages = {1235-7}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=99813 }, - year = {1978}, +@article{RN144, + author = {Treisman, Anne}, + title = {The binding problem}, + journal = {Current Opinion in Neurobiology}, + volume = {6}, + pages = {171-178}, + year = {1996}, type = {Journal Article} } -@article{RN3383, - author = {Andersson, G. and Oscarsson, O.}, - title = {Climbing fiber microzones in cerebellar vermis and their projection to different groups of cells in the lateral vestibular nucleus}, - journal = {Exp Brain Res}, - volume = {32}, - number = {4}, - pages = {565-79}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/689129}, - year = {1978}, +@article{RN143, + author = {Baylis, Gordon C. and Driver, Jon}, + title = {Visual prasing and response competition: the effect of grouping factors.}, + journal = {Perception & Psychophysics}, + volume = {51}, + number = {2}, + pages = {145-162}, + year = {1992}, type = {Journal Article} } -@book{RN2772, - author = {Afshar, F. and Watkins, E.S. and Yap, J.C. }, - title = {Stereotaxic atlas of the human brainstem and cerebellar nuclei. A variability study}, - publisher = {Raven Press}, - address = {New York}, - year = {1978}, - type = {Book} +@article{RN142, + author = {Treisman, Anne and Gormican, Stephen}, + title = {Feature analysis in early vision: Evidence from search asymmetries}, + journal = {Psychological Review}, + volume = {95}, + number = {1}, + pages = {15-48}, + year = {1988}, + type = {Journal Article} } -@article{RN697, - author = {Zaidel, Dahlia and Sperry, Roger W.}, - title = {Some long-term motor effects of cerebral commissurotomy in man}, - journal = {Neuropsychologia}, - volume = {15}, - number = {2}, - pages = {193-204}, - year = {1977}, +@article{RN140, + author = {Schiller, Peter H.}, + title = {On the specificity of neurons and visual areas}, + journal = {Behavioural Brain Research}, + volume = {76}, + pages = {21-35}, + year = {1996}, type = {Journal Article} } -@article{RN883, - author = {Watson, Alistair I.}, - title = {A theory of the visual illusions}, - journal = {British Journal of Mathematical & Statistical Psychology}, - volume = {30}, +@article{RN139, + author = {Felleman, Daniel J. and Essen, David C. Van}, + title = {Distributed hierachical processing in the primate cerebral cortex}, + journal = {Cerebral Cortex}, + volume = {1}, number = {1}, - pages = {43-59}, - year = {1977}, + pages = {1-47}, + year = {1991}, type = {Journal Article} } -@book{RN3379, - author = {Tukey, J. W.}, - title = {Exploratory data analysis}, - publisher = {Addison-Wesley}, - ISBN = {ISBN 0-201-07616-0}, - year = {1977}, - type = {Book} -} - -@article{RN438, - author = {Laplane, D. and Talairach, J. and Meininger, V. and Bancaud, J. and Orgogozo, J. M.}, - title = {Clinical consequences of corticectomies involving the supplementary motor area in man}, - journal = {Journal of the Neurological Sciences}, - volume = {34}, +@article{RN138, + author = {Kobatake, Eucaly and Tanaka, Keiji}, + title = {Neural selectivities to complex object features in the ventral visual pathway of the macaque cerebral cortex}, + journal = {Journal of Neurophysiology}, + volume = {71}, number = {3}, - pages = {301-14}, - year = {1977}, + pages = {856-867}, + year = {1994}, type = {Journal Article} } -@article{RN342, - author = {Kelso, J. A. S.}, - title = {Motor control mechanisms underlying human movement production}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {3}, - number = {4}, - pages = {529 -543}, - year = {1977}, +@article{RN137, + author = {Adelson, E. H. and Bergen, J. R.}, + title = {Spatiotemoral energy models for the perception of motion}, + journal = {Journal of the Opt. Soc. Am. A}, + volume = {2}, + number = {2}, + pages = {284-299}, + year = {1984}, type = {Journal Article} } -@article{RN3256, - author = {Harville, D. A.}, - title = {Maximum Likelihood Approaches to Variance Component Estimation and to Related Problems}, - journal = {Journal of the American Statistical Association}, - volume = {72}, - number = {358}, - pages = {320-338}, - DOI = {10.1080/01621459.1977.10480998}, - url = { http://www.tandfonline.com/doi/abs/10.1080/01621459.1977.10480998}, - year = {1977}, +@article{RN136, + author = {Wolpert, D. M. and Ghahramani, Z. and Jordan, M. I.}, + title = {Are arm trajectories planned in kinematic or dynamic coordinates? An adaption study}, + journal = {Experimental Brain Research}, + volume = {103}, + pages = {460-470}, + year = {1995}, type = {Journal Article} } -@article{RN2065, - author = {Gilbert, P. F. and Thach, W. T.}, - title = {Purkinje cell activity during motor learning}, - journal = {Brain Res}, - volume = {128}, - number = {2}, - pages = {309-28}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=194656}, - year = {1977}, +@article{RN135, + author = {Fiez, J. A. and Petersen, S. E. and Cheney, M. K. and Raichle, M. E.}, + title = {Impaired non-motor learning and error detection associated with cerebellar damage}, + journal = {Brain}, + volume = {115}, + pages = {155-178}, + year = {1992}, type = {Journal Article} } -@book{RN2788, - author = {Chan-Palay, V.}, - title = {Cerebellar dentate nucleus. Organization, cytology, and transmitters }, - publisher = {Springer Verlag}, - address = {Berlin}, - year = {1977}, - type = {Book} +@article{RN134, + author = {Ashby, F. G. and Alfonso-Reese, L. A. and Turken, A. U.}, + title = {A Formal Neuropsychological theory of multiple systems in category learing}, + year = {in press}, + type = {Journal Article} } -@article{RN452, - author = {Niki, Hiroaki and Watanabe, Masataka}, - title = {Prefrontal Unit Activity and Delayed Response: Relation To Cue Location Versus Direction of Response}, - journal = {Brain Research}, - volume = {105}, - number = {1}, - pages = {79-88}, - year = {1976}, +@article{RN133, + author = {Connor, C. E. and Preddie, D. C. and Gallant, J. L. and Van Essen, D. C.}, + title = {Spatial attention effects in macaque area V4}, + journal = {Journal of Neuroscience}, + year = {in press}, type = {Journal Article} } -@article{RN344, - author = {Stelmach, George E. and Kelso, J. A. and Wallace, Stephen A.}, - title = {Preselection in short-term motor memory}, - journal = {Journal of Experimental Psychology: Human Perception and Performance}, - volume = {1}, - number = {6}, - pages = {745 - 755}, - year = {1975}, +@article{RN132, + author = {Ivry, Richard B. and Lebby, Paul C.}, + title = {Hemispheric differences in auditory perception are similar to those found in visual perception}, + journal = {Psychological Science}, + volume = {4}, + number = {1}, + pages = {41-45}, + year = {1993}, type = {Journal Article} } -@article{RN286, - author = {Rosch, Eleanor and Mervis, Carolyn B.}, - title = {Family resemblances: Studies in the internal structure of categories}, - journal = {Cognitive Psychology}, +@article{RN131, + author = {Grafton, Scott T. and Hazeltine, Eliot and Ivry, Richard}, + title = {Functional mapping of sequence learning in normal humans}, + journal = {Journal of Cognitive Neuroscience}, volume = {7}, number = {4}, - pages = {573-605}, - year = {1975}, + pages = {497-510}, + year = {1995}, type = {Journal Article} } -@article{RN63, - author = {Jacobs, G.H.}, - title = {Wavelength discrimination in gray squirrels}, - journal = {Vision Research}, - volume = {16}, - pages = {325-327}, - year = {1975}, +@article{RN130, + author = {Ivry, Richard B. and Hazeltine, R. Eliot}, + title = {Perception and production of temporal intervals across a range of durations: Evidence for a common timing mechanism}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {1}, + pages = {3-18}, + year = {1995}, type = {Journal Article} } -@article{RN3135, - author = {Hallett, M. and Shahani, B. T. and Young, R. R.}, - title = {EMG analysis of stereotyped voluntary movements in man}, - journal = {J Neurol Neurosurg Psychiatry}, - volume = {38}, - number = {12}, - pages = {1154-62}, - ISSN = {0022-3050 (Print) -0022-3050 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=1219079}, - year = {1975}, +@article{RN129, + author = {Helmuth, Laura L. and Ivry, Richard B.}, + title = {When two hands are better than one: Reduced timing variability during bimanual movements}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {22}, + number = {2}, + pages = {278-293}, + year = {1996}, type = {Journal Article} } -@article{RN1005, - author = {Simpson, J. I. and Alley, K. E.}, - title = {Visual climbing fiber input to rabbit vestibulo-cerebellum: a source of direction-specific information}, - journal = {Brain Res}, - volume = {82}, - number = {2}, - pages = {302-8.}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=4441896}, - year = {1974}, +@article{RN128, + author = {Imamizu, Hiroshi and Uno, Yoji and Kawato, Mitsuo}, + title = {Internal representations of the motor apparatus: Implications from generalization in visuomotor learning}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {5}, + pages = {1174-1198}, + year = {1995}, type = {Journal Article} } -@article{RN268, - author = {Eriksen, Barbara A. and Eriksen, Charles W.}, - title = {Effects of noise letters upon the identification of a target letter in a nonsearch task}, - journal = {Perception & Psychophysics}, - volume = {16}, - number = {1}, - pages = {143-149}, - year = {1974}, +@article{RN127, + author = {Logan, Gordon D.}, + title = {The CODE theory of visual attention: An integration of space-based and object-based attention}, + journal = {Psychological Review}, + volume = {103}, + number = {4}, + pages = {603-649}, + year = {1996}, type = {Journal Article} } -@article{RN722, - author = {Wing, Alan M. and Kristofferson, A. B.}, - title = {Response Delays and the Timing of Discrete Motor Responses}, - journal = {Perception and Psychophysics}, - volume = {14}, - number = {1}, - pages = {5-12}, - year = {1973}, +@article{RN126, + author = {Rafal, R. and Gershberg, F. and Egly, R. and Ivry, R. and Kingstone, A. and Ro, T.}, + title = {Response channel activation and the lateral prefrontal cortex}, + journal = {Neuropsychologia}, + volume = {34}, + number = {12}, + pages = {1197-1202}, + year = {1996}, type = {Journal Article} } -@article{RN343, - author = {Laabs, Gerald J.}, - title = {Retention charateristics of different reproduction cues in motor short-term memory}, - journal = {Journal of Experimental Psychology}, - volume = {100}, - number = {1}, - pages = {168 - 177}, - year = {1973}, +@article{RN125, + author = {Cohen, Asher and Ivry, Richard B. and Rafal, Robert D. and Kohn, Carolyn}, + title = {Activating response codes by stimuli in the neglected visual field}, + journal = {Neuropsychology}, + volume = {9}, + number = {2}, + pages = {165-173}, + year = {1995}, type = {Journal Article} } -@article{RN610, - author = {Greenwald, Anthony G. and Shulman, Harvey G.}, - title = {On Doing Two Things at Once: II. Elimination of the Psychological Refractory Period Effect}, - journal = {Journal of Experimental Psychology}, - volume = {101}, - number = {1}, - pages = {70-76}, - year = {1973}, +@article{RN124, + author = {Cohen, Asher and Ivry, Richard}, + title = {Illusory conjunctions inside and outside the focus of attention}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {15}, + number = {4}, + pages = {650-663}, + year = {1989}, type = {Journal Article} } -@article{RN2917, - author = {Brinkman, J. and Kuypers, H. G.}, - title = {Cerebral control of contralateral and ipsilateral arm, hand and finger movements in the split-brain rhesus monkey}, - journal = {Brain}, - volume = {96}, +@article{RN122, + author = {Robinson, David L. and Petersen, Steven E.}, + title = {The pulvinar and visual salience}, + journal = {Trends in Neurosciences}, + volume = {15}, number = {4}, - pages = {653-74}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4204228}, - year = {1973}, + pages = {127-132}, + year = {1992}, type = {Journal Article} } -@article{RN287, - author = {Braddick, Oliver}, - title = {The masking of apparent motion in random-dot patterns}, - journal = {Vision Research}, - volume = {13}, - number = {2}, - pages = {355-369}, - year = {1973}, +@article{RN121, + author = {LaBerge, David}, + title = {Thalamic and cortical mechanisms of attention suggested by recent positron emission tomographic experiments}, + journal = {Journal of Cognitive Neuroscience}, + volume = {2}, + number = {4}, + pages = {358-372}, + year = {1990}, type = {Journal Article} } -@article{RN3322, - author = {Rosen, I. and Asanuma, H.}, - title = {Peripheral afferent inputs to the forelimb area of the monkey motor cortex: input-output relations}, - journal = {Exp Brain Res}, - volume = {14}, - number = {3}, - pages = {257-73}, - ISSN = {0014-4819 (Print) -0014-4819 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/4626361}, - year = {1972}, +@article{RN119, + author = {Olson, C. R. and Gettner, S. N.}, + title = {Object-centered direction selectivity in the macaque supplementary eye field}, + journal = {Science (Washington D C)}, + volume = {269}, + number = {5226}, + year = {1995}, type = {Journal Article} } -@article{RN608, - author = {Preilowski, Bruno F.}, - title = {Possible Contribution of the Anterior Forebrain Commissures To Bilateral Motor Coordination}, - journal = {Neuropsychologia}, - volume = {Vol. 10}, - number = {3}, - pages = {267-277}, - year = {1972}, +@article{RN118, + author = {Voorhees, H. and Poggio, T.}, + title = {Computing Texture Boundaries from Images}, + journal = {Nature (London)}, + volume = {333}, + number = {6171}, + year = {1988}, type = {Journal Article} } -@article{RN604, - author = {Megaw, Edgar D.}, - title = {Direction and Extent Uncertainty in Step-Input Tracking}, - journal = {Journal of Motor Behavior}, - volume = {Vol. 4}, - number = {3}, - pages = {171-186}, - year = {1972}, +@article{RN117, + author = {Bergen, J. R. and Adelson, E. H.}, + title = {Early Vision and Texture Perception}, + journal = {Nature (London)}, + volume = {333}, + number = {6171}, + year = {1988}, type = {Journal Article} } -@book{RN2799, - author = {Larsell, O. and Jansen, J.}, - title = {The comparative anatomy and histology of the cerebellum. The human cerebellum, cerebellar connections and cerebellar cortex. }, - publisher = {The University of Minnesota Press}, - address = {Minneapolis}, - year = {1972}, - type = {Book} +@inbook{RN116, + author = {Dyer, F. C.}, + title = {Spatial cognition and navigation in insects}, + booktitle = { Behavioral mechanisms in evolutionary ecology}, + editor = {Real, L. A.}, + publisher = {University of Chicago Press}, + address = {Chicago, Illinois, USA; London, England, UK.}, + pages = {66-98}, + year = {1994}, + type = {Book Section} } -@article{RN2333, - author = {Weiskrantz, L. and Elliott, J. and Darlington, C.}, - title = {Preliminary observations on tickling oneself}, - journal = {Nature}, - volume = {230}, - number = {5296}, - pages = {598-9}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=4928671}, - year = {1971}, +@article{RN115, + author = {Haxby, J. V. and Horwitz, B. and Ungerleider, L. G. and Maisog, J. M. and Pietrini, P. and Grady, C. L.}, + title = {The functional organization of human extrastriate cortex: A PET-rCBF study of selective attention to faces and locations}, + journal = {Journal of Neuroscience}, + volume = {14}, + number = {11 PART 1}, + year = {1994}, type = {Journal Article} } -@article{RN266, - author = {Wallace, Richard J.}, - title = {S-R compatibility and the idea of a response code}, - journal = {Journal of Experimental Psychology}, - volume = {88}, - number = {3}, - pages = {354-360}, - year = {1971}, +@article{RN114, + author = {Steinmetz, M. A. and Constantinidis, C.}, + title = {Neurophysiological evidence for a role of posterior parietal cortex in redirecting visual attention}, + journal = {Cerebral Cortex}, + volume = {5}, + number = {5}, + year = {1995}, type = {Journal Article} } -@article{RN441, - author = {Oldfield, R. C.}, - title = {The assessment and analysis of handedness: the Edinburgh inventory}, - journal = {Neuropsychologia}, - volume = {9}, - number = {1}, - pages = {97-113}, - year = {1971}, +@article{RN113, + author = {Colby, C. L. and Duhamel, J. R. and Goldberg, M. E.}, + title = {Oculocentric spatial representation in parietal cortex}, + journal = {Cerebral Cortex}, + volume = {5}, + number = {5}, + year = {1995}, type = {Journal Article} } -@article{RN793, - author = {Fraisse, P. and Voillaume, C.}, - title = {[The frame of reference of the subject in synchronization and pseudosynchronization]}, - journal = {Annee Psychol}, - volume = {71}, - number = {2}, - pages = {359-69}, - url = {http://www.ncbi.nlm.nih.gov/htbin-post/Entrez/query?db=m&form=6&dopt=r&uid=5151289}, - year = {1971}, +@article{RN112, + author = {Bowman, E. M. and Brown, V. J. and Kertzman, C. and Schwarz, U. and Robinson, D. L.}, + title = {Covert Orienting of Attention in Macaques I. Effects of Behavioral Context}, + journal = {Journal of Neurophysiology (Bethesda)}, + volume = {70}, + number = {1}, + pages = {431-}, + year = {1993}, type = {Journal Article} } -@article{RN3192, - author = {Fetz, E. E. and Finocchio, D. V.}, - title = {Operant conditioning of specific patterns of neural and muscular activity}, - journal = {Science}, - volume = {174}, - number = {4007}, - pages = {431-5}, - ISSN = {0036-8075 (Print) -0036-8075 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5000088}, - year = {1971}, +@article{RN111, + author = {Treue, S. and Maunsell, J. H. R.}, + title = {Attentional modulation of visual motion processing in cortical areas MT and MST}, + journal = {Nature (London)}, + volume = {382}, + number = {6591}, + year = {1996}, type = {Journal Article} } -@article{RN1004, - author = {Albus, J. S.}, - title = {A theory of cerebellar function}, - journal = {Mathematical Bioscience}, - volume = {10}, - pages = {25-61}, - year = {1971}, - type = {Journal Article} +@inbook{RN110, + author = {Desimone, R. and Chelazzi, L. and Miller, E. K. and Duncan, J.}, + title = {Neuronal mechanisms of visual attention}, + booktitle = { Early vision and beyond}, + editor = {Papathomas, T. V.}, + publisher = {MIT Press}, + address = {Cambridge, Massachusetts, USA; London, England, UK.}, + pages = {219-226}, + year = {1995}, + type = {Book Section} } -@article{RN2901, - author = {Rose, D.}, - title = {Triangulated graphs and the elimination process}, - journal = {Journal of Mathematical Analysis and Applications}, - volume = {23}, - number = {3}, - pages = {597–609}, - year = {1970}, +@article{RN109, + author = {Corbetta, M. and Miezin, F. M. and Dobmeyer, S. and Shulman, G. L. and Petersen, S. E.}, + title = {Selective and divided attention during visual discriminations of shape, color, and speed: Functional anatomy by positron emission tomography}, + journal = {Journal of Neuroscience}, + volume = {11}, + number = {8}, + year = {1991}, type = {Journal Article} } -@article{RN296, - author = {Sternberg, Saul}, - title = {The Discovery of Processing Stages: Extensions of Donders' Method}, - journal = {Acta Psychologica}, - volume = {30}, - pages = {276-315}, - year = {1969}, +@article{RN108, + author = {Corbetta, M. and Shulman, G. L. and Miezin, F. M. and Petersen, S. E.}, + title = {Superior parietal cortex activation during spatial attention shifts and visual feature conjunction}, + journal = {Science (Washington D C)}, + volume = {270}, + number = {5237}, + pages = {802-805}, + year = {1995}, type = {Journal Article} } -@article{RN635, - author = {Simon, J. Richard and Small, A. M., Jr.}, - title = {Processing auditory information: Interference from an irrelevant cue}, - journal = {Journal of Applied Psychology}, - volume = {53}, - number = {5}, - pages = {433-435}, - year = {1969}, +@article{RN81, + author = {Petersen, Steven E. and Robinson, David Lee and Keys, William}, + title = {Pulvinar Nuclei of the behaving rhesus monkey: visual responses and their modulation}, + journal = {Journal of Neurophysiology}, + volume = {54}, + number = {4}, + pages = {867-886}, + year = {1985}, type = {Journal Article} } -@article{RN2283, - author = {Ross, H. E.}, - title = {When is a weight not illusory?}, - journal = {Q J Exp Psychol}, - volume = {21}, - number = {4}, - pages = {346-55}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5378275}, - year = {1969}, +@article{RN80, + author = {LaBerge, David and Buchsbaum, Monte S.}, + title = {Positron emission tomographic measurement of pulvinar activity during attention task}, + journal = {The Journal of Neuroscience}, + volume = {10}, + number = {2}, + pages = {613-619}, + year = {1990}, type = {Journal Article} } -@book{RN724, - author = {Ornstein, R. E.}, - title = {On the experience of time}, - publisher = {Penguin Books}, - address = {Middlesex, England}, - year = {1969}, - type = {Book} +@article{RN79, + author = {Prinzmetal, William and Keysar, Boaz}, + title = {Functional theory of illusory conjunctions and neon colors}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {118}, + number = {2}, + pages = {165-190}, + year = {1989}, + type = {Journal Article} } -@article{RN1003, - author = {Marr, D}, - title = {A theory of cerebellar cortex}, - journal = {Journal of Physiology}, - volume = {202}, - pages = {437-470}, - year = {1969}, +@article{RN78, + author = {Miyashita, Yasushi}, + title = {Inferior temporal cortex: where viual perception meets memory}, + journal = {Annual Review of Neuroscience}, + volume = {16}, + pages = {245-63}, + year = {1993}, type = {Journal Article} } -@article{RN691, - author = {Deecke, L. and Scheid, P. and Kornhuber, H. H.}, - title = {Distribution of readiness potential, pre-motion positivity, and motor potential of the human cerebral cortex preceding voluntary finger movements}, - journal = {Experimental Brain Research}, - volume = {7}, - number = {2}, - pages = {158-68}, - year = {1969}, +@article{RN77, + author = {Maunsell, John H.R.}, + title = {The brain's visual world: representation of visual targets in cerebral cortex}, + journal = {Science}, + volume = {270}, + pages = {764-768}, + year = {1995}, type = {Journal Article} } -@article{RN233, - author = {Benson, D. F. and Greenberg, J. P.}, - title = {Visual form agnosia. A specific defect in visual discrimination}, - journal = {Arch-Neurol}, - volume = {20}, - number = {1}, - pages = {82-9 issn: 0003-9942}, - year = {1969}, +@article{RN76, + author = {Van Essen, David c. and Gallant, Jack L.}, + title = {Neural mechanisms of form and motion processing in the primate visual system}, + journal = {Neuron}, + volume = {13}, + pages = {1-10}, + year = {1994}, type = {Journal Article} } -@article{RN3106, - author = {Schonemann, P. H.}, - title = {On two-sided orthogonal Procrustes problems}, - journal = {Psychometrika}, - volume = {33}, - number = {1}, - pages = {19-33}, - ISSN = {0033-3123 (Print) -0033-3123 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5239567}, - year = {1968}, +@article{RN75, + author = {Moran, Jeffrey and Desiomone, Robert}, + title = {Selective attention gates visual processing in the extrastriate cortex}, + journal = {Science}, + volume = {229}, + pages = {782-784}, + year = {1985}, type = {Journal Article} } -@article{RN3632, - author = {Lawrence, D. G. and Kuypers, H. G.}, - title = {The functional organization of the motor system in the monkey. I. The effects of bilateral pyramidal lesions}, - journal = {Brain}, - volume = {91}, - number = {1}, - pages = {1-14}, - ISSN = {0006-8950 (Print) -0006-8950 (Linking)}, - url = {https://www.ncbi.nlm.nih.gov/pubmed/4966862}, - year = {1968}, +@article{RN74, + author = {Motter, B. C.}, + title = {Neural correlates of attentive selection for color or luminance in extrastriate area V4}, + journal = {Journal of Neuroscience}, + volume = {14}, + number = {4}, + year = {1994}, type = {Journal Article} } -@article{RN264, - author = {Keele, Steven W. and Posner, Michael I.}, - title = {Processing of visual feedback in rapid movements}, - journal = {Journal of Experimental Psychology}, - volume = {77}, - pages = {155-158}, - year = {1968}, +@article{RN73, + author = {Spitzer, H. and Desimone, R. and Moran, J.}, + title = {Increased attention enhances both behavioral and neuronal performance}, + journal = {Science (Washington D C)}, + volume = {240}, + number = {4850}, + year = {1988}, type = {Journal Article} } -@article{RN3350, - author = {Corkin, S}, - title = {Acquisition of motor skill after bilateral medial temporal-lobe excision}, - journal = {Neuropsychologia}, - volume = {6}, - number = {3}, - pages = {255-261}, - year = {1968}, +@article{RN72, + author = {Rolls, E. T.}, + title = {Neurophysiological mechanisms underlying face processing within and beyond the temporal cortical visual areas}, + journal = {Philosophical Transactions of the Royal Society of London Biological Sciences}, + volume = {335}, + number = {1273}, + year = {1992}, type = {Journal Article} } -@book{RN2800, - author = {Blinkov, S. and Glezer, I.}, - title = {The human brain in figures and tables. A quantitative handbook}, - publisher = {Plenum}, - address = {New York}, - year = {1968}, - type = {Book} +@article{RN71, + author = {Olshausen, B. A. and Anderson, C. H. and Van Essen, D. C.}, + title = {A neurobiological model of visual attention and invariant pattern recognition based on dynamic routing of information}, + journal = {Journal of Neuroscience}, + volume = {13}, + number = {11}, + year = {1993}, + type = {Journal Article} } -@book{RN1016, - author = {Bernstein, N. A.}, - title = {The co-ordination and regulation of movement}, - publisher = {Pergamon}, - address = {Oxford}, - year = {1967}, - type = {Book} +@article{RN70, + author = {Maunsell, J. H. R. and Sclar, G. and Nealey, T. A. and Depriest, D. D.}, + title = {Extraretinal representations in area V4 in the macaque monkey}, + journal = {Visual Neuroscience}, + volume = {7}, + number = {6}, + year = {1991}, + type = {Journal Article} } -@article{RN996, - author = {Belenkiy, V. Y. and Gurfinkel, V. S. and Paltsev, E. I.}, - title = {On elements of control of voluntary movements.}, - journal = {Biofizica}, - number = {12}, - pages = {135-141}, - year = {1967}, +@article{RN69, + author = {Lu, Chen-Hui and Proctor, Robert W.}, + title = {The influence of irrelevant location information on performance: A review of the Simon and spatial Stroop effects}, + journal = {Psychonomic Bulletin & Review}, + volume = {2}, + number = {2}, + pages = {174-207}, + year = {1995}, type = {Journal Article} } -@article{RN3105, - author = {Schonemann, P. H.}, - title = {Varism: a new machine method for orthogonal rotation}, - journal = {Psychometrika}, - volume = {31}, - number = {2}, - pages = {235-48}, - ISSN = {0033-3123 (Print) -0033-3123 (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=5222210}, - year = {1966}, +@article{RN68, + author = {Vrizi, Richard A. and Egeth, Howard E.}, + title = {Is meaning implicated in illusory conjunctions?}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {10}, + number = {4}, + pages = {573-580}, + year = {1984}, type = {Journal Article} } -@article{RN3107, - author = {Schönemann, Peter}, - title = {A generalized solution of the orthogonal procrustes problem}, - journal = {Psychometrika}, - volume = {31}, - number = {1}, - pages = {1-10}, - ISSN = {0033-3123}, - DOI = {10.1007/bf02289451}, - url = {http://dx.doi.org/10.1007/BF02289451}, - year = {1966}, +@article{RN67, + author = {Cohen, Asher and Shoup, Rachel}, + title = {Perceptual dimensional constraints in response selection processes}, + journal = {Cognitive Psychology}, + volume = {32}, + pages = {128-181}, + year = {1997}, type = {Journal Article} } -@article{RN360, - author = {Peterson, J. R.}, - title = {Response-response compatibility effects in a two-hand pointing task}, - journal = {Human Factors}, - volume = {7}, - pages = {231-246}, - year = {1965}, +@article{RN66, + author = {Prinzmetal, William and Henderson, Deborah and Ivry, Richard}, + title = {Loosening the constraint on illusory conjunctions: assessing the roles of exposure duration and attention}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {21}, + number = {6}, + pages = {1362-1375}, + year = {1995}, type = {Journal Article} } -@article{RN2801, - author = {Heimburger, R.F. and Whitlock, C. C.}, - title = {Stereotaxic destruction of the human dentate nucleus}, - journal = {Confin. Neurol.}, - volume = {1965}, - number = {26}, - pages = {346-358}, - year = {1965}, +@article{RN65, + author = {Prinzmetal, William}, + title = {Visual feature integration in a world of objects}, + journal = {Current Directions in Psychological Science}, + volume = {4}, + pages = {90-94}, + year = {1995}, type = {Journal Article} } -@article{RN813, - author = {Treisman, M}, - title = {Temporal discrimination and the difference interval: implications for a model of the 'internal clock'}, - journal = {Psychological Monographs}, - volume = {77}, - pages = {1-13}, - year = {1963}, +@article{RN64, + author = {Platel, Herve and Price, Cathy and Baron, Jean-Claude and Wise, Richard and Lambert, Jany and Frackowiack, Richard S.J. and Lechevalier, Bernard and Eustache, Francis}, + title = {The structural components of music perception}, + journal = {Brain}, + volume = {120}, + pages = {229-243}, + year = {1997}, type = {Journal Article} } -@inbook{RN3352, - author = {Milner, B.}, - title = {Les troubles de la memoire accompagnant des lesions hippocampiques bilaterales}, - booktitle = {Physiologie de l Hippocampe, Paris: Centre National de la Recherche Scientifique}, - pages = {257–272}, - year = {1962}, - type = {Book Section} +@article{RN63, + author = {Jacobs, G.H.}, + title = {Wavelength discrimination in gray squirrels}, + journal = {Vision Research}, + volume = {16}, + pages = {325-327}, + year = {1975}, + type = {Journal Article} } -@article{RN2899, - author = {Parter, S.}, - title = {The use of linear graphs in Gauss elimination}, - journal = {SIAM Review}, - volume = {3}, - number = {2}, - pages = {119-130}, - url = {http://www.jstor.org/stable/2027387}, - year = {1961}, +@inproceedings{RN62, + author = {Hagoort, P. and Brown, C.M.}, + title = {Electrophysiological insights into language and speech processing}, + booktitle = {ICPHS 95}, + volume = {2}, + pages = {172-177}, + type = {Conference Proceedings} +} + +@article{RN61, + author = {Bennett, A.T.D}, + title = {Spatial memory in a food storing corvid}, + journal = {Journal of Comparative Physiology A}, + volume = {173}, + pages = {193-207}, + year = {1993}, type = {Journal Article} } -@book{RN2771, - author = {Angevine, J.B. and Mancall, E.L. and Yakovlev, P.I. }, - title = {The human cerebellum. An atlas of gross topography in serial sections}, - publisher = {Little, Brown and Company}, - address = {Boston}, - year = {1961}, - type = {Book} +@article{RN60, + author = {Gallistel, C.R. and Cramer, A.E.}, + title = {Computation on metric maps in mammals: getting oriented and choosing a multi-destination route}, + journal = {Journal of Experimental Biology}, + volume = {199}, + pages = {211-217}, + year = {1996}, + type = {Journal Article} } -@article{RN2058, - author = {Larsell, O.}, - title = {[The corpus cerebelli in birds & mammals.]}, - journal = {Arch Sci Biol (Bologna)}, - volume = {42}, +@article{RN59, + author = {Barnes, C.a. and Nadel, L. and Honig, W.K.}, + title = {Spatial memory deficit in senecent rats}, + journal = {Canadian Journal of Psychology}, + volume = {34}, number = {1}, - pages = {90-104}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13560192}, - year = {1958}, + pages = {29-39}, + year = {1980}, type = {Journal Article} } -@inbook{RN2798, - author = {Jansen, J. and Brodal, A.}, - title = {Das Kleinhirn}, - booktitle = {Handbuch der mikroskopischen Anatomie des Menschen}, - editor = {Möllendorff, W. v. and Bargmann, W. }, - publisher = {Springer Verlag}, - address = {Berlin Göttingen Heidelberg}, - volume = {4}, - pages = {1-323}, - year = {1958}, - type = {Book Section} +@article{RN58, + author = {Spence, Charles and Driver, Jon}, + title = {Audiovisual links in endogenous covert spatial attention}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {22}, + number = {4}, + pages = {1005-1030}, + year = {1996}, + type = {Journal Article} } -@article{RN3355, - author = {Miller, G. A.}, - title = {The magical number seven plus or minus two: some limits on our capacity for processing information}, - journal = {Psychol Rev}, - volume = {63}, +@article{RN57, + author = {Egly, Robert and Driver, Jon and Rafal, Robert D.}, + title = {Shifting visual attention between objects and locations: Evidence from normal and parietal lesion subjects}, + journal = {Journal of Experimental Psychology: General}, + volume = {123}, number = {2}, - pages = {81-97}, - ISSN = {0033-295X (Print) -0033-295X (Linking)}, - url = {http://www.ncbi.nlm.nih.gov/pubmed/13310704}, - year = {1956}, + pages = {161-177}, + year = {1994}, type = {Journal Article} } -@article{RN622, - author = {Von Holst, E.}, - title = {Relations between the Central Nervous System and the Peripheral Organs}, - journal = {British Journal of Animal Behaviour}, - volume = {2}, - pages = {89-94}, - year = {1954}, +@article{RN56, + author = {Peretz, Isabelle and Kolinsky, Regine}, + title = {Boundaries of separability between melody and rhythm in music discrimination: A neuropsychological perspective}, + journal = {Quarterly Journal of Experimental Psychology: Human Experimental Psychology}, + volume = {46A}, + number = {2}, + pages = {301-325}, + year = {1993}, type = {Journal Article} } -@book{RN1015, - author = {Penfield, W and Jaspers, H}, - title = {Epilepsy and the functional anatomy of the human brain}, - publisher = {Little and Brown}, - address = {Boston}, - year = {1954}, - type = {Book} -} - -@article{RN2334, - author = {Slack, C. W.}, - title = {Some characteristics of the 'Range effect'}, - journal = {J Exp Psychol}, - volume = {46}, - number = {2}, - pages = {76-80}, - url = {http://www.ncbi.nlm.nih.gov/entrez/query.fcgi?cmd=Retrieve&db=PubMed&dopt=Citation&list_uids=13084848}, - year = {1953}, +@article{RN55, + author = {Fries, Wolfgang and Swihart, Andrew A.}, + title = {Disturbance of rhythm sense following right hemisphere damage}, + journal = {Neuropsychologia}, + volume = {28}, + number = {12}, + pages = {1317-1323}, + year = {1990}, type = {Journal Article} } -@article{RN3353, - author = {Hick, W. E.}, - title = {On the rate of gain of information}, - journal = {Quarterly Journal of Experimental Psychology}, - volume = {4}, +@article{RN54, + author = {Wing, Alan M. and Church, Russell M. and Gentner, Donald R.}, + title = {Variability in the timing of responses during repetitive tapping with alternate hands. Special Issue: Rhythm perception, rhythm production, and timing}, + journal = {Psychological Research}, + volume = {51}, number = {1}, - pages = {11-26}, - DOI = {doi: 10.1080/17470215208416600}, - year = {1952}, + pages = {28-37}, + year = {1989}, type = {Journal Article} } -@inbook{RN3386, - author = {Lashley, K. S.}, - title = {The problem of serial order in behavior}, - booktitle = {Cerebral mechanisms in behavior}, - editor = {Jeffres, L. A.}, - publisher = {Wiley}, - address = {New York}, - pages = {112-146}, - year = {1951}, - type = {Book Section} +@article{RN53, + author = {Nieuwenhuys, rudolf}, + title = {The neocortex. An overview of its evolutionary developement, structural organization and synaptology}, + journal = {Anatomy and Enbryology}, + volume = {190}, + pages = {307-337}, + year = {1994}, + type = {Journal Article} } -@article{RN2804, - author = {Höpker, W}, - title = {Das Altern des Nucleus dentatus}, - journal = {Zeitschrift für Altersforschung}, - volume = {5}, - number = {3}, - pages = {256-277}, - year = {1951}, +@article{RN52, + author = {Pressing, jeff and Summers, jeff and Magill, jon}, + title = {Cognitive multiplicity in polyrhthmic pattern performance}, + journal = {Journal of Experimental Psychology: Human Perception and Performance}, + volume = {22}, + number = {5}, + pages = {1127-1148}, + year = {1996}, type = {Journal Article} } -@inbook{RN3631, - author = {Lashley, K. S.}, - title = {In seach of the engram}, - year = {1950}, - type = {Book Section} +@article{RN51, + author = {Butter, c.m. and Kosslyn, s. and D., Mijovic-Prelec and Riffle, Anne}, + title = {Field-specific deficits in visual imagery following hemianopia due to unilateral occipital infarct}, + journal = {Brain}, + volume = {120}, + pages = {217-228}, + year = {1997}, + type = {Journal Article} } -@article{RN1009, - author = {Berkson, Joseph}, - title = {Are there two regressions?}, - journal = {Journal of the American Statistical Association}, - volume = {45}, - number = {250}, - pages = {164-180}, - year = {1950}, +@article{RN50, + author = {Treisman, anne and Schmidt, Hilary}, + title = {Illusory conjunctions in perception of objects}, + journal = {Cognitive Psychology}, + volume = {14}, + pages = {107-141}, + year = {1982}, type = {Journal Article} } @@ -27703,212 +28369,187 @@ @article{RN49 volume = {55}, number = {4}, pages = {189-208}, - year = {1948}, - type = {Journal Article} -} - -@article{RN2141, - author = {Brodal, A. and Jansen, J.}, - title = {The pontocerebellar projection in the rabbit and cat. Experimental investigations.}, - journal = {Journal of Comparative Neurology}, - volume = {84}, - pages = {31-118}, - year = {1946}, - type = {Journal Article} -} - -@article{RN2423, - author = {Snider, R. and Stowell, A.}, - title = {Receiving areas of the tactile, auditory, and visual systems in the cerebellum }, - journal = {Journal of Neurophysiology}, - volume = {7}, - pages = {331-337}, - year = {1944}, - type = {Journal Article} -} - -@article{RN2402, - author = {Holmes, G.}, - title = {The cerebellum of man}, - journal = {Brain}, - volume = {62}, - pages = {1-30}, - year = {1939}, + year = {1948}, type = {Journal Article} } -@article{RN3400, - author = {Penfield, W and Broldrey, E}, - title = {Somatic motor and sensory representation in the cerebral cortex of man as studied by electrical stimulation}, - journal = {Brain}, - volume = {60}, - number = {389–443}, - year = {1937}, +@article{RN48, + author = {Collett, t.s. and Cartwright, B.A. and Smith, B.A}, + title = {Landmark learning and visuo-spatial memories in gerbils}, + journal = {Journal of comparative physiology}, + volume = {158}, + pages = {835-851}, + year = {1986}, type = {Journal Article} } -@article{RN3319, - author = {Mahalanobis}, - title = {On the generalized distance in statistics}, - journal = {Proceedings of the National Institute of Sciences}, - volume = {2}, - pages = {49-55}, - year = {1936}, +@article{RN47, + author = {McQuade, denise b. and Williams, Ernest H. and Eichenbaum, Howard B.}, + title = {Cues used for localizing food by gray squirrels (sciurus carolinensis)}, + journal = {Ethology}, + volume = {72}, + pages = {22-30}, + year = {1986}, type = {Journal Article} } -@article{RN3549, - author = {Fisher, R. A.}, - title = {The use of multiple measurements in taxonomic problems}, - journal = {Annals of Eugenics}, - volume = {7}, +@article{RN46, + author = {Brodbeck, D. R.}, + title = {Memory for spatial and local cues: A comparison of a storing and a nonstoring species}, + journal = {Animal Learning and Behavior}, + volume = {22}, number = {2}, - pages = {179-188}, - year = {1936}, + year = {1994}, type = {Journal Article} } -@article{RN3547, - author = {Neyman, J. and Pearson, E. S. }, - title = {On the problem of the most efficient test of statistical hypotheses}, - journal = {Philosophical Transactions of the Royal Society A: Mathematical, Physical and Engineering Sciences}, - volume = {231}, - pages = {289–337}, - DOI = {doi:10.1098/rsta.1933.0009.}, - year = {1933}, +@article{RN45, + author = {Bennett, A. T. D.}, + title = {Do animals have cognitive maps?}, + journal = {Journal of Experimental Biology}, + volume = {199}, + number = {1}, + year = {1996}, type = {Journal Article} } -@article{RN679, - author = {Telford, C. W.}, - title = {The refractory phase of voluntary and associative responses}, - journal = {Journal of Experimental Psychology}, - volume = {14}, - pages = {1-36}, - year = {1931}, +@article{RN43, + author = {Cheng, K.}, + title = {Some psychophysics of the pigeon's use of landmarks}, + journal = {Journal of Comparative Physiology A Sensory Neural and Behavioral Physiology}, + volume = {162}, + number = {6}, + year = {1988}, type = {Journal Article} } -@inbook{RN2770, - author = {Jakob, A.}, - title = {Das Kleinhirn}, - booktitle = {Möllendorfs Handbuch der mikroskopischen Anatomie des Menschen}, - publisher = {Springer Verlag}, - address = {Berlin}, - volume = {4}, - pages = {674-916}, - year = {1928}, - type = {Book Section} -} - -@article{RN2795, - author = {Gans, A.}, - title = {Beitrag zur Kenntnis des Aufbaus des Nucleus dentatus aus zwei Teilen, namentlich auf Grund von Untersuchungen der Eisenreaktion}, - journal = {Z. ges. Neurol. Psychiatr.}, - volume = {93}, - pages = {750-755}, - year = {1924}, +@article{RN42, + author = {Hazeltine, R. Eliot and Prinzmetal, William and Elliott, Katherine}, + title = {If it's not there, where is it? Locating illusory conjunctions}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {23}, + number = {1}, + pages = {263-277}, + year = {1997}, type = {Journal Article} } -@article{RN650, - author = {Wertheimer, Max}, - title = {Untersuchungen zur Lehre von der Gestalt}, - journal = {Psychologische Forschung}, - volume = {4}, - pages = {301-350}, - year = {1923}, +@article{RN41, + author = {Martin, T. A. and Keating, J. G. and Goodkin, H. P. and Bastian, A. J. and Thach, W. T.}, + title = {Throwing while looking through prisms: I. Focal olivocerebellar lesions impair adaptation}, + journal = {Brain}, + volume = {119}, + number = {4}, + pages = {1183-98}, + year = {1996}, type = {Journal Article} } -@article{RN2803, - author = {Guizzetti, P.}, - title = {Principali risultati dell’applicazione grossolona a fresco delle reazioni istochimiche del ferro sul sistema nervoso centrale dell’uomo e di alcuni mammiferi domestici}, - journal = {Riv. di patologia nervosa e mentale }, - volume = {20}, - number = {103}, - year = {1915}, +@article{RN40, + author = {Martin, T. A. and Keating, J. G. and Goodkin, H. P. and Bastian, A. J. and Thach, W. T.}, + title = {Throwing while looking through prisms: II. Specificity and storage of multiple gaze-throw calibrations}, + journal = {Brain}, + volume = {119}, + number = {4}, + year = {1996}, type = {Journal Article} } -@article{RN803, - author = {Dunlap, K}, - title = {Reactions on rhythmic stimuli, with attempt to synchronize}, - journal = {Psychological Review}, - volume = {17}, - pages = {399-416}, - year = {1910}, +@article{RN39, + author = {Zanone, P. G. and Kelso, J. A.}, + title = {Evolution of behavioral attractors with learning: Nonequilibrium phase transitions}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {18}, + number = {2}, + pages = {403-421}, + year = {1992}, type = {Journal Article} } -@article{RN242, - author = {Balint, R.}, - title = {Seelenlähmung des "Schauens", optische Ataxie, räumliche Störung der Aufmerksamkeit}, - journal = {Monatszeitschrift für Psychiatrie und Neurologie}, - volume = {25}, - pages = {5-81}, - year = {1909}, +@article{RN38, + author = {Strong, Gary W. and Whitehead, Bruce A.}, + title = {A solution to the tag-assignment problem for neural networks}, + journal = {Behavioral & Brain Sciences}, + volume = {12}, + number = {3}, + pages = {381-433}, + year = {1989}, type = {Journal Article} } -@book{RN2327, - author = {Liepmann, H. M. O}, - title = {Drei Aufsätze aus dem Aparxie-Gebiet}, - publisher = {Krager}, - address = {Berlin}, - year = {1908}, - type = {Book} +@article{RN37, + author = {Chun, Marvin M. and Potter, Mary C.}, + title = {A two-stage model for multiple target detection in rapid serial visual presentation}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {21}, + number = {1}, + pages = {109-127}, + year = {1995}, + type = {Journal Article} } -@article{RN977, - author = {Liepmann, H. M. O}, - title = {Ein Fall von linksseitiger Agraphie und Apraxie bei rechtsseitinger Lähmung.}, - journal = {Monatszeitschrift für Psychiatrie und Neurologie}, - volume = {10}, - pages = {214-227}, - year = {1907}, +@article{RN36, + author = {Behrmann, Marlene and Moscovitch, Morris and Winocur, Gordon}, + title = {Intact visual imagery and impaired visual perception in a patient with visual agnosia}, + journal = {Journal of Experimental Psychology: Human Perception & Performance}, + volume = {20}, + number = {5}, + pages = {1068-1087}, + year = {1994}, type = {Journal Article} } -@book{RN2802, - author = {Dejerine, J.}, - title = {Anatomie des centres nerveux}, - publisher = {II. J. Rueff}, - address = {Paris}, - year = {1901}, - type = {Book} +@article{RN35, + author = {Treisman, Anne M. and Gelade, Garry}, + title = {A feature-integration theory of attention}, + journal = {Cognitive Psychology}, + volume = {12}, + number = {1}, + pages = {97-136}, + year = {1980}, + type = {Journal Article} } -@article{RN854, - author = {Woodworth, R. S.}, - title = {The accuracy of voluntary movement}, - journal = {Psychological Monographs}, - volume = {3}, +@article{RN33, + author = {Maddox, W. Todd and Prinzmetal, William and Ivry, Richard B. and Ashby, F. Gregory}, + title = {A probabilistic multidimensional model of location information}, + journal = {Psychological Research/Psychologische Forschung}, + volume = {56}, number = {2}, - pages = {1-114}, - year = {1899}, + pages = {66-77}, + year = {1994}, type = {Journal Article} } -@article{RN2287, - author = {Charpentier, A.}, - title = {Analyse experimentale de quelques elements de la sensation de poids}, - journal = {Archives de Physiologie Normales et Pathologiques}, - volume = {3}, - pages = {122-135}, - year = {1891}, +@article{RN31, + author = {Vecera, Shaun P. and Behrmann, Marlene}, + title = {Spatial attention does not require preattentive grouping}, + journal = {Neuropsychology}, + volume = {11}, + number = {1}, + pages = {30-43}, + year = {1997}, type = {Journal Article} } -@inbook{RN555, - author = {Wiesendanger, Mario and Wicki, Urs and Rouiller, Eric}, - title = {Are there unifying structures in the brain responsible for interlimb coordination?}, - year = {199x}, - type = {Book Section} +@article{RN29, + author = {Ashby, F. Gregory and Prinzmetal, William and Ivry, Richard and Maddox, W. Todd}, + title = {A formal theory of feature binding in object perception}, + journal = {Psychological Review}, + volume = {103}, + number = {1}, + pages = {165-192}, + year = {1996}, + type = {Journal Article} } -@article{RN563, - author = {Dias, R. and Robbins, T. W. and Robert, A. C.}, +@article{RN1, + author = {Wolpert, Daniel M. and Ghahramani, Zoubin and Jordan, Micheal I.}, + title = {An internal model for sensorimotor integration}, + journal = {Science}, + volume = {269}, + pages = {1880-1882}, + year = {1995}, type = {Journal Article} } diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index f8f8709..89325af 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -30,19 +30,19 @@ This manual provides an introduction to how to use the Pattern component modelli # Introduction The study of brain representations aims to illuminate the relationship between complex patterns of activity occurring in the brain and "things in the world" - be it objects, actions, or abstract concepts. By understanding internal syntax of brain representations, and especially how the structure of representations changes across different brain regions, we ultimately hope to gain insight into the way the brain processes information. -Central to the definition of representation is the concept of decoding [@RN3623]. A feature (i.e. a variable that describes some aspect of the "things in the world") that can be decoded from the ongoing neural activity in a region is said to be represented there. For example, a feature could be the direction of a movement, the orientation and location of a visual stimulus, or the semantic meaning of a word. Of course, if we allow the decoder to be arbitrarily complex, we would use the term representation in the most general sense. For example, using a computer vision algorithm, one may be able to identify objects based on activity in primary visual cortex. However, we may not conclude necessarily that object identity is represented in V1 - at least not explicitly. Therefore, it makes sense to restrict our definition of an explicit representation to features that can be linearly decoded by a single neuron from some population activity [@RN3627; @RN3626; @RN3625; @RN3573]. +Central to the definition of representation is the concept of decoding [@RN3623]. A feature (i.e. a variable that describes some aspect of the "things in the world") that can be decoded from the ongoing neural activity in a region is said to be represented there. For example, a feature could be the direction of a movement, the orientation and location of a visual stimulus, or the semantic meaning of a word. Of course, if we allow the decoder to be arbitrarily complex, we would use the term representation in the most general sense. For example, using a computer vision algorithm, one may be able to identify objects based on activity in primary visual cortex. However, we may not conclude necessarily that object identity is represented in V1 - at least not explicitly. Therefore, it makes sense to restrict our definition of an explicit representation to features that can be linearly decoded by a single neuron from some population activity [@RN3627; @RN3626; @RN3625; @RN3672]. While decoding approaches are very popular in the study of multi-voxel activity patterns [@RN2832; @RN2839; @RN2909], they are not the most useful tool when we aim to make inferences about the nature of brain representations. The fact that we can decode feature X well from region A does not imply that the representation in A is well characterized by feature X - there may be many other features that better determine the activity patterns in this region. ![*Decoding, encoding and representational models.* (**A**) *The matrix of activity data consists of rows of activity patterns for each condition or of columns of activity profiles for each voxel (or more generally, measurement channel). The data can be used to decode specific features that describe the experimental conditions (decoding). Alternatively, a set of features can be used to predict the activity data (encoding). Representational models work at the level of a sufficient statistics (the second moment) of the activity profiles. Models are formulated in this space and possibly combined and changed using higher-order model parameters ($\theta$).* (**B**) *The activity profiles of different voxels are plotted as points in the space of the experimental conditions. Features in encoding models are vectors that describe the overall distribution of the activity profiles.* (**C**) *The distribution can also be directly described using a multivariate normal distribution (PCM).* (**D**) *Representational similarity analysis (RSA) provides an alternative view by plotting the activity patterns in the space defined by different voxel activities. The distances between activity patterns serves here as the sufficient statistic, which is fully defined by the second moment matrix.*](Figures/Figure_1.pdf){#fig:Fig1} -Encoding models, on the other hand, characterize how well we can explain the activities in a specific region using a sets of features. The activity profile of each voxel (here shown as columns in the activity data matrix), is modeled as the linear combination of a set of features ([@fig:Fig1]a). We will use the term voxels interchangeably with the more general term measurement channel, which could, depending on the measurement modality, refer to a single neuron, an electrode, or sensor. Each voxel has its own set of parameters ($\mathbf{W}$) that determine the weight of each feature. This can visualized by plotting the activity profile of each voxel into the space spanned by the experimental conditions ([@fig:Fig1]b). Each dot refers to the activity profile of a channel (here a voxel), indicating how strongly the voxel is activated by each condition. Estimating the weights is equivalent to a projection of each of the activity profiles onto the feature vectors. The quality of the model can then be evaluated by determining how well unseen activity data can be predicted. When estimating the weights, encoding models often use some form of regularization, which essentially imposes a prior on the feature weights. This prior is an important component of the model. It determines a predicted distribution of the activity profiles [@RN3573]. An encoding model that matches the real distribution of activity profiles best will show the best prediction performance. +Encoding models, on the other hand, characterize how well we can explain the activities in a specific region using a sets of features. The activity profile of each voxel (here shown as columns in the activity data matrix), is modeled as the linear combination of a set of features ([@fig:Fig1]a). We will use the term voxels interchangeably with the more general term measurement channel, which could, depending on the measurement modality, refer to a single neuron, an electrode, or sensor. Each voxel has its own set of parameters ($\mathbf{W}$) that determine the weight of each feature. This can visualized by plotting the activity profile of each voxel into the space spanned by the experimental conditions ([@fig:Fig1]b). Each dot refers to the activity profile of a channel (here a voxel), indicating how strongly the voxel is activated by each condition. Estimating the weights is equivalent to a projection of each of the activity profiles onto the feature vectors. The quality of the model can then be evaluated by determining how well unseen activity data can be predicted. When estimating the weights, encoding models often use some form of regularization, which essentially imposes a prior on the feature weights. This prior is an important component of the model. It determines a predicted distribution of the activity profiles [@RN3672]. An encoding model that matches the real distribution of activity profiles best will show the best prediction performance. The interpretational problem for encoding models is that for each feature set that predicts the data well, there is an infinite number of other (rotated) features sets that describe the same distribution of activity profiles and, hence, predict the data equally well. The argument may be made that to understand brain representations, we should not think about specific features that are encoded, but rather about the distribution of activity profiles. This can be justified by considering a read-out neuron that receives input from a population of neurons. From the standpoint of this neuron, it does not matter which neuron has which activity profile (as long as it can adjust input weights), and which features were chosen to describe these activity profiles - all that matters is what information can read out from the code. Thus, from this perspective it may be argued that the formulation of specific feature sets and the fitting of feature weights for each voxel are unnecessary distractions. -Therefore, our approach of pattern component modeling (PCM) abstracts from specific activity patterns. This is done by summarizing the data using a suitable summary statistic ([@fig:Fig1]a), that describes the shape of the activity profile distribution ([@fig:Fig1]c). This critical characteristic of the distribution is the covariance matrix of the activity profile distribution or - more generally - the second moment. The second moment determines how well we can linearly decode any feature from the data. If, for example, activity measured for two experimental conditions is highly correlated in all voxels, then the difference between these two conditions will be very difficult to decode. If however, the activities are uncorrelated, then decoding will be very easy. Thus, the second moment is a central statistical quantity that determines the representational content of the brain activity patterns of an area [@RN3573]. +Therefore, our approach of pattern component modeling (PCM) abstracts from specific activity patterns. This is done by summarizing the data using a suitable summary statistic ([@fig:Fig1]a), that describes the shape of the activity profile distribution ([@fig:Fig1]c). This critical characteristic of the distribution is the covariance matrix of the activity profile distribution or - more generally - the second moment. The second moment determines how well we can linearly decode any feature from the data. If, for example, activity measured for two experimental conditions is highly correlated in all voxels, then the difference between these two conditions will be very difficult to decode. If however, the activities are uncorrelated, then decoding will be very easy. Thus, the second moment is a central statistical quantity that determines the representational content of the brain activity patterns of an area [@RN3672]. -Similarly, a representational model is formulated in PCM not by its specific feature set, but by its predicted second moment matrix. If two feature sets have the same second moment matrix, then the two models are equivalent. Thus, PCM makes hidden equivalences between encoding models explicit. To evaluate models, PCM simply compares the likelihood of the data under the distribution predicted by the model. To do so, we rely on an generative model of brain activity data, which fully specifies the distribution and relationship between the random variables. Specifically, true activity profiles are assumed to have a multivariate Gaussian distribution and the noise is also assumed to be Gaussian, with known covariance structure. Having a fully-specified generative model allows us to calculate the likelihood of data under the model, averaged over all possible values of the feature weights. This results in the so-called model evidence, which can be used to compare different models directly, even if they have different numbers of features. In summarizing the data using a sufficient statistic, PCM is closely linked to representation similarity analysis (RSA), which characterizes the second moment of the activity profiles in terms of the distances between activity patterns ([@fig:Fig1]d, also see @RN3573). +Similarly, a representational model is formulated in PCM not by its specific feature set, but by its predicted second moment matrix. If two feature sets have the same second moment matrix, then the two models are equivalent. Thus, PCM makes hidden equivalences between encoding models explicit. To evaluate models, PCM simply compares the likelihood of the data under the distribution predicted by the model. To do so, we rely on an generative model of brain activity data, which fully specifies the distribution and relationship between the random variables. Specifically, true activity profiles are assumed to have a multivariate Gaussian distribution and the noise is also assumed to be Gaussian, with known covariance structure. Having a fully-specified generative model allows us to calculate the likelihood of data under the model, averaged over all possible values of the feature weights. This results in the so-called model evidence, which can be used to compare different models directly, even if they have different numbers of features. In summarizing the data using a sufficient statistic, PCM is closely linked to representation similarity analysis (RSA), which characterizes the second moment of the activity profiles in terms of the distances between activity patterns ([@fig:Fig1]d, also see @RN3672). By removing the requirement to fit and cross-validate individual voxel weights, PCM enables the user to concentrate on a different kind of free parameter, namely model parameters that determine the shape of the distribution of activity profiles. From the perspective of encoding models, these would be hyper-parameters that change the form of the feature or regression matrix. For example, we can fit the distribution of activity profiles using a weighted combination of 3 different feature sets ([@fig:Fig1]a). Such component models (see section \ref{componentmodels}) are extremely useful if we hypothesize that a region cares about different groups of features (i.e.\ colour, size, orientation), but we do not know how strongly each feature is represented. In encoding models, this would be equivalent to providing a separate scaling factor to different parts of the feature matrix. Most encoding models, however, use a single model feature matrix, making them equivalent to a fixed PCM model. @@ -122,11 +122,11 @@ $$ There are a five assumptions in this generative model. First, the activity profiles ( $\mathbf{u}_p,$ columns of \textbf{U}) are considered to be a random variable drawn from a normal distribution. Representational models therefore do not specify the exact activity profiles of specific voxels, but simply the characteristics of the distribution from which they originate. Said differently, PCM is not interested in which voxel has which activity profiles - it ignores their spatial arrangement. This makes sense considering that activity patterns can vary widely across different participants[@RN3415] and do not directly impact what can be decoded from a region. For this, only the distribution of these activity profiles in this region is considered. -The second assumption is that the mean of the activity profiles (across voxels) is the same across conditions, and that it is modeled using the effects of no interests . Therefore, we most often model in $\mathbf{X}$ the mean of each voxel across conditions. While one could also artificially remove the mean of each condition across voxels [@RN3565], this approach would remove differences that, from the persepctive of decoding and representation, are highly meaningful [@RN3573]. +The second assumption is that the mean of the activity profiles (across voxels) is the same across conditions, and that it is modeled using the effects of no interests . Therefore, we most often model in $\mathbf{X}$ the mean of each voxel across conditions. While one could also artificially remove the mean of each condition across voxels [@RN3565], this approach would remove differences that, from the persepctive of decoding and representation, are highly meaningful [@RN3672]. The third assumption is that the activity profiles come from a multivariate Gaussian distribution. This is likely the most controversial assumption, but it is motivated by a few reasons: First, for fMRI data the multi-variate Gaussian is often a relatively appropriate description, especially if the mean of each voxel across conditions has been removed by the model. Secondly, the definition causes us to focus on the mean and covariance matrix, $\mathbf{G}$, as sufficient statistics, as these completely determine the Gaussian. Thus, even if the true distribution of the activity profiles is better described by a non-Gaussian distribution, the focus on the second moment is sensible as it characterizes the linear decodability of any feature of the stimuli. -Fourthly, the model assumes that different voxels are independent from each other. If we used raw data, this assumption would be clear violated, given the strong spatial correlation of noise processes in fMRI data. To reduce these dependencies we typically uses spatially pre-whitened data, which is divided by a estimate of the spatial covariance matrix [@RN3565; @RN3573]. One complication here is that spatial pre-whitening usually does not remove spatial dependencies completely, given the estimation error in the spatial covariance matrix [@RN3543]. +Fourthly, the model assumes that different voxels are independent from each other. If we used raw data, this assumption would be clear violated, given the strong spatial correlation of noise processes in fMRI data. To reduce these dependencies we typically uses spatially pre-whitened data, which is divided by a estimate of the spatial covariance matrix [@RN3565; @RN3672]. One complication here is that spatial pre-whitening usually does not remove spatial dependencies completely, given the estimation error in the spatial covariance matrix [@RN3543]. Finally, we assume that the noise of each voxel is Gaussian with a temporal covariance that is known up to a constant term $\sigma^{2}$. Given the many additive influences of various noise sources on fMRI signals, Gaussianity of the noise is, by the central limit theorem, most likely a very reasonable assumption, which is commonly made in the fMRI literature. The original formulation of PCM used a model which assumed that the noise is also temporally independent and identically distributed (i.i.d.) across different trials, i.e. $\mathbf{S} = \mathbf{I}$ . However, as pointed out recently [@RN3638], this assumption is often violated in non-random experimental designs with strong biasing consequences for estimates of the covariance matrix. If this is violated, we can either assume that we have a valid estimate of the true covariance structure of the noise ($S$), or we can model different parts of the noise structure (see section \ref{noise}). @@ -398,8 +398,10 @@ $$ To prevent scaling or noise variance parameters to become negative, we actually optimise the log of these parameter, such that $$ +\begin{array}{c} s_i = exp(\theta_{s,i})\\ \sigma^{2}_{\epsilon,i} = exp(\theta_{\epsilon, i}). +\end{array} $$ The output `theta` for each model contains not only the `M.numGparams` model parameters, but also the noise parameters for all the subjects, then (optional) the scale parameters for all the subjects, and (if the runEffect is set to random) the run-effect parameter for all the subjects. The resultant scaling parameter for each subject is additionally stored under `T.scale` in the output structure. The fitting of an additional scale parameter can be switched off by providing the optional input argument `pcm_fitModelGroup(...,'fitScale',0)`. Often, it speeds up the computation to perform a group fit first, so it can serve as a starting value for the crossvalidated group fit (see below). Otherwise the input and output parameters are identical to `pcm_fitModelIndivid`. @@ -515,7 +517,23 @@ T = pcm_plotModelLikelihood(Tcross,M,'upperceil',Tgroup.likelihood(:,5)); ### Visualising the voxel-feature weights -Finally, like in an encoding model, we can also estimate and visualise the voxel-feature weights for feature models. +Finally, like in an encoding model, we can also estimate and visualise the estimated voxel-feature weights or activity patterns, that are most likely under the current model. The PCM toolbox provides two ways of formulating an encoding model: First, the model features can be fixedly encoded in the design matrix **Z** and the data is modeled as: + +$$ \mathbf{Y} = \mathbf{Z} \mathbf{U} + \boldsymbol{\epsilon}$$ . + +In this case, **U** can be interpreted as the voxel-feature weights, and PCM estimates the variances and covariance of these feature maps, encoded in ${\mathbf{G}}(\boldsymbol{\theta})$. You can get the BLUP estimates of **U** under model M by calling + +`U=pcm_estimateU(M,theta,Data,Z,X);` + +Secondly, in feature models, **Z** simply provides the basic asssignment of trials to conditions. The features themselves are encoded in the feature matrix **A**, which itself can flexibly be changed based on the parameters. + +$$ \mathbf{Y} = \mathbf{ZA}(\boldsymbol{\theta})\mathbf{W} + \boldsymbol{\epsilon}$$ + +For this case, you can obtain the best estimate of the voxel-feature weights and the currently best feature matrix by calling: + +`[W,A]=pcm_estimateW(M,theta,Data,Z,X);` + +Feature weights can then be visualized using standard techniques either in the volume or on the surface. Routines to do this are not included in the PCM toolbox. # Mathematical and Algorithmic details diff --git a/documentation/pcm_toolbox_manual.pdf b/documentation/pcm_toolbox_manual.pdf index 17fdbe9826dff48562ebae76955382f653631d08..42cd916504836d7c11948ccdf315633fccb5d006 100644 GIT binary patch delta 135066 zcmZs=Q*bU^u&x{1wr$(CZF9!SjPu2|ZQHhO+qN^K{jaKhv38wv)m>fHHO5uH-S3lJ zfZVi>j6|*^CPB~4zz#!xe1G!}!=A>B0!j{G=4R&*5P)%Ubv8G)gYnqB$)2$%<%ILU z^NsWjC`WnW^*;~|Xch9NiPv2a#dGkY@;d)CtQ3?YHuWB4{>Jpo<$5bkDZ!NZamG=u&To7;9 zx>xKvd(&;~K{V<~jp(-gUOjN`(P#x5RmIjg!#zI|k-Knk%1ARHC>A3d1tJ-$j0ndQ zDSdJH2wWe%vFL&RiR&W(V27YqY#0IDkFP*q(KLuelJLK2)qofK2yNLXi$}$oWzY+L zO)D5*-Y$O1Q%q6d_kzk{?%Oo(^e;G?;#5ZGki4(X#zX>5R5Io*eLRtR$C{`3Ar#9M zmrYlygotIF2%6_Nva!#86Y9VGye{(8D)cm3aU$GoW?XAk{G`3$N4DlMAd>;0lQgy~2@60n{m))CN zX{`=xELiK4ni*=wL2p7bR-H)yZH7%<3otWoN^jOGszXv;5h*dBr9<4W0jeHnGGm1> z*YmDI%BP{AM2t0wd{ly&94`Wl0vx;e;7YC`ExHSf*vmIz?nB(KDzSU=#TQWy^w=il zRRhtLuQCNa@uwBn0EHY%$_(U3^KM^M48oz()QG>7B3e1n$duHFP)p_*jw^n?O3$i71|jbP=Bnjdl)h83fQeAOXRI8o1WCKi1h$M$;bF3;{D7NQ9_qNN5IRK%{ii^QJ+^2Hw53}c^< z6k2(xYA^%p`K?ZPTm$Xb+4EM&xRh)mD;Zm6OwiLDxHB=k=NavF$VWX#id3yMhNm!p z#Pjq8R>ZO4lq=eIJ7xhx4Z}fU6w9qg*f+?!x2JP=~Ql7esvg3`{5Bh>(gqx%&eJ1Hp^ggegA zW|pt%dRtNU*R5_`3+mj~?WnMo_(zqR_USQe%-J?Z7-_1@E-jfey#mftVfC4-(OH>g z2VJmIxGA9};8>s)%F`m2a!C((Wbf{s3JZY9GU+Z|dt7!%FN8Y-!_+EMubtLjywn8do_gsY7fNo92N*mi`AQIn zkKJ+ot|v^JP7`aLPY*da`tY7dHZwNbfsEB1oAHfPS!tKuL&JCe?)^tMJDLgGDfcA= zq`8ve?3|Udo1WI5j!^A(bnn=8U4prqN{B?*etW2GpA~>eidZUNw+n~J!;)Dg=e5`? z=n!XFNs5nP$bj7U_nKmRueuX&^y@voqm(YH>)EIg6}sxF36=Cw** z@;3IsA`y8Uhs-Gn^`rJ>J!a)qHZu}xg(b_J_%^`e!94ASNyjVDu?CxN2Sp}lv_%yS zR%$>&h_Q&n_?aZ@hDoHP;FU9%#a}OvC24f=+1H2UkKb2}PH<-uq(sPD-&3tkjyp6T zOQ!{P`&(i^QkE=*-qh(;)z!r`y9u$_W~pX3{eLbwg@%TG2w{Ck#CO-(g+bb}jD+LZ z>Xd+p9eDvS{s?oUs1vlf;azLZap4&_^+_!_gS>oq*?LAf=gsUrP+ z{f{C`b3J~8_?}{>AZgh(I$c3H(P*YE@IJs*791ks*cewJ$6u6pVmwv!^r25x*aXwE z3|+x^(`lqF0caoFOJF+CCAXR4XB%g0&R8<{7vx%!svC!g4Hj&ZWi;Y>{TvU9fgJuQ zPx~Tr2)HmDp>Y;RhD`M$RHJ6_rRrU{dNq3Bb>WZD(7NmA4a1+3MVbgcC4(uMeO15+ zd|KO_LoJX~*?}vp#nBT+d2-UkU658~6VSDKM5v`dI5Gn8GT6rRJ@dBk*td0tXorv$ zQ~bMJ-z$Qit&gvp1#5v?b;P-QAeH*2lthV{22zzyw?JD}1xlGT5jXka;L(Y}Mj~OD zD?)vyhFq~Am{Mh6fa<$ue%c{D!^2s2WMx8egsy%S54910SwFnCR{t4RTaEiuM!pVO)vy7uWW^WG3D zf!RUAdZMH6bKBHJriJa`x?%~h2KrM>etTiy=7#LjUHOfZFd8q3aTS|fiE(IZI3r<9 zT3P2%Cr(#Or#zpi8s<=511?VW8L|)P0c5=gCO?k+#L1)h=-bdWc;q|la8d|17l4h8 z{r~x44W4`)8Sl+(T{@Q65!X+vs>84M*6#FA-wpl7_wVV=Ct&aA`Q;`Ku(8Vla1rSB{a!chOVix|`2Jkk zM}Ll_*ZVqI{PF`f81EQ9zT31mm%i(ie!Xr5{}S3>O#JNnVjbD}1}T0IrQdx1+@bET zc;4K7o$ML@wiX@iT~5}TJovdh-0Y0%w&EwHqst|c%Vm*G3y{2jS6IKdB2NIpeJV3c zXuZgXHT|mJGKJ=21U~E%EKj&mfBL7nIj+CEk|>K7k|+S6kRDCt7R-v@Zb9>wnFoNQ zBW*-0pXIUix{Tk>*Ovj`vCc)JqKKh!zD_)?J13t+F>~KzuN8=cq-uJv345=cpNipL zil#I8{%+6tOGbjp^@IuT0r)q)bCXav=WRC{AO!piz(T7#rJaQ}?MV0kaJY*LZ3P|2 zhvROn$xQ$!u>-{S(*i)!Yo}*jxti|F9wU$JI3{xns#9FyH59*i&ln%r zOqN@*7J!}L%G~I0aEi{^Q)KO2j?nB-D&%aE`I(pGS5L)Y0(Ul5{sW%XH?;Ko~$KH#1kTbxVRhQVIAGc+563mH!mNZDg5)A6( z*SF;h@V#ffF8}HMz)*J-HD=F$OGMD%+SdA9QLOadyRz)anH{V7U#kTP_dsPQ zH)y~bmr^_zmkxP?+Zue30`T&BHcSf0Zko&afj~Mg@Ov82!}?bB8Iq;XUx6(A@s^vq zWi2x**RA&Wr%CE@CHcMh6tzi4?3s*;Nt9eV?C)mgTx&(bAoub8whk&wDT6Yx>}81{ zX_&%qc2np4^e&Ka2^=1=-%cZT5J!=z86v;{5VM%eXY3tqfi!e~k|@c`##R_Em`G^q zR?{cZ9H(j<@v-f^ylO>l?{E*Y(g%zSXi7KV__ddO-$-+q6F*@!E>;dE0t(5>>vO~ zk41H=?!iPSBsy`Ct$ea`t~NO13jPewg>>7r-9AVb*w0=59~{f6k9)^mZHy4(szAC$ zv*-oeT73)|B<_z$(C{_jm=<~(+}B8-_lab(Kp-guRq5j8tZvHR_UYkNS>kI{gzVI+ z8Im$!Od77G0t*JOVR+i`+7-Bs#|dB$3|VFiV(-HXHWYmp!J@AW?sMs3=}7p__V8p2 z@We=LZt{`B21|*#t#;+%E+qrNmVp%oSDrYY>FuFM9!QJ}A8Togm?et=O$aDF;O=#j z35LRkvt+mrQ%;UUgFADTclp@i_moo3#EY{v^m3aX>x`7^SG}5zK;KJvzyn^O*W*Zv zSk@HZH*HeprD8)J?0q()6~c@lEL>Iae4buNyjN8Hjrxa->l?y=qigl z8rhUX}k7wlBozXMgeaP2EZi~+Lu2^6U%OY=@e zrlq4%RU_h5(~3mG+YS?gdS|{Qtxj#|Jp$J#YEloNE3<-SCT10Aqs1c5Z|Om^@tl7Udio~Vj zTGzcv;g~{6-;Am9y#UL1TXwQE`!G4-JMhpq;k<}ZF4Pvc-#;jwxg+zSo-jb znY|hknt-7tKLFY-K^Xrh%o z7JlUnDs=9!J49LNY&qx=COA!k*9MpIcRZP{H>Kg_Ri=TRMTZo`iZw-!Yp)TO_jguAhtjcWpsiek3J(ucF~B zplKYbh2vG#n<0A3SG(-FeR7NE7k%QTbw%4aZ#9{IsCVOXc zx97)X1+1Rru31YW_&ll(32sr5bb=uef}Nqi;8=LOm&Y=Zcqk=;`4h=q2vG=Y-2fPS zIg|seEBYx){<3!(?G>Z7JeE7>=buf2u?#l$`&k0W*duCBZH0r~6B>x1{z6PE@lUJq zD~#bYVP|Ty+do2z$CY0|j(|p}we5eY|4?qgfKk)BkEz{77%b8eh{aA+#%E_kEc?^= zraK2j>r;YxLwpnCUqTIjGmMb8~8H zFmoq^Fg5E+e09xe?m|52b+(C(*E7w3RuD3H-TpdX8k8vWGQ^%+h9j8UU*DLz=Eq$* zTdvUGqA-p9S%U4Bc$K=OGTXhed>u)U8Iz%Tf+-%2)Voi1-uj&vMycA+ zKD>!bhUG8HZP+lhG&=c6pkH=Ow1=dUy>bIU&rCY8x`SDp(lc2dCxGT(%F}Pb+1_to zzh^=#9`l+4j$7k!#I2dbmrf(d;l5kJK8Dj^-3c3=DA5L8whhD(l+RdB?;zm&7_plKwZrzA2Zk=b9AZdiu0_oQ4SvFHI zQmT;GsTpWCAE3ikvWe|J6mHIHXk(&ZKBOS=~fsY2Y zkW(AsS52eQz5Argi>o`)_NbwI>M&~P&KccxQeCQkBzGIS73+#U{}N=W`=!!y#j-{f zGh=xl!85C@MO172fTH1HUG5oUHR}?*aPndw(`UD74B&RkU`pGPHJ`My* z|G_vc0OS`mm`)Iu%pWz|d!Ln_AQmra6tG|-j14yt; z!R%k>&viP93i&wV!FH%VcW)SuN&PU!tLIRwMX*uQ`}LEp#3G$4xTZP=`uWsd+<%9Hb62YJvi?~{#a;N z26WJdsWE?9kaR_$Kb8sV7Te^Sf9xcRu7=2W`R(8UrOFEDZ8uUZHn8l|zN@cg;QH1# zu4>J4bbc8vp6QUp(ot=TenE*_N_e@>2q+Los5OeL)#h*1?}~86z}q=NK&Zp zq9nTKwig<_ZBKLleLQp_KZ01H^e{0V28_W6&ZYfB;HNq({k$uLmZSXJmC{J-VxPu7 zfx2&rLhcaU{z<}QuoI8w4#KLL@u0DNhzq@&y_1YV{uUG(k+23Ixmi?#=hCg5F6`wz zp_KK$sDw)()DJeZWyxh_xSNHE0lj8q-Pfc(H|ss>ksbTGZ?t{QoonWUSp&Mu1rVkm zgWLAdoT%&a-}v(?FS1vKFufrG^3=WeE~{DmnbmLahItb&s(>odTS+@Wr7v@%SO)66 zR_kd4q(H}(*ok*+`R5=~E3XTf84zw&@D|;{2=hy^+W{-67E$uI$CN;#yzyYBnk4=; zIqY@wCK#C(A*?xl<)Q3=vufPa0FbQwhk7bBgGF2jp6pVc79$f!FS`B1eA-fA1e8qY zr4ieAL>FG|ffeGXvVv^-a8Q*KEuk`n`o&cX9b3<@PDWjPL=z<=1@W$5OU;Q3qJb zpzWTqjt&)qG%S5K8s3>LezaeY#ftiDwh>eMb zfjh0?1elecgO!MhNJT(^QNqFAm5+~6l*Nz^F%TA{XxjZIxBg z+TFT!Z2#R0K6d0HBbRM-sgKcD9`Y0vSX_#eRv`HqpQw1JEnRb1ii^;kxh{(WX0M7j z`2IQLWcK|L@Qo16yM0)YGe*!*e6u9$!=kjPD*Xf;-BlrN!WgT4=>^xvy;B~#yLDN? zKhO_zUcS8Eebwd8?1fVDmx|a%j5hL(Li!&dWA_~1mYVSMi`eEAhL)B`fnbVuB-(9h zhrlE3B*>kR3fLu&E3bv8N7|W%QnbU+d|({hwxp(?#_6DQNUFYjcwvK<=JJm{I5ob7 zH52+DY4E1!$Wu1&XK?$})_w;}qyrfWrzRryM6vpgct+u^g7iXa+zP}-dEa9#Yj#{f zY~oE&CPE8Rq5PMLsde#ni_9t|CxPk-(TGYS$d*Ncobl}!`sz<(wY3qU`JD7db2k}# znW1#o?4ph09d`|rotEzI-dF{Nh&^aia4%$bRd?b+zKlIVM{|xqGT1E5^~7dMFrK$0 zFLU-j8%+eRWqFTDAr_NnF4sf}L}w=e;yae8K;LweIF18Lsx9U3iM(`IVbn!s%M<)x z+`>OYQM6(B&~CVsW#b`DF1@1^ZD8QOvi@gt880;HJKBn93d&(o4u5n)Xw%>XT5<=` zFZ;6@pF^Dk-qi?7S~^0ay6kM>SBx_3E=eTIY!ZBWS8Jvcb;zSDbmpq3Fs@qxD4qn5s#+<4Q$R7;yYJ@MX

g%21A9WdwXkrX3Yex_BN99no3|mKLX3hzv85m1u?cmJ(35tXZnwm3p*o-Gg-x z))akFqEHmtoS}DuN*5#7o|FsMuy*v48kh=tH%ipK-MNBm!;Gd@kUGC$jy z)#__iHTaqEmW`ef+HJ(Ukw>s3<5bbB%5u)=uz|+LFpnS`n`M5i3XNfG9!)S`l;r*1 z8d{p;hBFKpaCrTDn`^%uf*a#1{3>>7k-dq?Cv1(d&_ z43nc>-~iX6_DxR{lkfZs*EhlexhIAbN z+c!)i9=Sa9_eBBediFM%UKwqKle+KwY^FEkoA5Jr`=`$H^Wm;d(9iqxWbM9nr}ccV z*Z0<8?`dzZm;cv~)1qPY{rTZGXb-RfARKKEV|HSt;4)1d_#L|$D*5(}WOIi8R1JDs zav^NFb$lHEo@?~$4oe;z`+9Ebcl5MxKZ5Zrxj&}-IohdtgA2rf@(iE^F>}pr5C23% z#T{n3k5;2{0gYxHPq{gE{}E=oM*OGimp2BC&9Z48md;((3JF-{5}&r|;kLC@IFVvA35W#qDzv(X_G zP(sgY2n&M%IHHV`Vb>ziiWIs59F9VDNOEr~dhwd$_)o(f)e3hJl^rf)CcYF*-!iqy zrJGl9U4z1=AptkF?=M-%5mWvoChAKDQBgakHtAZ7aZacoj2C@@z9OE1JIyJ|8#h?^cV!=r6~L=|~rAQZ<2g_xG~r6{U}!WM*x?XqEzV?wKw zQKywgK_66gvT|v9;IUl)sou=;c7R-g@w8N56l$-RqMxX7Z8G=0MGYr3il7Cl@s%>Q z_>{+GawQz0D84F4 z>;-g0g{ja2drInv*e5p+{lUG^-q7xXmJPdQCU{7MND9TD7@LpCDOn9{7zXDJ0x3qD zgt?Ns|L}Oy*ug7XDnOLCj>SfmOB~{2rjA_6&rzlM#rrpdp0UqT7soPk&**@ zsWK^O130Ur_9T7x_I&0nWN*hmxUC1^2F5jN_Lo#Mkf*XeUP2sIRVte7+N+-)Yr5L{ zw#$mG{4RChc61&A@Oe^(9AMyk%kh}RwA`)34b8BQaZcG#P;6k#p&FP3HUdPi$v{7F zlG`D+e0qhQaAtUQIT=G^mBcV1zt8kzPHpTrzY$kIgm=3?n}Yu|F?Vi+#W+Ckw!EUq zJffox~3S*iiNo^djlh?xE~XkoO@} zs|23I#-$&Qmd85H7B>K=LXMCu#SD( z@khw!!91-1#MefR)>D7kpl_HMM~n~La9gHlKE7h%(z4t|j5)7Lb|oS`_F})WlY1*W`-k48(rhT5hbkq>)M&Si|t%|lkvK23_kgqJ;?yH=sE|hY8VTn zXlLSJK?${2A@D&Lq)McGkXD-R=G=}NJ`r#xYr7CYxN^BfYjL0k)Fr(L@K8g>>VUi% zs)`fG{8gp0b&k7q0%fFxr=bGm6E7>A2w8+`fAjLFq&A+Am+1OmVBG9we?w`-L)V!M zohpqv?l^eHj%joWGW2tKOd}j* zBLmYJW(IL$0#uQY2h2EVP*uzp8m!z+ilckLv`K|o`v8V99sd;AOYAKMA{}}!f4v%8 zpj4lDqz*?TNex6LM&_$CLDD$3XGqC?1sge^3oQ@H@*68Wxxfd8PMB(Z5;Ak*{#fWsB7wyf6=U9CuW{80b&qVZasr(s^1FPxvp?qB0<~>BAE_gnNTqgZ z#GjTbVVamr@Blm$J)I->Cztkd5;mnV%%qDyZD>7z6>!FsxoWfdSMM z8e^<%sbJt(k9$iWtkRNN0Oq-Vjg^$ z6X_S!&U~Hyn%PC$q_C|P`lCTqgbGvCbl%tWJ?dNHuO~h8FUtBZHP%?~)$zbAu)-`6 z59$&08}<^J`;y39Wvjm){kZmkE03Y@)d(+F>=EbXl7FN*e=@%OO@g9fn3SB|8x+g3 z@!XR`aZ;snc-f8=@EKDBByzL6t|z#8rK0>-dzEEd_Snj8k#S4i zyEKk^V$Xk48?sIV;p2=pbr3G=8^)_xC_g zzMl*ad!&DaKVzIKEvj2p`O$ zKFcZZqHnqpl;G(Cun47OJc*RDw<8BhDmb8e-`lp`@`B0w65<++L!nR0vZ>hmvJSJI zFas?%I)N~}9Iy^&VtrPzy?LVi=6Z)18@DH_%mm{+A8Xtix#r+V`=EFpX4ekHZ{T$k zboq&=ahPRu)2Ub!X342OOExr|m16;OkH@_E2f=YblkhqY_?wZx+#}+>N$EBCO59nw zBaHY`U;MWRmuv#UY)_j8kpA&_LHBf$G?`jP{AIiG;jt=kqt3H7r313UbJ@fUldST1aWX@YOj3`1YN2X60dQVQdg5$4zGZZmeRZBo(sdZ+Y_f@QI)CtH)RISY z`*9FQWq_s!Bo#{2XLqN4pI%Dm-(au?OGLv*MPlLP*lzl`_L~G=sOF*=l!ajxdyn8{EFUS>GB4)pliC- z&hjwnd&|J~L2oKYxAQx%b~`G4nuoF&P^?aiEM#c|YI#UQi&QAJw#$1xn!;a+F(~m+ zo8^gq5@1H1xTEb>i=>exnQ%00)l_X;`A9@5fD3UDlW+52)vQS7wfJKF@;JBVO z9JRlI2Cho;Rpzt}XB1Xzj2KV{Sm=B#zRh;6vpx2ES!~tr{q?e^gXCc2pmPgwF3j# zcuc}_!f3&y+oI)Sz%!!7cIxQWRd_h9`he=}2y_tfE=HAZE!)#&QMTmLW8%#XR( zx2dDS^c!2u>YwEBJ14Gr%c^^klIA%!h*yLUW$}~3eE({+<;GYQcHX~VR2}Y{pXQSazY^m zO8-V*DjzY+A+h)jMyIih^7aB;nb^&tCpg?zddCjx)k4w!)$pj=eW<Yvr%>MmI^HzwSy)2~6TO|3f(g%cqSXFUO6C2?wtR3YZU zvgKjSW0w$D5}%7X_A#BgCs8k2zZN*Jd>YxmdmcrUzq25vs6G0as#ICi{f`Uw@(4=R z*oA#F5*6-SJA#?f82g?d}INF=@ zD6)Z8Lpx}FD5H3qbeUSGMtVBsq;#-@w@v!tweeKkmjg)iAovnoGq(Obfrc9>^;sAV zgIr95zS+C@H-b#XJ0UgPHDHI3dl5NS8A99|4OjWW&(CX&j<*`geR+odoCn#C$iLKq zC6{HrQfqb6k?pk1%U_0uDy?lJy**>e_O!l8Lr?d8-v@o0*%i0{KVAZN8Za|3Ie>-b z|1pqPbh;L4DdBFP&^|#ZwlUVR^PLF@HN0oKM>x zKt%qL`J(WC34{lH{tg?J{N^FX)eX554z&q}3tN>oV+$DkoJH+NM;#n}Or<;}xY&Ql zJN;@)&&q$zcBI||b|$y#2nGMKKQlEv zGASBK(v&V3nbm}@D4MQJ7W$d$7h}IKD7Ne&8z9vXipo>ux)4*6y08PK$aXQQEk@(A z%kpcT+Z1-@E95R9)p7wVRvTvg0>)WXmEnOkKvZ-~41&@HM;i0cB<;4$lGqy%DuH-; z;|T}4uCO_P`9Wjz^f+2n^g|fD(-@ac)zk*7pZ8=R^rQ$$a!N@frHo5{l0Z)oQ7%}> zE-_E;bTUznO!1v>&c4pxBb*KM#$^Kprqbe3Iu!~bSbYmfZ~g1>XQ**z*<-FW49J(W z1T>d9~i0tXc2Ev4T7;)xR;lm_DL`4%^w? zfnLVG_h``yZD8h|-uF86vRJ}LrAy{P2e}7n7eZpRjkp^+GdPvP!Q_KnR?514ByJCO24V1U5mst;`(1-dWh>~*{tyv<1urb=S56T>?{chCqn4&@ zc~kZP^3J2}n^>btsHZOpSUhsi^|95e)x6mEi{ zqK;Khn4QdWH|)g5X)-co7gfVKOQlGoCNuuS3r3$yH6+zW7!zu=5jT)+M}on^RPhy3 zx7E)d&~#LJo+OhcN2kn;=nG6Dk!hlH_@yPDTPjWwAXsTluqH z#IKz$64AI@lhw<`*jQXneHbiH%mf(szjp6~!%8nNY8?m7Y34`e3?+0_2zT{F>nwmA znK`Ksj~l(VW>yx;#^<6y#M%hqAtV>%Yz>w@9<)kq=KQs1RLx&o#F1p(0NaZb^ph+9 zLoOsIdy6UP+~gH!oLN-et3PxR6Pv;);u8f*C~}>ge9%jSl;5PEonb3?piQ~WzsTcV z2nG(^s9x_pR)%J=42WMGUwmK9k)!~w3FuHRH3*M22tpWLSZb{bpyM2*`VKC6l5lYi zer}SgCb?KO4J@L@&X(#V(@`V^(xu!}Shtkato}ZVpUASy{O0`i&|wSM8{u--tauF7_-d9`#QCj>H3_&AuXJhz z5s(1tTga5vJ>Sks$H`NMPewpbwdDBaDEbD&u!gM9k zXB64%UYVpd?=J#&Zsag%ksGw*4TU8g?%lm^x<|TAZVT=OCEeS4oBk=iacd}3@u@gA zLVzzt$Zu8rmxQ%Yd40B~qMJvSYpl~`$Rf~zh}%Q{@NlvO+%D~_A`Req{G;gQedai_ zKgIsVsn?uXSYp zp8^))V+(6^mp}navAhAvc24RI_C&nXqJF$V%KLL6{cKj0uPuqD4*eyZimsN884TBf zMWu&f5m00cttImto4xo=3%BWmvl|xdx0d{Qr5_R5h3WvE4O$=#rDS^XS7caJ})$#E&zwY*u3Iy`4`kahAe+&IGEU& z9p2SCfze^8#ZtyVj0tU>keNev$Syk&chvW_K3O4SUbX97nh870Zn8-x338K~Mjofb z>{c%{QIEN7Zw8>`X*jkl6)X>W0~eCSH`UBSCj?ERy!N$&x zF(XuM?Nuk5fV!UatdaZN`sw4865D`}DE-OB<-1k$PhnSS#kuqJMcrhI^~xKk<=py8 zeWc0$wfr*{q7!_RWML^QNv`3}oNi0&&PH@c)=Jc49uG;B#dBlS?!5t{PXbY zO>?f(y9972Ii_wvuP%?Mtm56JTGH$v6Oihe-4x5SKgyLyp9vB`D1qcl%bvoewDUD) zB=2i2lcpb*w&q-Ljy18?H0xN{bLcKq>jF{n^@%A2;Qp?i{_!~g-klEwDP}X)4fb1O z8X#P*JgogBKlADdpLXJI@Uum9NRWK8|2ImM#h_Ryf$lupyXIx0n<=giQxn<##bNj) zPbEiO4DTJ@xeOiA%eLsH3^S9N&C}MNU}mk|)0FZrZYM2(uZv*Bk$IJc^MHU<;Ae>w z0P?|l-kG+q0gU!Pz@8ky%EZm~zcEP*?o=#U+kcp({D>~F_PmCsoj(jb5r`X%i4OwL z(l>o~LtsS62kP+?Sv;YTU`M}corvI%W{Q}Kk6`l2n>ZuQw<6<0@$d5EN88Dpd5pK- zPuF_AO#>umkaRy*fL4h=S&Ol*FSCX>DkX?_bk}}TFiC-`T!4i{nUt9 zc6!m7kC+Qwwj)~kb7c>sau?4hgw;z{9F6r0FGKx}JrQR4R3dOSmr)*yyOVK!7L)aZlOK4^+hsfm^Y6YH~2fNCc}Ap(mBH6bF( zbCHqaS(kw9stH$h4$@xf&Hmdq`UhmPt_x6l)`6Z(uM@J;I|tLuUIlGv3m(h~ZTl3s z`eSIu=+`%r^X=5m{0xAz~%P6CN2&_6!zp ztq%iy7+)qLe3bD|b&wTkGP92~nSK-8ulP znAY(mc%SaNB)9RAWQ#RNkT1(4HzD;8z5rBF9+tPKXk&QYe>dl)xEjCk&T!l|E7=X2 zhh9O>`(f$HRk=oyw8h$LO+ejLG8*J2X^a!RZeRl?o>4EycYUbg^iA6zmPxW9uQK4Q zcABSo|D$bx?1xqw#&UYbQwX`N=UzakZlyd*^&eWi&%npJ)}aD(wS!kH4t(0q!tk`p z(bagIfdM-_Q?%ehEvRyv^n>mR&Qq0)G3FSbfwc?MGqig#c}H)=vv47;Ar6)}!M)5Z zA~qq(av}PJU`gU10o-1R03kfG)KO$q-#w8G3C5LtbxvhMqp@LQthPED8C1Y9<{;Qh z;f~F~abp%sRzP>D1XsU>Tb`jfV`KA|=k%hzjS@++QqbhTKpv+$n)@C))*_`jjT~6p zBGl@O2>f7(vgWFtU>Dn&dXp*3oz_PV(Y?R(v{9eiv^`GAAGeX+VtxR|4~8?Uf>@>< z1shf?j(j))${o$k-n=TnDH-5QzWh5y1Dh7XTE<>m%ArU^?ZlB61qT#)v*c~ul2Hcr zYJ)5H=fOCB2%>^AEM3fBHPj~uu?P|tPIpCadn+yIg#M)0LGGZRWg>Etq~bHgnxu&= z)ybfzA$swpKqX6K7oxP?XvSrNAmcBc);ji$Q%v&>>-c^+yupmf3 z+;*jNwOnhFU0abY39+a?CxtR})3LL>kPd9QW*TuftWXe7w@_8{r=7gouVKiA1&kb$ zrgKK30AD;T)Q}GEP9h^%<6+aiXx?AVuq`+gafYf0e;&pFZ~#3{CSvm~t#(M#vQ_1l zwb*@$wzXZXth;2vq%xt^4+{I6;G(-^G5Z&lK&5^YG50`xy;mOq;A!XNFCIEf$cKw>dz*mJQc3+V=u&h$! z?K!Ves*1dLhv5xW6L%?d@x$XEC;dX<5s<9M2&MUoR7`zPSznyxhUUNb3+v)#kvdF4 zMWIi26x2T4w@#Z}K+ZmSHK9a%S+Ts11jmHr1PSC!I;zzmD8dIM9LpP4@$0W(m>=F7 zMEGs71YmXXAbL68)d#i`ENWWHTO?jBT$8D;$p2^H8FBb_5pgzsbu@f4O8FSo{2GxWs$gT*lj&S%j zxEG3d59~6-6&&sqq4W~Jd>3#dHU)FoYcgH0s@RlIMFf`@*4;Qm$vG(>0@!F@`c6iO zcFpBKQWhILES8;CoQYe zsPyhQYRlx(ZPua#bV7Q=U&m`VEc5vr@B%XNaz#5ttEk{F?z87*T`KCRYBKgq6MY<+ z7r-$Y_MA$R>{fPG>BXEXN#9;jw%tSbB3$CIDidaAAY+<|G#}n4lQ}g7s;m7=<9$S! zMc~*wyKv=LWMO`)mecX<_rTl7msYNwjD67J9noLg3v3Sk>iVTS%>BFOX}pIqz_#AO zts=W*UNT%Fm@)ocLRaH-JRH+w`)(=qFhgC*oQ9dJ`90wruuEUQhtfEJ~TPq8-}KV;>TcC$w*IG*Xei))1bE zOFEQllXQwU6B9me=YbS|h$UVs044v%>tgoQUuHGw2FcSrt|JcXnY_KwSD1x^b3}5M zq!bv^ejrh-k^#+)4}yGO`{dWU(|B3FJ!7Lhrw`TwB6u1t74UUj08Oj0kP14R>^A-2 ziZX21xTDtlG|>;UF=;}rJO<=B;sWfLuR{gzO;Na|8aq#;ZTbW@1jw8-AbpdRSxiX4 zSmTYw4)eRTAKL`dX*-hZheT5x(`nrXG10 z(Z1k2(j127crN#U0#sNNDlp8CPYdB}h?FQxpJ>pmS-7s~BH~|z{7oqMb{z0(mrNal zGh*$WbWL))=O3}6E9%IU#8`bhXP~6er6`UHbrPI|MskK}ZMhVc@-H z6H3%kqiz-+!gplgndlnsZlN|_!vBoxjO;iw@Ei9~hZVNk000h_n>$;zGEM^7oEJdd zkc@7s=G+L#Z8TATDS|o0e?C`r<n-zjIc7kkw@HMoykBXF2Z{vV8dw1s`fk z8LZR)_L__BYEA`;`-tU37<6@}Pf*6MY1cE(n}L;2d#1F&a5VbIbp$UK)+atioRYLU z18A7_4}*(lc~9Cb^m{W3Ifl8WueRW{3ORQ^eTSr<7#Qmy`>s`+?@1)8|yD=PD>4 zK>{`a$54#s&wtvj@M2^Cjb}^n;O;?gq$O>2tm92N7ccyE_r0^%|8|?hX!-$t1^5ea&Tl=GK0(V1y^-4pcy#$-IFR$p0Y;cS zhVJQ`R3B(Js>fsQbYWjb@sIF6$MjEBZ+8y1A25!A9uE03v~e`M%P)>JH(l8iURuko zKKeUa)DzAFKe_M#JWtvacGiQ!$+EomB*DBKsYOUtaZn?>Udo!L1f#&D;VX6~0&_$j z+uu(|3~2{i9LWQ?(IR>E!^x`mINbLI%+(~KSa{G>_(_#lUK3#foxy#Bb2!#$EpnvZ zhmy!Lz;+;V6O!N!OPYU}jE#%iD7eG6GpleAJKb{;8ZwVL=k9O&YU=Z?$d-sP zlL4lGmI(MiOpO|uBd3eaH~LEiy8eZZz-7^;mQkRq8kzXUZnd_}W+Xe=j&ec&F|C$3 z%b~amRuq50U3u)%u9SgJ_-MrD00$`-2P3qmW2Hezg{24HSF9aO+W9og?<-?b(wjOg zurk-?Odhl?iiRz@<8ops6b}mU0J!nVRZtOzb%_qbm!SRR8ASUV@TLG|%;3J&_8dLo zD8pu0Uu3H!3ge{F$%1Ys<=jYB<72*UEO~Q!3SVRZdYN_V>cC&t2ax@Rd_hj5mXgcn z^Ys@~t9lflV|)Rjg>gHh;>67s$`H-O@FGNIO)r~b8Eggbi&RJ02n#r~pwy`?9ISgF ze}B#h6_jO0&YUjCl@(fa3|yslT0tG!%CzhnPD>@Z%mg*B+XWVR<>bbv1=hHQdR$3f zJQygz;;^xvCb%qg1?o*ym2h%@myi)Ws!YMLL2n~ zyvV60o6xTH1?>jKxEwi$9}G=i!}W5XatMy;(PHxC&R|#PPI+rAJEA{{xP7Y zA8}iL9M%(SWW+D3oi92Yiuw}Q%H>A}P^G$TMWfow-L%{ZaI8`Gmv}-uHu~vDNEGur zbo*%U%N9$~GqMz=>QX(RjctgH;6@!W)az&johSyb=fX;&#GEvS$tIc_`K;?2ZB!wY zW)GQCqGOhJ`2|`H{_#Q$*_%?Img&qOCVK3AI*a4|RmfGw7gT1;`qI^wqQ_zY5J?89 z4@YjzV=~d^lOa1)d|&kEHy%4LIT0F2Hm1~Ge=>4~gaIPNH|I+T40kQyRY(_ikb$$h z79RJhU;Ar}=ojtf3go;;;+i*SjwYCKL6m7x9SV!B9WX5G%OiP3cn7(9oQe^5g?l6C z_XNt*i&KA1h1WkF7(_VG>woM6KriesHBT)TxV5-bxFRi0ELAY~RrI4C1=JXEL1G>% z>Iec83k{PH=7&^~C5IOT$}EP3cJt1V25g~+D=(Lj4;e~(f_0EihJO`SR#`CF&}Te~ zs)x{y>t7Oe&rfKVRcJ7B+J(0nqNGMMjg41!tSQJ1?!FhHCbay-g>@u*-MESx6 zjN-!@;2Pk8@o>~NuX&P{DJ|^@lwoZkdm3g{t54jw8!P#HP1A=|7kitskS&LEBqm+@ z0FpJLEgCd1b^ zf!)zfVGk=s7cnDzMn+lz^a8Ua>tf@Mx+y>6Up;1qYI%2hAhxO~HC$BVaHPGq&Qwr3 z{Lf8Bo5=S(A*gCEWEAL5kXsmyhD)&nbE(89&BXBIdtop}R!ZV@*)5<2Y>>Ii?-zz~ z5~AlgxXn^V{7OW@FAd0{z^|FdivxL;warC3ETlfeq45bVNJu~df#S6%yhJcE32*L7 z8P>P}L~RNuW~ePC#bQHt3FhV=n3$PY8VmthUP?~js_CPTN7d`HmL*eBz#$6N zfI>=r#SAty|Et|nS9K?Sk&VyCM~bAX)m?G-_rqz%K|Tmt6X95jY~fd0V4T|3VbaY0 zz^@@Y{WP-SI%91>`3ad6BJvS8I!R!rDsNB6{z&3O+ABo4rZ)6q#e-8LXMoLX8N|l) z4OrJ@)uecR+VmlzLF1?Ex}1Vg-~lK}PW054s=b8S4Q8Rxb;}${yPUqF)K<{w(ykmW zOpTC(4zR6xNN+{O_JqrF0Plq_qptP!0_Z;aRT~~5H-jz!jE`$l;m!^RQ%aff@%nYX zB=8?A18SaZpMqG@_Rh-rt&DXJO@YZx-X7!PfuF;nSHG#mDjsK?d1S|kF}6QfS|-O{ zEWT?KzL|e@%W0B{&pOdCX>@o*-zMBz-n}?-_O}<`Rz`HqmTC8KJQ0z?S;q{xn*2rmf4ANIc;np%rKOmWHt~7%f z-7eR9r0gB^tE_&twpb_BYj4XoQpq7?h&X!T!P5kg6;dQ%Kvn1jJD)w^E@RcZYPPQ3 zvvy$?8JxtaX-7FLimG4P+TRqdRFY9YfZ{f9)7xTpY)Ve<))C~;N<0f;(ZWoX@_4k0OWub_) z2;)2>5j?E_m*H{OO#B2zs*lWJM(bgJCN2b^iI{8dh{&*ld%)m*EX2Rx=mT{6X3%nv zp2VTFbkM>{{`7z~o7;Ge=5!dwQ}OqDS=-~ZSLAVgN2&8XE*5ps=y8Q`$*d!7v%KWB zv-X{ywPu{B-3N|w*H$AI@=A)Mnfs$LBfvPgbFE@B=Fd&$;1|T|>2T)@>yRlz;Q|&Q z{zRR2J2wwMu5{T{GGnXG)4|H%9x&o8X5M^JB5%Y$Ko6z=gBOXE9w{MG`f-zD0753| zKLl$uJfzDW=F⪼aVucg*KI&NpFE-gP~9Qvml^HZZ`E4v%-EXEG|1D-n6Co^;oJu zvQ?zE^tLroJnj&Re_^;H_SXQr$9)sf&%nLCa&~7P*^`;jkX4YmIa2i|S|YrkxAAs0 z*rC5yKj0V&lUc2*96?1j6!U^c+C0IS1#kFD? zX(8T&1(LpFfbjw2OB3btGx-E};!Hcz<284hnOP~(9YIg8ERzqF!tzRmp)HCp-rcVq z>KvDu5y&V2O}NqN;l!g=7Oyt|iiW;`tAl>qZ3<(xRslZCotAFh)w1NK*HzUzq{xRv zCYU|MO8~$fu@pChxDCA*LLShC|JKNV5f>^K<)Jv)ZGqc;U>txb6UOUbh3rfguqRiuZ3xnT~#C3Ra&FJrPh zKm^;&EOWsNKZLgznSe$hhu;R6*}Q~j5&h>#+fMV zZ&!t#+fgLt@=sqroboDrJCB{VCEn-$bQUT-9EqRj_+VT)`KJQ(jM96-E@HMk@b@XI zaBfv}CUQ5Np!J=6fsnuff4CfvtJzYy*xn!5q1zT*&~}ny&ruw(M%o*?yS+DeT*@I> zaA$WH5L{|{L&#IqBcAYNYP$1+z0d2*&i?-Dc4!EwL8=Z<2R6})<3Lt&UmVV+)jT^z zFWJ$ox6}>mm!kx1!%$Vm*M-tvLlN;%=SX3>sMX6&^LXm`mMnh>!I}FM7^A3&pD(+= zlqYD%-;`fu-L|tPM$La*d$4s?I%VaiN@p70E<_pLn%=w++tZ9cywN+v1#!J!?5L2b zlv-4=EB1`=iVX67XcaWQZK@6#?$abn89OF`6Cza2RssP=i(N0sl3>E+Zk&gsyOxA6 zz6xzj!%p&j&wu52!^>vAK1z7)+e;hWjOnS2vbUh1&4-=ohL>vMcxiWWGM=BuQuyx# zGUq)lo{9LBUvvri=6FV-vq?9lNaLs)z1)1tf{=4JvxgWyS*$qfop;Vn zSF?!-G)4egFLc;U1SqCkS2V6snJe;_^V0J9%s~*GkC^gOIrU0{< z5rX~4cRjK#Gk`spKh>R~E;r=^^_XQ}-OV3dsb>cDEA0{K(abQ#-(3Eqql`{jVIv!^ z=ldAEK`rMKS_u5Z17b@qRS9#f5{&~~CNFxa=!<4B)#_-8SOfQaW#^Ni=KM_ezn>a_ zSmKaK0W3_M{{w=X!WoO9<+__zU##27bDH0yLt&!}Vznc+C3*K7Jh(kqZQ*1@b_$po zi5Y@t&{W;xMNBWMU>=BBs%w|)$)2>3{Yh00dc5&`f1Wr)U??Hr?^x)*?90~Mp5GYx ze0y|!n^bpOx<8pNwo=PqWwN3z{_-uPyP@q(a1S=4g}p#Kg#t+r zF!9&5_GFdEaXvs1|Ek_LXPeVJMOGfr{nuy_jw+!JUmg^ZHm9{qVU~|W_O*P!b01m! zHxV<0lG!*~l%hkO`?n@Q)?eGAMG8rZ0vU8~$qG!KyHKhn+XW_Kc@n@C@71K*C`^-x zRP(sZ!)~+DWvNvz0y+kG7Gi7i6CH+XY70U=5EYafT$j^;P7aNj@oo zRy7noA1@lDVj4Vah+5xM`tY%KPlA#J?lNog=$z`UQnpMT3#q#C|Z6@ z4ti2dEikX#pK2d4K=Ja5q35-$kGZ4zQ?Gx=(AYf~Qh%TV1-oIGMb#7QP0~pDnCCqa z1CzEU5^F6o1a*yTAxb$ky;P@ReQKC|V4peWuIgyEvcHyj-ytK!_7jf{8)~tUj5lu3 z4=Kn0G=d?O)y(d~EDgC%V>964^B9{I=yE?s<5)gabIb;4_yePoC~uH)MG-#^-Y38M z2W!XA03AE%m^Qgml(nTMNP3eZeLjtK=>hqLYwB8i3&DD75Hscg6p*nyzZWj_Lu-L_ z&N38h6ozqriZT>VPbIB(?5{#&)!^UTCf3@kqbbwItlpSYh)d>QjFX9 zOnF4e8z>F<v z{;r(o(&xJ3z3_SWK?PUESFRf9<*w6d;S^^MnjQ~7)eBLqse9X-YRN;Lf7Z)2}A#MY7Nf)xS&n>-h`(}aRw^#N_E zB~`DgIW#CwEI+`%#7@9d z)l3C`myt;}(>?oJyVBle$y8cNKvTEUr3^i|lRTqNmfh&the?UmcS+P}T_2j4OHxv1 zSwgJ6Ec=&#vuCDusyZR~feZCa|yEt(;E{aIDv?0r?`{5R-fB8+;|GKDoIsW}h#`fMMy zuo>+B;K7P#rx^VHtmdrm`#b~H6^?VB=F58U`faD?7AZ__A~BLS2g58wkdM7+uDk-E zWHLKnk&wCr>UcUL)Lu;-Vj-s3op$M27?$i~OB)cfrn}a~t)J>>y<>TzIvKGGx1h!w z=(J=>wQCg@E>_3qRA$@k64RSMW+FM8Rp=ysOKX9#5p6Rgt%AVT-8)$C3=aJ}gZJDV zqarR^P%?0@;_sqhyRaIMxOcwr0aFM7a`Yyt46fvNKQXI89QyvAEmT`$mFk#J|Iw;p zULlyoU{Q+dgW4rxHqKb_=~5lVm8u>CJ(GlXu#q+tGwBKE@tm$IV(!#n-v+rXr`Djv%3M0-Gy+pbvMwYSv%$d=)^5k5AC2DEwwl=m-#NaeQ1>xj; z{+eu)pF8l)kM(aV%?CLzkE}syl`}7_-UoVe96N9R2Y%JN_SKC-qu=u>S)MI+@4R+6 z26dZulaKQ;BdTCW$GX282aoZyCB*g7 z;8%>;Pt#j#`}ZeZ}ixFF$6v*eCLFDQyfDfEo3Kp1{`ycbG`7OC2&8x!AK)rZt`U z*{MtPa{pQp=;meAQ27J+sK1t(OhNk-L3`N$$KeBsz9-e5`jqV#ij5JifUE*3 z@g%4yuh89wywMpn6FuU>POY`#`B5R~iyDpFD?3xD`w(t>UNN?dB1Atel-Gi1B042G zFw%9c8tmO1?^!Fk)lnlWloabtgQe#D-^JX=uP{-}`&&qPpJD`n&0AgvcT^FgewJEF zbosEh_}W{mnMmvllyanQ`yubDD(2mko`{dy)^5`x#Sm&?iSR|J3~zs`ZpvON!`PC| zi(c0Lrs79N%(|}2;&+6#xs4G>_re&4tv(50*88Fji@lg{qRI|_N#v_bqqc5dMEVMe^3N0b+K3b$f;3IQvvrWg zQ>j6`GRC>8h&r9ZK--wFnevJy#o(s?%?rUX*b5xp2Mn!RQ%5?F!4QS?bBI#(EfT#^ z!pdNtL6AKEe6{JuD!6V!2Di1g{0RTu?zXbqoxE$!=cF5e+u88$*rv*zZ6iwdgKoWm zUw%P}Mo4}>19w`pv}v}~CRKmkZE}3=flHY;r#mI>#nBCNhpov(v*@q0c#-eAr>i+0 z)kSezbMM6BBJ4DqF)O+QVdh^Z718VBj`1mi%dlz!{Kv#Q=M6Nvp?ld3W;vJ%SmNFn zx9y_crvX^N*rQEKU)wJCrR`DuGmSQOG@RZJmG6SaCy@A#@Mk%OI7wni2GR-RIO~*5 z*DMJci zl7J^bMNCOEBZBwec^&D$(5x|0(`Kl@1d7pG(kE+V8 zpj#V{hk(y(wLXZGKfR!Bhg1Bz27F>pFLW+fvnB?01SXW|ILhWLXN!IC5;{vdL6?Xk z(FX8BrhC+2_c@V~w_&~9VXK45fwr^9KqLb=OU#yWZGBzN$Ds*+671h^)X6KtRm@;fPuivVr)4f&TMt%S$eht_aXSf15PL z;|PczkCUE-k(C*mm7a-%nUjr>nTeI2i<6a*iIIz*nIolc3Ydk7iT(crA~7-lZw84; zpOKJ>ndATPNK7n@|3Q&xfmv8uM2>;%K>iytXg42hb5dxN>0O-$`1a*>%*7UqhXd$1^^qf-pQw8!nY%@9W35@C{1&sU z8)mrk(A1z)p6IUFH9)Ip;B&B`(@{rt-E@;>K9FYy%)esRgAw|qm_kfG^k81IU+Nw` zCvL=9h3_Lsk`R0MwD-0*kn)GrVY)(#NE~%xOA?J`FWN*Op)!jQr%Zo88DF2Rj`$D3M%JeIS?k3F^ZQJIL;Qh9E+5-4zT5jn^};35&;i(_Px@YIQiZh;4LBz@RJ zpYx`n!^y`QcL0T^Vj>OL<9NL>1Wo+-%z@haiqb?;DX$R-o`+#LmrI}|bOhik7A|bH zmFQtr+Lb-eWFQE|#8O0$D?ZuD%Z0t@m=fWN{Cfr<(OkE^!2z))j3t7gsmf3SssZ&t z{V7d!kL0S~P^@N~4W}4On*RDNQP|!1IBa;DgCHOLW`K(ig`xTR7!sBS|40>$!^Y~# zKgKpX4@HevksNSkePwdJx3S6Tm|iYzZ!bZZ#%jstNtVdF2^Jdpo#8)nN>`HdUC$Eo zP2!QCHGMVUCz}m%#j4}aXvnC#z$1SdPiDzD*PK?Ui~~zKg$RKa4X=YP?p#}6m{9!2 zeIkAr8v$bHdUFqHd`Oo$fqBNMOBITNtHS?*;NWnztwE8C_k_I?vLLX$LSnB?IYq;XUtK zyU^R+U8juUZ`SC@vlCJIY00h~q$mAt(0lXqAVm>m2&EQ7G#xCVK{3#-^PHrat&d!- z-=ZlFgTXO^#A7n}@beRct&qnCxpazZR`F0;LC*#+hd_cFQm3kq`sN+yydOQDVS##B zas(vac7z9sV*cB8QzUDIFAkKUx_T5qQXS?jdIGCV*)=umlryN3OkQ|GIqr-0_*c!d z;2YML*}M(1MvZ*K+*CvrOoalpW30hp4I=dsTt3u+tq5E8{E;_5wY`*6uD;&w#CDQY zkTqFir7kJYy+`aU9@tO6Nq=)(u=QrZKpcRkSOI@e7ienRONO>vVVfz~5V8m3yQ9&^ zz#LPqv&=8@ksWv0xhR5ON8UpD5m$;5foEumYTXkMixxy;@RO$4!~358Rf>den(xiRFt% z+Kw8?pl2kZ8CInvKCN-+lG@1)S$spj&6^r_-pSPjF>BmIJ^KWZp_Q$ozeW~f);K`0 z6L0BLzdisEwS#vc8@9*Skv{)0Vgr)(+NypTq3aR%r_u>oh4tS;3e(3QIUUggdc&j$ zN_j}J3UV3^*&vIW5iXw3oGXw}&%#c859ogpgQ`(2_*}#4rA;xabSqgYB_DTGHVyx# zLDE|SqXSZ;s*un|Ws%rHNXTcEVv{$U=o}(c1u4~#-5pCG=*s{puF7W%ECn#g)oi;J zQMLH*dj#&c@oVM=#pY&9$SUrB=1ELY)zWP4Q#5h>wLZzB=CpTi70t5ci%vR^mbq0K zwfas`^Q2q0okfV;aX2nU1W-U!}r+*XFE_LJVw*{1am^O|PN)akN5*um^*c8tMp zX?BDUhTX-0+j<)-t#;js#9kR;Cf27t~8s7CFKjTngzG_5<1=LDD&UvI-y8mb-- z`8Vkf;)V}RR{^U$aW0b~Y(HFODpDqcX z)sXQkP(8)?lSMERY%DV{;parTzd)-T!R<_&7>C{^I??QTDe=4zVt_IB?HjOI2%i(! zCRt}0%t-0Z{-o1je+Ov%OR^YxnPH=!9g|?==!LuA7S7-PSe@6qA;QiUZB6z}GQX!m zwkmB*Eo5GRbIo#WkBQ$L`^)s6U))I$SA33*ja~%M9zo|!z@4iqlB-8V_T;Jmi(qlW z2~Ug4;;xT|nhcM3*FkLbCvCuZ{gtFKMa&w5GpghdS~3Y(TerAwyHDedN%{uVFvnn* zAc-OteCd^ExKTMiGW5cVP8sPJ=`A}Eb8b$95^n)j4{_^+dptcTWmD2Yu~v;nRw*Ly zo{5R|zrwi?*%QEr3=9c+xn$Qy@;hQ`ImX%vN%-1L&A@r9YH{v@zHyXR^kn#y2;xfB-tq+@9_8@6u6ckBXi}rI`ovPN>gS9Cl!x;~+ayyP|P=#FNqRGxwQzzB* zP6lkq)h@AFH`N$bj6$crtIo6xfnTxl~1;5Bw zVvANqla!QTdDULxt<8hg$5Zt9lMPF-T&u^};S}2SzM&)vNS}Z|{0zqzOL;pB4~#XH z=@%5gGaQi&c|Y3N|DfcsS9i@{xM0p5{Q}v88(ja^+AbWh#a&$M$LXB|q#8Jsq+91v zSp!1Q5}^>&@4{yI88*v6gYP4w`^l%FDfQYq??f-?>>*vYfbcxEk`9QC$(6FH;Cj0E zInN;8pZk%v)jWPo)r@Ig;zob-(dBqdF6{JVAyOT@bEC&tJhe0E>y3vo3=6+{<{fW6 zcFR)P{FqXhYm_eKAB?xFJhG0;) z+<5*4M9h0I1|RYAu%cFxtW6%z#~2TFkJ6sFo%Nr&?4mfu% z%&RzMUUa239l`-8DrwY(YhRL?YO`$B7tVHD)f_CDSphyU z=amacXT4>iIOn zU#NtZ1c(kcLq;8#gsO?ZiPlnfypJbxzEOac;bm1AibB4V_TLQE%4gJx#UA6NKIAor z;O>I!7uRx!?Hcr~e6M_fcM8G$z0=N^`mtrS!Z#wBAzC4eFemq! zU^%M0t?}+r2AF}7g}VXs5zl9gysFMGSI1e5kvQ$xoN&5juh=G@|K)ZJ_DR*w26|EY zIN{o0dZU_++SKvS5F2;^+4chwJyP ztnh7szp%xvk_BYv)6FPLx}TZp)`=Ba$HV%x!9!P{FN#96{J|yHzN-@XQhAQYzu2~= z9)3T}w5lA=4++tQ;oq9&XhX1~AuTyDVFxY7-G)u*iDtXeaP_dg&)!ydWjqyI?KVD( zW?&wc5frIZxiUQi@-jncOM-Xh?O2$i-vh4HV-+e~3anV@pqdQhf^qnwDIRH}z{-TS za!)Ph>a>4u;SXTHm#3ib3;%3(qZhGx$wu&Cn$}~RR$%|^itSczMf-VpVg+`OnDJ$w zl51x~um~Y#FAB7b^|6na=$w+qEbZT6R>4Oti@i1|*{T=|5dPRny$XibGu z8ctKt8HSAV$mkmFSqls8(t;k^MW89YrQC3*Tj2_yECmZU=$uGuSk_##f!Q zXHLFisdis@D>*_)CjamSDsRvcEMPjV>=sah-($8N5;U{zOCF2LJmhKKF z6)`dL@fv^;Yq{{S`+}z`CP-?!@Bo_1cxXv3yW=@(FuP0xc}>Deo#GHq7EWVGoz*Jz`W&~Nob0!qkMY;2tBlHW{=dnmQWZG_{RSgS12^paXw#^ zx;{ZuR&q_#GJ`t7fL>MaGuOdhXl3=c$(-dKY`{E1p;{QDj`b$=*5+%22MZr0i353tnE><)n-zGMW zt3zV%7_V809cWu?vw>=169?(p2pCxXYLb*3V>lRxUs#ZUg)PIRj z*<9tqmZv|>C|MT%r3cjSotI5OMf>M?acTB?taJL?{2qM}Zc?XaQDQ0@9HK8xggKdD zoTq@=F>AN`#SLr~su(*xVhz>q$UP~gA7~MU?BW6&n^oKtPAgz2nl;nE{}ZB`O7!xQ zpHzL6Al_@1AU;qWQsB|@wrPCts}lH%xfwTo(||=dA}P(7H0nGUGe-uXi|fn=kBh4e zH#WJ{y9_O+9ba>QRVfY9MS*YOkhWLZC8BKWoe{&f0_v-lh(%Bc{_L1;`oJjQcll>w zu^vpB!bgHO{wb}~J*f=SD?tIJ$OiHkJjb$Ia0IEcSY~ZGy0!+dChBZ)+9=Vife*hr zW{uDD`KYTAyH!qweONo79G-({;K14l9FVVf#?%uqr}pfyA}x~N_oMQWydH7}XnxE^XSUNgEvm13B6WqKwy-oR zToKXD@kLDg>%@uBB{Yo470c<%GdP|&cW_1jmVm*BC!EHhQ>}fr@B*ANx({4CQ)5>X za9sDE44(pJX<@4Ys?wM%BS|7{8S(LIzEk7E*w{m*5sh&m7)vN~?(CJ-gB8eX0bKYF z^+$R}2m5h_i>TI#cSN-no20A1#W-;L)nC&LR`%!buc6qNtWl5*+@Ug_&j_WUC5)Hw zOr>^A_*DuG#gDu(lAO&mrGs>CtYw>*7XtK8W{d@*Ej#rAsNtSLD#heGZ?fQ&biXQ) z{HCDGa~ItH+%+;xi$g@uB<`yylYG;hT5J&I9ZF*2m~qb(ORB)h6Id!{RDWT@I}DK} z7hOukR2$>Qlm#JO z29}r5XG2zK(>Ttku{bY8rYtQ(#DZ$`(MWpUPDR>dJ40j%6CjM3nl)|+nTDOeVPJT1=@(_b@N1%FI0`gOB^+dC~U}< z3v9PmW?c@t9M3;f>(E%wmLu6&$lpC(G(&J^9%00jp=)eKn9mvIV_PnNdqMxKBQ8qa zNbhyVPmJjvYxkHhr-!({TUYJwZ#IReZ}h`mMsCz)|Afs%I$6g3b|A2e3e}UCgel>*qh)7l2?t<^RP~hqWGLuAO0@=X2o%7pRwLAJRqzApIio@ZW9gsj*TA=U0a>~E==dd-Rn$ zHK_P|46Z+;YZjp?=H%vxj59_J@}ft1y6Q@?+(uv$OF0%SXyLw6`UD5-gTO2?7SFw*+^ge+M;^k2=8zQt<9i*acmY~y zUM1~}5Qn)T$mBFsZWMEJ_xjVu!}_ovh1qs8V9Sgn|9W`Dop2ySTVYBc zFN_uFPRRGb0x^qKXGI?1tweH&=Oh7g1;|zn)1a1DY(S2yycG&`a>OL5;_L*78hEi@ zLp@4>i@Q1oF1ms#dpZY$mSAh#5IW-Ak0yjw0U@e87vEMzKWCBPej)NCMarl&Y6-on zn&B6fa|b{>+kP{ zCj61%g9)BgWV&B#5tS)I>`np%m`tFRO|#bd#(v3^AAC$4EMLH;R}~S*i>uJ5EDlKzxa{>GXXqwPYn0GU3zS_IQsI0TXZ+^Y zwH}!I!*2^kD?a~r*uXEuMv!)H!^g^}oQZQCYTp(08=zdB>W$$w5 z^UJ1Pby*Fvx|$i?eO>^fZZ+ql0s=^~7*>h(f+z0+s=Jrr*!Ua0 z|F+$FIft>Yp9OfKIWDJx^iD48Ov@?Ch*JvW!Of{!d`FB`RZQRSGkEW^2)`BB+qiC& zLOYZ-$xXDU!4dQ$TggIqt_2H!zm@!e1Z4f#{a=_Z#Q_YM0hE=Q_1_keCm;+!Crojr znI!N!NG4E@fmsMg1D=ljjWPV^4@!zi9Pv|W^;%$8>lrm4WyJmgiE7Kw)}t)m&qB+e zn4gM`5r7@w+x6q1<~q5#abu%p=HN>E`{ViQt)@e1nX>5wAW7x+xx$w?PjI`D{=#9k zFgJd2px�v_%2P5g#QNddOZ8FU%%N3VUfMWxN)6S`^DHhKiz#z zU6Hp$GZxS+;(ukf4_LSDFc}sNtiEud+ype5k<5US3^AjwU&>(@NO7@Ko6VN>JZ_ykk#&;r@Gw%nJwL;U98MLI@rm zUVDEO*!j+G(Y>g->_Gmg4)s}?@EK_-;jx={JbClhJ79PS*QvQeJ&8@94|PVvuMnfD zM7B_kOr~c)$Gswn-ZHMDg<>D>Txe)F&diOld#$1~;)M@Bi(w+G6IDlI77=2+(nu9I z8KKy*)o;mwmwR;6z=Q$_dbF>wd&J!08E-G|9QUQFz7t5>8A6iq(|Ex`gLU`G{tLUu z$l74?GAM(SK)G?IpX1MocY4t7SSue!mpjxhVvn+~6`hf9r)t|Jj-xSmLg=%b&zL3x zgMDY-wNq}XNbbv^%~uLMoPsqNPVZ-#Wf={h8<9e3csE~sT8jYRh=-2(fme$PnKV@H zAtS?7N__WrC0=qdSLeNziY~@F4w_j8r`*P!9m%u(hRym(#B0taJY&@N{Bx~n8-5%( z%@g(ZoGJIbh)^W03`0@WY=`_OqESIZE}&?lG)^N2M_$iY^kS(wFmjWR#ODr*4WX?OWAf;)?b!smFO+J6339vdj?{(~|kVAcO3>l}kKiJNvGn;YA< zt&MZXwylkw+#B0=HXGZvZQI7iPEMZpJyoZkI-h2GYN}>F{Hv?$>Z|)l6a6f4X2W-) z%8x31AJP5Kiz;3iEp|Hx!kTRrO}@4lRK*h z@{{bVd@>DCw1_EZvnc;7r@GLQRP-c|O7g)Pl7FN>M>hI-<$d zfe5!-G_1F*whiQdzTVX|iJjAW$^HdNxujN&v!gw?;>^3^DE(MSLd229Xvxh}bg?8+ z;4f=1HIKoC{YkojkqlW0CgdM~vior&hySh;97^z+K*u>!6yB_2-pht^MrnNh7t#_0 z>vl+rz+um7xS(to$ozDKPIS-qxuecwxsMwPy*FFtkwN_g~5kBS0V(|yNRT3OAh9U-Q z^hTwqy{2p6BuK!`+c;MbV?~mCF&EbC>zlggh^(|4)420Q}g+pSG8s{#}*Uo|nCuu(+r2 zSAT2)h-}x3WfbIRBN?+&wBgV!14Si)do!=6I8b58z1=a$A!461&pmyKs_w}m++S>1 zPR;a+Z|+vwciT9Qdwj=!+0%8&+B>akhlm$Ui4`<=2jRuBquer)=IYy^uG7+werxV0=!yIr zuIkO@h38r1X!?6%1{=E8o|JacihZOU-<+yml12cc7M1GM{o{HmUCHMNZH2lKJp_Md}GD|5@YPjqtCQ%lE z87fh5d=>nNXbM^2-kQ(-Zw9Z>xeU{@4vCH$ovRf`f;&c(h@pHVcS(^yp>Fcfu-DG* zGB0+(r<21`qBRwQ>;;(y`;i;)cLyS?FT9;v4u>++<`MIeZwo=REl?!Eovwmw$xt4!)AcF7__dngVe<)!W7_AuT`Ao&M zTPDMqtvPckAPbs$&aF$yROLC%6vvC8-X~PxC1jaBlUx>iLQy5^HEBdn&hwoK$+cn( zOh#^68{yX`4VlSfMv{l;q^FQcWLfiMV?%+Xb72+G=CdjjcAw}&bzvM^C*RBhy`4QN zS5fwIy|~h<>~=w+BeHj=CScIp8DWm9^!v*vL87trCPkeWqO#}ne~AbAK4{0N^Vn9I zKbiD-!WAm&? z74Zp~&eqEpF(t?%EY%l>kkA$Tnv-X&1u!oT_pvc0%xE)q50F;3Z-I&xu+F7b|=r-vf zYk}7T#npx|PncI>VDTtw3>B6=6S#*!@hQ8*k?x#w-g5sB8>{nQ;XVf_0_U|HX9VH zKhEnyGnrn)iLY8h9MJ@RT^c**ZaPj%=siwr>~Tn+sRf$5o@SIVs!Fl%A84oVbwL;m zl8e1lrGOVgc~NQDaX)0(_&mO4^#u3wT(zMLHaH$1<2R`eV4sQoHs5xBjNrd(7eUSG zQy=arUe4opVvn*U5%^NqEmaFfF@EYS?ihgV?QjBz=D#GNpyiYlT(7MJ4MxqdfywkBLON zNZxpNid>1Ad0eP6y;HfNqr*}o!^DAn`pR{wR&{}zVJM4wS0~>if>18+ z8uC<{Mx1o%cRCmHu~vx4=1L?b?lz#`i>ke)kNxME9579ugYjHXx&!dLsHX019HuE>rFgDm z`wa9nGxoi}JauUR4f0Wz;I^{R1t|jSFTEq!Njvn;)~Ie(9_s*NjQ)iHNkNCtD`CgC zNICtjPvV4GSwvBjzb~EPMeyf}6Sj+s0&mri8YR@DSCBo1c7}y^w}nq8b{_ zhsI~)*mH($a~KWv=k2tE#aYs%Fps0vEk0@-RF2CIB7CwFdrxWK2eifHsb~ma zV4`oCb^NH8q1ok_G9!@~&LSs~pZ5OpI+^2#D$3E=j1yu{)5a1Ihj#UJXtHB3PFh0}8G30oD&l;(=}mFT@QPnV zw&UvnRo@*C&w94~yJ6Q8I*2rH%F=Ca#Z)Bp$4p(S{-b;!;awDBIifu2k+EOQ!wC{D zFojfSc*y+mXw(YKx$j&?X^1Dm=7e`TnSH5x-yKv0FRCg`;#vdL@Ga>Pdft(@FNUkW4BDw)onqbq&vUJFft0r#dXr=_ zWLcD~!boY>Y`Spaejx|zxHS8x1{XqAkB|OV`I|oN_Z8onU^$|K`OEPu)U~7aryeZ( z-FXAaDVrDQkZqvfF~iq?K6{0a ztJ}O>Dq9%;fa>fCoG+S#fkvjOYa;@1V+$VK>E<6wR#-O0NgO&LA?YYxHI}G+lq`LU z8W$R%!~kk2A=y2e=j4D9Qs)+8r2V95f_fK(k0Q%|-%6xf?v>)1(FKH~Ki=?0CSA=N zWP+Es+)%d6(|{|cuX?e}l_{DP#;-3wT*f?Dn^tPo4d);;E^SDIf(CcnsQD8b;pBjK z5s4XZczt+&3+HwpqprrUIq;Oba-nMNmZ`JYUD?N@|Llb9r0al8f?S4LPG}~SRjVhkXqhf;&XH* zI53LlDnT%0&~Lu#_iL2R2SQ+>ieQ}Ij$w-CggCHn{%^+We-<#Mx=(^J;eXRpxw$yt zxEa5ps?2P}tUN4??Ck8{HsWv2>i@Wh1-_&IAE(N~!TLXj;cvDo3o#2P^Zx|@fvd9o zFMahJwECatod0nW(?Y;~6Iz?U0jrge-{1bvPXReO{)@C%sXbnW$Ah#vt?>-4JF7$6 z(-JA6fLU*|a|Kl&rgBroa`LquMV>(V;IMiMYag|uMjP>qP}%k6JfDg7>lDELlH2C< zb$7ddd^oP*zS=CXGJd@8v}xO-J3c*rd~=HF+pGB$-GrwPrss>1NB!cbur6;fKkft3-}@HhLOFpjA7w5?6i zSBe1gPi^d%&*!;vbOnbFaFuWA=VAw=lV^76;4Pg?)=YBlQXwP1l)jaji`e{I$0xKd zq_hXdIb3IeOa3U_g!d+&nHMZa^%JS+7T=L?XRiV^onX~eO1l#LIpyB!wpV*7C2;kx zWt9(HthhlU(ZcZyPb{IF`rl6BU&_l`_0QuxQQ`7G!yxne)Uin`f%}5vDizf|kA!y9 zf*H$_k(hN70~!^ASXwgf#pT%=3v@@lkCUGv8kt0UOs|-+#=g6a@$Y zbD}QF&ERJ6Uac7}Xa*k05xJy^QQ5b;2nk-%pgT)>X6JrK5|0ux&~JJ#%otus9NIjf zuoVq%1%NZT-%E^B$24qN%bH+B;lnz0g6MnL{2grGvFFtq8=`}7ZGmGO;DpdCZg zJP06Z$ipg=#u?AdAAnrMRHdzILTsEQJF3$j1VdMls7f1bkGLQ>iGkDQBe!9DQo`A7 zp+Km|jW!R$eO7Fig|J{8>{aDc?r<~AmP`NS0GQndT4FT4M>pBVKZ+$BH@0lW46_ZU z;T@McAkZ;efc|R$@MS#hn7P8E^`}4yZ&PcznjE|M@4!dcxk0$a{TcU?YbBgVH`8;o z9*oG8E1O7JDLCvkZu?38jk{d}LyK-p0iqJNJV_oSLYFOLbvOuzb zWd6XnO@i&yerx!4`D>FQ|M(V>jjHmP*6eVI&;iL#hZjfTpij}fS+Iw%^&=4~h$R}- z&KhcY%53hvFywo(+gY-u(%kCi%LgTMBX*}ismhVtg+>vD)HZ$3T(83q^nyf2a)Lz_f*V6e|RH@H>Y*Yp)I zSS|l2_#NV8x%$=o9>$O^^z0RyK05Od`ylzB56tx#!&rh4gPpGEH4@=~bh@8Y*_lha zj)U|LyEZDsyxlmARQfL9(8vCx76;EHuYINsHda07CN)=7JgmR~`J@Q6f69Pgb99K;(uXcoO!kz2Gi-) z{4}vev0W!bb!Tj&Wty3gsH)W^3FqYMN+8&Edy&sr63DJcB7^cr_31!NG>?-DzknK= z0&%G?FB|*a1&Clq$ghBEq6TN6kg!SNUG-8!GJ_4*ng@p&LlK1ZC-V;xq@nBu^3zaC zXJevi&w7e&mOh0Qv~7vNt>u}|O+zU-3Jq=%I9{7}3r*Z+>?Pv1XZrU;E=Zl7UNmIK z;CIA&PDuAyuI{K#BnrbPDH>o!@<@xd9E@13VCd!krmm9ONMjs(Ba|PMuG4~!orFNFWV^^62a3}xv(&EwDS51LohhuC zRJF4fTKI3+^f1IIxR*^-mTaVmV23Em7g*&5_--nE4<%}X+7;jIk&P#foonFTVeG2b zdM9bWvL$UBp!7($#9H-ho3C~|fYqU*P?%n<^~Co6w?~YR)$qCL#Ty+*`Q5{E=}u0c zhv&IRw{Jiu;6e8d`nNVZcaDIeLxqasyM@!M@o5djt>c++m%S4aHfV1B<8gv4^e|4t zvFYpKiudqTbT!BLvoh0q7|9XO(`qQC9 zhy`jstqHM>W5u0-KQw-`9#*9L-dd}*bVi6}I4a~6_l?~xD0t@F&fTfz1!lZn77lj~ z3dovTvm?FzmLTKi(woBeCs+v+>7VT^pBw2wyvD6}3bp6-1y&t#+NI{nPl7@ty?1;J zB+?|CM~&He-cjX}Ki{q}HeKdDRzSgx`&{jd+0}rKVB?Vi2@>wC!o#VPn5C~02x#}@ zyG~i~T^Kpw=fekLY~N6~nK_vLJ;P!;kA7{n7`%qS$)TeZ5?VW990!rpGSL z=b2ZlTgtezx)2Fs9{V9ct4Cl1=8d?ah#{^U(C1Gre(jLVijWt7FsJ{{-cmtF)PTkOVg5O_1GjJ42Hw}nrQv?$Pwkul0+FcaA(#muc4#HRG%P`8z ze0EPE(v`8CSc$viSV##X7NWcEF;QM9yhG+BrgfH#4crKOwlpV3`#c9p=|sMGv-_T_p&G?U43GK9?Zku0sf^;E-LRv( z4k4K-nZ)ovIxJR-S`ntRv|O3G^@buHzJ|uhH-V0x?_MugelL%qFLel!YN>DQA6^f+ zOi#ztTqFzRLB4Q*HUU*vcYA^Wl8F=Guwc~~3>RSP3hOCBA??rB6~*q|v%@tLHheBt zTCt$fhUF8ZVV8?@fkCy=MsCS+i(f!uAVe;)f7G$1dlTW`q+e;rMWOCro7hjAJ*|F~ zz^6B8Pl!$0?(8?hrzfY8u-`OOt2+CKJuKQz8#n-(1iqmMpeKhQBr zV;#KVbVGdxOLXSx$iiPWXz3_$kuq@B7`ELWqryinqlO)%`arqAKc?;t%iPzr9(Os} zdUhDs=O~ATS#YTONV1ASRz~*-I1-#G#adb|M`xwsyod0l`?TS4k?F{QRlO|FdKNL& zFM-cXVdxdyeXl#Av`fwWcr^l(@1}ykhGq{&Nqs<^4BNr1k|bSk`EF?pm4VO{%%*JqO*x)kJ3@pCVW zIx$<8`4`}Kfh{PV^u~k(gY|)qa_nPFtxVr>%lO~qO?H|bPV_=9y4VUuUiCA^B`&_ijF=~4(FCl zr@6s>SN0HxI9NC?@a?=PXPT7g1NyQ!^HpxwQ*h6uVq;N7NHF~y8<#+_Zq4};^ltOGq=4>W7TK7kOM`N4`C4G! zg!6|^LfC0m!I~Th2pzF+zLG!;w%ThZV~peAn){0=zosXTJ48L%k!k9*)CF7kedPE< z)*qb9J4|5Jw#HmxoE#Ox$16@ zlI_s*m~!TLLGuZWrpaFVu%;;&;CW^qRl+EK)+Cb@AdLf6JrgJU2wDL+QbzEZK4;^V z@SchcEPW5{q<8%E3A%VT5jTu9X%StAH9B)|7>`z36Lkm?jV1a?AtWEQ5~QxDI@MVH z{ramVeT=PVLFW<=s*B=wgOBG0^|07^kZJ4!ZT_OQc2its^(eh&UMXM(qRjcO!&%jiREo2swZiP81XU zonc$Q*K>L!bHyT^>DE>V=HU0@JV~dW3y8r22oePr9cV*)n-8i8 zb4zVqm9`@>28wuK21mtRj5M{V`dQ%~w*SH%oEea>P5cYnRH+TCHtDoW{b%<;c{I4L zG^iywln|EK?8S|0PWiQfFn!$=N4LwYvOWKm^&px4X5k3UlV$FH4c0t$>S1Hfta$X_ z^JD%OaGEOFZ8JqJ@GD}k+4`|FBO-4Iovf&(;eXr~KDjKhGjY6*u^aqM<3T-we50g)f@ZS?JRIgUHiNi-Ln0MY`xflNz0*s-*8m$F*?0kN{8@qFp`4S zv!>|9UxrY()_Qu+R<bQ`p)xuK>#;WFb} zf12Q?staM76NQsGqTw19~+Ww>OXPogQ!HIPS&i zVTQ)^zmNO6j|XWQqTJ~<$=vP`H5zZ=Brv4woJl4JZgpP; zWUA&FdfQ|Nqngd$iG1{oCTu(RSvLepA4i#0>tm}}zg<%|WcTIb{Bi>(2$=Mk zhJ)x@E%;f7<;`kF44Jz)%7b|3LZcA;(tA@!x?^5;jHnvJ86IrIo3{@x0-KEXPu>9` zFWr0wZVudtBfF*&!?Fxr6Hx8a(_&?OqRCFV@Kj$T-PQA(E8uVbbUzwSv&#i z3m3M1x>U_l=xJF{6-F+^wZXtl4%^wEL#}3Ino=Ws=AVe26tVL(CAHA4p)>yz2yx%nya8UuCXuexpK>ik!2Tj5 zo-itZ#K=j}S8P?N>G%Rhvj$V#vsO=e@=SWIE^1dSyN$Q0epUgpNR`fqr(#HSqsDN6 zi|*9CItu1$GN%JWX^;dkm|5C6_adG!7((Ld(+ zr$8eS?cO{EQ*sgLMvKx*&!XDBsCrZq_m6l>%KG>AE_Qd#`m}?CPb%#r+pbUnsqUu* zZQo%UT=!P^{sW0TH-}MYSj3Dk2p3yA?t^PWiz5{ETeFsROok)pi`Mne_b9!5rl5p5 zy^K|GpKAN)RDDpm+&^hum-q#Oe>!|`;)V{(A`Wpg(8?Eqh{ZOI*h7ZDyRW8j$t+eT z2i2mAvOy@Fp4l@bU{#AC`wP>7)VnJrPt&~)!gA3e(i!nAjwb}QH-g@w=MxJwleeW8 z-+)f8YO>b!g$&XT$+CJ!6i9di^<`4QvV1_>u5Rj=Ma{se8IPWKyogHnLV{C9V^Gpp z?a}@4&8!em%GuNjlit#gvBV^@dbg3}L-6av_f|W=x&auC=90gVoJf5EyDWb$qDgm7 zn2SM#mG6xGaw?o!5ptsGi$aGaD08*r8=#o(GE=h1b?A>Lh`Y6#A1f5k7ar{OJ+gbl^? zgaF^y7d8fK*RfuTObvb4nIztGNVA*M;_1K;bE+)SLFIjuozAu{cqjgNp81C=(biF* ze;r^ZIQ)C4XClMB91Uy3<^NdF|p2C}PoePXWA-HFNk{XjLM=QkJ}BqNYYg@8Mgmm_`Xg8Pq1#| zkG!T16z1Dp^^9{K;Wh^oqhFV>zsE_e^&GVNm&ox*$|mza6guhpMy;P`@L~2l!}Xk4 zkq1BC7=5`);>p*3^u<8AoFFobUQnWpj?tSZ$4DSN{FshcnlN_SfHzAsAm(ESn1GIl zyO=CTpo&Z5oNX|Lt?desz~v4DuN)of+htu8rT^kL4a;&SNFw?sQxF#; zC0`Pqxah1Xj>#%nX((;hWDAICw=h1O&6e%@UZ{oWv=4*0EN7;X%MnRn74vI4dr!!k zQ!3OIT#QP#RFwSY%|wopEhrOn+;#A>os?^)6mlaj=GyVEC!Fs*c9hC3vCVAgV2`0HZ^Ir z2C?GjrSLC%xF{0`;>$@%yy3{byZP++;;6V^jEzywiIYQoFf@yp$n~u~?H^%MEEGOA zcUJ^t6h2XHGd2xi_}+Rf(jStxrAy(&Wb1`R#1)M}bIZE4x-k^W0&mzrvre4pk53>-?PB|^c-<#*QLCzdtFdilcJ-I?Z zeb~9}^`3wCBEV;vFa^-j>-<9BHs+{ceQ!87PFimaVS-7b%eQdI69=^4io+_Hl52cy z(zxzGT8dK|7~DT9)lmCv_`(A&aTkO1rhc0d9Pl19^3dGf>|*XPR)3{MdMEOn!8vbd zWCv2e5fFa4X1=f6gt z7q#VL?>LdVo-_`S2a;*D68sI3ARqM%pBj2LA_x<1G6^xgPrkY<#xLAKtH9@uxq0>$Zj;+gXC2?ysjG_xoJ#8KJA|^KZVsUPIHxPlv~mELZ($ zR_sI5Lz*6ZKv9R(`{m8F8*rihvjX)O0bR$MPx@adb1J{$a0T_S41E`w&ad%=22$e} z+eqw&yKODgF>eVyxFUA*{a9Pcv!oS%J*&p}pEE^Dt+NK+hz^WRBcKtx<;9YK#Svmn z%3CG{3NrDR4*ZK4ImP^xZBN+f?G_gj#%O-+RwAzW}K^0N&ZyVYU2 zCW)&Lm?b8%TlY5SDH(NM`&$( zmnlA90XvKF*AEn$iJ*81*$|>hn1>)(BgTWpYWeAyE?bJ?K)f{KjHDa#ZPKAq}(N}mQ%tG6Ensbr%WfD~`E zN?!zFDEU+r*yOpFF^@@mGVaUa$574i<`L3mdGX6L-SfTMG(jf&r zXIi?Ux6`_25`! zJyxN~!lK8NO$ck2V`$_^Pg7GI6)kOZVF=4jXYJxKh=8&jG=T^z%mcT8@@($8^eIiG zzpkhs_py5Cuzy$kU4vqwFizXa1v1v^V+BZ|2SJClo|j3U%z|*zQ~%{!pxTTc0kor; zxE4GW?4)HbmQ{@a7)_xJNl1hRS>`Gcr{>ne{Z?fkl)Dq2cpM+$KINqbERlv9G^nd2 zV*$#94708E7C?AvWaw1|hE92kr3b&Er%VveIJpWD3bh9*#z?@>CJ^$bbiJ$btDhz7 zD1)VyF6pOB?Yx5jvYyEAcsKP9fTWf4TUvk?265g)Zl6ovB0_2T z|2x%xH{k-scq`rqxJ0@OF2k~FEb_;74zD69hAJ<@PfFCs(K>9I7Qc2vV}Nwa`I#1A zZ56LorX90bsCzO!oZ)?eqlN55fXn0S+=5HpddJG?ZS3>a+-uK@iOy#EOv4r%<+uX9 z9?ATTOo>UOUnmi|c$Kbz#nV||V|+;tZ88cjqxVazBr8R1Zly?=1B>-AkIfv#Im6Lh ziQ9Z?p2sqwM3I{ni)e9$LiRPy%7uX9B^T4CEAk0`4;r(}7B2KP+`^sg^POz?eX4&` z{UAnI*S9{x4*(bY;9yoRnN@eP2i$r>S|lr6DeZ-Di4cFEANR;WELsGG2XpOBf?_kh zg-uWGWZslgDW1`GL#hDJ<7@j0-uLqtZMAr|gUakaQ@n{pa$hz5l{TTY4{HUouaXTZ z7^M*~e6%=?GQt4$vZ5w1n2}b(Gh4A%NJM)wv;00G0xKF<&8h(-{)D(W7;X{VnWdt# zo5ul>LzX>4NvjZLI+3+C zlmNkB5qczM)2qTvG|FWS=;@l+3QW0mn^~D<_Ll~nZs{7Yr6)y-Rm_SIpCQt)3>&|n zz4$U{PpFD0iCe1A2}s)0U=vL_o`VfL`$igAvfezxbc-B7VQNLCpFEvU6P4k)nW(Va zb7`GhOVg6eNWJ{GYGMB%EhmgsH4A%NHe}P6C2DO%k=FUTRJ1F^U8*;sx|rb&%US+H1{tp37JWOEia8PwcM6FJaCX?{RI0Li(9%&~ zt`e&?gt;IF?#f#NOh~uXo_L(ps0320G`O5gHd4*ZblSPL>lC&tOv|*4w0_cV9$hjQ zGUm{I9VR0|mH6HF`T&+^Ys>yt)&?fac)-ztfk)SH`nK|?|Bj5h-;&f*D_UINviD`y z7qMM}s;t7K)AvdWmpNPnd1cC`@i2S$pjXTOtJN9|EcU3Ju~G0=>~AJ3uh2lEcmv6I%!N8d_7oim@dy@HMyE$6Q zci5l^2)E^A($`Q{e_xPS2>{EqAqt9M&?FCE95@TFCpBv!$cbMQ&y9+7*NMN56Lic0 z%Rz3;h-GpQ)Ikg&IJ$vEziWmYtomT}M&`QLS1chHH2}S<`WovJQ!7fVGXUBM@2;UW zD-AB&&D6QeyM@VJ3UtY0abw=M2DjTQM0Run`|fd)9A(%Z@|xOoIDLi4#y@vw&yfqB z+fD>{&(UVr@tWps(GMuU7e;ia;tJ4xJg{~D*wy3u$dKx8dXSlFkNhlC!Lw>xzfsg^ z`n--t44tj^HtlX$d&#c#`~VCbJs^iqo~I5_LM>{12lKV9*)+b=x@%gJaQc}KRYSl4 zE4Eqy+Id%~^I%p7{CzW!&{Rwhm5KM~x`#&;w&aP!0ZT!=kN|H3dTun5%i8|Qj4n6t zoCmjF<>)m{w3{Sbdc+{s0qdP6sARsQX&3Pt{Ga!rr7rS*bMDM_C@-otv#`8wU8p<5 z9hXNE1SR_e7$U0G+gzegVppb3gXP{Zu2*@Kj^QWi5}CYz*(s=M(*`5BFb|SOrp)dH&>8DmqrUdnB`qw3B}tA z=hB5=ODZ#`xxBvbZm)Oir*E+yYbleN^Xp^}Id|9d>zCJ9g}NRBe3x@fZ#iA+h4-Q~ zz`yhE2ZU%U=aMhCGKE0qp%d1(HZJcEsr~a7WPA%(`((Nky2+r``=^w(s_HMFHycWC zJ-W?w?aT0{xFuQON0F+O-Be$jr#gG&_MC2(sqNOpk;(SFMjSK=7@?T{0LxYntA#E! zwF5M|sn-W$>!0x4RyiU4Y2FV;c4i$b;0F~_YU*f3!*VfFYG|{M;NCwhWcdD{x)r&X z_KwA}CEfd6^*H4FI!&=HfNlFe2m_jd&gnJ!bzTsjUm(LK0-;8Ehuyoe3bw(5arsJsi7z6OZXzZTlN-#W}3AW73 zulAyA5*#h?br|0t=p2f-V-=o(z`*fvBn{ieS{1@CkrlV1xg^gq%hC~jp#nruzv>@A zB<}iZ9D_kBCwXmY2f;35a$x<_cUlps&r$Z)K11cmDY%5?`2G3hloC~1dHi<)lSrt! z;iHRfVg26*jsFq&CH+Y^e7T$@1mfj}m&is;sJ|ttph6~Pfw^Q>D<$_6FqI2|X?fln zD^ZtqDAmg~GRD^D3IhtqjnXuPm0m0D2Y0L8aLr9fQMg6pV&s~pkByo+4lvzPEXgL_ zs#&96ALW(On)S7#-Qw`iEX2sQkZpUn76Q>SO&x=@Mnfnhhi5_%C4qG7N>Fd>uWDWt z#5D`+fT5HDrZiOkCy)^hp#E!EB#8`ZLwx41lfoK+H5Z~^18KiHd2+yNcKQj66K zVRICub2Wy9hLkq*lufIaKr54>xI82S&%zIi{cTE8EOM@}lL8h|u^P7d-d1@qavUwY zN%0H(@_SD;gjbL13pfXeX^sOQ?q`d6@Z&&Kty_IA9JD7XeGoZqU{(qZu^(}rcu`5R zzAWMm&ah_$4P1OGesbUQV6|Bh0Hmh8GfvJLhBpAh88NbIV zT@?hb$uiFv3)3tmqs~bJ&re5f`LjQ#5a#T^H5Oq&2ed0-aagdEF-2y)_0{2Uhan<( zG#iI}SE$&@;A%b5fgY54D!#UmIjYV-3rd!q=ru+XC${Ic6VI-;3f3?vh+0?S`Tf0+rpZf4^g2ZW;C`EF0J| zBp{?m5>r{w3~P;A9y^ti%kV*)_q^6rbmBatba4?aX!e?$irBl7N8tPJr$N}Eke}J4 zmqNHu%D~vNcB1t>kX%R2g~W%C@8%T-_j_li%^9N^1V%QkGl#P-;%XeIf@cY1f%o8^ z_y3_mJ6(SL2i(swoW&PnxCn353TrH`}y9q@DTljJMv`I3MwK zT*N=D^L7h#f6&Vsb+s&!J}-7(zhjy4J~5FQwLLR26nrySf*MH2^f!u5c`y6|Yt=n9 z^}6SmRkEd~t)n~M-vgZw6WO9yy~Vr50$yJJ=Y5>K-O7O3V5Ef{|B)TNt~r4fuVs$4#I zjSv(w`?KZ>ri?BA%3M%Pv#N#KltcG}+IBn{yEmcBw&vBWo^RK`$!{;V0WmQTRL8qI zly1bMead`6C&oQ+0^mu0RQ<{P0GC^&|DOwRLf>flrl3m^h4B(mSvukV1Z}8IDLTK= zl{IpvQeppAYagvS!&1OG0Rif%Cj(10hl9q`<0r5Y(SG%^!>1ZcEb>m zVb)>tMnDS+E5@c}LQu=qa2C_dBR4z~!WTnyk!$yDQr9qKX43+U<)ROZDND>z(h$C6+Fe#%VxqMJ)rHam0$$h ztbv8k;4-V~t+J!4sf!Ye%P$=qZj!G0qM@_-hSs6t%rP)B5ncTIQfNT+nL?7EU1UMc4${z_UdH%^B z#Ks+B%6Vj&qj6Ibc`PTQ=4J<^RS)@2gl7Is8)<6i6a ztT_6t`kolbnvKQgDCdJ*#cl17(~6df7o9Msz24!*$|soBo&|#e@r_Agw9ZSZEcKvi z*9dF2F~{JE4W9ZktwE{erGrZ|VXzNR#8MPbndGidFytG_8f;s4QiAy4r+Uq|)MgSC zmGQ19W4Gk(paqCfM$QLjp_6of!Ek_R{iRzb+5Y@^8(;mVF?&fv?X3g#9sW^5g;Hqa zzQz7x>NhqI_is;j+Xtf|o9Ev-H0vN|yc^sMmoNPu?p1Q&wOB3|unw;!;SBVt3qm>> zbB;vAnr_TzB9e(0USRjqxFV%ft%Izo2zf)HfR~5F?z))4m(2jGkilItvr`Qz)-me5 z-XOt;N*Kdls1GMXe%>GK?9FwZ=z$B-TL1Ty?u6jJ3*77Rw!3kErP_J~VZ`{c)>CM4G zozTE@7e84m$wOOla%@L(xn+g5CfMRvbEH#}b5ra|!C@-$bVxDhq3UIs{Q)&O3 z06XR%bLP!PJ=-c>8~bIY2z3h^ID4>94vP!zXAPxRJW87Q^XN*PCgu9S-b?D}^V>EJ z9r5;C&jVk4H+mH=lDX#JDUAp}?Ho|=NZ+?-?u}eXdj9ACuyu}2ngnc?E_K*YrqwVE21g0 zR&(7}7w!E|RkG&*OM!Y5GQ9!WqKjAR`G*TJfG!86-Th><+!mR1ey^x$*#5A|KbADq$I!PVk z>|iUOV~!IEyB{4vu08@8!QE^c-=rO|QEDmAHc2nhu_L7RV$Fe)iR7Q&Qqn~M1L`Rb zwMjM~Mi|iHG$W7fS6)1)5Fgfo{w)zwQKK&qSJ%K~z}QF0f99ijRH0DZ5Pj9x949PE z&Z1hL`0M0%lzfnTm{z~ln!D7!*y}AT%UH#e zfH&N@&ZlxXcCIRC1Zv3#3;V96ShI^FDA|O8YS!%YblOyi= z5kZp!>Z~^t)?bnOn7I6+-O`PP-@iAphBJx|mPmmwfCjZf3i3zDr79MHu}mOJxNzV> z@9NWuEiRfkNc${4Gge4F zX`-AmtXkvqkl|_)t6bQ+b5l?eC%m79V_=tP*v?VK6#UDXSKtS0VU-X>@n2Jr4fT8r zVTg1ZClCWtN6i*Bnb_)xvq1e09my8Zgn7}fqF8Ye0U}ZH6JzbVs>kBj3)*sGaLpLt-?lmbWSS0l$9Zv6_-FnR|ntOlADz8N4Fe#OQ>g9Y*ySJ z@1$DA1FXW|Gi@M4IP4}$j_yNSvb;xKnF!B_g9Lin8Nr1T;^!`?jZ%h+1v;`{;x*Sx zioPGA!X4xVKQmAesWHJCBq6_udjuN&Y?W*me+xyoHmi*$uO58$BJOK0@opsINr|>` z`%bWOTU5x<%@ZS6I=8Njf)G{wb7RBMF|Zzi06g?Y(?qPU<|K!{vZg1cBS}TTg#^Q( zb!NL!L16^!TBrZ6%biNB?roy1k1nk{+s0#VhR3=7;!dq(re0ST@{Ux0s~@EmX_ha-i@4K9F{w8HmRaTInt4HeB_km$GeuRix^Jkk zOR>j&YMTz~{ifbiphSsrxwI^!OXA1+C_$n|S~|TGI)%L#sm{2`CK);RJDjI7KxKq+R z9ov3wk?AzOR-vcy!N(nXj}#wRyl?+$v>=;CRoo)UgJ~frN0FqRjs&f@E?l|vG1(WU z&KxU>0bl1BhvQC-iECL@A_U*n&dy;GKp9j6ws~lo8<#*|59y8PYA7Jy!E4*r0T8up z(%d=WS&y*d20kU%%_b-I1zR;}IZGURpD1>RLYryQgjPJcKsASK|I?h6Fzjl_uB^LM z6?g`?R>8LRp($Prn~ib<#-pWWxNw`t?Cj3zpU)zS@JjSs9J&U^Tw0s9u{h68W)L!j zEm@a#3!!VM9xXv@wMyGZ!ec zuhOcRP^7g$Rro5*$ceEOiNcg%Bz{9$;NcZ+xIMZez*Yy4@#jh+=POk-0LabUsVqWJ z%E(wHhc*tzH;5(l-4*zSN+Z{5(bxBy+6gVN(nt_e*0XFrVw@R-dLXq|g(Ee6SV~p*Zr90=HcYkiJ0GPs6mx&r5-&1=OJt9hLA2$y+J*<2x zO(*RBWl37e?iQLwcPaxK`*yxAJ?tW`%)%#^eS=OK>Lhq)oYU`?j#>g$DrpUrxh6@J zG70yhpk3U^a7=U1@L*7$c|4qHg;7qNKdR9r@tT5e4cVmegmyC506PX@f@%l{QWshp zii0_6eLTr)$-Vn$=uRGZ`D5{BMe}g_8GG9F_!XF z2q33Ct#>`x^H@Z$Sp)IDD2z`00@+0svUUxNzFYi-CpXr z!;x5JYNsvk1^SN&7>(c-p}wJ&tP8?Wb}wmi)P-a<_KAPJ2ANf-B}#3*R7fLKRMJRk zP{a!V3K^g36OVb6DlV9o1TIXe&q=BT=LDu(^TZnrk#Dp*`XbzoFh#Cz>2@c7QdD|j zxqf-xUTw-d;O2<~`uuky>rL>x4IgzQz7Yd1h)R(bs)cLK37ar=R06ad6@48S<`dtSu( z5*|!$yxsGE5qLl!Ao^d5BwYXZT*37p=ZYDf^C;ahq@Ucr13z7)(xsPzXbjpUFkwb^ z{h&1o!KNZ$ES~kz_}4xKH4hDgy1gvDnvftm^(_fE4L7{LN)2s)t>M9afd)>fpNHf9 zvg4JV`?9`wvU$CK%T|y2ms0-d^Y7|yPp86&*s%+uRlE` z?-k;tMfUK3=quJmatIR>kYhP=C$o#OsEwQEaKVr5LjR*GI5e2u`Stzx#?fYHM_Uu! zwYRmgO&<@%i`e2$GuEUHg6`Kew-=3`erTFHMfY;e<5)LI?a|mU_2PmBZo*h@AZsLQ zNhja%HQ*dk7cwnwxX5)jBU-^^mICBn80>)T!R-;NP8HskG?e8&QR{H$U$w<+vRZG^ zy4XTK!rz-_Q)t?QVbDr_ifc(Mgg3`T^Z@$&aBB^XQ{{ZbjptEP`mR8CHBhB9q&bT6 zBOv)R{RjE_me~zSnMn;Skxgkc175PKiM^5*6IprD@KLgU@@+N-v1QO19bQXHZ^2rK zI|>toyh;T-eY!OD35bB~CS^D(cd_)h+-LMW4**=@jgas)Kb;5p$h)J+1-A+gi__9doGBC2>PFvYD^Ci>{!Xn7Yle$FZnAv@SE+Z)&$MC2*I>O5+H))=3p~1SZ({{iz+CYWtQvT-N0fPIgnyQFr&G$ zy#tZmp@Q2YhuBElV0#cej?a?By18qxID~#ePTWeJ9|}MBqPppv?8xhyE179JL2X;X zZW1+V(9rGSdbp90{G$8fg)WDmkW80o)!b>9NR({H%$3cE6^-T)J3%+UaZxQF3zWg_`q#62?Fm z$qKialbKBOwL=(1NW9G+7XVk`sijc^uw#;Yf07g(iW--gTFv^E`yE7DLKG416rrNC za4Ib`=mt*AYc3+a{`npeFmQh@5v*nj#q8L#daz{%zjq+VZ%L995!3t$JvXH{n8#iL zV;(ULa2yprtJ@S4jgf86M^bSFW$jHgNF-+JxmR%-cA9~p_J5NrbS^FF82?Re`l|rH$^%tG3s(Qi zmlMSi1L9_+uY=0B)doQ2BcS%~|I7dYx#gt1=*8o@7WhZ9@$^uQTI!nD`=q1jWo?{K z&`tQ9b^V2oHI%w&qU zR5;WfaHAhfPwCKj%u)JZ^m8IK`?l8~++?X@UDU?$B0@wl$(s>5Gs(!>xC0_2+I%bJ zn;MpmCDx2~3K7UR&E(*+JHLen!A-b^s}ThYWqo+wHdw^|c;|5CF9=nS#{vU= z_5qLZ=mpA&D6yXp{xHyP{t`zVpJp=zgI8qlKf8p=(FCw~;nN54G`B+@@dt{Plrv$p z?P0X}xb{A|%jpvx6~4iC_6tB)=i?FrfiJ8CZ)gG$D01Q7n=~6~W2RgP z&l>T*K_P;S^-F_3Fw(((qUkGoMKPBfVVmL`jME@JAlqhf48`kA2l5 z{<$*&ngb}m8iPo(B^4SO1WghFZI~Gd-;Qu-H{2i^$hPP8Lz(R%4fzc9XT$ zr|KAR1C#8Ec&rwAVs~(bVta|%H`^rZIJ{FOh6ijcNjMUjp9oLm>qmJ7+UB1CN3q8V zXFXGICf@+tO;%Z|{H9}Yi`P9ZBU5-c;zI^f4+Ov?#uFC<{YkK8p5U!NP5|p25|WX* z@+XZ$t@S2tx=d(~NH45s7*Gi~xoL_sP|D7z|Iz1LOu5?dSB(QBf+}<);iy^&svVDU zk8#G~_X`&f@B4~8J3V`0AZHT5VkY_y`?dT8>UGP{lj=evX zKO01|be=OWr1F~-w`OKauJWUDSD}|?Mc36NyYtJb2Rv-ml{@w)WEm@+&+{)XDj4{& zHwZ4JYYyDpHI1V!YMaE+U;937l({VWHv{bXWMpDV%bDiVn567Jq7&Pxkghu^CTUM% z&mGojRoft#@T7m+yvuA@*L1ewp(Ygq`kZ(e z?6WweQwrISVc%YlNCuOzflmz1iWiSjw!gke#gJnQ(o||6oIC66Bp`|>fB#|eD*#mN z$&W$@@f??uc8ut4$%~H!wgxh!nzJ{42hTJ64+NweO&8sNBS5Dim#zvKVS(=_MzB5e z*8fUl748k*Pn;|#fTXXm7%KS!ixv62gZp@m04}|RLUg3z8ZomUlij#n*UULF-Ep*($hRUTVQ_pg;T7+DSQWo`p`z|G{ zPZgXi=yD`1+e?yJe5F~rs_ZHg)Uj$5o1Lt4@Wd0XtVWzfkSq*F;woA2KdNSR%h-rT zDNc^G{YVM~skQZNr z`cs~3Yt)%+KGTGs(&R@8?;ASVfkG337}v2@%+pWpna$!5EF6^mwjk_ zQzAw!2XLz(vtI*4IfrCfhh!!`Qdd5P zC0q8uKW~W${xPsVnh4Gkb@cn1tKWQ$(1`K-C3d`un5L<+s!PIzL7Qnu%}Z2#^ll_= zV@V+?o%54|oMN9KFPC4T&oABo!H4e`dUYng{{A(vfC9ptz_ycp9_QLz_LRmfASLAH z^E*FzkOMe(xa>G0pjG|kry!2s+1}NHzIXm2pC>9cU%dta2Nh3@RP%1n;5bb4fgC`fuQnlQ}x}K0+Egi7#nYsu*{Ng8B$wJv} z_;s}$xy1mZ@v;)A0fPmcIN$Ra&=_M|+}rJu8MNs_ctNVl*U-Kf=1sVDKoE+DRpfe& zrXN22W_*%NRir|*!jhE_gI?>)J*>{b*`3(upPNR9_A{o&M=Ip}eoo=10&bf`X8%L4 zR7yMSfx8dRXWm6xD`hormd7Q|i*8mMl%_leA0ij;_rjU>`auD~5Hp0yGWv*Hs2)ym_~Iy+*0#Z8 zlb|n>X{sI!I;fK22>f9(+}fmZ#=SxMsy{w#J{IX4zvJ(et48B+0P)oAP7U%9Ejg=7 zk(VW;#vs$NG1!VXNr=M-eRtDKuj%Ek%l^$+LRunYtW-wWox30;`~ZEhv~SQ2RWcO{ zkAT8@K;$3Fa?I!p=W=8)!xbQ`tvc|P^){%V0oq`9by7H&2kS^~Csw6IP2Z)Gcxo@} z!@noDyc9LWLYt9~0N1}N=EH2sq*(h#b{lp1vrpMAF4=2prw-;aRMQ)wwC&g3aK|&W z!VcFWzFnONPj*5mBg~Ov$sXW~vFg2na1(|px_@zEWr!@p(r=ed`va~E`3)*?)%Nam zLdx${6>*zxC0!0*4aiSG!)L<9f9aa~%B@|BQ0Fn)IkvW7^IG2a*8`(Iy zF17Go4mAT<|5Ttu*(eE?`2Fo~V3M^4Yv8)y`D_?glsD;lz!a8)Z-MZ8xG&oZ{?p4& zVT3b!Z$w?who20GDir^CU?~lUIg~T&20D#q|Bbx$_1EYf3P|yGsn3Xz042teDFBcg zvON9q{%7g&3-D-1O@!lHG`|BsI0Wkif+c~D{D3BzXa4o5kiJSqDRY!xeb+wT2u9}3 zrb)|#?gpv`(v6VC4a5?z#YJOO?_JJYTu|k~t|pRI)fT9=RJY4?C=o?)O>kC6x(j&p z(jp$VyrkO1`4g(+3NL5jA#B&Hp`)pmb+$}iGF&oi4MJ!(xc+$OjbPESNZ0+a-rM?n-7+`YCj&7|e%6O@k9W&yQ0{RuV( z&P2^8Jz#DV7YvP7(O!@R702`J@)Y zD_sPe46-`2nI^b3BtV9@>@jhS1aV`WJs4IbwX*2}`$l+*$~MHZzRk;m$Ke=wmT*0h z0^Z_1**zW!=}zJO9gg*;hzD56sM`Yg*vyi2$5Psrc`@{b9!k^Iea&|6#0ue*nRe_T zYGuuYSuM;{v|2p#gWi;1$%x1%wS)>)SKk5yxuefllsN3kc^kPC`%_otdviSt`fCkT z1WhNPfb(hKSPtl-YbEnFHRd|gc?PEy0r*6fApB;$@xN)V!fLjmK%nnL$0?-|N>cf{ zTg~ZFfy<|a?g}%=wg&@pLU+(Y<=SmLTtl&uF6_aX{*o=YN-I~^E}9Uae5Ih0#)f(p zo2of*!C*6s!~c3BDh(h@`F&_vE3fRdZfzCZvG;yLs=(dDHo>?B1uZL=B&zW1@mq9;$7`W0fRs7g5U{uMiD09?X(%txj-g(q#IV?n)Y?#eUDiht z!_W$6jdkpqu|7dVwduqJ$xM$4491@>6^nhfo;iL^|3^-TIQRV%69rD@LaSE(YoN9W z4mGY}8=hcKB~Z{=HD*k*%2?wd09fLhKG3i(oh&Z0<~pLBrWc)h5LTv?uIS z7mTdUUM(hIxzemo9i-c}7Iphq9)4q*Uy(5r4q}GrP-MiZrAyYIW+A=Pw9#>g%|%1? z>S+*TYcod_WE*ah^o*j^&mcgWE#6klL*aPM`l5duPHV49-qy+BpbBui0^DysR|LmX zvZ#E@x#cJ+HZEyrJ<@e@JQ}Gv5?IKtoFKJ`mpMo*ujQKD;9kyEqYWNTJb!c8wsJuD zblALvS*sRB$1|!y6)MNruYwJ5GJ_bG>WfQekp~}~KEXPjIHC6t)Fqj+oRg7Os*-q*TnqgG;*>}g+)j6Mq;q)tR{ooBVMe6HG3a^wu6A>*xVFQqu z9TrJ~dbZ~#BRs%PeI0q^*0!v8YC&wbUAOa&#wJ<_+=@8)PKz~W04WkZB-Du@m-{qw zw1$fEtIBivv3c*_h*uLy>Ymzl9})6tA)uHXv`|T-@+4Q!sa9BboHs%%+b&pcTsj#?r-*L02Yo|3l4$kPbwg|ut5gi7eJ zXXKi^=$jrf#CUF)@CJKGMntwQp>39OXsW!v7#W)>^ zo3emId$rXJ07GcXodxt!uholAJQ7I=hN5ZbZrb+w(pje4d{l62TPP{BUNuj;VZnOX zGO@9+oPh>1j3HUHO={LXN(t&0h&WLcr}Yyw9OU$qmxtx6R$23+fv+^pOD=^CY?8%Z zfmJ+fm^f^5x~(*R!v+xca5>?5P$jUJ$mkm`5~;ouU=l(7kJI1cL+w2fJf7uCDaY=c z&2nwfv2kauPIZifuQmS~qk*bT^9B<~-;P4prhzjyGE}muFDx&fGx|Ea`TLxbk0@-9<|9@&{X8a%GlZ*X7Qv0>ewF5pE z($B0x0|8Esd&AfbB}PtsJ~Bu|m-tz2GD5MHt7Ofv66xPL3-iy$-4>4*uiRp?UtlX_ z`ab{cix&P5iTh2brtUAs&v*CNV}~KcQo|L;4@SvfNzOx%=8HquUwH<; zeouh3t-XC*jhTd`q~M(F11!K1R$m96KQ=kq=WU&kH6K)*s3ElTE2AU{g~P+m&2NpN zw(C)Bk72fUf#IBjoejCs{ZW4T*HeL7@mq%P_h-FKsuflK)1F7u&6M%YfFQUkG3 zZip-DF7`}3pL|P|`&%yw^lnM^FOLK~^@E6G(-~lf`kAO4$E^iwwMbL)OYn5s z+YkqBc37&6a?SE59A4?FMF+@&#TV(mDm*JV|LVt&tg3}{ErvAbL}O;bmjY0QZymtR zNso{gixin5&c%$$5+R?uJGE^7&G5d?pKcMPoVcm0h6 zV9?~0l7*BKCF#U+aWly{$AcC`!_avIVM@fo?fn~vJA-#T0jQWCw}Vm5Y?`|)I5XH! zx6Bv%+2cH-*$JC{`fvHY@LKowxZ%B}-t&G%XCt1Gv?kuEjxA#DEM8GeRLw2S@bNFW$RK~?(bsy`!rBiBjx32e*H=OMCCiEv zq#Vkjp#z!S8~V6=-gc{=0E{F-4XDIi?w!Yv)dIqRDRE*R7agY%$ z-5A@PZbC?2>2r#TiHRgUIDlFHjmcTK>u{4eF)4-;7tQ&sb0Z-%`*rgR5y5 zZ>Q8K#=G7WRAhLyY`Fg8ZvyWdT(TvQ{`cuCan$eD*4^4LlzdKkr9jzRTfN=3_yJD$ zpGC}0r(xLG7+L%?ow~+J?8Z5atU5&!5MGS|8zn1^fU*_gbEVzZ697L@g~9I+?E51% zmY29S5kKgY1qwrapGfjb7*?kUQa-5RPQ2e1tw{W0MYYI0>4Hdyy^HhI4FCQ~qy>B` z5YIQ|v15-Pw&5j`Y`OjcDHHpt>C^nNyP^KEQ+wRQiq$lDlYj0OjmNSWwM>pp+&D71 zm**TDV&ur*qMZ3U>nA2d7yKUsB>s2p*xA5>+>q|6{Zp z7wVE$F`DzL49$S$fT;G4(MJmX(%dOYR9&K$Q;_)T*E`mzIIKjBhhg#cZ@n*xM5yAi zZb!eDF6hNZ2}2U~oYqhtm?Mc;g*Hi|D^?es{;zoq^SAl3HVQxwjmrWLj;2=qmgYeK zAcX;QXDlTN1-ZJJcQnXDOQ^f*^Q%fvH1{|$`(VvZ@YTxDTh9r&XBAB-sLpr9<4jY( z`(tQ@GL+_FXb@mhv`@FRr|TA=bfEPXp_i?gOd{Lo&`(@8UKg9cbMyxm!J<_WDa=K^ z)@VUW^WS>l8@nBtAy{xg`TWM;1VF&Nc7LO*>VPFJ#hB}b=-ag z7s&3#Pk+|}t#1aosxd@2=SGrujc$8*icRV}+2m8nkUeL}j`d54rcg@ONlCVuRY`2g zzmpOaWFB0?l9?fmSlz1~)wzq_-;Rw<1s#!sZRG6uQzwd(v%c)YBc<5g+~gvSxS0ik zq{3pdylMb_W41I%%Ab?8GQ>yBB_FRST0Wln_hUc&KG@f*^5Xeb(6xC5d?A4*n|M@4 zNA*ov#C1Zb)k@ZSqxktENo_OMfh7w~R$p{~UmT)IM9@%TcSJCF9_6|h*vz-e;%~6Y za)cD7Tb_)OZ?)N(#_cv5Fz6b0Kha6eH_(~MD0cwbB>A6W(fZ_ZFW*d| z+5oS1)3kI$EMnmYgUobc13BOOAWIW-O=lKLoONw$VPnIy()Lobue=xax_<@rR~%AY)3pez3e~+#gis!;g07Zfw{(b91P0Uf8lQD7yn*& zQDrYnG3dKOY+JTzn3R@jl9c%f>hGFebTl!MV*6R2`p2mr6=LYBPu#5K&~ekLMgi2} zD^Js~a+-gA$4~SL_ubr5O1o_{iHpe3_&mw;ICG6D(-TjMcDf75t;3PqVYD?`g3rG< z)A+qS?D4djQ!cnE(-|EuvWDtCl(=b{o-OKcuF~syX@g{AM7j{s@yI-AjaSW4BnHNg zr|wvVf!aq(HIlhE);2a!S#yP8Q333m&djIZ8+Nvp$a($hF307ouMKenJ7Q(nTmJx2 zEUg`2eN~E1u*f?xUeSJ9|JZxUy}HO7?92%Rfl~uFOU$;2>1n9FO;zkJV%GLdu7_~c z&Dk7=S6@Wb{L$_;SB>|z2m_Y$!@KZ7ZfVm=B0qP;9vy7t^}FZ^Oe-;s?gMOeMiHi^ zKO_u1CUHf;*cDLzd1^nCsi!*wW}}4h%iadnf*rC5Es) zHdQLWSQo25aDw#ASNrOi68>2&vlnC)hr>Mc79iu6V}lNMP`g znPus(41uG0_9J|CUVzxE74m(~Zn!r%Mu=)`iDA2A{Xz&Fs?PbP5%vorGwEDgidto2 zYMOq-Q5Y+DB(XIUKg+4F)#Yj1x9%nM_>r%avP!S2x1M2)qaIaD)zscVqWY)FpHxP6gFg z;V)V~?4)Y%iE2XiT1ZHk&?7f*VNC4;y?3S3m=yTS3xZ$Qd9{q^Aude+ui=S_O%7ayXP>TxtpWjP> z@|svzLJ22$4Ez@;GgNL@EhkmWfNCSqM!Mp>Dpn@`4&m6Q} zKV2p{>(x?Vl4mgK>)jeol~G`2 zpoY3C1v)+pmXj_|%v}w7?Zsa(Z0cPDe{?a3>iX(yuXr>17OV-2p95iL5GVUnd1R|( z7bcrjUriWJA>}MyhZM3r*?7D(wkj}_Mbyh&1-Vm0w z`vnrQNP-W4T;NhlqO|ba83~Zb8H-{;cG+m*pePpiJY7BPWIOh4?Bn!)N2);lt&rOt z`4h2JMj+q!=J-B>aZh^8s^jzS7#BD9z}mI+d&_`cxZEKWP_GQ>67>^}NdLW}L3C91 z>J^)}@}T8|BXPmG2<2P&*Qq(EjPXG$3MM)%;Uq|5KO*X9xdrEG4WTcJHUq`6fJH)D zf!j2-TF~9l%FNKJE;psGe{qhw-vdIykjhZc2ODCqT4*$o&t(Qc!bWgm;TMYaH?ht0 z)CLRt)Ny7Q;QI|Hu8k$}F7u7J=svaGd@ih`Mjt?vACx_$iRg-@eu%;lk6Z!A?<2%RXf>dsS>jwMsIbAZCdplTG- zOZdh5G5RkrW}9!pue6%gCp|bhY_!7JgReX9IoaT7VSmdIClzxo(tXEdUd1LQdqcO< zP9*O-l?{__S7ngQ2|7oJudt9EK;=y-Pb@cP>bBau=unFm3C@XESUp?fv#SsmxCCET z^LO9^40+xnXfh8;C~#whwU|3xCtHkrD-@xc?eQqi*Z;sOSp>8Px-d&-YjtO)$^hd1 z&p(9aWx~d}(c(p@mly-y;TNFcvsi9r!Qv!bj`zUNp^iJqj zDJ2pPcwnY%I~y9`?Jx3p)KJG;mZgL%*DqxqrV#(psZtj^G--n;SQzTZZWYsIWdjLq|a zvTi0dK8SD>A#5mkS!C41W#?i4{;Lc=P)-}hOt2@2nX@|)P+`p{6f1SE((|p}{UJ#~ z#*b11k@n05fwe!ijacVA23Vk`Z(Zmnwa{b%si<>)MOMplTigUpX*nE5-z;D59wGr*JBLK{nLMmVOf=WjY~izw}Z2PG=! zrZAYA9ogar3><23YK1{YmoUB7o{o;=$#2Y$RIPFc>hr0;gj8#zumv85QrtNJEC}u; zM8%V`d7!ssP`uOn1^qDyGmr3nCe!|q@ut?1RCIavk#vS6MB||`f4WI-p*pI{oHUYc zB%q*rt|;k3I0B?+5(c;EhD<)s7&=B49DWb9WOywrZA30nKYgwU#_<-j>AIETHe=om zCau+~0rnG$EW&kxeNV#wxy!8pKbbd%!TsWQWO2_c4?}kgYy|}u;Mvx>j6ZRG%vT(o zS0m0^!!n=N_``QPOvBOPRM=!z#Yk%H*}_a!k5l*7NmhOH*+>g!Px)z%?Q8SJ3B<<= zSbx`{Jx&-WAU$}u3yW}bdp&=P6mxcXBCtVy$x+89pv1mz)%DJqn2Uo0f+%8MPpA-X z-2}T!PpA8rID{*5g91U*A-a7a)<4hr?ua*bHWe1pg@qq!-X@j;<{|=4vNzvU1<4sr zys;PM*@J)u&RNgaL?zS;H2a&qotb0$;lyM=OhS;5sDDmLb24PR$7ra?J>K_8E%>0s z_I~`|-yhLH40~-ePymI1lDSpq1g8;EW%WSw>F7$V2|bArIZ%Dk>yO;b&~EW`*8ArV zU?h&Wj?Kxu-JF>v4}hmf>fqYGEY75?QaRz@LinvM@$`^b(Wu2;1Xgki1|v7zyD@o! z$#kmrN(8f&qiI0`meX0eNw#-IlHex(T3p9tz!wR&gXjD6lE)$7ntDr{0I4}U-@f(3 zqVT9P8`N|Y*0GHfYFnJ-g`40P*Zc|>Uz|GqX?0D4CMYB+{U}1vF}aXO*E9u2CptS> zljPY#ogBF>0SF!L`c)M|;Bhb6z2@{Y+kt8wYT0H|iC$WXQiOj(i5p^ftC`jbFZt9B z1ben`fO68a>0l>d?`-<|CGF;2r`7##eOTZQ5xsea0XO#o{1<-ZN2Btg_!^J{#u|{u zsIWG(z$xNYCjA88eSbpX!3OvOWbVVbBvH+vN-pXSj^wcylSK#2?EdX@`lv&S2qxSh z?e4V^x&seA?vUuN;>^@_)rfwk=wk5>c&~i?sigB_MItvK@_8IShLz>D+;b&(y!W

6@g`k_1#5+Ta@)eMfLHM5%UcgapQ7B;KQh_E6f@HW`{ao zjmudp%}RwY_~L?+Uhz;V8h9)(ceFc`CyFn?%ox}JY62J~blUM2v@9(-n)TIK)z|L6 zTxE9*9l0buE!Cz-D!pif464gARAC>92Gh&%Dn^yHD$;ooGkFceIG$ny#c-*70ant3N$#OaX zS<93Ewmkh~?DnmX{xv@37g=E0)Y@vbTRhjCm{hnt^1*#$GUrSI7$sTtvR{0&vYk9U z45`E`gW8K%@|HM!=Av1;)e3RV!nQPsKOT!UImIc1!csz|rH!vZe(E6qPs z>uOV|?x%^ZWZ0OaIzQ||hW%!Fen}UhnO}W(ibUo--1LEXWJnuj3zPt-CiWq;ypF7SREc3dRV1}(X_`u6uHGgo4~$Dprp#T7cJ7vD}w%$ z&5Xa-^h1U%QF&|_ru%?grFIY$ZyyC9cPo4sCD1pn@iVoA)GZn4;{ovjO8w$f!!$nR zZX+A9I#ntvCl%yLn|*jq8!OGp8&)h2dMeID@g~YEt zass6BCs|CiOQoJ5UEql+QiZ1bRGyYpr7=Xl#uq6%|?twt?)gQ|1SS_TQwi~$$G zpy8y0-okK3ICS6rZ)7qFB|+8KfLkDD_I~!k(RIG5YF*PMJy68MLvL9b>O8SmyavTa zZ@Sa=e0~D;`D_C9gfhg6*ZU-N&#$5*|NL;NB4fJ||BrK$ae{;DH@Rd^`jvHta2>86 z-E!xZl`)M=&#j!e8fnA@FMSc?kP1oX z-Ww>?5F>;N4(b=}fkm0b^=!*0m+Ew|6Nei<=rrqf#@YU2H1=yBDa8WWOs^ z?A2v9Zi>_*F90Vu+7xclq$0K}ET?s$Nj-C)LK?-&tkXY5D5~OEuFz0^^RcaBfh?^2 zZBrR&Vw!fX& zT8q^||ENuYZ&r9d=ZXjbUNz%5K`EG~Un>Gjxd)F~v#Z#U7MaFFknQEBc)reOG>op! z?fU9{TD(Zg$R)0Ds|zc$n*Ow2P6rTWjq2Zxe2dI|W*U|17)2XI;yO*T$||H5=lFUXL)D)uS9 z7v79pozGoJwvk?x_-3?Zmu{;QEzWh{vETO!xZA^`4)8Tim%ppPImH&myleC~KTmnt zR6c)3<;$yP^o8Z}kbyN<_nO(gz0wc!%=QJAomWF$M{ z9?%=Hq!mfQM7|6_niW6xX^~7o&*gVp=}=tHwOHEBd-KzPW()c6SgDb%dZBn6dG`0r zMb_Mi+ev1K5~SO3rd2c<@`6&X4IfwQ2v_MMV<=0bjc3glp}$WZexdi956wB#&Em(* z)V$SL!ysZBOOKgvfJLPMwQ@{Dy?t$0%2GA(a7waZOf_ zxcaNtQ3HGztag8>ZO~1Bj;6ra?x~_*V`M$TZ+Gw(B+KcA+HG9aBr5@Hk)BN=h@*~e@Sa^Ox7RyN7eQ4CK#Ml^$Iw_EuNuI zIYXS~c+643s0)RAs){$V7Vb_i2)Jpy~4epW3bz7m7Jm|XH> zx9$&{@Ce>|2yx25+Y)WLWvfYjvrr?#NoBreBs#1~vAKMGQx;{D86Y`tQD-dV zt*7}T!{^O2j0@Xyd8$hSarq3Aep>Ew3d$BD$?24Y^&Fxj{ zw}bh+A+ksq2=}%l4NUkPpvipd-rDOwaiFSvxax&gkrutY`3O7n_H~fX&3+&F@78G& zM$aRp6P6&t^;yiGvuU65bw4H5B{}N#D6igC<$YmHji`107hCTX9C#CT{l>O!+cqZV z#GV)v83C?rs{p!^BR-KE!=-cj#-h202>-YaNa$x(9&q)EWbF#At z3BmoJ=rWIuZe4zRmsZrP2l|#Mczwej84+bv5+-93zhAC05&G3F5%8LC|42{zasQ^e zQLfivZ*->;^q7ZO%uKnzf0`;ff6itlRDaKww(ckb-h!X6iNeX{67F8z**Q~c6KCb0 zLfr=6PXe=CGmX8|jg1cg0n^iq?x+5D#yfY)d-}!AJJZ|y>eB4f@bL!o^lR&rjcviO z8|a1_@7a-X?Ke;Q_z9nNRzxXiVt(4_sK{jY4N z2{(;XNM?eGIBD!&0s>sg zCTF)o0JOeWKHb!sC!7!5vpk=risqj%TmKWTyZ505Ll1C(+H8&kJ%frt&|p~a&*4h` zr`O=u^j(xwK%wo_Yq?bHrd8;d-TLgJ-o^g1&rhxC#%qa+Q0xu6zRlFqbE!;geQSK4 z9~UC?4qIh0@iB4P(e5E?1KM}c`#yFIb%d~Osp+}5dmPZ{XMO^NDfm1~*Z&StZ#}o}}YR-*!hgM9D zr4{Qo8xQh-Epv|hK^f7vPH#DufqmJ^rD*y^HrPVIZINw*4Z24yz>FB=%yYth<*BC>)7p3zo6VsaT2;@qA0CB@4~v`Fr^jUZIM)h_M54sdTxtFI7B4d&y~@rOixfiQ22buz8j7 z2@KjgUs7{IxTc`lpfYO*TKs3hDL+Q zc(hc{hV=joHxGcw{61V;zuIgv>^m*6-f91vWg^&VU(;vgMa(|hU$ZP-;a@o-*BZa#Zdl7@Cgi!sX!HMQu?ejf=>$-!9S z*oG;HCZ1PT*JFW6SUGhaWw!h;N}6f{ugu;G{F~$NgvHC!g|yW#MZYHo3NecbVpDnm z=(iX)WQ-*|zs?uhvdD*+fDX&C!5T5zwX~`%9s8PQ%-o>N1_eGJ5Bvx)|BYsoUeF?a zWtjjg`>oE9AcX`E+zd--P(O@N8pIr}(k=mU2<0zJGf%{xmo<1OnMS{)GJh0lK@Rwg z33Bth5&FOPiv&UnTnv3#H`g5@6xZ4SN4GKb+{g1u@~FPcR5X)E!;JihVA++f9gZz< zQFiq5`QN(;PcBt`bL)k*4^oK!2WS*~msIn|+Y5XQU6cJK5Hs^seZ}yyq7oy3t1*df zMtdIMOJHWHkVQ+R{VS+s0TsE8PX@_duMW-&B&3%n3m;*aX4$Y+z1MUNZ_IZBu}W*8^>Ivwh16l^=vx>*l0C zUqZyUhdE{fL&`JvCae$y6Kj@~GdFTC{lP3kw{J-ks9cA0z&vU<5!{FuI~ge15n_~Z zG;NvrGYgq%J==BQw5$4pmf{CYvhG_yB8ld@t%cXJ!__u_>oD(+-5j1{PGf&4I(hE7 z$3?<$4+|R%?c&jkTE}I&OW``8AXwPTX*0pqoWE$QFqBP^SH*)&7zM1Af7!~d*A$se zP4;Y@pdMG`muxSHR^LUbn~X);2!MHc1bK#$Mz3^YPOi<{xm@8zz?0=hy-;-Y!3TKn6ztAqYI z-6f^z+iw++d5xlW98p~Nh4#>{wn8*d`R}0lUkP|HEhdxpv9n}z76-~rVd_*xq(JCN zbQ*66nVkeKKGHUc^-?m~1hp;Aw;b!7wHvS;%=RYQWwKoRxB zDk!B)$KcH`xo7WJ8~V8c?lxjJyN%oRHYur?D3ur))~zd_o>3qkVpY`+h#{ZX^K(Au zk8(ehUJw|r%|pN0XIlm1@lV&(phrUdFC^?oYqW{|y#YnrOR>CUDe@V62_-*@y9_Vx zS#R>{f0mrF2pdkBVMLw!^&wtxfx0#-+9N95)OfCF=^C-5RsZhfrZU?i#vHL{x& zD)l&pUG3|$N&{e!53#_+$8B#syk7>)NzPq1JwTQ4Rvx>5Wh1ynyl%MM1h$a?xkm=- zhUjWIOZGuVPLc8aUtke^Kom-U;waCOjKD;_{Agh0VADEdTiP{cCpX&p=s?w?`hVl{ zIrHx>kU_U8Y*yId!upp&-w4cy3OE0ejr{bw8#aYL?j+!HI39nir<{XLd?756PmCOt zOxzevCA}z{s36`c%ZXPVp5j72zxG zx3OqRr+7eovXUoPkO4I=lBGdLFmMs#M$5);h_=(`+EVMEz9|3!aqMOlfs>Qz-NC7VTqdl&v!liy zS-~7#Qpknl+0U$rcYh_vCT=Kpi>z`>ZfuIA87=g_9Qev zQ*?l~GxJHnA8$v4SH8*tHcCO$oYC!lH5H3WE*l#@V^ss_o5exzu9Fi-x2+R$-4P9k zABsEMRh3EaXRvd#TRSC(6{G9&B?Mc4SrW+QI%OL|rG{UmQdAp?()(1yZ01lKuI7Ab zo==sy$gTL%a@TZpkp&$adaI;Ru4&KH1^ z>tz_F-#I~>Im0M)m?j>h^q(O2oU%3HFc-uX#m4W(wuDKT8_r8%hD%r`xrA_LPCx&e zLJovJJf>$p8+7#%%J-bee3+a<52%iXi0JK1bpW!`TPAVhb?$XbnDL*tn_g>u2=`7JBzXI>9-4=gg8%+566FK3-7eM zslG9V=YV>w%&Fc3u6_G@h~c;HAj30%9WhzqQrC7MhAt?=jP~Qb_$Qvp6pI@F{(Z!= zSA+?1rf<-%2v>2dl?IG#vnKMBdli~hrw@#^kV&n!dxhW{(v1B^?)UD#2^d5nve)0VAg&KG7>J$clOL?#(e#2?nl{7A_urM(K@ z@!{Z6O=%boFVpJs&AYqQs=|R%!G@*`yEuUS&;`X&n>o=D^V1|DvaNvTGt$^0!uPzI zqO9!MCX`0>ZF}88>ljP-!6B~!X3_yE-DWUV-Rco)5cS1_M)jZk)8e3SRzk1ez`{7cMQ+d8T0yXb&o8c*`r(qBKF zZLSFZhi)z@_U$^}jAbZtVleTznLB2+u5CAj{eQx7AYi{QTsrtlh~k+=NN}WP%iP*L z&XiuJNTxTnCkP?#K*OPL5t7%4GJ;p3SkfRZE54+N-q2AyYCSg9D4QP~WA2F>Pq8z5 z3weY(DBea&Uili2st*Auf00hur{!r2tgO=jMVjcxly6nD5?z(wzA}!itYAsa>YBEl z6m@g)g=2dgAhLgm9w4UFl#3e@W%=n=yV#_bBn^X2-iJ`2pK?1S)ZVJ7Puf$MS+A$* zBiDFbY$iE2z3ypY^TaZeJ3sDIzrhU&@YeqCUJ&MgC?ag^slPZOC;?U$?*A43(5=}X z^T362{ea;GN-q!+>KFX~@o6V?+-dK>6nLg=pNB#_oF1v&onyjOp8@eJPcpV8 zP2L0f>_ypA`-z!quehL1r-0>kP2D9IKUwXd10mR>tYyHyD}Nt3o7Xt0U^GLp7?BW+TCMv z^Db`0AyY_%(!9GaL`us$uwgm9Q5!RO| z+goc9@#?jcAzS~ns^;Y>AP;0UZn|K}ff<}6_>Mt%6v?P#Gro{{`!n=Lk8`(P-ONy` zwVILRC-DHoc}h}lyo_wS+a3F6={t#YRC)`>Oj}(He*B)6QHIh1vp^LmHt$QkyNekN zf=!{g;)o@l)t&b03vl^_%>$b>g(jR6zF{vX`_LC!An?#ThIkldBG2AWdOh2@n$T`i z%_7(|ss<{N#uE_Q&Nde0Vu+uGR?;+%;_gdUKac`B!7)?Z!9^90-5PkhFXZDyDk0FW z6zOhmtA@1ZEcJc$h4{=o7-R^+B=-Y1km)+2y+4=1$W~Q63htmLk%5qrx&JJCA?+w* zfy`w#2QbatgLnF*kCGDsT^+W(M-3^p1M{jtPvG_#9_}E{0lLkLX!oM4H|Q9gO-)4! zMKcti^=lRdE}soKjcMZ6j7)~VAD#43Z1==H`^pOeEa%I(&}!(@rOq^IfX%0!+l`+Q|!(Q>}qEA zy@4d|G*8hz1uuc>`ErtDtU*uD#vO43QTMP$y<>*>&RS_A!7@=fc1kBK7oW^`T0zY% z8qBr0zF^U)=KFEBR#A6P^7H7;MSn**F;$v8nB;Xn%JlyJ03^n2dU~eSRx~J)@@Qb) z{&TT+=Qy0KTNdO)(>@sVBBv*fuU~&l#M(dC{$6zv9v9D0*H$aqjym>eG-TFrmg^QU z`7ha0F>DED4X@A?$0D}n28Z&3idh@)e!VFhYdYJZvK+dRK^|EKGO%KM2_-SXv7moG z`C>}E)kkXiNfuV!c^nX3Ci|A!{&fGR^ADEG8vGBpq*qDDEuolghtaIZe|jO>uOcXJ zjfdd&*=f7KxlX{E26o)PNuB2DqY|;$kEhA+mqi!9)LUavjMOqoa0)PX-b7MKe1Ll(%LlBrr}KvhkF{i3j>IEq_qgBR zykwP7sFGoha$QX^fk{#PQ(0Cot*Fe{R%?h0Uic61s$4R+fIWfzV?-=?fKIbaizoVC z%_Cdc0OA0?I>OS{A2=D`M^Y#jH_@dzGRvQr{ikgCXcj>4LX#9tBUQ>&4)#fti&mEB zjtf^f*R2{ne@YyLP(kNnEDg#HrH>PMLSn{vJ>Try!GcO5u;E{eV){#zF9f1Rl{OTwwnSmd_64E9QU8IM&nL$kQN?q-D)qpy zscN6mwE=;Fdm5!-<9WlI3lo# z`dF$6`pgf}Z}HzCqNrf)Fub6-eZXFER{UcUT_qx+8zZELEPcrAl&KTMX_zT#v_-vf z{7%SsWfD{%^TGOZUK57MM2ZMRufjM-NxfG{5phYZApt_V^fhpddeW@}L zNjZP34ai|KtF$>P2`GG$AX4@`RdN3btyy}wB@?|2FP3#WUNAWjD@o6I!|A__RemXw zzZL{&EdduW`hb;W#JBW9j{IK=?R+v1#m3oOK0iFQ$G>P4u&weF79cR#3iM3j`4E^@ zRLA3t<{#nyO0N_iGQ2K7!u$nY;QJSpXL**e5R@gY0x44q;@79_=Z+X8QWKZal2qbP z(PUPB=OU8C*PT*g9vBR%Vh{%$v3o$;%rAN7T>_k(h&%p{%8MdhrAqzk5J|2pTBgkY z#o;-@cnGj9#diccMM7k*(5Jf*M2Tq&@x@7G7!&j&hW~v`v-;VQfg!Nug(p~YZj(RR zjjK=1l6jlMr~bF3h++PXV&0~yU=hAA;3NkmC(z#~jHayRQX?AE3_Ozxx4`@dj|M!u zfDl{pf+a2HfsAHKXjXpLh3LcJ6l`?Q`a_cWn}rJF`y}@AehGMM=Lgk@tA~u|cnnGi;xKw?`N505)Ue`DDr=08L3-oBlq`gJX@2<-=O7dKL4(t* zJ|dpHL75b^($9fOBZ8(4)A`<#WhyBHz_OXPkfPooh3SgXEQ)#sKJV@z_GmA4Ql*_g zUH;^#|7kqSy*G*)NSQ5ZY@ELgdngxRdWlhUt&gOFKAJq+Yx3#&FU&GG<>p7}1G(k4 zC#Bx8HY}`6`!0mQ)!kz0x2qDHb##=>z|Z;-*berSC=fa?lET%oG7_;Ekc7NU!2L(~ zp;w-z*qTdB|mVu&ky8WaPOQDx~nQB3OIPQDc zUo%w9Mb{>3Jqi=z#!a?c-mkv+)p7aIs`&~NqDCCVm68Gdn|Z;ie-P-o<}DD5hRdOL z11Fmm;dnxb%8D?PPbCAGn>OIofoZb=@`45`IFCspX++&34AY|rQzix~o67FFZl18j zmK+L-5tcq^R9rD#KjkNp^Crm&3F)f)Wil4?6rHrW(Yl$9rU2{^Ry1GU)HDc{bD&5#x?HuI2QSiki8kFxBk&7;cNm27CQkGB_0j|IBrSCYY37IS$LB#*%K#PbUxl9@V zJs%8O-jFcEI1E08WQ}l;M~)5&e)=^e+d4u)$~<$IXNC4tiPqwu9GIuGU*}kP_i)nIWSI{-de}P&hdH{= z7@fiBRPuY?Voqh8USC=o1VD*{9wx12Mrj4-e*QGhhriu%u`s5vV7@@*{0+w64i|UQEpBe!vPN24)^E(TuoA z$5|twFYeM>ISIka$d2ogtbZj5GkQ0G!U+gktdUNOQzx#GX)UP&an!DXU~N)|6r(;# zHSuE2o_Y(!K>pKB4;Y@3sbQB$FGEfTYo0z`{r2)=$skU)&+Vl_mI9_HKW7JH3%k!x zw4WMxMoIJ*;UOymVPk$Qh3pAG8+|U>S z6)kmzWmpEv4OD_W^)+sFs7+x~4mFus&;RTYX<%bpm}Vvv8_+DgU%$9tJ-d9kE!f&* zRC_zV+JDPzt#$OS)19(dExg}-x;E^$8_&iqLGtwt45EYz+v4D3Y7{+3gD;%yzj=SCzFNn5 z4^C=yN+9|7!^5`+>c1L;as)HKTpx!DQ6qUqC$=^nnf|bT2=suw zt$TQ|mgPh-|LC~wL8Bo0;QK&e?D6V+dD#4(c`_hAK7oE%xAc9tqNNggSH25Os@uv% zW*#Z+OpL`Y6ib1Am_GrqST$6Q)$jT74QEOl?^}mifL+=OR$+XDXf2CGy3y|=IQ=W7 znNlC^gyFjH4~KWB@3)IRvv!RC=JepBG~6_I-Ef%<`Qas1A~`P8+HZSf=?;fk!c=rI zK0g-jR&gqW0Ir}%Wv}5E&Z39KLl-Zo;M!NOduz$eLsL(lKf<_$3ow64xV0VU^FK2m zZ65_O0Hn~zm!Ge)e#9e*+vCd~uHVK2of$WO@Mcm1?Pzez(WLGt9aO;4Z5Ul~uJ%+v z;B8}Pk8^8c+NhXUzi`c~MmVl3=s`@Ls9V1t`tZJAeFK3vgYsrR$NAFPHocXK+@^1J zj_j&-lATJMYG=l5!`gI2MP9HLy_UGioFak0fJkP7?mU(c^@huonOqaCC-}yeTa%zC zS2s^5s?#s{!=$^HzO963ZV=`WtlJO1Tjc}uEyjhR!u#BVd4T5RZdB%()4OpVrF&s{ z*?n0+<?C76%`gu#lQ-e1RduZc z-r7CA0|;a8!=3}CjXQs{KKwn?5-%+J)EG+^j)HV&8;N)}VXDMXuiT@4wtb~#1y)P; zzZh}V-aT};V%4NVzM5wlceD7MTn8WM3WvhXln*#7l;vvmlmwF)@ad)*11Il60kthR}2+_JMd9v8c;Eq8# z6O|Y1yn51%riaopp_tSf<#6pbSw56wS1dhRMf}6vw(3mY)-FB9zi{3S9&ZO%=MqENrH2$MdQA7~n%2d;IT=In4GZMz#&LO)K)^F92C8`l@MYXW6&YBvo zVxuf;u&Wa)O%cFEOMsE&w=+}(%y$Dvzo|EB$MkUOFKTaI}@FMEUqe4hVk2y|H557De_3;n3S!(xq4kHi@+af@0QHlkN{ zynptO_^IzdAsA1gDeVNfq06BBB;2D|^rx^p@lAMnxgQd>IlJ7QJV`v`OUk+kQdNJ5 zakgZ8EBh&hdbLEV}9ZF}r=M zn>}_Atd6gCgQelwjjGWfxh+)n{_OhtFGM3#Q{U$5DKp@hkG~c;+W6l5%0F@(<#6py ze$AvR8MbNay&8IC^i;JToU}cZIm4fW%n}ge>GFVmdvaJCb>rD;o@;_z)rs`S7iDx8 z9RC-T%sGA2fS&)?r8N3LQHTeVN%3I_mU|O(#o1P8d(3q;;5emu^2fs57=Ih}YfrtG zQo-(ivx~stNzf9o6@?en0@JDwhQ_!tcJX)YAK3H(&-9{*8sg~7+ zDVAF^i+}Vl#3J5f%V7;2v4M`>$)I%Pg%3gbP4N@wwH<+M;t^Hm^snY_b!V5Cq21_8 zknKoln<=g~E6bL*eIwo=Jc+jBw_|V0E5cfL>!@w>d6P|mKgO1%qmlOUKH~B>AJ*df zsH#jpN@WsTnkn8t?7}#Kjjpw<>nsOW5ghmRtgkB{Ekh*g#EbRQ9b>kR9ED&mG1#58 z+*wBNH-Xk_qyh)>`X;PBBJO5k3=_1y9b#i4p>8yo>)kU{TMlG>wE@*F!kT+U-&mJb zt7{~{D5n8PquQ1IC8TPjS1!O`Iq+j@Lx2evA{K?er>Ex$HQL^M5<>lpwL3>41bhGf z(G=lFu``<;%;bjkCcJMOYoE?3K5ody#H>pDg`^+QKAUqQw<^*iZz(H>7!q;lOPswm<8fGO*gE5etldh-RyMpu5DtE4Gy3StSB_r{XLn!I`{N2Bh2q0~*@juxBLi=LB0BP698<&O(3o{AY3&+Z`SGicX3RK4t(RjjNZv zb?62X-FZ@-n8E!k16P&I2SqTr&x4Zx+!j@N@qAb2tyC`FSvv87rT&FD;C^#-pcF8e z7H1NexGwaYBT};%V`lOAg+=;&|&nNTUicpehc}7gb93ooT!s` zu97)T|5v*)&%#pm$HKi0HTFC^8q-5)2+$qSS%iBzq%=Qz(189bYu%lCC=?NpxqzQd zXFVUyf-TGgF*C7+sFK=^=SN|jjpD=Ub`37&mW?gfg3yS9ywJ+=h5;{pfw&z$zd!>% zSOQLpvKO!_JF8hg*}epF3<ji9lpE7P-39bN~6qZ_Ubo}N(AGFBPyS6>`A{O2D}KsVCfMeRQ2dB}pr-Zzb*NaKJm5n!7w;fi z&2{zQKE-ehAj+!SCVYl6nUIw70zhCpp7(8)& zv(EsJJ<5@?J+ee_6TT%*+;L1@6FzDs(djGqiwd^|XUePz7j5Y}&o9FpFSSE`0v=8_sFxa*k@s@18H+CjV5^>`;{4=dv6PUQ(VIW(uDMhZljGV~5+qePa%EaW#|1V) zRFlE8ljIjxRnhRn{9;UOs%@M%KmI2_5L+$k?KyV_fGT09Tcpm{fTM$P@}}k|fwKc_ z-2a<|6RlyThM|d7Q*c%xhMEesDA<4P28|&W6(hGqgMf#<6xP-5*7y!hlPnM^}8Ep zIZh;a1fR*B+?c}XdF_!rkb|YNw4kD>q#zFyHRCErYY|I7!10GFRCW~iI|U_P;X#Vz zpSq>ArX?O~yB<~n22-~*$NS6ly~Y6_a0AMJ_rzw)jB)9wY~k4hL2Qld4z3XB(^bX` zX$Vx2XqV%UChzRvY5h^i2cr-y_N;^Hy=>&^DpQu`2oGG1F|g(XY3)-!=A;i9@PlkM z@?g%1h!!_(fV{(-0jJhe^aa(^<~iVS(8m7(`YS-0GRp=3LSye)E_I{^+%Y!PXL^g_ zgbP@iB9c^^l2A(C@>}g9(q&COO!T2&-@Py)uVf{DxJ>&@%<-^$3Sfbm%53E_df&jj z6$)Ce>g?IW_`shT;B3?LvA+1M)IB#6ZZg$iM5Rjs#0+s5JwEaybjSUI0x5XO0&Ty& z?Z;!ODX*-Z#gR+{nP9n&j?GXrAIiCa=(K-GFlSUq+XT>i1ee&ZXvl+kQ_6Ku5N@Y7Bt*?14@WEAc~+6_xQq%!Npj2&5eLM-ZXD+Gxx zJo*a()ZD}x$}u(l9vJSRo6sE!^2Zq&D$}eNSd#=3UIOQnzv$qw1G)wW*un2-G9((i zYBkkPm&SvNPK)%=Vbr*J)QfjCGe>TI5Z>f367x-In8gQ#g;NP1nL`F*fVM!5HS+*M zEum-2?@zupkd;e;d+Y_<5fU6|@{8j?)_l3Z1EzqVGm@!Lr_J$0bSR7mojrxWD#0_Aw8> zU-ww$OyeF3SKfGxj6nKtpXwlyhq*8?ztMDW?1Tz)q}(#?7wH)*yoPmS8h7|FTSj?2 z&|5Aj@rIoGZoYt-p(K@Af}Vl*9Asvwl_#f<)l1MHD}KTS(asvoDx6{`*(-nc3|VPX zVeRMQy)L_cX#NEYn#}QHAHuOZ#q4?>rKeM1`(FgBJo3sU1j9oPbdqUn1vE$?npd(( z1P!KA-sRr!K!5;3l$6}5_KWxF7_^Rl z6|59Y-l+pD>;$#E>g?;sfu&fZoEte;gOvT=Aw3xmsV zH@5Lzy$*DHj+JapR-xD|v{siZg$xfA9Ljt?-GJbBkYoR;POjrc48j;w;*2Zzq5566 zlOOTHYf!3b(KALDOv70PG~z4yz;wpdQLF{jW-r=+9qld25iyb$FC*}cVJpb@ZgpFRNmhoBE{gu`Z2%;_a+z{-P<^< z4cXo)(n>gy*MwAgNWC%85Rh;I7i04&C`GN9-D*=YvAMkB-?Y#%g$C+~0(Y~h{_6FL zgEws&z%DN*b_nwXkVB64f?NECp3(0qX1=59{irQXd*Rn@>oEEwczT|1B)8{=kZ@wn zI>!65yuN%dZu={E`tRY|uiB8STc_E4S8v@nS?^6`8@$c$b=~_T8B(Fa`ZPTqyT&W$ zQx3s%f?(NuJW55AC^T$0ie4#(sGB8a85@_}b?fysd(`k00K!HF(97$ohLDOBCk=p_ zjqu+i49dN2i_oJ$Epif%8BQQM=P(YT+|B?MD^M*DB^*6Vk)(ej**c{m6pFOg*RXE1 zXKLbi;Gj~mqA(Pcg|*B7x2aOhPY`gE#CWYF*@Ubj*Z}YKb5PLZ7tcVrbu?>=otPZv zOmiJN-ij_40BWXSo}jPO0HIXYTbxBL5$Q{q^)lL*2{^UzYjck0B~QC+JfnI*KqpO@ zvj&b56n$EV$#}9Z(P&iGX>QOZL3CzyIbbSI?8sg!$SCIFMuOaV}>9&PWb_$EQJ2r#cQ9l?zkd9Uo1} zG)qn7q3B1)ISnWv#ARS$tK|oODLJOab~M@^a!=+=zy4h}n2iVb@;md-$w~_TS9VJXVj!$2Nv$kDvq-%((I#FKW*@?hUZV80XiU;aJ^J4yhdTdHD>TmY^ zT3hFP+*feN;+k8ED5tt=GnbSxu#$ZDY~OE4%1EKBxvf(V0cE{vx$@8d8yhYoDCd; zqoq|Rj~yqz2*yLTv9M|ZCBd~yZX(ZlD@|BKZOfT_?(H)CX)E}~Ps=$iHmOR_R^pTj zfHPiJ&po~lNmknV6CLR@TR)<~FvV6SIImu4w0d@YMbq37L}=BT%8rSi=BsGX0@c=b zXoWFXUFItbW`@$LL<&`XyvbK|we6_IB~WpjmKn%s!ZR`CxaZ z?^0T8(hhOXH>i3oLeBq`x?HUPQ|hww{O?k?S<}izO}(Xu8*>6aNOWTXKh#^!5@kt3 zc@ql)+R{v!1f_t)cubn^Axo{KV#%Y@ZCbs2LQUqsy-3&;8VhMa2_^*g&AcLVu9fbl zffDu~I|1!0{^TaxUW?wR_fcnD@!r>G!WiNo|j&o*E54N(%;_@{bRlg-4n0 zH&Njc2AFTLg&(z@{0&a*`wKE8t;_`}%4~F59ie~@wP%V~j&J;5QAw3~HG*UknbHRF z$Z=9~#yP4DdGO{i9g%G*#uCOQxO33+U;iQBgLK3N6>W=r#RZkRMQlr2es-2^AN~_m zLuiiO7o*95D_$s%JtcfJm3EQ#9n&5+9(Nm;%1=FZk%6|~oCso5a85jC%+X}~)_mw3 zEEoiSV69=-81S@MP8P%u(=B!0LU&lR84!wCZCh${|G5{3efO0%XZPkL@I&Qze=Imm zFg0?!!tWUu@BLRdJ(}0Nz$d)4T9y|yswAx|^vC8B-l(Ja$ zKQKF3=UjCaJ2gNo#x*+B248AGTOcJ7Eg@i+;y-PQd6{hRr@97}7=wCkpg!$<)sGcW z^V7Lt1>LE1Khxy~qII>m!Z+3Fx{2rpuIY-T0x#!_OC2QsQ}u{qHi4tZ zX=pPj)JkW)BI)qQ8=q4H{?DPYRVX_Jhhj(045!hnl8hg=c^gh&@!jlHw2RBJcR$Q=f4G<{oNacMPFbIolQNq{ShX5us^~G=N1D z_`9`$E=2-N-XyU%9-3O~i8GzJuX7HRyvF%&BSL~~C3Ie_2=RT=K0er|;mGMAw#q0! z;H)sdXH4r0BX_GK@Ldl-3-}-BJ2Zhv-YX-QF2u6Zm_EaGLGMrou12iTJyQWch7T#g z9;^rYpaopsgwA_eKE6B@h*@&mT1%i88Spjx7~dOp(V8qIR?=4!($iB@)7KML*Vh*o z#;1w;X0Zy=bU8Ng;_|d2f0MmP8(XW`X}FmvGM@xmdnb>YH|v1l)MZS1dN7$;SXbyM z#G&G351!usZHqZhsHAY-DG>s&;!Uk};}N>}LMM0$MX)p|B4^K>{J6I&@5*@neYEm3 zebHCztOHj-=#<+L4FYkt%2u@dp`um~NC_|@s~A3ds=}}eOW4fVcg{tqVZ1&{dw*NN z${`F>|VT`imm8QC)GV6Jy#Zzd6z4BkRh3;h-z!jSpqsMX zzdi0{^eKwiH)DT6jmIDJKl18~>_PIVwwy`oiO5nx^i=QXbz_dl#vn)MT(`p@6jbvx z(WE^Ax(|ddg?DyKn^J%hp$G~1Z3Pcv+9TB`R~MTnye||^mza*??Yu4>V*un91VZKD zH<7hTZ@e#DaJ#^%Nbw{K?i3j4j?t<&jI%A0_Z3ZrQ8rYl-La6U`fC*1H>wd?(Sh{M zS?gM?C{KrB1eTjw%@HZG{K)UQOxK_fsLYu`&;I=;E{=i|EnT1!)X6`+MK+QyU;4^F zq#sH7UcyTriqgDvb8SK*(M^zr(wasizSpx}aRUJ>veFK%xKSf?njOB!?H4-ivne;9 zXn+FtgW2Kp`s83K{a5+qAEN_Q8}Z5@ULs8Ak z@cxkOe8KTjsi*NcjcF#GxyP3~Py8)Kr(2ZR3&ysB5+?UVm-U>(T?(9%wy;5j?`VeY zh|zwZ;e~6V!YR@7B(V%QU-DbqCyDHIe0`WwjU44yjSPZA^_Z6?n7{=j*hPbM`o`A6}HX zsPbNC=|A6?Bj(>XY2YXS7|!pKY(eH#2hD|MEb#wdZ{J(nbqgX~Bd zoJCWSOPm1677D^<2nonZ5C}`r7+zq~b(7$mCeAgP4^_Ms%=Z+Oe))d97Q^r?B<`y- zU!nJq=nA{hgDvEQJKT7|axEr^1${e7l@dD$zp$~4;8Y$WUgR-Iqt zmm%!u!WO4R~m*gZDI-x zDf{p6K0&?c1-I@!DZvgS52i{k5xnrp{W?!n`j!Sa!8C&8F}_dS3%dGrf!%CU%7n<1wF*+;1rh(?RvYg% z_$T0=(7?MD!h|Z1Xk2>vzGCyrgk+eCRry`JaMi@eFcUd8QczlKNxR=Gp6_ECiGUXA zo9tn^bHU$SFA;K`+7qfH_^GjpkMfoLco2Vy9q^{8^Pn&KvUHAwXWJ7s!6Y}tE=?Ku zg89dc^KIJfSt_&jb^Uj20s4=$o$c30WMZKA4@#(0oVi+nZ_BiX|FC(jaA<>8W_a8% zhhGUFhQSjVo8pOx>N>hd!MUzcv9#w@rMj5&BdtDwh>B2;is zra0*PDQ9@w-7Fh5Zg>D_=Htc_J*z?n^@Hm3nIlmQm+!WFz4zk>{s}BTvgVR$DjFdz zGczN5avUhtY^~ktZ+l$6&y8LCTR|QI=E0X*T-|R%o#$~zVykUZ`SnuvygcA=?;G>K z`<^t2^`-S4o59e)6{weR9owr zJo7iMFTsAh#~JG5ZELe_Ul#CtRt;jbg1Ni(piN{@fwdE#@q3FnPl{^ZI}z>famjc+ z9DMpN3(P>(ylM#>F4@xq_F*9QX|qpBIyd_`89AlO7jhuFh#2di(wYFc@+1fSpJCqg z|1@*Nll&9eq51G%gMz6U^I(xS1p4N}iCh}-bTt$YABn0rY3qlCjoiSpp5wa!;#0GN zQ7D(C@(3RN&%CJdmrA@1KJd`MgY7`a%w>Ptb(UzCZ^7bW71%yg5hX;K^5H$pSK8vY zI+aXu)e0_gR&kex=OoEOO4?z$5=c?o1yQTlYZF@Pb^}Y>D&kw>=jhonrszWq-*$XK zfu9EZ=)}@Pa7)bpoL+z-_AQ|`fQGaFeyhL4lm}!u9Isear9N@Vra0CGy8s@`BJWG~ zpd8fb+@?vU=pUT5$#@in4JH-gJO!qxGXBz*+i8<4h>Cu`g@!XM-O<0kBhqogAH8nP z8WwIvT{00lqOFCPr=U4gUKeH&CoiQ5sf#NSvDroKe%r_V(a%6b&GR!7U<3X7LPcK$gb*6c-bdG4F35 z>fjJN_8dBu?ebX;zS4Z--j$y0>$~t^ubf`ME1Z^xv@!%aKhJGN7E)>&7wLtzfE{V5 zI>j#ZU$^Qqm<0yQ6(v@Y-3|HqeK@p0FI+^idYbP|)k)t^AI?Fdd)~Vxw#b;`o=RP> zj#@-7D~Gi=4nn;Q{+-M*VJuSi4S0LLa*-fN@(Ncr9(YBMa4zH zXsz&BCrppgnk97)fRAC%X0+cq)Y*%w;bNWCQv-pNZ!cv)u`CyM`q-VfV9D$fND2H8 zH^TR1K|fpZ3pp|I+lF8yd2lgK*lBHU1CmhQxxAKzy72aCyAU=vpE@QFax{>M<~p0g z8tZTLm<@pb$u;K9h!a>CZlp}C_w1AdmNqbP{LSbi(drC3NU%W}Wp6+-cG|2x=OYr8g@Q^qzN|k2Y?1aRv>PxRY|N zr9;C3IZ<`N%hfR==%N+feflZ!nTc+@^7E{AU{Fk(Sv`mTLyks0gpv&!zQ068who^( z3ZvNkk}|P7sOf*#(Elb1nns?&&n2$YvgL|xt{G9afrYneevE&~TQq*+t^Ni7gv2EM7Z_ht75qF+;?1+qdsjOOw%C(d`w^RX37cadx-ajv2Ux`67VsRvA==DTa zf+mYeM|+BA@2^d}dF6`XW11Zvf!@v`w{V0}e~QYjtRVTpapV7{fP^0D_$d zNAd7hjBxP6Ek$ZDE=kEzNhQS6ndwYC43x+3fX67Ef#t&_+>A3pK|4EG1RM*!SrAQn}l!kZ}`F=PEQT!~Tr3jcIfg1wnzNamRk3(3So>M>r+ zn8z5K`YMfQdCy=RY9b0$s~0cPl+Wye_BCNoF{j%El&v8EDb;RYOC#b3fhm<1qy-hh z6=RX;_Nci&@9Lkz%87QR7Ki|JaU(O>6ci)M$v<^mJm)+qF9tUs6IT8;6^9i|z5e2z zBA;}F<-0AA(Gi085Qks=%|v<96BE))24K?4*T_GS93T!vyX}&%#5`Ek&`|wAW*top zT@ls6H@$BFEJpMAB0R}Gx~nHCt^#u(54LmHd_7{yQQdj;a3X(R@O#b8kag6L{4t9l z9LJ@Yjq*<%2CPhjUaW9xQNF{~tJ$Vp(W|oP^&Jqm=2U}er>8Z|ffY;q82Bensw2$wT{rq?c_53G8A>#+{<{p*7sd6TfcT_V3OHmtKDC#@4Oz01A2 zXfabyG8FUheYr|qdyO)!P5~e21{~Yx0fGdmmiU@zUai*Y9vIb{4#s53ISTG3utWF_ z@F@e}2m5TfkGAP_ZKmsfvXOjdmynrckf?e*k76O!hGv|4tsAA`&#*Mg3_wsY?1~ed z|BX=e7WXpv=%G|LmJe9RSo|wIWitiEt##v1#Ew4qiYMf0D7krXMY=VE_f=M!15RM; zTZYX3x0_ZTO4M^R;pj{-knUkHy7HFW=i@pcW^W{d{hqxn7#{`JuKkWGy)AVF?k8{b zV+m`oe!m&DRzh{gW3oL2NQVULETI5vvRo%I6bMYmX0!SCw)352!Y~Pec0w4D?CoyP`$%YO{&ES?pN& zI=(B{*v$LfxwsM`h-aBqWZxuOVDTnEDFdyoiUIOem5_W6++ujA<2!E~TAhk3fjv|D zNkPCIj|I=Jo*nPa?D`JAeuhOR3^1N12oNcBv>k0s@s-ZE7t;dwY{N%=>DgPgrFM2s z(sC=6fe9hffQA%zb2;w~(&LaSWD5=qJnmopeHnOWi9Ez{y=EdpSgS0tUZe+z_*7|= zPz)y9a`gjyq;G!xhg(rV-=Jd`9Z3@F6D|cA^*qgkAf=0cr6bM;kY$~4pGGngMxGE#_~lH_>xvfnxJg=&z21SL=dw?lXMIE7DB=)K;-CdZ5Mv;RN94 z-l*{12!p?;&;1oFQYJLJCrGI`MChGM6Ma#d?7P6KQBSo~fiLX>O>mU>#_!-<)U%qY zsaeewAdW4SkCWncron4=81`ZNjdX=cexKP7<%VTjn#Ndd-l;tUcf=KBkr8#-i zclFr*_~a`@gyqcE)j8Zmq99X;{T?jJ9BpO~Fo<|A3KWnI415_qJ#{FCYxb zsFjz|0)ofZ94vJA{Hy_JPrblKL@0EdDRE|tGJf)IR`hNEQ1Ezt-9A+kl?-ldf%g^S zF;ZNBQX8W^hwCxL*T-3J%tegkzx9a6;9h(;1@n6q>@_7Hm&-)<5FtO-jjI`;l4BQI zwk)Fb(XFbgD5zoK9b-Q`J63B5CF8TOTsCW4n&HbE{>_4QT!sN;=2C!aP|JzK7$w{5 zfN1O&ELTT0nRJ?)L`Ju^^u?O##{=}x)EnTj`sUXC-sIVL9;z9yHb9FNbh1(v1)0qh z1p~N2MyO*nKD!!l{sxF8si_|+)DfF9p5+i%@QMeNg7Y`b3>Y?R+Ok0yTmPNlPQ{XY4PHGBzG-F&S&1T}v_5^jcrC#cgq2O*zzV zfn?l+APgrI0HRD{p*`zop-i`2H=8fX<+)({GQrB2E*jBK7RwdOecpKSzIg$7_qLM6 zXGq17w7X2CRGH_lKWF1|yQ5LT*(#%`rJw`sUF|H>8yf1!Jo}Nui$wy+kY%KZgyS?) zq;^*6DBg*9hbEn+m9m+uA5xG&+OMV$GaSX8Q2l^w2f4av)HX#Y$;X=P!>BSe&C9!5 zx|GzOZuxug$86r2pDjtnI#>G`sg=LQlhQ%zxWK*lk?>fWVTk=QO)2kVojqWSg;LN>jsem;f zEj8!1I;23^-oRJ1`kYn4Ya*v`UXi^nVM?ce)$RS>C=>AdFb!D~BzORFEK)3TX4upq z+CC*wV1GHO_NVF~Pl!5zg)N^g}S2zw}; zUb|WwF2w)nmfOX{Hpc-0EC8Dud}mSK{Kql?XjGY!3mX`rWE$YZ^iH`2N*J=gy4aGgs<{_J|W8miIdJS#bFzn&@OuH2wu{2;O{VMTeB9YR-3F@CJHns92ak zKr@tDk+;1*25K9K0G7#VF_<^D^)Ibp$rUkW{5`)RdSV@m?@`~<(NNIpRaM&wZLzwL z(9ODGae4a3tpYH$X7=*+&ZQ+m|1IP&G6stvpNHsFf>KX3y|^ZE(YI)4L80p!hkm<; zvBqOqytZ%jtIzJK(4H)0u!iHL2XZkETbSVk3j=giw)yzU%rT`H&WaON0wy}o=3W3H z7fL9W(!@x1HsEH~%;u1^kM4}8 zGGTWAFhON#QY&5`{E4MkL<7{UQH|I8=92Voe6al)LIW-^NS{u{@kovv;_uD>>< z%X&FVm@TFDCht+p8CN62M{>V1B~m@m)955l`SMU5;o7$PMB)n=KFL=q;9_HXax zcY39{_7{NQ&cAVCE?tA27(sjTvtbR|D{ELRZt+3@a&~bDBrg^EFK8qOn0gdr-sNix zA8wfgCWCEN04Ut1!O12XHxl{#V2$IlCu~_9x)99rw*1R=Fh>Mj;TZ?#gIN+rM{66Iu{j^o~V_0*vU}NN%5621OA0sf~oT)Wwpt` z>H=V4$wfg+1yZ54Fo%52Oj7{N z${{Vyk>6K6Sqs#7-tQ*cnT(8~HWa&c_^QY&sde39G z`rfGCpZwNFI|lRJ!P)pRfoT_MkbS@`{x#;mUhobG_0Z2RTa=>*PFtp8sq&Pj^GIr_ zKM5(KH4L}^I1kQv@5i6izuNr$a6B5)e;1ZdZN@*g_oDQ0g`%Nm6VQKQa55Z2p`hkB z;b)B(vINLe`INDM!^Q4M6mAL z`s8(^HRUDpI52*sp30F3O3zApeJNHM9YqYxEFND0zB%*mP3Ut?4K`V^gdZ+{8vyTx zmmBYKC?poDYCBTL0WMyFb5y?ALyZpK^r4X6XGETtrw@1-u5RyI}p%ybkmV(gVsOFoHAg_)^xRKKl~Ol`O1mLx>&;SBcsy20)_NHodHKE z_-_Vw4c>aCbP&e3&d)NtT7&LDVC5?>Q6_h1pYAKS@_Y_^j7e^lVjBQNa<8x*2vC=t zThb;VNFI*&#kK|(%i2nG(_2u+nJE!X9NNya@Oa1z@_@lo=17s+!zX@m{GcwZH@{?+ zA0b?MMQl4*6nZ?lm7v&ZJUex(93MQAKcT(r4+*J}2P46C!?khvYDql~UGFHqh$Y*1 zK?kW`bGTI}ur7L^-iCnL$V^q}Cz+Bu^sOtOAx;D6P+{M;J!6DfR7>vhJ^{*3Z12Lr zZe&Tn&RUz!Df|8D%1iG6%zbJU?5L@TC-6wAKNZaHLNJf(UA!Ya!t}my_5$cQ$#523 zsy#ldARiIMp!}ldKjz1YjWU~hvAPIlVzFd0?m~UbnERJCZM1;JkNmWUPVxl&I*`y% z`5dnYbAj%D+%i*w(m&`dC~OmTBbH^p%Je<&Ba|W^j#Nd~Q~BEEVSHqY=gIk%K#$*( zJc_AwG>Ph}>Xu!ubN&`IQsQP8J!Jf!N5B2T z#V&wjp8bc0UBv))GD9Q&=T2uwFcdJ+tlaLmv60d1Zn(oqfTG8zjkIk*F#>eocV>_u z9NH(GKHc9xP}V>lK}etO<0@UGN|AA)8`nDUfdM3tg|4m!5+@{ z_u0ZpssFjVB^8DR8*BPTFSB>6Mq=|#x~?Rc`H@q= z@{X{HV-19xk8k=WvM|~CI##CPtRu?1Vm zp@UdQ&(@+07_}Ip#cK=sS$$_4$1g*l`rt%;o&W&5^zMSF8hfX!JL;hb{vo)aqotu- zFbRx{B3vWQ$YccjA{=#I`?9F2N(pzYljIlR7FEzmmYBUrPHs2F+Vq)W5F*8SLFn>dG?5t>BG*MGWyV-(NLF?KY=v!M& zUIoZ!34V$!iDvV0yl=MZ@20Z(h{pT&rf~(7pSiIepedeSXrXv}VpRyhVR10%F)DDE z;|D@BaB(r=O!t`F8+Z}*_d%fMJjw!#)2e|YXKvZSCx8b(1}yS6JhF(t14-y(XgjzX zPX5*8h#fk1UFAJHE2QBz>Zj+vXfC3E=LP{;K@s?$jDY<=8A0lM7%&F-3$)8)^!-vR zW;n0}5QuK>m*W2z{r59)U^Zs@fq1k<`q~eS^6nS8lbWC zpE$Eu!hu)el(SHr2YAmE{-a*^(K^Ym_kOB>Rp?tm1QEUy@c0){fg%t2FGdoGMaIj845)PCI*J()YWugQGm@u=*#tmO<`pz85Tg^SYL&u71!@bo{txOQUr}ypMi1(npHn!*5XW+B&r8CunOk3R2 zSU}g^!DH=8jgw*)S zk3-HAul;$_n~jqW4dEM4R-#8+hiBW0^VYuJ`o_k_!U}h}`}{d756=Yov)%d4S?(f# zI{*p3HY<3AB(Om;)TVe;!(~0JAVNr=G+B;{%vnxq>~?(OrgN3z<+z z=gm4`%22$qj11)>IhaumEfz&f{RO+CIG9-Fn5PQT9fyP3IJX1! z=X_ar7fnw_G9P?qyuEX7j4{K53^m;n%$_ouD_NM;$VpDCEGJquVb@Yzl%Fp(6)#|h zyJWIC)0za*#sLsF^?zC78FXp7=<6Nio!jCLfW3u@FhaVy*f8W{;f9wPS(q4EBqB!` zjYVK4f|!ug%O`b?iOpaWCrubdVHjX1{f_O~qEs7|om|X>-AV|TG7{{3-t6VrOS*vs ziJo1Fo>>FPx;2et7%$k&F{%a*5qw0o?;9Fi)Trch?EqtAi>QZbvhQ6}%Y;cewyYRa z9g~C{5CeS12K@A@?TX( zwpH2HW&rebCIGBZAj($`t}8uIsoHXR1F{L!qnS$A5xC|3s@huu|RP#)9koa*a?~g-)4re^|~GB%0VQ(9D>Gg_IvDJC$NX(j9=o9`8V%4sL=N*Pwj(Ynm)r|6;@C*EZ5lOvkvJ zaa-ZKwwU#olDTfQ_}4QM{23BH%(G%U`F>rdOHMXOiMv4OM72 zX|=F(dRQD`1~SMW6(Ivq#W-J*n5u@2D>gvg*aXk6>J=!s$2s2CnYb%Gmb`Hg{t56j z^!N|$zH!aZwVK@^x=X`%jR!&eMK2o(e>3g16^<<*{LA1zEyAhTx7y_Z#y`S(;+suQ z-;9jiU*@wxM5>6a`E_xd=V_LD zxh+ZKO>MVWc~dO}@JIlGvvtDA+*mNkl9{EiJWVFR`tH75~luH$)^Lyj$CVv)#6N3z8l$w<6ILmJk79%t9dntU^OszUO#e`9Jbr>v2-U}igt6ZGv zG`YjXmTZ%vK7=Ko&-rV}<(me%&N$E>H{kj$9Lu43RVeKD96AD=%Y(+RjaGd*+hVOE zO&DH>)i9E@J zkfzFl)YbT8&Upv*_P*5u-?kWdWc%y_O@2DDum~ld?V3_;9_rzRpS-7?;?96$W5-bs zPWB8QYYteysEV%;lVTwof@n1&p%BZ)SmPewIdxdMta0Sr>R}7s4_bg%Jt@hZIqCNk zJ>`c|Mt=F9TlzokJZ1nV%m0xjQ;i46B)Q^@^v-;FLT(+wL9%rmSK37j3zPtEg=FT7n7)k=>0rLr6_t8V7$)@fmX?|K z*;l%?%`B|$VP}?>nC0bE?2)dzMme%g+|Ny1+`84Y1%=gmO&d}+M&*slvMpiq+#7=( zfDp5hZLzsE3N_Znh^2YxKQVtrOk*c?2F&Z=5}U_qc?_t` zLcKq7Z?HD`HNbHD7DU_#NkUWTHgh_?A+H}S^4_&s0?A00id1wq0dyR!j*@@UhZBW! zcEJr}@n7*%E19e7Tt8YOwASS_X}Y`Z*j?`FinAlV%d$V7h~pR$hW|_&uO^a zr<1z0q~|-r1*O4h8YKdo9giMB3DSe)>IZ%MM3d-eXLx??RtDlh0l{8CYZBzW%1&|l_9sd3Or5~z+jytPw7)!+LhMf54hqOUNndCXj zz5jvGplT%GV$*!D;QY*(NmeoC+R2!d=YpK#lvTvbhWZ+LftI}^+82GBLjf(z$& zU!K=v$C)~dg-L7pNw!JM9(2G67v1)|`i~m%4*{+&nNH`Kdxz>OT(K{ztWO&Ac9H3v z>TeFnkq}^E2MD;^`0LYg?w<5D?m&W3(X<&^oUE-E+S{~`4JfUuMXQqI%?unuaJQKk zFb|vEDEYp&5oR|Vv-5@G|$SmS*ghMsjjYhK*&`b$mwhx8%lGoarm!$g6P9Stw9yS1vFnV3Z1i z2=mpSWPtuRg5__Lw4h*&RSZndw;*Qg4khRaX6O3{7-=RYX{6}Kf6;pO12k16(*m;; zO4J`7U0njp@;H_9-J;Un6rg5Bbi%F^9beK?d!mD$l5WeKS%iAhQ2 zQF&zu$!G-#ST|TGH3#^6cvy&Kz~aC@tO{YCaQZ7|&>t0UV{l+*A67}+SAot4`! za~~Y6^{(&Eo0^-3PK+176NB%)dTAG}i!QGA=YJ9LFxt;!)^dSe4AB;3?onr|oCcF4 zX+<5eU%JSVKbm&s-*(wM_`3O==)rc^KX|Ra&D4H$ zr`nh-l+LZ*?6sIk0q*p-kxR$MC)l}CwwjL{RmA_t$L#IzDJbS{>#hm7s(3fu%Ixgy zjHU5mw8aM3U&_Kq1-#b6v)0=sU_V%@xm)HL}guF19JKx(| zV|89?`p$vuM)od|J=g>N@wd9k_o)~8zdri?mwu4k_uA+4E^7W{m0B990Ka; zdA3zP`@hUArzX<=Yc-VL|BXGsES${$aZ>I3$5@Cv_t9*gu{_u?v z`I)@lzJ|m><~mMla(8i^_)4*=zMuk}olhsw=+5#wUr%1MwO?P?q)eymFacU5n$+D} zUELi_XsdO|*jv5N4%Z^dJ$Q1E z-#NHGIOOhg4Rsfq&j&#&dwCtpW^{#xo-8ifB741mczuw+Jm22}{hAmUrA&3i0{OR5 z|0N{C!ovRl_Y!pzx9kcT5Q1+!q4eE~z1|@Et5FDxi{hQ?`PZA^e+?H&7-$byvDxQa}2yTwR;%^nR_y}YQ@nhz&4&>xKVhF7YbcCiP*i%SGA|)|g2~0#DYJEZSK>=?H z>KOux%CKEKiEt3p00{Yqt399KUI-!?l3gDR8l8@RMR+(U4#M4p zJWQ%rwB@j8Q|+=V7+*ZXb}sZ~CcLJ$+YP%IE#Dkb>q|A%+#iU%JF5TMS^RixEMR6% z_Eh^qU|&Fsu7QQ;LbQMDa!|asIN2tyBfIX0+=E}5zJ2JrNrHEWtnU?IZT1^Q=(cr* zO1UZ@Enm+ZH<3D5KJ^2`f+KUe;fv3Z=8N5&4GdroA3CgeHq!7i!hXo@Yz%LIM0%}5 zcH)I~%#tP%L4=o@&t{8_rCU9=ax6CHH!X-_qYs#pkB_tLSu=%OYhL=X?rk$4SN0G1-Kmw6({+&%UhV&Sv?4$rHKPwi{lDG7XL8)&mPcS$EPXM}s_y{4?g)_J0 zTx1JYA>dh*{Y#L1uN=gtOhT|#R1~WHQq2n}A1v5|dy(O%fX*x%7e1Z}6}!jH&GL)M zK_BO#g#6|NI!YN++_-&cdUj=(>jF*nlkc}6_h|2b&OzcHI2nMG`Tv}Pq>YFT2858C zFO-f=A=L?TOX&VMSGKrFJPSAcK5$Of)r9!u`7U46uK_(4691XPxu2P+!>0BuIDS-J6k%*#2Uj>4#oG2bSIhRL$z*iYor-vuYJr+i@o{v(~jpm zpwN@9!79}BaG=SPPwRl)PTls?c*&>R{bBLJ6H?zib=f4q-3_ltgWnHL==P=6nQSdj z{In~WBn4StZe`^7$%(PhG*tMn#yj=udY5-y>45?FmnGnN0CrvWcsOS})7r86YAnBueJHA*?LNrJaktOuz2YJm&-M0_DZh@S>$T`)9Lzge@RM%UNCts zAxi=|?mXx;i>UG^jyzlsky_AvP(U<91N3iBf&>wnAQU6fyfVQ&F;TZU!kNDmA|=1S z#20ngVt5{%zQ9Z#n8yl<7)m)_K|y4-Q2>147Y0~d9-$*C8JVKDpl4Y(0jNhg1OGp%A4JZ9 zoQN#Mc=R&r3V3AYv_PR56gfdx5JRenFfUrh0f)Xbk{fZ~-Yxvp&R%YGIvF3(!OFIs zjIq<$)T-fboF>?oyR1fa3s%RZF-;-PI!+Qa&|wFKZWfHe3_WA7S;cCsa27 zVwN1Z>h5#-jdk}GtCdV_Z!da!!=nb7g}f0}P-I0#5O+u=Yn#fGa=WI=DOvFk)j*2X z?Sbb=F?1)^zfbC7m!DN}yzaCxs5+;yhp)cY>^m@CpG-NH0LJDHvBj zQj@eGQqlkuIOQdxA`fVRhsfarrve#5HxMbu3(&t`%+p^&kDm}ik1(7jGpoczv?%^f z2>E7f)DX#|f=F8T$Pij?Wi=wM#lHm8i4sO3-Xu?D;sb*kl8Ew`4W{E}lQgM5eT{=~?$NaQ)j+jdqi`2`=fvk)t&X-&M{jujrQR`s zsh20GYdUtMUh3ID#vkSkM{6 zkMd)r7`nw{P)IYW;`%*~#Hd8!eTqF5;e7$U3m>QyTOP9o zHW&i=6jMaX+XtiH!`O#sUN9lc+=C4$3Yi;)-)JUPqYBXe%NCN*LQJqy2 zX*r+<>JPGjK_aTcCA}gG+Y3A0?`^ftt>^tKd28x(c8`1h8Q$L?8|&NAq(SM-Cs{Wi z+b>_+$dE^;5|SiHtxNWR4_eJjcGu_~uPry($EfrL^os(aOZSvW_{QEG0HluYaJ+j|ziGhNUvN6SBpD)1 zHlwHydS8H!kzyDfhl{C%g-aG2on=XC?93%;M;b{t8xN5j>%s`Ye3|9rLTAZ{eu-*o zSwgpfP^ofWB(zM;v;4D5#o9IeutM#qJW>rbRLr8_uSy4ls==w4Y8Ro3y+ZJX>m6gr zm|jI6M73aY*@Ae*sJ^d-O4%?1RzXB89OP2vKG8o2*@1yjc{?vSP_b^(7A}O%uQ*#! zr4qI%qavcCJ5~kQ-?Y6t&}Z{)az{lmdWgfqFnMg`W?p{`ulJoSG{aT&Ub#R{-;uDZrcyX zx0~eg^#H#vul6uG%uw_ld=a;VQlN!r|I2*nkyA4M21I-32R;w(rztk^AU$1euG}~i zb^Frc>M9t?!BAyi-9Vvl^^AYF9>;kF@DMXT~pZ5Blf7cpNa` z113C}QM=GAqlOIhBh~5E`=e@-*lm4I7?%WMagRwQ1x>nS%2H^p#KdO7?2%iDGTg5H zFvNx?{h-EZOqkJReB|Vwt$O904UPFFwm)ayY107Y54r)lv|(ev#}G+|0|pLMhkJTJ z9KkaLQrfR54zOX4N8C_+l(;{o{S22gYsVG%8(y1B`#P8)0pu`&wmf*oY6d4;*hFm3 zH)2(*Y=J|{gLr8~AJ-vn1ByMAZRfaE3eV`YVhG@g1(4@(>fRu4ARLv0_FEw9^uV|W zqVZ-yJ4?{ubE6;a+ z$&i^Emxe&kIPm{O#Km3T%JMl6raMdD++_Q{U1^>@*MK{XmW1)spp@l#Yj(Q9=Vlj0f4UtejCyc0SR01CTV;-b@*#&O4AcgUcpiVzw^oxO^P~0| zB>!o8@pf=R&`15r=Rn-1R0S}8^^!1`JGpm(7L+M61JStF)cs*wef&r`VH?X z@uElBnxY{y>|^Jy^*#-9w472D*j#N&&iO_UvYH7pr|Ljj77{4%izNc_qo!XjSO6QA z3T4a)5UB!tjpqV1Z@c6?7XEKs+^ze>U)#@TlyZQ4x4=ik@j&H7zaXm!@c0w-P^q8f znzKtBo5gd5BDJ+mqDK1hoNd*ZWhb z`?s%dVoy@#P7~IY(UW!@fHP7Zy{Ji*5_-y%^rL;1`9uK|F}!BR-bJLf1m!{Y=*bfm ztu(7D>(a#ZuRkt0JYHGFp2I21Q0J&S+X#wM%rGNrN_f0{iVfp3z%P?P+#aMmu{n6LOUZTPp#z%l8NmufIBOI{;nLI4*5C0c|6#9W>s888%Qw7k3WLf zE`UC1fgcR;2VB<2{Op-G3(_y)%Rj6o_Fd35@z43Jz{)KsE$m`yc52Kr2AV_LUGRs~ z28+fzEoHDAcpHo~0ClTvAv0y8%zU0H2ZSod1-XuR4pJOR`IV%|kTo%mG)q0P>d8Qy zN&f^W0^hyNqa zm}koO8c>g-7aFt+he6jT#XYn5Tr!jt#vXoqB_(pK;wNwCW_SMk6H6o-XhpwxsF+lA zMKd9FRRm=iFbqZ@jZ<49ec}9UW^RTZ&7&7gE+xu3m8M67)aXFqQc`mF-Y7(Qc0b?n z)ttci|7&(thsCSOY566uaxDY zeNJ$DZhFOhuTPPa5QjYDnXc;&WgdJfVm&(qpjnS4sGHuADci7_%Sf@1);o$wU3^c$ zb<@8S#}pbzQLOZdpQKMVOVv-v2nSw;v$*Q}X@P3T>+3Ych936_DmD6EFi9KJbN$6T z6CD-BcW?WN_l!a0~s^xZ&Yv_CHz|DoI>G_OAxoSGnZcig$u(rd}c?&!By z2C@$jWI86vdFk@qdZk`wSP^h~xg08NzI*td%>1qQ_40BR!KjeEV03Irgyu_p1%%5E zf2Of@@x@SHh)qjTnqxoCmbstYl4`lZF-JfPkYr9r*2MYvnaW8qrbDv(nr8k5^$lS&rz^%OW(rPC#LOErwv38m@H&tYT^zhQS;kPCt={zi9(@2v#qzd?Dlxlj;PDP;s&0 zY`t_ZD(hRhz%l2_)b&7)@IM!*GVYqt`e+=EpNq^cWt70Q-Pu_Fjcg#8-b^D#3==?3bq;0%uSQBMzQAyc>S60d)gaJfhJ7)^sFv6k*4! z4|Oizl;OpZ8`FaF*StX+9P{k1zV@c7)L;j5g>NFTwI=dW3zIQhs6 zinbp2cF}Py8S6@v72tH_DLKQXD6HxW7_V#(RGkk~#xIa+f!3o6o+E+gM`T$50wL-6 zhC-6%hOssG8tiA#nJZrd2-I%k;XZ+NXpQtErV;EyBIM=E=4A5lI%l;Ya%~TVnqI%` z+imlCUbDSS4!yMQpSZv`EqtYix))(mKl|p)L_Y@PH9w%4vAZ} zJtn?yoYwTE>nAfpOV-lJBa}iQ-9?-luCzE1Lz(>qd&qaxvrz*B2#wXSVzV6?)%p-E zQwf-dX@wbW9=S}ykCxCaHLRSIuPGW#mg~4+d=W`zpnpac!zsT$ZCikc;@!`74GQ);v@3$-w zhK^5H5h^L0v!dl#hz2P$Pt}}5ka3MB{8Fjg$e zP-FA!J^?!bN>!!#MVbmK^1l}K8NkS?bwD5#sZ4#qw19x6fFy6;Qf8E*&U z-5p?D2i`FNE)k=K@dmC94|sC*J+zanxbmb&w_lG9_E@^URu$WfJp*48i z&5Le7FgMf@tZ{kH(={u0Qp=L5lTIvyjuix$%mJ*3TQkVKm8ug+sg#Z|DVba&XvFGO zOID~@w9=Idm(49tz{iY~7Mhp}wHl>|by*`|f^{k-QqEMzprU0`E8?o7w@`?+3)Rj{ z;w>eilGO;IVUot0pn_>sODCXU;g-*m1+Ai)ID#AJz|3W^ECai5Kx@_zaFH=E5x;#N zO8_TEjTKWF9ngWm-F?of(E>o?x6qi=f-rajAw6gBnzya_&wreS%ifQ zWhFiJti!Zov#u;eJoK8qDdPIS0hXF-nPpdwt6>XXuI$kAYdz>> z4#}SuK23IhvRXj6+`)PR!Xfb*yKhs7_}2xgMJ+ALkny&B~9$fI02$t>%rLYh0z5H4`gyL zglu|+J$rT3ZkgB}$Gt7#fTR@Uh)R;dUff_LFVXbFV4!w2NmGnOrk42na^0)i*^jKe z0!65Q)Pb_db;~RYTh-+0e)G=!@I$kH6zzSW>Ds__dMgZ3KVdU;e-=o5>?0CyBjOoH$%dJ7SDhYtaMsaq3KcBMG%bV zen43g;4oem;2wOdNf8WffYRM2(=dkA=7>rvzZ2J%l|?SYpzbz*>DaZP<(bey|9M(n z6lUzQV|6Q%u($za43Et)2jUTP0fdpWCw^&c%_&nuTXk8wc5|1zgl7skh%z)+X9*YS z&5kuA*q`<}W%jwRDvZ$!6#mN&p62v~GM8K-t71#sh^Pk3zEgJP>N<}*)s1UDMy-42 zU2(Rq{)bbXYt0`QZugIN)OU`dhDUJQB;8?$0ev|I9ZPCbTKUl${pn%RCnUR$D0dz> z`Ma*#?kn4K?I|IN&N~JmBgV|P_1FDg6JHqT83l)Q!1MnDZ9tO03*nNg&zjui-|c8_ zS{d#4Bw!{IWK>*=*bqz_B5txxTz=a$z+<6dB>p9E>kd;rsyKTZ`Macb8M(9tekUYG ze-1h)9-j}^d1-ZMfTI;NFiFJqd7zJm(fIv$E?l`%w>6qVdB0}Jfr5)d#D9eV@lpTJ zMpq0HZLrwO`%+sE&HCcR8z{i*?CODHuF7pceS;%BL)Kgb<|8yQYZLpe#G`d+)dqc5 zwo8A=<7jQA{E!S7KD^83F}&CQ1{aR-*)3!9Bn)oWgaZ|sz6@BiXjKRPd3m0a9#6nS z;$Dn3yjXQHlk${!n!2T}dw<%}blJHntB0a)fBfYo=tHq`yr;r;jr*`ar%_1^oWnq^ zw|MskiBZZYnv$q1Pj#lA~mfHP$ zq((yypb$qC0c*gCo4;OGE>jQb;q=Y@V_Cn)uU_~HQG$9yWqz(SCx5rZ;I(V(2kqnu zD=?p!tSZM7Z)16b#H+Au<`1uqVL0*5zwy)W^>fzi#|sVE$qfE?$XK9w+E_?i?s|a{ z@PHAm{~It0TdTV*U+C@aX^v^qO#+t z?dl!76=X_$L%)j7>VLDmd0cuFT<++jPPk7tbdf#BbCTQXjvXK}g`+px%)sDgmSpl> z{`ZDp!!R-Zfxz;X#zmHzsB8F-P=D86lt7QC|EG+?a81*(_NyFJQ>k^Pc(oqtoKGU_y$ZM$3AT~0R# zwtB7?*Ls^KfmS+lc!Zb%zh?=FC(FI_DOK?9V#)&fLV`ikU#q?QJlECs>)u(%;6#y8 zNURGp*L2fx2|n8U#hFo2~4k*G86`s$nD;AyBb;NFxuH3x(>G-Ic z6E9OQyFeR2PkDnmOY|YlxYvEyCm&!p87N7*@H5yRAE^qD4z`W z-bAd0yY>5vsJ4s@`z{haq>PBk2dPI>>BH(HMW^l;LIM+ZP7dH?l`BV45Q9IT}bj5PY+ z9n!mCfQz^fN8ohH8~PYLTqRFl3%+cmU?-f*pt&5)h*Z7M5~y6b*d#J?0`Upz5F-A2 zx^sh_S8jNJ6M9%tFK?2e{0V|ij3&t9Xzl|rtbfIyieJ6*nUd4zDERRYPlkahghmVS zD4_JDQ`xP@@?Ikw4+G{1&9pQe1=1zB_eX4E)P69+A5%^!XOLNtwGCJ`oPIIRecF9y zQ^6h@{Qeaxi<*ctCG$~y)RH8cqwC%^yEVQ=V z;(s)pxdqIvG-JfW%+*~qjKkp;__p9&=c(Eg?`EGd41+csd&dbbem{st!-UJupPRZbx_ z)i*{ho&v=|mWv)XOtR%?a5Li`ZBZ^qaol79gc<;$X% zaT){@0Wp`+paCV99Loba12i!>m!1LyJAX4cFg`vCb98cLVQmU{+J#vOSQJ;buC}Qv zR0O1K)Gn=RH*iCU%Q!Jn5fzOKZm2{W1qB6B_T2>p!S23IBReRvqX6*AvT)+prxHrT~ZdD+gUI|ZK_ z!ps|Dvy~o7QHre&*6UyUgOlBG^4FlB?M7N}+^`!(F$#slfFZ-WEWbZuR&eC{kavPZ zBI3g0k|$2^@R&S1GAcPHY*T2QW`ClG$E5Mr>zf*{37Q2#8^R+KW5dHVK@q{41rs!j zCun>k6Up5$&FIJo&H9kgpe-9UksCF>A%2?p*pQf5&8C>h_^8-16Ewb|VX>OT$e3^q z`HTtK5)u>}60C`j2o8zS#D#`v=B-@etMQJEh|??z+Yk~F8=`S@(`aHtLVq-&adA=8 z+}-2iH%*9)+2p>FJQM4_<>f=M?$+io!pQx$SH0mvC1~rrNq-IfGls7e>T0kwN7Ey~S zA8IMJj9N~upnNGUwT=p;f`6#>R4^4ng;ATSaB2&+m5QXIs2D1aN}v*{Bx;9}Qdm!# zL`~{N{<0yf(u)}9@~u4Nl+J#8a<5A0phXKA0t zzGM0p^nGmSVQ1-eN%#xJdHaM1|!OXK5^p3oJBUmzIiB_{cpO$-6~t?EaD7o~g^2$tP$T=xw4~ z&LiD1QDV_VRHDu)J`Me7sAMi<7ka#wF*W~y+WFS|NY^Cd+pt@OlNey2fwq^=XPUQ4 zu;ehfnVk+oZwLm4(|^jRYgE-c(N4j~h)Sx}5Y9fB^AR4i9NX`iw5}=XU_)c&@xw`F zx@;l$P@}P!|GX(^rWnS~(c!#wJW9=_jRVKzPwz-=$EyU+a|;UiSvbX16r&mu2LP+$ zj*N5P8RNI1=>$+PvGlY_u(wq! zemMCKo+5O6Yk}&1fGMpU%)qp-?>`l>7ksIj;lFsSfIXlL7BF20-VP8C;ybETga_b} z0$v0sVHHy$p}?c!ks!1pO>J+vnI_3EB*j&5lXaa+OCBVuDs~%FcBZ2ggMih$aX%jy ze)`m!4_1rX3xBDff2Tfg0_ww$g^xe_w&*<`s2^rxu1ZWY8THkCoiV#kBuJH`g5-3) zes_lO&QkjH;`s;W@i-g1;W0P}2LbtnY*+#`H~=f!%lVnDvO}v=GYmk`zZCkv0sXm0 zat!oVmF_^hk`4NuS;C@d|0F*iiwImh&LeOJRa2QxSAQaMzRBD43F+!zBXSSh<}MSs zN<42CX0a_E{QY>C0Dn3Rwt1rc3kFH@gC2B;$OFMuX}JjBsUQlE1r=T+bbGyqbT$L; z!dPP8W)Zs@RalX_DtxUl&wtW3A0E5N55R@__-@kNPO-@^f8GRwB4J>C@SUJQx)Y*=d8j_kJ}!9eWCn5aU8n*L15>JJ;NJU0d-$2`{Y-)=vw~DP^#B}{ z@;kCcb$rvw>0>YzglWOWQ~No7=B;JH$$vyQUqw2zC{2cEz)HAZ7Yn_(etd!(FFH32xwRZ18vPxogp_5TCzia|BtrWE|(uGYz z5y5f7_UQ1;aDK{^`YUV1z;ioq{7nru6&H_n3a49dAA8LI^8eP=MX%X~t9fj|?tj=7 zZ@~UA3cEwmk!RUgPK!|um!tFeQdF`}gaFoFzKH|OF#hqJ$FYy2&0zC*-Q!K>O>It) ze;Dz@W{zLtlP=l*hCiaD}*~tNYXlrVUbPm@ zpCoV>qb8wiCr_el_wS?mYek^D`>8esuf)#SZcRtWw>@0ahG5e2|Ew1DImW9L%26)79PyU4jx=+8%G;q?< z(^ueu?SbNIp~YEREW5JY z1?*+D?@|v*U9lQrZ=$(DpUPdT_Ryxlz|hdZz^2gl_NJzG!Ctmj)PKWs>m*ohb^bZ& zWy{EJ)$-TQQVJWW%h|tE#M5CDICs%Sr3HD{c!`jkE-D5^^PC2=CUO$zQ*F{^B*!;YuW6>-x~Mw=A#Dv(U%?) zaIDd=CDt5+4iX6q&wp~C{$Xba0`QC5NLnY!_Xv%Se*f_Mas%l+o*5j;>8hL-9P0u_nr8hVzU!7$S87m!^x=qewnROKzE(FQ68l(;a`$3c3`- za(>Av#_VJ_g|Lio*E-~-6a>&cnD%}k6buMOP7Tse8*{YAWQ%yEH#P<~FzW`^g&ida~=c?s?(SjAG+y5P= z|4^Ja)7mScf2SFqw*n&sFa2$h^v4}_Gjd%lS z@CZnR6n_w46a)#_ZJ%oHo{2%;g4f!)@hkbIUWdL|FK)h)apRu)s_B~(p9mkcU8}vs zU;Q-lomR1VVa|+sYT_tSX^$MXa1eh^I3e zHYu<~ZxqVw+KM~)hsI#-x{Pg!iQ?h~kuw&kL)dtfRb7K}YlMUBvqv8^R|yrxrw)Fo z#-qA-{Rg_YSn0mO3=KVsa|nVVeWeZyHSFDS-M1ldzb)7vKJ(GX>Mq>tYrItGb|h8)%j@8npQ7XZ@uxkiiv*_u zdb6b`P*{W57>bg-)bF4**TaPP6Ib@M@xPROw_n7PJVvzw{TaV0U|aHdAENcLr~43$ zB7UuS(vlF^Zv%U7wCp3>sNP>$zkhn}hIbdm2|%;lEj;ZH_5Pdeo6TOY1^b@_l#~*o zUf-BlU*A~SN>Jd4)C+8v*>=U%C-CVLrF;X{sX#gHOOJ8^k7}Sd6s$POd0c7Lupx*HU+ z_sM8km0-JXdu?=p+CSQR#7sQC0>)$r2MlO$JRgfP<3zlGXvy>g1=-no`9enrz2@Ub znIxy)yaIF=!C*~hW4Kx78=abOK60Ku;^RusX}R17TWR3HbswZdD&=RrNHUx%INTp_fQ4j022_n5bJIhCddb&eAE~}$j z_Gbv&8quu-YUqDfI`;$ebS27Z1(~e=M}ifJPS1eRO3+8*p2$w%sCr-P$Ic6nja-JV zRtr!ME)sTu6;`rI)sxey%?xMu1EL*}kAep)nYMD*&M z!~Wutg4)_PHGg-OIvL)uE+{n0?~Nx*KqYV*3g+GV>2KD6lj$BVz_4b?=>iD3AedmJ z1_Z85E`=B}uIdug7w*_?o0;Z`w(;1Nky_qsKY7HKdjZVXSEV1+z>fHg7~Rip@f%A| zZLeu;tvdZ)(EjZ?LQQ>hk(s~OG0)RGWZv94A`ZYo^ncD&q)${Qv)pcZmUWVS(K}6& zpS+YTWG?u~s#r9ZdoLA>=PSiB`ZvY$LsxrNfbV~|vV+xp8UJJ5P4t%zVLEGXv6LiOcu7%bxuCS%?ePrLI(h@~ zDVVg(g1@5FJ-RG|PQ+`w{c)HaOMfphx{z_i{@|&|6e?;TvQYm|1)ZFqlW~aOUxI3i zL@1Y^(j~b$1-E#j_RA9FQRD#mj8eW$hDC|h$A3f^Vt5a$jxVp*Wgw)_+9hIJY{DGW z(Pt$FJL)h)manofyW5VADK0@Jd|9EXvQUI+Ak(F}IeAwJ95;KmcB+N#coxiB0h@=x zW(1pu!z^yDrQ_vUaa#?s{5b1b1)YX8oi3C3G8`9R29D6@$x)1s4hqUPZWFba*vfa2 z4u7flSf3Hz#=bN+e>fD;T%h$i2OU=QOdhu`G2qtShfc}M*;UKe<`kCYiJaj%6hFts zzq<(|;W^FCD%qQpe~EuN^*oalRq|z}{FSpbhsAG$KMA!nU0RZxcb5z~?z)lI6H1Hq zyNks=nMl89&s4WTV}PYwi2?m|xEEQz!GDtJYY`rZUFoEhO~{|uvJXwqh(=(OllJB! zL}*=n0t)Dbo#|jLL&hK?IDf`kvwV>p4lEhG+1G)H-TG@Fkc3jzS*e)C1`>tpe~ZGB z?qPBMw10f~ygB?1z0s5*7UWcyHmQ%q)`UeyBnA6P>o4EFc;&)D0m9_~x-`$!6Mvr- z=#2c0q_`u=;gZra7>-$AFex*3V0#?IV+|vZknhs@#mHEsu1!M;LU$39iZcmy!{GdD zAAp7jXQq2(_t$hrD$=E?qYF`$ARl7v<$TmC+YntTdnx7hu$FA=lD^Fc58|gVa2Wnc z=NDyX7pN}0;RORhx3-lv3O3VVGoU6pE6&6()_T#GHYkGkdhgdvOyhOA8kHXU)%QHx~sSs zcElrtac{x(_1ho^6FBsUw`VY)t;t29BL3vp`O*4M4M&-`a~Voe)St*@Fgxp%RwOSi zfVGu{MU2qL#y8TgH?r$1^#P{u5tGSi%+4|9zDN! zZKYFitjpwC@M!o7&Ya04w4KyO(hq1QP->GMAnL1Udvb zHZw7oWZ(lPe>Q{?dNCdM-kV%7w&fzLj3oD7Wy=K_Y-4PC?}0c0LJ~@VkQm69P!bX{ zE5Co#S}BkKH^1LZTxA{OsIZ5O2G6UK{OX5nkaDc0S=Dve1ap!Jb~>c9Fhbc8i?WuCrSh5*%r_%+JFsIKsEszj?SYi+{m>5b7BSsJ-iBZI8!k!pIj3veq*J;X=3)ZiGAGL3k2ggg4A0*rtVp9wm#8a)%|Xde~_NrdZJ#Ty%fE^=smV~N$>x(G4^rnQ_<&o z-@tzF^vkjBVOvQ@(dYY*>L1eod#R7~#DI4OOdC+~j{Q6B@2(gq9=Mw!8Gq&(JAs|d z8rkQAl!N{l95wjs!9ReF;2bBnv$y+ZNYPMkXu~k8VVj0s8LoQI<-KPkc8tgzf7yGa za^$5^ebFu(b22ocO(uR@w8-o>z!XcZjL+I7=Ww8zBn#5iS#fNfN)eyNVULaf#2 zaMBD6q<+yON=2HeP2t9By*5{?;|`*CNCYJ(@HkSd)G3rq&{`M@0x5mt6}X4R{ZWn- z%OuDO-5_mvmE5r1go^JUHrUo*e@7mduNmnCKDu3cI(#j)I$R<5S02a!Xe-qUn|+!< zv*)JbE$qyNTbBftZ?CQ`Ew9c`+qF&0HPjr*t7ng#@tn+gQyWzusg?y<&+`l4;KI=I zS&zamwjJDis0`4K9_cl1huDe>h2L=agJV)!J9fUG^Je#kqo-Q$pqZJ#f5u!UGoe<~ zRg=tsiVe1{clKP&F#cvl7mf6j6XpPZxYR`1t4R5DtuB-cqz)Qm!jsZcH7ahMz4Id1 z^$A5-ga*4H%KGH_&%bVC4#wSCu-swY5Vy?v4U@q{d(wGZSf~>-_4cwS-=5pIs|l>U zd@k-V`}M^$_jFviWVULlf4?*9wBgvE0Pf(4y`LYv+1ysq(5|)a=!RBF>AUhJv!+Ib zfzVs3vnJ;5-ui~~a0mod9r@BVOP8mHurnebo&08ZO3 zg^g`9pk|XT;_jfcj~t)U2h1E=D*bNeS6G}69+h3b^dzO0e%l@B)fE3hXCp;p|3w`cz-=th3`lg zY?wJ5;C_;=>a1NHsz$3Q+UiN`_{E$Je?o4!(2C9(kaw%?^R^{-knRqBh%ZHfQbdn_ zf+cfYx5mZ+bcMphf8}H#btOA>GuQEhk!t*ej4W#1^d*aW{`we6xfxoiw|Zr;GYE|G z@^@lsZ)cyXrU)*+0_sZ{Nf zXs9xR($dPRE9ur5+Vu2HCNBjhj-0%4z8c`A)HoOy76RhqLqnG-ty5DqNlBS7SHta7 zeH%5B!JDbo(C@f62-^2)iiyq7hI!meo3f(#>{m7+{Y#r%_3u|aWzc5oEZn`J3DmhR z%?V(WlAye6f6|+2P0l$!)_OTq`!d*`3W6JTNuXfKrLbnXHSXaD7lbf)F*P5`BEmsz zY-GeoO6xR@QmJ6%xiI%>`>`){04=5d1&ga|L1AG{&Bb)wzxT!1y&}|O zuNY-xy>zeri?NUP;=zCHpxzkmDU41LMqli}gFPPoe=*kHgR(Ju%S`5RCei6a*Le_|>N4;`^02V$+A9ZMxMz2{tf*sN2hx{I@(^a2JKDjJgaE#lxDredprqd(krqd>LO7KZjV5_abUs)UN zf5le~Fi{_+WF6u7Un#oy4R^$WRAaDfwG)eb3>}T7n0`D8NiH4OU2o);Q1m<`wTgvm z`F21zZwYdixw6ha)q5hiuol&s7N$vezU}}pRqWYyl5J?+;cVjawnKF+V`H8pM5yzo zdnPnpz&)rPZ8oAYM!ivNwnKT+a0wnCe;(Cb645b~Z(FL5E>mBZKNC20g5J;`9jj!`2gq3-8Qt_J~3@2avdoTY?5ke{qro zjn2Gl+|54A#jK~ryJfZJK1NaN(Tbx;byUo6L$jrg@&jJ2Af_TNcj;d1FPe@VZ(|-# zJ~MITEQj&2I_K7{ATO~g+_>F(b?~&cqnIJTEdC9VKi>HrEI_|V*LZGO=?ie*TjaK# z%H1W*g-=_rUc0nmKB(xBN*(5Hf0#LK{wH_N)?fNoprX$lvNq;W&EK^!lF(Xx!wuNXwmg8UM$Y6<(QC%Sf(8z0?omJG zzS@B4N&aKNG?Xc!M|W*OFA1_YuEn5Oh$QEri6>2H>fLOE2wAl~{7#I_f95{YChuMA zKYD-t5P+%Kfj9AW%2^H<3o-#o^yJ<{P_>scMNtmwyhaXvg(N229a&S~A3nTaUj$Q& zK%z1>A)JXUj;^UIDz5^aETe9Z$J{}i4CtLZA3YAKjWXz?ZI3>QYJdL;lD5@?EL*Eb4RRK|!V}BbB4O6Ho=yR3JHebM#`C?nZcQ z%c|JQrRbFqGW4ENNiZdj!$+uCm{ORf(`TlG;=HDl->}Dx+hVi1VsD-2CdL=8jBo>< z5#C|jSjROd&TZ%DdGj=Sy(W*{Rbs5F+HUlZ_f6f#(G~AbyKFCres+QNJ zeMc=YNwG?TRD5^R##}Avns^icUT0K(zg=vOKxu-O!8R(=<9(?2;R5Ta`+B)Ix0J$G zm`)D)7;kRqjL(~Pf1UsR!6ZDg9Q;Fgt`BfJIf}(A@cVc&cEfIHDxQMYT)S0$ZZ{_@ z*z1wU=D_SC4mncI=^39|U}E=5wC3!A%Hm1{D-$bi(Uh;C@aiv?)0CW#zafX4D&Zf<%RJAUE94_ypi#wadfN36du6IkG7iUupUe+RgFF!P_RLpG?#ug7jQ z#2?#O3u@P|hAY@`SExp~WJlLu5X=RPJzR1YYm*n}`m9=}> z@8HNt4t4A3e<^iZuxa#&g~v`D+|#sQ56(&MAuBkI>k`(Vn9%O7*mhi?-*tc~g8I<1 zQG6BEsLQ(!s!S4xJ0AAsp`1e{g6mbq|^X8$n6DfB9;5y30zR zI8K9pme7yhRA?oyotM-jD@!@BSPltytvoBrL#1L= zhgM3@;?mWEtoVc zwwnUBf99K=*o3@o2|R(VNc7zH+uvuk(MALXWJ{D8%^WYL=rh>P0^!pfg^<+@ug&YG zCmR~nn%x}z?mGTwX-#Bxke^TwhgOE|++AL46b^5m%m9&<6S9&S_$ZTY3$j{@tbV>n zZ{oeob{4Oasz|pfQ18VBHd2paf-l#xm71_=f9-le4^=FJXMH$&`0@Om)r}$LAsoFx z<`?h6(a_=Q%JyHbUHK{xXtSYiH^Z-@S_e%v-kl5(34W~oSeD%qt2Y~Kx9%}Vh ze@N!CKbbd23M4s2rSA{oa2)ypEk+L6*(Z*DqaA3XRAB)yl=WEy^?pM6vsaTDnaso` zC8eYS+=h>n=<5I1L7h(ts;e7Xf-A_(=Cdd;;TPnu}OXX<88@n<|nB}lOZ~LmP zxsATVXA9PP%isww4%286snMln>Y4Pbf9G?v!Np^(x(cneV0Lf<3}Jni>$LHL*=3qs zc>)t1pJ*|A2(}^lNQ!QF`*{}WQMcFU`5ATT6nT9}>)Kc*X1g-RGEV5px;l-zPH=Kk zaPsJAe)7u%iyDper~J)M`SPATUXTh4*qIV~VwW1*N$rM(KZ0E*2|Y^XGZDJ8f1Yz* zQbk|;@8Ygh(s`JL4YGKtxQ%W?7Sx?K@qbYC<+s}|7X0kR=$9L7SBr{jQPMZ!7vi^s z9y~`91~sv%91iI?kAwI#q(MkFku09`S`(cHHa)OK8zf4tuArq2Zt(fk=yH3>|8*}0E$!^?;x{PrJ2A2FZ& zhp^+do%=4{AnF_*&6`C>9ZS)+|%@rQwRlA>~rriiOlX*DrSN7>&He^)|fq-izj z3Vv+IqjwW?w3;lo5N4He{1K`K9(o44g7X_Z(RF_xnP1a#`F}}E-QPjBD5=JWcPlR% z;X^dZxW{PQdcWd6>U*DldP2~yx24E{sm~{`+Z^lc3f!F|-R3d4-}j@D)rFSUvy~u# z!U@B+t={gW+Z_t_XV;aOeHIW~XzHFNyV86r;QRvoQG=49-6)ie#_7s~- z&^T#%4BP>*k3<+C(OgMU87vnr#dCP7psB{gbQqLPv4B@H}j@pvLy zh(1PR&=lkhh8Ie4e<>b3eZm;be2)rIJ{s})o$t`F1vtl|tK>$0VrM)u+Gq6dW-DGH zeLU)WJQ(2Te=Ty~o-~rt918V9#5Yg5;RCipp?(*Rl|Kfkva1|ym!K(d$YzVy!Rt+E ztbreBiZ|Lmf4_{1@6df;_MYsYV5>Q9F0yFQM!k|YSF;o@T!-&#=djWv@=q6sM!nb(EqZcR zjPBx8sUGUKmjK)k*#@B1XdHta_aH~q2lWF5`B0~4f3lQ%Mbe~2m|g`o;%0>b(w;LJhcb+NVjZLa9`!pt>xUdpzn4 zo`Ss?Jl9)Lw|%iKNJxZg6{AR3X6D}i9MR{%G1M&|iSII29dF9TRw_2yJ7w`qb=f6auLl3q*_}pN7`eDWM&Cl07^u0rm zBls!&XVSAC*YRjfEMN37pa;$KtBkL-bcYYPf5CWg!gRK%l|>@B$djX8<*VXiV`IUR z`LYQs7-yk|Q{)%GoKnz0A=^h+8>#`FJg=s_qOq01b{&Op0d0;H)Sn5RFredIhZjEU zZ$p=vL%)}1!n_1IOitB+1q$ETaCURbu^-~Ogj=zfHt$+jHt)U6H!!gEA(sN_V~cS#mvXhqs0r*$9!5&DR#0qN^aM3 zSjJD0E{vFkM*%EG`I1VQZ_oo>ZXGOV?;|TEeox?V(5rm%yzTit+Kwmqe$x8DI#)-Z z#jf!Hb+cp-?rquQuO<0-iXQc(wf*ZXe;w55fJzgc7{-KD>@buX^Xn~{ODH!#GNHMq z3nnzHR&@H(XP3~jOJZJ$R!E;Nxjnrc;Ql6Zd6DPIv&@x~7jB>r40wifCQxXhB9ASA z8D$*W)>&evYBY(dz;_K<7v$bDnH3yh%8(f+9B+hjdCFsnSGL!r?o6%qwyp@vfA#lg z7Hpb7J$P=$k@aBpN!2Ayqjjz(1*+Htm>SFBt<-jynwO>32g^Yx5QtoMjrSTkfH5 z8IuBaK%1NgA=7E`&z%ORsbOLQe^4otl9ej!S}%9FgT*#pi`V)Vht$Zp`mkEX7xC8g zHG}eY+w=^E}zPN>~e=XTV6UE=V zUN1zE1rNo1todCjR!Xpqx}Z$Sg-iUgJ86{Yi*qg(p?LJ^-(6+Qlc3IH*A_W(F2;M4XZqz@$UwjZQH-S=b zxN-B#Cjpj-d76Jm%&#;DOD#$uUYV4n0{CBlIFe}zFb#HQ^1}4oe_TC4|9as_W(YeC zg}8Xn#_TP4(~2mx-Xv-?qU?5*ZR|hD?7(l7##owZND_l(0$pfYVbLx$hApjz>Rhfu z3FVQD;PHMiekky;v~GTZ2ib$qI$Jj$)KFNs+ak-$VPR=H(B;*@G8T;~^2gH(Eiqnh zL?1+>6cbt&ZTsuxe{dsWjPwiiE$S;h6TXge2=ek?3?GyLWJ1GCc$h`zO%0c5W(L`f zR$9v_+Vm~1li)r-BsN~Hy?UvuX?9g8xrSGw9zTC#6ru4Cq44TY3EMGOdVAT8VHMzZ z&DkqAncGuNj~Ov{-wYXXyI=^n{1E%_V_pWfPTR{392bvk`|QelC;A*C3Ojuv3RlM`7;ttMBx0% zrwo!zx`k~pf9Wt`^4g zpOnj?I)dRT3GFDze3^;=#B`{uKQpuand!CE@1epyUrT-bl)^*pKN!0e_b{S0fbaLu ze?XEFpf86xdl__%+651EDtt@#fBmot?R%sD@^Poi@9e!JMA7^3 z$Uj5!LTc)kMUK;zhmHff7y6c>Te?PXK-FXp+f#GkL^SsF{@PFKz$A*ECji5sT4Z^b zR{uwG7$scLM48_=iOS4d#OB~mi0VKOO&E(M7L>;|6=9J~ib|nY0KBv#3a{mLq@oa} zL#FNwe>4K2l=fLD0L8TB?oZ30m!OGvbi5#AvNBW!Y>6(TFoQ!8{I`WoHFckB2MQ7) zH;SJitjEWT`Harzr|QUHO(Z+jGC`9jFEWNnRx6cq@E*>_R;Zp-6j)ZPZic18YFMNq zLp`**Afar(n63yc;Lvc4$oNcMS^-;-o|7xof12;08#$FF``U!nUK9uc?6E1_)M&CT zeGx%#e4*%q7!;@pV!Jl-GflaF45Lt`SRmSWxZ|mO0;x$?XJ#-v&%)|Xh>I)`Z7g@w zGtN{%pM1{n5#~A^@HAddYV?{c{af!n@l|@7cRq)i9dZmg^ zvAViQ4l~GM=bk-Bs;UQ?8e57ES^7olupq%Dg4XM_34-yoU4=S3A&!YlN=Q?H<#Xoz zOeW_-T_#ghlvAz+bb)}CP?1qvf4jaEa7C+Gd5C+0rCV1*_0}~5S8rLRjuMR5RhzWc z?2ncbf}SVSrxp}3hPquBz5rj3B(voOaSA3mc}J)Q(5kM!Qcbf)y_5U11#$PD*c|oR zV?$X?SvIkyI3`-INKh&`JQG*oCFn4jDj1i+R2b6_bRJMg=-EYUDfM}_e>|+1L*DpD z5^td1syQR64^_F%9CD(N6Z(w2&~z@n-a;XEGnC$i2HwSFTXvT|@K;|pX^OXpGf5hC zS|S*MHG&E?kjh+jdOB0x1k3)LFCQ+0zCz@%?+}HrBG<`67A|G!>uHg&G=?*!XB&!{ z>X_olXjwv#bF0tMi!Eo)e^ddqfS*fVtUjhK7R*6#H~)u8NZnd7e+HFXo)B^=G2`%Z z7SE9I@A5CmtURdAVu}?o8g#6a$h&eenYHs9G=oKxBpm}gFqtZcniOVx2CM+Qo8@^R zH1hq0;+gL*=HEjrEwlDWj&i})EbbveCcYP$lV|axf)p4F@HJu9e`&(3zhss*p>8aa zNN{~eZ!%fPD``x8mVg=Ekyvu9!Thd4)O-hJ3l+I5x+cAqcFXrm@YA-L#cu3M$FTA4 zT)@J#IUg|d(kHdd1+(^Di$21h{JP@D{apR!j2kzZ8TrzAaFKi|7`tOlkTdJK%J@?( zCqEA#o?|Y-HbG>ef1YJu}y#W&(mi*VJaAG|Y|5@!`7tYK-KcS;cxCgSP+7BN(@YW}E zII&I|r;1JpVHDc%nq;6#fXRsrrm!C(sYkb4KRr?#1Hr4_e;}eC?lOp;w;>??(O|#XJb-iIdE4iLgEV&e&%Ho~p*0nlJS>v%I z7Bob$sgrU9YQ^%qb* z{jT|3RYO`xf6ePw9-`YDE!7u#PuLIoROdtXSE#UUG8v~)YasImG`i!Tz>UW}1wi0` z0`yj+Uz?;f$vRE)X`>&#VbC9xkAhTcv^phM7~l@&>`*LPJM7;ikM!r~NiAGR=)OOE zeeg>_d*;-@9Js)wv^;IENUYMJi3A8$$7D8RTk_kwizic^3OnhBT-T4~z zu&n&=UVlia>|Ue(ze2XmF}3TPC(HiN*4tRV+S-?AdyN=O5X3a$ZA@QVnSq~Qf`aoh z4HD49YF$XL?yy%+Q;*9%4O*RL!YrLmf1y_|V~ajhm#Nq5GcwbA_5Od&1&k_}aT){@ z0x~p_5hRyg0t7z-GB%f<0t90q6=mOd3T3l&-_oXSx}{CiCe1d8<;#3$Rhk^ePg60=|iw|mCqu`s50 zE}Hng4}AndINJODw||=nXU&+$-Xq#(%=bU=$A1}*BU2_J9AqZ)5JDi2Azvd5hx79f zT^pSe8M8GyMwF3|k+VE_*|KNWr=;eH6XN1C1k0B#Td~-GyGpPwSggv2ML z3xBdx#6ki4UmTMZ6OkShEyxr_$A|?P@iBtU2lj^uHl>I%1UnLhnvNW@N?%r-hj2}$X}KVI;z6mfDy62kuA$XqrZPk$m$Axn^8WGS*7S&2N0JdeD9yo{_t)*|bW z4ag>BGqMHQhHOW6AUl!0$UbC05`r8+4kCw;<48CXfkYzlNCJ|Kq#|jE7|B4gkX%HH z$hd6A*`H;|GJozTBPE>2IlYsXPBKq=ox7DgHaQMmjGp5ur|_p-nDVaxQ2;$vHh*pJ zw6~^jn(^>`Q}62!j1L^Rf64tr52QaZGIQ?C7iT>@%Q-u0_6H9Z@gLy#J+%1Y$q!$g zlO6O37K~GKkBtQdz6-qYh?hQ=&AH&akL%k~!7o+3#G3AYpjw@V3>22yQ^GkP(HrN~iEybWie zP{MOD&!gGt1>y1nASoyUCZeO;)Y;Zfwc^$yP(d;qpoY)H@Zc_Z0}YgW=p`P`U$1d# z4}6U8R036jUZ1HZ_RAzY67V!oUt$Agwg&PVtVPWwz-Ym$axDs>DnX+sdVeLtG9k`z znQ6>oX2HsVjqkPhRh{Z4kGMLr+VGC5T5l;?(OGm6V9aI-U#Q&qdEp1A|K09WyJHfvgbBo( zumv@kj81?#)FvgR(CaB;p%N|7%k_T}Ozs3FCygovMaclMaEwItlp-<)d-lZUci?0= z6+Q`{Aej4^Eqrl7_{KxHII-%zK1W+4s#XGz$ZWD`i6b0`3AGWYQ})xsUUy~6v~MmYtifBd&>^vOe7;@GMNJAx$l4GLjs0E z4op1hQ~-@y1(X!YtUkod-2NQ??22=6-lbaj^bI(P{Nmad10UeuwmiT~gPv@!dj_u3?44;|DELeD9>u2!6n}085-~V6Cnk;zW zTMk4amkTon`7N?KVU##tB&=3cRhGHT79#JZ!`qKV1r)G&&|;KHWvhVq!~5WLBJdO7 z^>Mr$-}B#%Z(eGB#J$0JOBO##x$A{rfU~_?pHe|O zrB0Cqqx4#x`gSo>J@9`8wwk=_P}BK~)!Zh3tEuM}cujAZ+$YHoo558ZHW1sj zeIE1J0%qgWCs+PyqJH7f&VQ6y1rmuY9(=C%Ym*c2u1-xL1Es9Q40_>!mvhOtg6j*V z)A-eJBU)!tgDiaPC@)t5a`J7U@;p!$0-)69kqkE0a(8`Pz(jv`pD=X~3{w5LqX@W* z3W1bV@YVr)u^AZ6rQ~I3L2vS|I`UF;wNkB=)T#7Z3S$qNS@60o#95e%vP7|1FjoPf z^7T}XhS-oJ6+efs=3RkBXp7xnP&k$MohNBiIwhepNWB#GpD!_(D~#jdjPST`&=N0P z^7|?eM?4BIjdFkKL%!Mk-pK06MPlZm1Qn6ROhUK%0hi4dvXs2UTQ@efV5cHdofVXz z%nyyj6%tdaoNTg`)Kp@g9H&$)&W;c3&Fc832gbJBSS?}Dk9p-zP{FEjF1ec53|FEZ zcGsD9++L-V7L&;uS$Z~>S)nMat*vY$0{@xmg)%Sw_-%hZaKK`|U27>Mk`gFkc$g_1 zSLU;^xY$_iyy9}bzL>0{?0Old1v+I4k-1zaPfiJl4i71a!56Q39R{7Rfh#_O+~1Ia z5vWD)L2`cg&7*MM7w-&oG?M8KPn-+48Lci8c@pkNtF1<7A71QYWuJv1n^w5pL(lW8 z3QL}8JNSQ)LvKUPrEFctWxXInDbf;+vebrfoSDo_VHPrvt{mL_-f(YEQ4yK-Y{6l5 zR!Tz9v8X7Jhvz2&S1MU)FRCiXiVNLoIZ3kUsE(Y`f4=|v`))!CLs`Y&wK@bppnKnS zvI$PD8YEw>?d$KtFFKx8l9UX+i_5ppRgBzWb3T92ApCAMi%FEV)d@ZR{Ya|*h-wrAW7{YT~K#_?}efxxBzDDoi!autCMM{vp6WCk; z*vzE_#OV&S*=}`Q$E%zy;S@kiMnzDOk>RFDTvaf^*w#i?QFSbvNM`O>51ObfRBpku z3PFzCrnC7O+tbrab>lX6FknCLU*oC$_S=71@WFF~XJ>!FhI@BvMatBt_ToyJp}wxT zrMQE<0$)a*jYhj0I~!9QyCi{Gr17J$*kCL%6D^LqFVEvHmnI`!E>cOz*Xe zdKz0fb6E*CnB2R6;X&pJ)%fQDLz$JhT-$x=G+t}W%#l(OR$rbP{lEvi4#sprvGlHW#QA*!n?n zN1vy~?IJv#B_k#*Fk%8xm*@*z-(;xg7qMDfpr<4%V!1G!31F7t&)?li=hA;YY$vrk zKf;~7au*9SISaC|W7I2=5vC|yoqsQFn_k277!2iB@_i^o1IM10dwl#8oUbl&Vax4g zYSchO5h^jdF;^0i^6zzGX66`$>b08eJnUe5?8(l``r2ZmyshL4d(luban-MX|036S zgPosMAbT&cI{>gx@TimJk==iO8Lx8OmUZSqUM9togk-)PyR@G^k9u@Ekd8A!zci{m zI94RvA5##f3sTDUIfYirMmDvYyv=QtcYJg%QW*-!eMVhfDP{sza~T1H=myll8yWi= z%{2m5DPC-`xvV5T)yH8UW*!~8{PWh@(PirF?4devn|~A!go`HTZ{L4xzX1Af-irW^ z?yWqw@$m8E$;5SKs5=bbeI)Uf1oD(Bp(z}X%g#ual9H(WT>zV4u)$*?-mGw+^5S(s zB%ff^8s-eDQ|mPpCb#ER7M0uFHliCob6X9IPXS|5RlrbV@A>Qa063JFsuJl6$!$#W z|K`xIN$9(`aqIJPeP4h2mfvoniIh;7U`oO@ED+@my@Nchvu9^vg*uf^NidVfwlllw zaa31T0Hg@sDGv^C;6Ct8QVMp-jSnu0Ib&%Wq zDml_|vZ)I{)o^?d8OWCF{%j8YJGN;l*gmJ^<>wj<`DCU^Z79L4Mu)*n+(mA?+N@UV z^?3!vOY=9XL{xu(h9!6|#=1~*=_za5Ai+!<6QM$-Qn4CW@^U9wVJ3U~O}%{sRNw9P z<5+bkFO=<2sEH@ zDG$zq_&?xOaz#BqJ8x0UaUweYuw*yR%;H^x^=P}p23mjcPk3(*r?EDWIp~FpCvdQv z^`y4jp7cm~T!M%=Ul3L#{vV6122xcD$?(R)lu1e|S|3!%nsb#!V=d%9WFp~ZMBi7an?>whYR5%@-73rS8>a3V$*IX2jO0{)qd&2vp+Gf zOfi#_^?iR{HU};q;=&q6#RtHwauNqVR^ECOgL5y?Q=kfl6D1`Eg9)=~O=>wa<#}e_ zGc4hltw~IX0Ndl(QE`~qQro+?1h<;a*1O;I))1GTMIYv0D7>6AM7$vmKQF`8TCExY ztxZ9`y2`$CBgV|#Gd6`$G2w(v#wtFhGE-I;obrDWocAdKC&8^=81fy)&In-Kh;q14 ze3|c&R;36NlM~Y_a_d^XElot=#Y_(ih%+8|+B=KRft=RQXP5ipzTn$**8F_Erhp>$ z=Ozo2@MNmKxz1E$sv}L+mcAObc>=ZVy{o1GRU?0AGota56<-Z1?+3`PzP`9bG z>z98abQPAN5aFFTEnP383T69A`7y0bg3az(J0iS1+VriRSWL(A)!N_#2MAH};f&4r z0v>zD)?_!@j6p_QGjQWq{tA|`=>*O!`1yyWEV34{7DqwA!c|n)>?{sA&~YV?WyUPX zg&3UWho;=~+6@?dZHN`X;B#=+Yh3yf_%#31)fJHrBE=eK@5O4WuHC5bP(-^3p;noy zz~t84n)14$-hs%jt<2QOr$S%4DrC>S0CVRTXJw@1 zhV42Z_ZEDz69x_tfrG$HGpr+A@0;%5g(UNv;AS=%z;fFcj5&GP?EIl7_b{7Lw!3NB zQLhM?%w}LR5k{lI;H(RPj}A6eK|bEfs|H$?N>`{;`)zqE8edqbSb<9?bh3X4Sjgcs zrs31CQp0{@Ug=VRJTi|bO)^q=ib-QGVH+EZP6A?dn;&X+Ly*y456baxs%1M_wNdOL zb#i|I`F<1`O%*0~GX9)x7(reb$`X1yJIK*LOvON-qa=>zM6KC}r-ItDi5=j(a0tCM zF+Td20x$47;KI9>f?`D$Td{v=W(B%(B4q#2c!Rf|>1O9StyG2`ZizbmAHx$)YR>IW zwREKP9G5=-o4d!iVGnAw8Z0Kvr7X=(R*954Vja`3$pN~;{Gb$xDET-ZR@m1v((-xj zHPT*XDRE;%iQe$wcxIvcj*;=&>;L38GE`c+B2^Ymrfp1H8;U)1Ui5$JnbxMJ8sb1j zuiE{SJL`Cm8EkY$h#7f!<`s%B}9J2ExvQ#Gy2*$=GNr zmOYt-Yh~l&<~(6m=NUhJpf1Pltoe14@OApF)=PgiWhc!+PJ`Lu!~!+9 zbNTd0@wr+zMa34%_!l#+(;rcQyBRQepuRb!eOX!^^qswi>TG(>^6_%K%`1# zaj=h(psEyomJE|8J$G;;c(?e~x_7-F6E?Ty-tvE#nG4cVu>^ZUT{@A{+)tI`&27cQ zO=N6ocj^WF;)#Erx0=YNYh5t-42y>dxu@*+@S2BnW)u#wik)`{xKa)AyVS$c5qNfL z(dimjuf3IQg^!@8OX|-K;-*?4Dz{7isL?MYsBnskU<`KIXf8qf1aK;Zl z*g}3%f4Zw1Z**rwr57A2j3qOcq1&WcFYLytbWoB@Hran2wWU~HmNj22&Pt3vkuh+x zrL(D=*jITdGNzTMDAp`$KyY&VKX9um4s{ z2JXMJ@B4qiGrsS8Y7{;>3KxuWeR}`a?|5~1L_~6|gvg3i#fh1R0vH*u1#WPZ*~d zxEnXsft)fjLnD!h$K$T4bGNe!kZ`+ftTaFNS(Rs&c=YvKU=(f`g{v-}zBT(_x4tKS zQ!#(vhp+kTYXg`|1#$_-%!7y99A_bpms|xYb!0@LK57DpZf{x7yUcw+w0(c#yjHjh7#-CCrz%escjNXGKvGMlsq!-=KPLFxI@eJKk9g_vY$9jzM1phj z?Vy}Z@P;v@Fsv}FAS@`pF#kwAPGy1$+0TELv9I)Iw|~|T1@MUmHo04oJ8kH9h_sZUV`t; zf$?{B9RCJkT+oTzf-V?`+B*}Oz0o)hwlCR~-tl(#mQW?H;!E_;mBp7~Al@)YiEDq! z*43 zRAYa;%FWgpGdj!J`!-{V!Q!T?X50)%+aL5j&Hry%Zt?(^aT){@0x~$40Wkq3m%zUR z6PIBc1S0`6mz@FxJAXDgGC4jz3UhRFWnpa!c-oCx30xD`)}IKOP(@V6C?<9$YSq>S zty`^HD=sJqwkk^9Kv4E25CUNfYgljC_kCYQiWTdID^){l+i2CUcCq->+G;o7nfCI& z@4HDr=xh7F2l*w;ow@g(dzSw>{}Tk1xj7{e2y9%pthe9pGJn^}*;yVee{tdbZC*a% zfgTFOy-oa7{#j(n@+`%30$w_bmznX?%(a#RywcK4Z)rZ@iuJ$Af7c41r6@tdIPyN~ zg$aDJ<#h7bj9$y<3tH`LI z?0I>x%+t%)BhXtW_m;VMy&($^^HPM#d=&EVkgykQWiGycVKS9m5g;R<3a>yfk1(%; zvhd)8UJ9Ag*Gsl>$95N)y*yYcbMiaj6&&Uzn?GMB3xD(SlKCo?AuARvP=@>1$`w8f zyvZ|R3j$3Kg)K15n{WTx7MJ->4(m2-*}lP68L5)C<%cYA!X8norqM3#b>VMbr{%8TAsioO+pBL9L`#Q?F8M zC_8E`wSS(nr#4cXC`W2D%>a;NrF9+W3_ zfI3KdQQnj<({zouV@Ybk>qYBKXn3b8`G#_uSHvd3K3x8h`7SLm9E&V_=M^rBQUyBfnFP_;y zdh6(0W1Pmw#~im5TWZHj$NG=$usS$y^tiZjPsX=R5KXY3P%`0(b%^y*Yhd!3BMd+B zz(gcoEUujN>ZHq)ttb0TzGGu;6KHc~ip!L%lKGMv$wlc>Y5CMmQ|~;hVW+Z)v*oh5 zAAe-aWXZDAvR}c@3h92)@zYd-W_ax(yk^Fyw24boi{f+H?38d6E5&2^8sU*7wKh;1 z9D}@)I6QWsR;X5@j1(>*B_%OV64Zn$*`MgD2GrKBLOxvmFG5&G*Uu38s8C=~1FGVF zqAQzF8;4(kH^kV6ejh#%TBYb*bZ}i~eSby|F?uGFuV@#yDNw9OVs3Ua3xT5RJHEot z?VpL(2Gzzil(!UiY1sm;wkC_!mX)GH>Br{+*K>G7Iv%%cu7pXjf7kJ+uD<;CQ!KM4 zuuY9~AXELNh3gHbF~8tvnTlBLd`hu`Y?rVD1~a8|qne^iWL`b?9Zgnu;Y zQ}9cxe4`s&50_7YxmRJXV`pr`Ip4}DRuJ{R8NV0&#g*}e8Cq6Rxv?X(45-UCCHbZK z)sh_4dVs~_*9o(lwC}e{3Q>o@Kk`os);eT`vY2{TSg6iG8mTHSDmJn>rBuU#;B`#B zE{xa2rKlunDEKG~<3AE+gl0MfOMjA(e@6%EC~VDqKck7&`FYn|^RS3%&O!y!n$oIr zj;QUd4%*0@;CSypdSOGa8L#|Y+#*Mb(dj5Lkqz+mO7N3nY7S5^9bWkHr=MF+ByOqa zveM;M{?e6>OR*4-xwhhF&%mg5X#>YaS7{)F7VcH(Is6am!97XLZMSkpB zIz~ZE--ODz69aj)3Pp4tMm3GBNB7%Fhom6*{yShe`$=;*IBs~w_uJF#4bkOG=ij|~ zY3&l$YPk;17+wO1)KC1H_kVE}w<@$rES{Q;-fWk^Qc+`iw@Vv)tg*a9+h_qcqDFKy zyMR4X^=($CG_NMFp*;*mZNP%K#nD`53fd)?yeRTPu|6?utk14Yr8GsA5*E~uS;RGE zf*?I>hXr0C3PNt@f?4IUi<;9?;>PXVpQM0G;}E!SxE^j1ZMy@&R zK>KTw0=R!|76s-d9)D)R!FccKT(#Z|E_#T6+ibE4c|2Buf&v>*1qbu~H3QEZaqU2N z|tP*s5flhE#50}Ztk+4eK5rz_ylqfiZeL=G#%u~8>=@Xa(FWh<3f92x76=hs> zc2-QAv=i0VaKMQwP-9S3YN95U%}7HTaSDqT|9v%YNU<23V}A*D#G8S9!X&WxrvI+N zmEjYe;D#Q;`ptN65QtlXQA$i=hDyW6r9|$vlP+6#?H{LGKm^j-w@?!2tF2ZyNE>P^ zTW`!jZg|aWcOFmtw)(d6?mtY&`z%oF~1)GyNI1hyDz+Goef_t+5gnqA{`JK<~7Wa#)QJtSJicqokxCX*uvd9y~kch6U zX73N)i+}NC@nmqPnQq9~Nk^ja!v>!qfo+s@;2AnLl=zxK1#JWBpkamZ9LogAKL-sz9xS^PU4?@#V^5yiqIx~z-bGbqR3@Dlu_hp9w41Qg=<6!Fjj zCk!8{V?gac!s52W5$g*6FqQsG-AyI8vPUS+uwS1JCXhIG(tm%)jHIdy;wvjr%*xgK zmVdB2XN!y*G?EQ|#C@}dwF?b&IZ3tcp(vJ{1$|&O0xzsi(Vu>R+Ss(hgPk??6)h|Y zcWBqaQk~#iJ!BFm4uoyuA6Nf?NBg>K!aZ5o1{%@u{5lif;A&A6QXZfmJ zU6S5DvDR_r`qy5PZ!Wkf=W=rk@@pim%72Q8*r23?%fH$H<}l&WT`)7Aiqi4VsswPe zw~wT*WY}W@w^!g-xUt!lXEqp_2F)YT8-I#gsE06E=8i*fe}F zXP`bcK_6b*F2)KP6!4SKaJa=fIIa^M(L)nCoCY+80E%Vtm|^5QMq~5%-FtURSAV=p z66S1}|M}0KcD}2`R3#Ukl^5Ui2WX2(P4J6l+k6j{dq}b6b6AQUu+uLjWsZ60SX+G! z7midW%fc#AL%ku5;HWEL_s+#D@amPIE7q--BK6z!ut^_!DNVoi5;LCS^LQI^ePsKN zgx#5b`&ec)RUG46y-zxS{hDR_D}VjVBRNJuCB!6!2T6R(6ov6DqZx1KhBhWhmj1d0 zCc?yD`@UuwJ6TuMnKzo*{5X%g7o{8M$@%E}sZhwA}kt}Tai(*CXK70j>=`uqsk*S_A-uG8_p1VlOw0CSx#=`?|eA!Cq|!i?WWWHLG< z#jAlD4qAL>Qyi+hO16qVY03PYA!7 zgmfJCi=F}X?h#%x0+4rqL4SS|#^41es$x9Q=%+e1+Df2@6honFNP{(~mcX?tf~3I| zUfnAyYaWtg*$6oX)ZW8ayyakJHNx~hgE4_84Q28njT*gf5`Qtec*OPXVXuB!2NgQ& zcY62te%=dH$p=%<=aAJRPyoxTMTcq$<}gbQG>Y9$d#0&FlekUTE#4<7I3;*WCY^X{ zF_dKFSu`XnkXpLks1uH94Xj0n*a5XDAOZz)Os+w0c5qYX1Jl}}T2b-7_pnP&T!FIG zD_3KYoL8bLk$;w!6_gcl*?C_>Udee2?La7PSi^X5CUJz^eWa$bKHm#t46lh(nI68> zD76m@sYI(lFADOEJ1A!l#~MgVK#)2-jAOoN%TS>xX@JR-Ytfq=?i2Y$42IpeCNCgs zaIjIt^z?V1>aH(~c4VD7}F7{$xAG&l{U3w=u~GMl7rCD}(fKCe;qN6i>viaGH&IK}7> zq4EQNtoHi;157ck{|`{rM!-wgVAeHQrV%V2mf^bjL48n6jiC^)!lhVj=2i0a-vFDJpQYFFa^vdkBYIz?_?}PL{n9(QbB!%b`Loo_o{5#@L5BBca?X`8yD}Qfo zKizZW(k&JuABn4CD^+2dNMc3Y^sf!Vw8V^5jU=)nrn(`&syK&*=HE67bBeNZ^Cjm7 zo``RHU*5IL`*l0JuGi0;>AHNA#r=GN*gaAnA0OFryt}Hcw6rRS6xSUChS3l*+I;+Y zb#qBcb%^^@E^6SfeSfB}#v%h$*MH3T=%>`ZOY9m^ut=ifO?J&WzCY7Uu-a}tQC>HY_UwvPEC=4YeDp61-o1Ebt zEk`HMzl#cz>e={KWv#l{g8B9Ru4-Mkq2%N_QCu`(|cWI0trD|A%4&2SbQn#c{C*dm8un0HXbEjoqwk!XM0XxhtcKp z1M}GM?BbM~LEd6xCAX{m>~WIi)#aN*?)~C!r+{ZC2vWZ4z+*xWm!;YHXE(Yif%Var8fzcrq*PzweIdH zQi@k9U-nt>YxF%e*OUBt+)jzNxBtSu+lxO{uvMvP#i1rS<`~5&tk8Cqus%KKGg_pu z=+Kv^|Es=FE`A_>Kj@H`PpI5aUg_Jz#_jNmj7_#kNmpxPjDJm?x`!9QoV6;7;4kR} z$Mx?RVRx_$z+ci8DN!g{>W9K3IS-MErdPMHP)TDu?Bs_-@F!{eJ+9u;qq5_Wq6Pn%erxma>$h^lY}h{W>a?et5>mEhyGEB%BKfRb=>NSZqs+ zMZpro!Pt{DQ}pQUrmb7HJ1so0y7*Kmmz$fPS0ibNtWhY#V*?g_zm;&4$zR{QZ>$E= zN!<2>LLaPW()qw{anoR@CsNMhB$^q2`Rv16Z+{=PVD7)$d-A={C15%07Pi8pSG~N< zyCtF0AXrIiX;MCWviwy0Md|HN_ATD9d#i&BhePoeVN!BRs#+4*NW@}t;U3LcJnh|* zis6g3OPh0eMPobU{A`V5?yPx$Piv(Fr&4xQX; zd^v7s27+Z(8NrX%2^wJ6ZP;bTr}NJZg2Xe!0N+Am0ltL=a7)-SqOtMJa5ieAL4@xM z{YnU_lvdZHj$(qx@Icr$SOO-0#Ru!Gi(yF;ENO=&%zeJdfJTO6ts0TxXm|Wg@_!bM zYo?qWEaknuusbu)qCQE9lB9_$6rRYXYxd&3sm>OebZ%y~<^t==%Y-9(EvpPF3JhvN zg`AfDXrM;OeBztifJ&r=HK?YD%g(<5aXCjVv~-T!1stW#uu$YTp?qmc1M1A>KH_VH z#mxq3(>{i?Iza{Oc>sIN_*{ObxPL7SMX^{!M}-lU)T3&yhu($H3Nz`nrnr;w-4^dg zr5F236A3&d5E&0(HcdrjbcM6R9@968N)*Wr&95bUT*3W9WlnbNQR&g_LR}Tt_^q}q zyN*bf>)M5%$w{_|E~z4NcV$=9<#1P^U)W|emJ!dao52~c1!q@qwj+Nn1b=7d2Co@x zEhuR`4XQv0N@3k_TApDtW<9Fs*5g^L2?wdEC$6F}-5QFOdKxToIG%zlh2b<)`_wK> z`Y+_txL6oca`#}TkV$`p$$OGAeDIlHMmBSZguAf|>^@IEoM1Qc;vw-4(0C#&1sa|g z9;Jsn4uj5ChnhLNS+D*mY=5d7lny^*GO2;`9i?G3ejbmDwW8|+~hBl)`kTYrcB;=EI$G=YYQ zu1>1eRNI2artz<%t(_*N@NdGLM3jysNbypff@L(pEMEKG5^{1lSbkaIk>i^E4(+8o8o3P!K-6TYPW$i;;D>MFh9`C}B}K$}5r_4o8tJ zzVjCevsi?04@3zQV}DUfqQtKbRkMc9_h5^NID()@58Y&WdAIn|@bX@`P6St>M_5~< z&8{3={=RAXeZ$K)L6!(##XZ6ZRc3m$X?cDeU6+Sy$|Zvw`ivglBI^emIP{j8Fd2`+ z=Ch68&TaV#PbNgy{4q$tk+m-tD3wXAPqcp;VGsf4% z5Sa59Oa<0W`me^Uc#FpZ*sL>y?|*w%ToqlW4x46=tygz>cXw1ZH8iX0gEX2<#HOLb zyz1GV`2PSlp+ZNOaT){@0W+6j zH3TJ>T>=CW8oK;H`}6C)|1bah|Nj631`uGt3D^KfRSOrF(XIm&m+|icCAWq(1O)*B zIg{ZBCAYCQ1Tg_AGcYqCFd%PYY6?6&FI0JOWiL-+YEyJ=FHRsaH8L+oX>xOPATcvJ zHIpGl8-F!4IXFH(3UhRFWnpa!c-qZeYjfK;vi-ilg5Nf&Tek3i+?q<2V^8jSGI@-X zNwTBT2ic+>)!LRzlJ`#j{XGqUBuJCAl*iq%OX3S?bRV2-WQFj)u*%`s7S0Q7eZd(=0nQ4}QGY^mP7-Jbq7>vwE(@*|6?O$TiVCZO zJBXId6x>U+$4w!)z!`1}K{X_Ig)mlO#}~qBxIJedn@Ed$s_U~44VRaoi) zXR*~#TdBed80%?E20^eT{itaxfd@JOodWAQ0Ja)7kS$hws%;8uAeRF?YXK9dTGlh_ zo5DIMA{EZ~fGNs&hr&?8F@rJ|I~)i~&3~|i4(HYsP7pBYM<*P0052SA$sO%z+R=qm zK!*b^r=gvM-e`*S!5M=NAX(0W0^H+_1=R$~IY%7@5zaG-GmzsAx)xgE1n36?edtvn z;|2OgKshg{f4~q=1*Mk23N(@dG{7bbuPu05cuzdhXq}NXNft5z=p{a!X@}Zq4u3F$ zpwfVwoUoO~5x3Erw1MTYPg>OAhA0V+a=_w=fwYI7la^{&kE@PqIP|b|RKtPRqyTq> zDg<%vfs2C-!HGhEjEmqY!4*}I0p*2}~;iy&WLE#7Ci*E zdeneXWGU*)SQmQA(9xtP+{Ba9V1JL?n^S8_!9Enho}rE;DGL3Lb9B`cHb9nZoGlcB z1J}XLp)Fh;vJ`ORnsg?za82#1u;GsL(T4FrSCM2m z19`M3PC~vTCW1B8(XayaQwRnCnzSMcDgdeAdfXX97cCivW~moEhjmH>yMI7_MIPe~ zFe4DWN3Q@0A|wc+u~oQaiH=|=oj26^bbU?prG7Q=RhJ z2hX1Ut<${LnaGQ{rDMd3 zpoTH2=@K8=Z63$6qk`^H;qAKoHx78Nj~dX&Bpqa9a;?|A4}!1M(+uk=ay|8co+5RZ zOuDgn{Gc5>+|B?5N+dIrXlf#um|!sH4O7CgOJ*h(g|a+BQ5|1K6@P137GschOps*4 zi{*N=tvm78`KAVEa=f~SaR;h0lj2FgWtWN51e8eoJ{{Xmt0Hfe<*l;3Ro=8}8gLOK z^G-Aa`q+eI+31v`QRx~GeBh@YeSNE=P2Rj4XujgQOCr@!Q$4&oZ#9=&%h^D4GKpOz zx?VPx2N&6=`HPzC3`phAtQI$jLt`j6$*c=A+NSCA$poSua z!+KO$bi&zCl;^C+E0aQQPkdy9O%?TxX+rd)VbtaL*&IKW<9{ay0$R(h^dk{PWx5ci zw&`QiEnw=KA)*d;J|5>IZz!uW`*?$gN!i0g+(nLiRJYRI{?&9(=WNqH4XL57Om2DE z@J}q-iCNX|U}nMxrhm&wkb_@&vbq#WPr-(cY5Cd6&uCn~gkq#K@INc6|CYuZy-PO(a z=oWz#`Rqr0%`8n0c&BT|^PuQumib;pZ!(Xhg|Vzg&FQ4kAgV9M>dz=?TIm%Ac z*sfx&`G#n4 zCdsMSUb>-4uwjGpxrgMBEH6;poTmU}+eU?0YBR-DvjEhJsTl}WEREN@O7lUbWxfU= z$JPLJ99XIpvP#!A*PbS})*R)?_$Sn`F>)l4=Iwx# z>y$4K)VW$GiB^w--dPD&nLqPp@%~}Dah{Loc~UJ~>4xtg&qd3H9$N{|KyD|WeZeN5 zv43QQEh5>ANRuMMTSQ$88KuZ5MMfzyN>NdYic(aR zqM{TPrKl)HMJXyuQBjHtQf36!S-Dx=uYWJfO`&5ndH?0E1jbio&FH8Bu)E#jcr(?Z z@!90)_I9=1gge<0`>B?Fa`lj0-;t}@auuuPM(uT<+J^5a-gMMf`H)oA-Xw~MuJtdM z3uqXD)&bL5tlDVe%#Hv$UDcnu*dZ=94d5@i54oHu^-$?hOV`mkEran?4I)6?_ zJWn@Bc98Eo^3~ory4asyWjH>lYMQF1shT_``GHCP6LoyhBRs8`_86txMse2Pr<@Pb zD>_ytAqJEl32J8vatsgARX*UsSqf5o00L=tg+S^734Ta|?MiU{5)y@WkPw}6PY6ZPwT|s9tK+ts?c}z} zs)&_Mqog&BUQYDtrFKQh$&OxGSk46wd9oH=fdiiG`K}T?+mVDhHZiD&-!bh^LRBRI zJ_$*r)B{fK2hosSTl&!ugW+DQt^_|ILG36(upQ%CQa(cBQ`*G%K=ZpoAb*PB7~H?HZ41Ogtj{cjJy*Ct8_D8;S@d%?mG1aOOaXYQ97xV zC{&5Fsseh-pi`1Mc~vf!^MB{7Kc|G3pQ-{tmm@fq!` z*X3n#H^2B7ntM7qy5D|Yt*Z&$oUzO5c6^#}s(hWIyUy#HyGWsYn&jzxp(dXTiDuF# z%4R>v6lvW=rq!r485ScG$9kPyHrp_1OuyjL)nxa)y0?yr*LthFyG{b>aD&0TqWbU}qki55oKv_K1#*l4IGLn}Z_C7?OBEZ< zs>);k%F3i!-Bi-mFgyF(R56`osL)bq!O25ew-y7smI!dh4mzis%|EVTfA8Y?Wc z6opZ;#tj-P4}Czcptoc4kPt8-CnU#{hhn5>#X_o{kKbhEw0VBYLn5=&jU`?_F)~Z zb+}S(Wg=*0Nkk82i6_=%Ju>#MrO#-->p$jWHRp!^EtqNPC({*GE!302n-Zz58iCVr zQcc5|RG~Q$L4SMlJ9=I~Ya0wSp_^53U}Z(i6kP*DMvBm$K2(6G>c)M$^INq3&yhHjFo>^$8jO_v#vG4v- zF0Vc#1%GsAaU+w$fEt*T63T+gpINFGV( zb4uh66y|;hlrkXqu;Dq3S-ARQd0mFbf1H$}WOd64}H7r4E zS%xj90|!D=BBbcaA=W}REyC8wj#{)M!lFw~Hi&SCoNr#A9lt%x`gIUW|GlBC_-T9} zJux){Jt+p!qbLYLZ4hM}#33_w#7~Vel-s=+dUEpO^Y#<@X?quWT@Hj?Ak?1<%qaY!~`nz3Q%<@1+kfBaIp$Ot9nk8*U| z>*!9BqtlaL^t2!ss*Pc192&4Vg-^S4cZ z_U1<3{;=Fg_F2CI|ES@dQn#MiiEIzClO8P(&+?0Q>~x(0 zXuyme(d&*om~iE(rP_;}r*A&Je{7KO3=ym##>)W{ypr(m|G!Q+m?_o%MR^q^CED%)FZ_ zh~i97m2}wpper~x?y9TeJz z?DTyuzEj6x*@M;`73qI0WBSRTu!bQzwU>mnHE9lJ3+Hl?RDM@rH z9=UMMn<>R0%J2{p0=IA+xJ9KfBPLa53JyV)_u|lp4@Ym_zRm!sV)FN=QFzzH0^91A`iS~h}`3#v;W6WoV~+zub& zKFJ`$)0^;M2d#f>(iO}|f}&E2m~luOvRP`&djxo+LSR=WX0wVi6d|St!#&2Y$YnIX z7gt|=`sKrm4;j|68-D~RI31iev7fn`zb8&~^yQ zoVBLST9>g_10Z~6l1;-#G-q@?)nZ<+-)L=QMYjx zAw*wXr!tMRFxGMwUL4TtAFK>-xHSD?-H!N&AM}qQ^fLdD?KzMXVNcXt1K+>ZTtFH|s!($vt!!nxpKihIy!l+Cz=rbaP)F+(RAo9y$yS z;`^$>d%DEzp~pZ}-Wv_^Pz}3>8Uy6tSB-eDtF1tHb5(w!B&sSmBsV`#(by zY<8D%8UzypGc%XrO9U=WVl*&hVq#%oIbmWoI5;<9F*IQ_H8^5sWic@@FgGwcK0IPH zFl1t4VPQF8Vl_B8H(@a}VKX&2VrFGAF)%PUFgZS5FH>oHWePMiG?!dV1SEekFf=tj zJ_>Vma%Ev{3V7Nz)@@8ybr{F-|8@Sif}$cK@+gAOsDyxkfX{-67-69JfQpKdW=5j; zfQpEsqKMu;keQ~1S!hN^lxe9&wl=p`Tl0l)T66P7>xH#iZEbYl-*fTiv)_JPoOAAT zZmxqd#`N?!Mv_bk7UNjlgU5eyAGTlvo^Xr_GDd9K7-PtS4nJ+glQb4R*a!P!00v?| z?2kb>00-hA493A2fzmy~jVFQKJ0{EW?%J%&O9U zl{mAnXkLxw;&_X-S%dEPa2;0QdU1Zp^dJA{-fxuqjHZk8ORIl2l{7QS?z5{B=V|X9 z+dwmiyiuG#qqKj8ey%wG-P2|hO%84m8+bwcS84KaE7sr+v0+}F*-SHEY<#meuhHb= zF0qLP+E>vOh|L_Q&FeJoGu?vKxD~fy4Q|IBxD$6_E$+rWxEJeipV<6!daioT<$h=O zV*?(*gV-pxv|WGa58)@+iHGrh`~chW2wubM*n}VA4g3g?;xX*NkFgnV;um-ukK-Nu z5?k;q{1oq^yY1b5eh=@X7r(}Dup3X|6}*6_u?s)L&+!bN#ann0Tk&nYgqQIRd>Anc0+FaQIwANI!}9EhP9 zjDs-*hhPMT<4_F4VK@>aF$$wG28UxTj=(sK$5H5RrxbMGTociKTP0vJCSnq1V>)Kx zJao7E40QK)F1lNB0T$sxEX2iPs{-_XE)iQBuDMifQ?=%$V!gfhe3{sb=QS@Ed$~~a z3bAc*n#+I0wg+ooDfULB=2c=l+BB~gdox>ex!BG|&1=MV{iyjguER6pDSV>+dUSW7 zyX(%PyWia1)heE%-fM98lDl)NaT{*OomeaOR;d5KrrQyI@BHTXZmi$?zx(Zu(WC7Z z`{1GG-C`f5X|DHWujV?jzxL(>zWj&g{bK(q)_g0-mpe2c6i-yQ<|gq(Culw_o|I0_ q&EiQ7(R|c*H|l&><*Cdy=6@&z^dy&SPy`+eI5jvi3MC~)PeuwDPynR> delta 128162 zcmZUaQ*b3**rn64IyO7DZKq?~w$<^8ZJpS*ZQHhOJM&G|T+Ban_tvg`yKBAmtY6sN=NfMDXlADLqerdQ|Mgad@(ytm@?4YBSuK85H*^BJwF2e&~$$ zzH>C-Uw^zk-u}IvS-#z2)A#R^c1^t6mG=)(#k;wbJ zf>Rl_R;+TMYJC@IVJkK|2tAfj9hRQnK;q|+64v&6vj0_n0%k#%kkVQg#_xvl_ZCB9Lg}+!j+(Mo@sAn65jd=!AszFim7dN69z=u;M-r3eBFR&{9hF1+y<{`lR>_0 z_k#oCnralPjP~dGMUuzg9j+G7i8E6WI+=F!! zk@h)DJ^@wIgiRF=D?n~q;(X8Y8<=vw`0Hi>kEz`T+!fy)uQKhl9E@}H^+!|n1)8$) z84zTZ=OOgGQ1oO$P`o;AV5xFGGfS1dBukVH5s`_q$#C~BOKH7sHft%%PAVuR@ss=! zRoJ>BZFvoE0%g30sO#a_J!57%UI@BvuHQ}j)8CRTJ^L@sJHV?552zZG6)HfREe3{% zIkSCF-E0V-PDTHh%FTU;tyB~k)*zVN8)a?wWDt3ww-P8n2G@OlXBTw=b4-W>x4ri1 z(24RjF5lp;nt-i}VR9(lP(WIddpl9m3PFY;3%8Tzvr|Yt!I_?{7N~w^HdoHZV#HWI zmO9N`N);st3s^6J-hpTqJtE46YygEBX0B3a$7qMojIxEr+>Ee;(ObB8Q|i&qr-EuB z<^!)KJCV`c#OOtEJWl|ZR6@I=KBCC>H_F>9TPLb@YDSJbJR<8UClx+68B84*(Jt!v1ay3g?x5`#4U;%uucjKhJGw5t zF=@xn-!va|d%fmXm0<;%%;rGNv}RN4lsWJYk-pijam0mt>s)tKPuda4sy3<=Vi3AuFefHCY)*;L z$ON+W<-QhfgS$DY1h|>3lsYBW<1UmI{)tNGQ-Qg*%&yT<>*|S=D|&C&Zl!8tH1|>3 ziI=&30D!vD=N8mS(_S#pTi{wJ4qi>cHMRrN0Lg6X3|rXNMX%-A`@WDXzl{=K(Q5n& z9;hTMYx3L(Yx2sn4^31hM=XJh!p=GZl`f3j2Z8n-XP$yU3!Z|1Q>VFftxQBFx9Vsb z=W)>_gHQiBlv@BT$EtmTNqxK>^xeRl=9h18v_M~9XBEuPR?*y zfDAMDzv)YprZ>h*(P?fM!;{usN}-zF*i!2shjzcX;RI(>BU(U*gK?gHEHpY!Oc#7k z&Ufl%J)Fs>|Ez5j^5ZP1^e_^6RSH+dbFqkrxbL;gh+d2iT#!fL+;e z&3j_Ad}Jfva21cvtejD$c-c??UfMD)0PH}U=LeOs;tt`J+J`wy{$A&&^>%&z1rOF` zm6i3z@F%sIR7N7U5?Wh;qPjws*f#FZj@F`rR7K|R5)=;sLc34iQ)%@!xQ{KQYi)Ci zS2*ZvTqQyZ6B#wXEMttP^N-TcSQ-Dnm*f+_S-q#VSMGhMP!f0vu|uc7LR>$+9{}6F z)K_wg9eco2Tk76*`HCo1-FuUFsmgl#^&0N-6>wV+_DYfzhMWR@aYds;APL`wf6@F^ zZ#Skv+4eCg+-MZ750Up??v(V!67%|l*B(`|OQ}H1vjwSa%Q#P*mwZ|*+}{m#DoZ}M z+#3|*{DKT70?>f$CmVe35}Z!TEnikgehs5lNEuQ<)Vp>$AK`GN=ev|XYm@67u_ zLV-`j*NAOrSW`Qb{}a;xP4-4suxvm>++Sn>R#tYl|2x2|ba-M(+kQ`f(Qr2gT2?$_ z%&zwO+4jc3)9&^<)OI;L`|tJs2slcjQ6(s;u3QpaAKMj6Ax7kn#v(3V0a~uio&n9; z^&dUQ&tE+)0zO?|cMKc05C2XIx_rJ?cY2b&!mpp7zVs1|HyMV5t|9>}A2(yZ9?oMo zJwx-^*MQ*nm5*=Zm*$l0%bTrGrtM{p*F}NoweFiAKT=zjnTdNyL}Jy8&3h7D-Bd93R|0T_hg(n9upDgB_nHeA;kIoYqC z9Z5THi$kG@I{N96=Jrpl%Dc9o)$J!qmmsN$?fZ>yvmY468q3KxL<4-jQ{Gh$vP9E$fK^UyYYK|o?Lk@@6cO26~6dQrsF;YNMm5-@$ax4+a?Igdy z%*y)+)Qx)13LBec9Vb+Ev#n8{TeE#6`n{O*N_0X7SrM1m(5EghtlJ2w-b|u}6h{sA5j+dB2gKHBU0CE`JtiNg( z)BSX__&z+ad@)oapZV9w5!Ck;EPL^*G5HzIlFR|x6R;uQ0vs`^1kSatyKcx^z7M}> zozY^AB0#KS=?6~(yXAnlHDFsIH3h1F%ji24XEpuCQveNl^}P@;o-T|`#vngVf}1bP zk&|ogZkrnw_-&1!$=~5o;LO&wnXHAS-|z*+tmv0<*i!kpo?Tm%3{_*!qrcORk=ELT z?YLbF@u~NbTGxNS%S6p#z@i~|uXeIZ+N4@T!G!I4<45jwg7(LiUh#aZc|?U0c;c~? zy{z$X8UT>SYjm==aNp>u=G>TPNnrz5!d5A6xN$MTvBcpk)WMbfMHm}8H{XA`r>>8& z_)%k`(fGvf=E-p4WNr_)?uw+J3uydFQ3C`$^Pejq2gR{I!9(+YKWrlg$Fpz!wbSv5 z!f_aO{{wd`?l&Z%Rw0oy^~BfBo}mB(sR|Hgb7c*{PGTBh3$eczi}FFTI_z2;0{52I zto05UDMC{9{)*;t%iLx{P<%6~y&jX3Cknnx@o8YdkTW@vRk!}|j5T3cAR;lZ?j<= zw@J#=)qj&N&CbA zFs)%P3QO~%`4kfJqqzq42DpYM;g@UR2`L59)U78TOEoZ%)gJF)g|UHktx~yw$}8c- zVg0KnK;IBnaJ!*aN99bkt$HyT1^d&H3ldH55BdT z_0w@j55O$uWJFXh4y_8LEc5IC&nQ(Fa=% ze|4aIriC?-z$A?BC@9c?4?3J}p>Rhbrp_{KcYd>Iau#%dIdgAj=JR=149%l#RPFK) zo1WTp$DH+)se9s_?-X&I?TH7O{_y!3_ zJ7w4fyP70ile#E}>nYObE9CV&GeFW`v22uSz3P9is#0D34OJI2-^w%HDPlR3)29^A&y8x+1GUjC%tYjFsL)AfW zlmHQ}Tt0yrP{d;wCL@kgoN%X0M2df_&2njsn`vIJL80}Nc&CSDY7k4zQ80QzB#`)E zn8<>o1GmofI$oC} z{<<|f_DTVt8)r<}-`t?3yHpjkT6WWlNV;ZbdKbN(mn)e85JADHf4HNeIZ%jUHRZh&KqZk6?SE{}2d zm=tZ~$>GE&p|Re!`WQr8``D;xnF-kTn3OZ5NsF&8S!Z@1y9ZE>4Hbx4MS4GD6`ECBY1Z4 zA6KxY(=g1}o6o~0g|f2*w<~U~N`{bs;P3J#kA}LUpT8aT5cIb8=|RD)GO~Bs>PD87 zC)O!d!-xY(ow4V`#2tI9CTfNgrHKIMfEu(~&XEFGBYr1~EFMXsib}FAHN%)sB3P&8 zoGrK9(duYgU(hTQ_bEafn$Eqo7w&FTbitftH+UJje-f8-ZCc>WRSU2vr@Up$dR6au z9KZkIh5vPG48gAi=(@^IEmJ>MW~%sY3(gJ3r8USSvl_l%!bLK|r-sfluo%p~08onI z?~4Tyf1B{ffvy?Mo-&LMK~wvAf^pNww}k&BTf9iz72sd!6u-(jXO+9#U`_ z3qanCOy8kEaua6X9x5KzBcIC8@UEfWytQ{tA3qwVAj5j|n z+Dg#OlW2FtkMy1zCQ-LQbE;;h12Wo98hG7!(Y z(W!}RjW>I)1$wGIL%hc1UToy3Qdk=Ay?l3uJzFT5ZaxMA+}x!HM3? zxewESEBjie!a@mR^)L>OWbWfa@+uIsi_ zw_EOCem)0u1bS{<+ zhFqH)`TnetCMV8T!n;N2uJG*%BesAYOvC1((6X`HyD5U4uHS?7&?vP)JUikwtK<`$2*KKA!l3Z zhC6>8QKK;pAFXxvsVBWD=t>0(CbbX`Js*!Ca;C2rylw~{uJCoY*z^S-hR^tg%%m-eZU#evq@ zAPvv@%|+16%3IWg-~puScep2>rl-Fv|3QfA0D^obkG`s7Rw>B<_07eom#~g@jkWXg zzr;lVruu4dzP!ZH+(_y!Lf^@Pf2g2Ud|TsvAmVuk@iZMO=BEfEv%LrN>snp{hvcU5 z9(B#NdIVgs=BaFU*&)(&MnlIkF%3XLg~_N}=*}xC-}sXQ)>=ZIe$5(HZ{2!8AQ=*1 zdBoTCui|S{R^VXWxh!ut9ewngRC6N!6+a3 z_DIBcn6x_eDexbKTyhRmtXRBXIAY9kD1V*G`ajxX&T`rq78>(GtfNzF5Lh}jVFW_} zbA^xMfW0Yll%9#E4b?<_Iy0Aut%ORonhdLIAC{x_Wa^Cf8I(pNwFk?4e#(2NxXM`e zjBjN>wr=@cjriJ~Bbe{WWC|;Kz}by9yBPA_?_}6>d6o5qnnlB2${Lyf@~IyKLb*|#V2KxF*G2+PXGNzcm2@rRX(5tz5~im70?v5PT;*rP!Y>Zt00~l%Y#QxX# zTtCnh%fQN$p8v+u2A7O*fwBP>u4?9Vh&cT8gp($qkj3(CcMM$j^WY@xXXG3nUF2gX z10GTS{FEPkP29VlRk;18qNTVn2*w)U(Es_&Pucm==0D2W(R(P+oloa|J$g#llw&Vl zx&X9x>V5Omn06{*+@BOD^&AQ$|AYb)ndp05-+p)Ye15#EryK<1Sue*0=fS_~cw|!l z*fYps%0=fmh`l`rc=eJ^JO|IuTJ0(P<4V=)L49hfMB}cBs~L5~$YJC2I=%N1zP{Hy zXta7y`Jriqx_9#twkv-8RN%ek_EVr z;CUH5%9>2JH230S8WA-*r(Z%)Yt>X56sA$cb^TzUp!m^qfT9I0#;IyXtfK!=kxYs7 zt8%bQ2@oTZu6y&ifC!5}{Xh@z%Tb)$wU(!Zsk2I?#Kt2F+!9x{F4rB_YRRa40wyY- zO^QEt_eCV}W!13xNHvX&1vq&!d;u(7QOR}I`HM5MbsfpS1YHKLy%Mcr^C&KvUpk88 zp!tU2Ldid@v<#rg#!*iD^v{;{$>NX*b9nR0 zO!?Mz3SzAj%fHWMl|(`Psac9n-+lgsK@`+kdzn#91^(rbK=xeac{x9Zpg8naWV(1U| zowHj}SuXq>!4S&G3rvqzxX>2lrr)0IXTq3EKRV)FA zW%6w(Fl4G@kOOK2ZUSm}9<4o;r6_L20ds|u(O8=J1#LcFi&5JUmWuPOWqr44H`~C7 zZKF-q-CSath_V${;{i{*^XRXEL&*HC(Dm63JKTV{7(4v>DZs}Hf*K%@CfpjdVffi1 zeyx2jVwFU9LwPGZ(K2m8NkDyvXJ!gSciPliXB-J7H}#e z=2UFK*3*R>S+lcoL75m2-zYj#p1|nhA4GCHx1^3@(uI`w!g(uyvN8ViG4I=eCOkN1 zEb}BpnxS3xqwdw;6SJgxfSn!n&Gt&m^4G}4)e5`8R45Irq6jY?D-_N4p#E2-lLK8H#{o0|U zpmug$Z~~Z=t&gOeD*^or`bT30O22`B0og_h8G|swx0L1|WA^{rAc^2cdf6;6!ChT0 zjmx(Ds?(SsbmCVbG1v`Z&HVF9rc#CF--}E;V#E!ZL95JLF6Hb|RPII#KEYu8pn{>| z))?l;La4UccvP`?M0J3~3bfbIcbX7Q*YXEK_GxOkD6syObf*so*#7c@saZQ0sTM|AR0c~}|>sh{G61{oD^;Xn3aPEhOWo^!sHG>0% zpd?{ULu}@NOnbdaFMgnTljLRc;C-n1pAC2R#9!q{)Ari3i?0ya$uApb0A~)DdE2K; z$9j2y_De#l0}rJE?4>Bhej3X;;-MM>uEgRm0J06uMGN5qW`q#pVf7mdw4s)x&V(k{L>rxFudt6u3dX1 zPGGqKUl-3OI|bpITE;BMMb+-wz7Zq?e^>?X98>W>Z)fwJP|%bU0o=%&aW_Vo18&~8 z!YVxYZzG2CF!S51GZwO&giiI!upBwezl%3Id!G`s=G)H>%Cf?(7@SrS25PfNE>6o8 zz!j=j`!|;4nBao=LGVNWknIDH8S)&(DwXV#+3`Brdv8LKgrdW_wc zU5+6|I2)YY8`)dk4=vf`AZlI<6hc#E8`I5pL+gnqbu8oEYwc=_Yqy&1@-R7stC+6wpMA4~CABkt(T=YAe`{Q%E;LWk1Te=xG!`NFKs z@~`NZ3+lMg0LtGJB+&=6nL$upDy!0&Xr%4RcoFYIEO)gjN#e7hSGt%c2PBD?ri6-v zsFHV-GP){U?<(76v`W9a84iX*61$9PBHY=jCBuMo^WKrn$GS9Y(8l`buoU$ukJXXf zSrObdcgI-3e3V!iL*9?b5z#qngU0f;JTj#04V)V_KviMFr+A;1+z7(kbFI8uHzg() z9}`|i#9TS$Jj`<9G{z1uCQS#+`<;F`O?2Vcrv-p{Fd6Aqtd|vOU~(ATJn9q z(VBD;Kr*(r3FuD6?ePN=hhp0udCgVcR3T9%<4PMrxpi2)o5_P>kgqBv{@#$S%eWT( zOez_k;a6rLe~j9`N|p6&dI7fxWdvI3a_#mPPKd{g-P+8@;Yvk{_@^rw8?~f5=*%Md zU;TP$WZTMI&H2fITe(J+xd2YuA916ZFz%%(2@0z>b9fHaS<5qJins}UXrLlxz zz^RzQRFtp~9jsk$-7my+1gel@M03|QHCm5UFvU-q?1*PXE4Nm=a`{Y?>p_5;=u4+Yw^z7aW7|$isoFOUAbOb?V!yx1k zAUD&_MV?i5-y2&x%g($Nn6()IX(4Yl^AP`axu7>Imp7~>WC=-RCfKGQk-=gqvu<0j zEr>Enf{4_Iij6@xb?2Zmvz~J&b`@Z63%Zlew{Cypy@v`@ZH$^9=stae2XY5_uX6x$ z*?XNZ%X+Oz0)IvvRtvXRucq9NJ_+6R``Wr%asaNj59Zy6FBjWCliPUb54>P`;P8FP;8LR z-gP`fBiR2n+g5r@k|r$s)c+Uc#gTSp8N$OExBk@gh1ah<4$-2WutFqN+YRCz@Y_k& zSy57JPP?ks#j{1tU4;;LiMv>2rfkA90t(hqQApj}inN9ie$rvSQ_-+)AurpHPN{A) zkX3GIv~`pJB)!Q8v1^EB5<>?j%; zo5@Du5jzMKbOqhA^S{UadYXy@s4_C}l7anYYjr4F8)hNJkFda z^o@B7FXBDv4yXpnonelb zkJhp1@#)9`eiD%^<#^~a8$nWHj0oflM4VYCU$%;r@~H_Xn)){oZpGRIP~|#_|B3DF z$p0-^*5{UA3;rE`;emUPCyo1PjhN8t>Kx0IzTYY5+_&CKb;0 z>VmHlH}}r+)@$~1*F1GhI<`p@TuSP1Dw72!1KwOxARfjJrx%dEn{<45FB+c7TP|Ep z{jCXIH?ifa^li4dLXz~x>E9mj%@AQx7fGBmjBFmbd)mohKW#) zRw};U77Rv!!S`VnJ9h4wp0x7XPQo8`_YvLW3B}n>7E8QVJ<(qS5g}a0`n}uPI3;64 zTbdogia?bXOaI;SE|z#E*30vK&0i}s5l5HQCHNr=i)zF=HrmX0lAc!W&mRCycqo-G zFuM;3D?fr@l_KrzpPR{YNhH+EE9~@OH<`62dKD(X)OMrMC-p3SDkhFcYB`Lr0)WAP zi=oGnX^I2Hed21Z1*rtHTF0-$|KUoe+c{p7n@s;4DJe3|h==vSXXj*3`#PUrZdXOi} zzmx=MY?K9kAYrx2b=Z(FRHlhxgJp9`4#xG_jL299bmjII)R>2Qb`4dK0KFEE+Xo>e z=Y83B#;Q9REypuAv&7|K?v8!127OyQ#FkKI!!a=Q9-9Q*G8ejvXnHhNc+u$HoR=oW zY`B3D6E%ngPt2GNA}fBX!V%RNByW8)&z1nIbK0kfE+aJ<`1Xlt&L4%VG;&tl#Vpfg zPS2tabh)BWtLBHvtnvT2@`u<#p;AZcbyqBeC4mkw#QjiT=yJW7&UocRTk82Hsh*!vAHQ6oO|6j8g-jzhy9W!fV)n+Ldn zD0{thB#>wsjj?C%Ec;d+x~B zXt!Gro-TvJ+JXb|fmqtyquyITEdx|N;Aa2AYTis8X2&M^>{nCJe5yCI7y%ZS6bI#{ zl~k|4h~h0Tg$eIe*e_vd+iuLryY2N1lHZ>Zea1+qQ_dF57zNG!r-b^35XIK(gTb^r z?rA=Re*imP9|(%an!@UjGYx#PeRbOHO=*v%;Q`iOxbY`C zjQr+VfHsu&&9-k+*~a{UgR*Bdjd^QUHcSmcK|yOugm$=o696EaqqDi`y-lb_Hy6)lqm%y9tQk z+ecf@Qrb731IfUe*g6fp;sOfXopF3FNM){G41_UJIf>zpGOa=Q(6dX&XDiM;VU0HcQ9Ttw>#&cKXVy4eK)HAHzVIo}RIH$c_yq*-g|l z_SEnm5CYx>mf1cjGR)=IF zHE35mVL11SW-?aEWV(kSPB1lG2+~wv4-c@ZFHefVbs?vB`{m8|y~9W#W9fHHkatst zsCh1KleR1_+H zOjAdCab8L?t${0V@kp;*qU^gRT$hGeO)bNW0J; zCTvgQ)`^)3wM_g2s8XiGBAt<<#$+BxTpNE5*4JLoQ22wlrh=a-?Gy_UoN|LFbhW6E z7j}VByY8T8+y?0KU8}_#vAbdJa{!j)j@7C!_+sS5~EsX(}u&5l8Oza+aGtz1u z({I3n!+e5LWpzF)pDEw)oOXWDre2tBQA4#U_U{HlB&YCPv{6C>TY%{gFsq8n2E`(3 zXofpf#8!#3T`iT&G3w0L<~XZ1+*uh!|6-dBkh`${(SPzMLauZ@F8ZP^YRD~nnh;V& z8>2=2%-AWr0oR|~pz!G~(XDaWa@6e}oy*cN&DgO4KEYm_raTuVABopHS0f_sw5 ztMUU1tU(*MoYE$NGDR^NROScaU%t$p5Cs)IVeQj@pwV%mCou~`gD`6c8p7-yz>5vj zZ&@nxBLk4hX=W;_j8YsDX)bRzmya?C#TG+WDW%=amu>>V6dzuWMpP}ELWwalVvzF7 z#;tomLft?d3}M{C8L&V&Y`EIl1c-MB{v_N~q?0r0E0^M`N^BJ=^NUiLVmG)d6%Hng z#0teH`2Heh2x02LxP2DQ8*5ks@I*X~3LHHbcAewhOsRegW9}$TyqxkX!R)gs&aQb= z=>Gk33;0Cx^pzf3{*~3GC=wn3KU3-4ZM?~EHQR4CEVo|kKw;bYA^gh2MZAo>vzs7m zst~0wR*Kwp1MZ4vY;#PGJn4>CWKJ*cEpjaOm%{obSU1{rGle-+tGT<2=E*cgQv;-a7MsxDBNrH?|Us=sXnwZ(x-N^ zPwqzuV>obkU}$Oy0`Ekd=gMBQ3^RR>A+UxJ#`LtI|J`FsW|>bpmUM3eck&2ZlkD%V%~cU@0qbqs~?3yNi%ymf3K)3 zfbwJBzB%DwC+-j*p!L86$b=MG?7i^PTJI)O@tyfp)46R)vuKF=?$9_)zF$3Ho3+5+ zl}eHIfQ$1)IiJisy;hlLikwAEy`^U2IVg#-TgvlJumWe%|qxmTSNtpr+-gr*P7d=*+hX15KiH z&fA!nJt1`!tm{^b7}Z?tII)3$lx(e#0e`K^(f@%p(Qt3D0Xn1A)teO~2ScX59MgV( z@&K#*X^;9BZq7Rm$}zw-+E@nbV>1hjabB~>KmMv=f7Ee99cPQJVXBtc#=*lYb*o*iUN*k2vQl!3{zNY4CMHjw-ywf0%amoQbDP@_16LjsSAqHz;vTUetk_?uHq`^e6+9J=xC}G{xt{r8m(F?QyF#rA^M=+9?xQ#& zCgQ9jz-$e=L6C{UMlHJM`xn6WU@Nl)H9NSrymDu>UaD6_#Htd0lDm-UqtTP5vLKrA zq1K6qs;W#|oMed=+a1VdTs_*1zm2sL7ok{g`!sDn=%!q;q)q6#D`inMSD}{jhVrlp zv_Mri-BkZbh~cdy+JL3#_|11q(KuhM8vIua;1{vHw#qrm3QpS=T@h{;mC@)CILDUJ z>Ka*ZA{Gq6o=;a$DK!po2uesT>1~BY+Fy*Pb?Gn1R%wut3nWu$|B?b<9++NEeL}YBL#&>c-tri zsIPI=X1R?cSA>qr-XUfYFOYJVU%NDsa*tE@>hZ9Phn$3!^u^UO-Dw5N6eLV z9n;3V5CABwlE=gjRULvh*V(x5EpohCp_G9j1)g>1>#KP9EG6-qUC?m#oj0ecxJl&e zcS~Qzi{dn&jp&9N8Ylb*(4v>0*2<>T*0*%H8Cq|{MUf)?-+7J0v0{*$ybpLwGj`Ees5jXhpkUc595*|c`R zl*s$3XkJfJse{F(Tu7lz#L2eisM!bh7s8{_K^c}!Whd)oJX1)T?{_6}OxAq?!g=uK z`M9EllL-rv4gP1?pVT}~%lbS^esDVz8Vw}BFoCQHJ_>&W!3~Nx>kFGhpxQ$w_fe^B z$IUQ5ef!sitR2u;o_Q2ojj_$e%#mCChFMc!NhV5hBuGy+l_DhW z+BWv0$@)Sx6aQNvBJ`F@HS(VU=5%G#NxZ*?#;~esoh+*HZX*wi+pRDpKsXq0{PPH# z3Pxia$)9$7)KAV3)rZq$ojS*dU5rQLPuHg?DCBnE!H3U9*?=}j{+9f5BjW#_3~*lz z3RFm0jWZ~#km+fF*G&Y+<#DE~(qs#nuQX=EAWNi83_kazcGqy(M$V{!LHyviU;n;# zcYf_#oPt2PBG@*oVq9Gf=**XdYcF$A%+j;9d=3oKnVW%cCE`)UIR;*wn)Bmq=f_@G z(1={)^<%4oJ-d%M*hW$PlQVX7*M&YryHSezae8|-cdXJe*jp*vBk zPgDSl=P(bi-M%kX1K{%jHkdE!;Cu7H@Q!CGxc4T{;m-%k#nyLrNxR1!YXbQ45?)u#L`a=_-W|WMql{ z@du(k*GA&3W$n|lDLF0?vHAj1Z$I`wo5=;-i+$cCm%w9X^oz{^IbwJX6%%ApYx$#N z?3SN;P21xg0^KMCdQm?c?I2icB`{( z&I1UMt@2DSFp({okaCJil^M>mYzIaBdL+Jsm&B)Bfzrt3eY5CUrXv<2A+VE46GCj+ z(d9LYc)TEO#ym9DZj8D=wfjf)1CCQa@7j(aC03`|zTRd4AA@Ycq;GKuti0e>$cyv6 zKC?Q-S!M5IOpnO;GUhl*pSvyFig4>&M9-Wj4LPJ1T*ZcKx(@ z?XMbM1bKOeYr0d8iG*N^yjijLdzjnD6DcC50RunK$2X?or&va=}qC-pgC;R#z0Xvm^_sX z9H?30e$YpvU8~q9$M9&T;}W!Zw_e;-7kLEt-l%B+h7%uBo8p-L zAH}45bw(UlkK<}qVW>qz2u10J_$b>2w6zsoiei78rJU<3;MgPWm1r=<72@)CkY)Y3L`|G&t1r|3YU zb!)q0v*V;=+fF*RZQD+V72CGevF(o2v2EKB4#k3M*X(g4cOX`MU^lz~ z9dr)SFoWzyA?r#r?kDJYD;`#vHD1~r4*FFkxE$YP=>w|F;oy*%KU@GW8U!#;$#f#zF=ebXa#tY<~{!c4uYk15gUYD*|-NPh0G$gClU~@p zXzMl(OwQ~y7IWIr>7$(S6iLcuUWSLfjfFt$GGKSYdPR=Te&Qqp$q=P&>@Qv#4$nMe zZ0@G31}URyNrfDY)Nk{E^4dHSz9%(-i8+M_=2mcDy9n8Xd4x?F2l^+4)?T)d1h zFky7^S${?NiSyKa{a7mq7cvCKIXP~A)s8s~u2SGSBS1obM4Q-CnG zrnUQt|2wIPxtDC*c6!|!d@7>;%gsmHt7Ig0b?R>L?ts0}-h_=z041G?52_ePp*3gy z-7Vo({WzJ%{fz8H6;#wvUASki?C_(k(*pF_j|G?xjCdR~aS3b%c#pQSs@pepq zFyxV^Ru*YW5cChOnZ`f&+bah%y-b`1@Ns`Q+TmWlgAP7?zM5N9@W`&?UjhBm^%>~h zzdTG-ww#*ESawDAkF?Icx$_4n@1(10%`*I75neQpc-uATuejMXpYI88cki;?d}qLw zQEcXA*ld)~V^$l7`45f!pkrVi68nSR*+<(rGaV*rkDU1N&D&Y(e#&^!WF&GVJE4{i zRnt`-wd_&)hIdrlC6xptSk)FR;FrI z*USSgi3zpq=#slbkH1`%8)$NFh7dP~rVOY(`p%s@J~U@RN;ETN&j2E><6Kk5r{I;m z!(8|})_P#KZ;Yl>4C{T!}9N&@b3;N(q$*_>gsfLte)ichr$RexE^~Rutorx-0 z5`J!EGL=xzOAQJ>J`7dfDsazX>keH3Z|R0#geht)LSbOCY;54`e@eOJ6T51*sW2SO z#zu!@1{sI@e~6`73IK0t&1@~^UFzljo}hdmGP2DH6Q3+Pj)nd>>-C}t*XOuXNre{f zSI=ZUcG#kAOQqO``*R8u9TOXLmj;xmg22FhenG75)RNektGQmmim@CtX1nqB{MzUL zxRU(&`~K$#8sUdNpU>OW96>j)&r_Gr>c4b`|dUvnyH1f2ux4XQ^vtgep7=j$nex}rS6a*fjXuF-6yEW_e z!z1m}-1W%xPB3qrH${VXLsoNcbwhK`3!d4!S4aGbP@mkL?X1+{u(fD3gd*D+y`LQZ zQ)+<2b{97xtez#}avPCD>hy>?;0xBtwAp_wlx&R-C#te5zB?PvlUi{erQHH_LID{J z5?2imCYs)F>EjUS-}@-lCF)zpWOZ`4)N{aY;&RaXsjGQpS-3lVGVRtxZP5iXS^t=Z zoQmD~zlaXVY_1KrK$nrw49!j4LZ&DGN^+s6aP8g#(P`x^;!eIe=WkUB^YD>HH;Ww@ zwZ7FdkzkRqY{pG0_$Lt*y7>Xd+f?OpZ~PK`ub)23?QT1gU7$Mqo`&DXEUP$88*Ek2 z!?n)&LM#O5CCl}4*|2{uXzlq{U zn?Xu@ai<=Btp^uMPyedT%f7)H=eLQri1xS z$4_S=D&R|ngOwEW(eQzj>Es>%HX0gxt~oDqXquEnkvL4+oR$$?XBxBHTuvt`jysrf zg_mC@*b2D(#@O8PZmZ_ABAs(u-@_dY*JPnabOWF?ZP$Y~=nU6zUQoMr3pXJ;^}a!S z&(eBFm2Tf*5jc~cuXP_<^DR{6_OK+FK^U}u$`uYuKV-&fB}f7B5aclB3SWiY2c$M} z>UBBL5}fJP0c$C7%T8W=c-HNz#hS8riNbuo#jK>ze^4cm7|ypqX2Jmqi-jFuFe? z{cxPRUABgWw75HXKyI^6?<0A9$7O`O7Epb3JLvOyqWTf!jTFSlHQBOc*B4n!JR^!(|VHTlTK(S!fg~5A_2S|M01NB&UI`;QQD<;i2MkY6bOXm83ZA5|zsE zO7cEnPD}$F^x-|zeJnZ%%m&}u13muI)C)A(+>f%N!y77X+2jDI*5U>?)bb@s=q0xf zN263_->OH1&jC!8+`hD_a0VfXmnwu5cG!$i7Qa{GDb`i%Os4x)<8>K zlWj`H>k~P(t3{;;Nao(bFH7)W>};-ZSso&&uA+_9W#HUBP5#oMr4B66hv~>(p#t@+ zc;W!nae`WFXZuAVD`h*=oNK7tCCe`869!*<&NdH4ml!VBgzin#53E5l##e{slU>8* z@Y7>~29wSpo{fuP7;xUC&PU^@go-QQ3R9V5Y6wfXe>s@I1_}w9q^X+2W z;g_W6-nJ*SwrXsDN-{Cw9SU3aRd^@NZpF}|GJ>RkS9R<%l&(baHJBHRb)rWXSCf#M z&g{tg(KWwPc*(q;M~+GnU{|$E4KNwkYAY-t^M2JbqB%ycBBn9bGggPYJRaaIY2@~Q};ue zyd7+Zp7kZveSzI8jk`dj{2r=QAw zbG~U*EfYnLf7NO(C1JqvjX}t=qT+a+<5$pHCs&vu&CQNoOnrUQ6Im#ntnwuvY0!N~ z+!(gY7i$M~1pFpSdRQ91Iz|A}zf#=q?{jy=AVvuZiRjNf3(Sqksel1A`q!H&zl5B1 zkQx$*23|k;ONsmY{cS=urWUi9^L(juGa0{SL%yZY=kWOHVJ1}Ke96S?{oqDdy#|;=qcyb&;GbP2A%B##+4So%)AqR8g?3$VwBabOf)uc zigHsks3(Z7?gPSaY(^;SUKdgmbE+2nT zL309vTY@dsSK1W&!89OV_-lh0zngThs|R^W9oz7_?x}ta_5(jdCdXiKwekiC;U6Tb z7>Ff?YJVQn32>J2-MGw#QFLsf%A#>xmP&R`s4m88HJ`64c;8J7x0D$^67(2!)cf|c z2w$kPPuiPNkWq@(&R%ogvgCd1O#aLIh-`-Qh)Dd2O5#-@t1|d9Qi5caM2Q(2BAIA` zRqivy@-{bQzybUV*7EW6>DuJAM%#y(bA8+82$>L?uJiFH6V*~|u<2k~$(Wn)5aYBP z(cJ#X&brT4)A;ERlVWSxT<}l^&J#2rR9RO#IA*3YKFgb+07@g*#o`{8t~z7Qh9QDW zL`R#^R+jQ(uM90QsA6&Ig6h}Pj$0Y;Dxw|yiMej9cJ`Ny|#T9_~Gs_&fMde;1dx)OTj zE%>k-+y|iGT6_zAd>gH6Cs-*J8^LXXs^W0MmaH%(trDrNNNI^JAcVxSJpX$iw~L;Cn*THwfY-M z1dnoHAy%{%n(8(N;OzzTgrEOW#p6h-JPmv199b6U12lPky;T_?@ph(*CTT+{+WEv1%ipEJchM z5rDo*(PVE{y$5Nq&3Pw{rNL3iEUt&1S*OFWejY?ub|W?<8*+#HSJ$aU%dr^17f~Cn z98B$de%4T(?OFq6VMbDl{i!trpIg~e6E~EU3U9M-6z+wk;p$e<5VRU9a1h&`qlE51 zd2Xee6bI^r%-SY|loDb2T z>4_xKfXg7e9(O03r$lFMAtc%1v>s-U7%oTPnlf7%r{b+B6n^reqJe67oh5Gl4ag4a zEsjyGNm&jT;=5ObX`}bZ(c!uBPL{8`PmOsnAouf(Tw;(2ICLzC_sqfD9dw=;^Jpx2 zmVudr6vw>Qt35QC8a4<0Ohotl;Kxx(gp0;pDWoY+Wo%)n5RXScH&+9>JdE4Ecb>xF zGrG0OCCV$WIWlGO;EcaM32MEW25Rm{GwAWEi1bDkTqrB?y{B$Rk^JsW$1D*~#EuN5 zOTvRB33dlXEerbP@oib3S8xbc*?W63jn!CRy#&}I&bcR#YT3A%50}}QOj&>?3zD3p zo4P^MIN7agMp3w5$soKgvxX5hH0*pdRTfaaeW_VCcKaB}zfKvs$Rkvj0bkZ(3<9!L zx;DSiZGvli*6UPDIx%TN=o=ORwCCc_FpB<8h zYSt+H((RfTJs~@+Qk@wg54L+Gxx0h0dQRQsKltY}Om*gWcX(fiVFSsXF!27C6%xh# zIUgAnho0M;k)?&~5FgBN;A2(VI;*T^Wz?T`xH zWq#ezGqTkQo5>Vt*f*B<@{G#bjceQVFQsy8@ctwG&4k1JThPYWH^1{zL&-PjvN?!N zQ>D1TmCwmhpT?%jjWaaLtS=6b0rO{qN#%)boewaLI@jVz>@$=h0zC6}=uU@c5HWi> zGJ*r)Wg}APJ-VvrGy6}Z59dp?|Fvy7|HrmvWa9Y0w(Y;7So6)lqS)SLzG?ll3Zor3 zhz(d9cDnF4d&G(p?0o~U8>*N0xJv4J3B?V*2E<(hZB)%G4zAKI`PZV^uX`$iSNUu` zU!ISLm-~&_$42@JDBxcRBX{bhFDs{}hnLE(F`~6PV!zBNr{rZ)`afi7ct8W|P@MG!F^)qA9_TJmp>kemxr&5{+lrXAuOr`9Z z^f&a9m~H>()KL$aTcH7FqgKH~xa~eiAT&&A0|dNX+$~6ph4GoE2`Sj{R{A}0RFe-2 zZltAr-iAc?4U9iP*c4qT9nYH}Vl^VIqlMZyA-zjxwu}vHWXPEQ63}Bb$DqX6cR9~o zS|Y(8xeGtUFjQIEusD8-2Sd~w4Be46(Vid%_l6t6{D;zn@?k&(X8(XrOIr8)j9We9 z8=I=%fo#a;c?DH|<@pZF5CT!*DmA}v2g;KAK9!~4uX-V%3EOxGjrM9v-!n{^ZF&{| zOy(nbe=UY+=Izx4loQarUMI6ylhC+Fj^pQpsu4?vR_V1CPH+7;{1c=>{lG_#; z(K`^&8ghR0z4}uHpE0t$Yo*1H>nIfJN0hM>GHM24mG!pE6~P#^p<4zD39FKtduy{l z^Q!*93uhoO3_9*6Xg^{HvxO*ZD1zW*QqW*i&mOtrBWi*t6Det1Ru`XMI~m^0fPkMy z?W|YI;{RY7FfQPnZRF~Z_%6d-bZv&07}~>Vd(T9gnF*%Ca5Z5Dy0ACWDjTvJP8XEw zYB&VvcGABd<42E`3XL_)a*~?yWWofdVLZ`Cav<_5+|v1 z!17MmfHDefEv!csD<2{>I&mA3U>O-zkZBuk$idcKNhl#*l!`OtFO8#6fhPWWO zJGf6(_(8gLW<$9x2~b_YrmLRmj=WDskf~M#ao$w>EX1=4>9L>t@dw=#r{Ax zeJRmGkjjp~?3b2Md19S-okBEn)7DG!O)6lKW5Nrbk1@GbRb2ROXGvEE^h7d{TRh{D7-cYK z3CT?;tU;6)UuMK*#8lO~5?i<`WQo5v*{DXyUJ3njfj-wlV;p(C*sTy=pL@SW5J29*Qj>k@{DWr9m~QSj5#rd|Oq zNNB({N%bii0fj!>L>UKnS$MDVjf>hdr$r&5Vg>R5@6q&uK2=CRJ&?titp%on-k+fc zbSz+z4b*yQqfC6H3aN#aYz1iGBtz4*_aARE2^oE~5crEE5<(!0P_1f$>o(H1!D=nr zX^mZn$gVRjprNg z>34W)II#Qw3Ui1wr@=BBzXMG}qlw=u@(eIAHzJL-Y7 zd$}qCs6Q8;OoZcQd@vlcRlKNUgob3iI^CuT8{i`&B?JJ2>-uGEsWtk+izFxAhP(|DNFOXPEzkUNqvuvu9R>616EdYeM8YMa zcy?~!cHrq(T1Vv9EgNr4*sm0B?{7<~HCSYqXTyWfyfZc&JWAuyDmVN`1Xuo1fm?Jw z6N|87bx6f{8yi_@3;i7AQM8p)`>qMHBNtq2KTF)%odd{N%bZ!?h(o-*sQkvkYXbpp z$cdF)IG|L_v%obT4O?5-Vt8FJ@rTWa-f^SsB&T#7r^?UX(hAYjE-c$o-uk-Z$g%QE zk=_(??mz__jj<|Pjmu0Wo$YKM)X;5~_14cw$xHoIbQ4oqS(fbY>o#Gl8mMV``1%$< z8D}LvJ`ZqJImg77#da`*H8P_SJ+509cLBng74>w;o_TL#-8sb`!Nqg!hfjt( zUZe7LLpx;8VoTB~+Bw*4i!P>?yJRVTS(5$RHX`6dOLpLrif@t0X&qQ)8a+vh7<9)J zk}-0DMy*dky{G)JGnemK@53n6Wv{v_WqFbfKlTJ=Z#4b6F`9@^!P;@H^q4HEVdvMA z@Oy{p&l%4_4Nv0F?c>(#EJ?jkeDDFv<&n;`JUyY$s`wvtQ5tmXPic9)h3&l@ ze%U4_7mH=q7xQy7XJrY;7OOqDH1Vj5y%@kg4xL zT3^@AS$D=9LB5-ER4kt6ci^tdiKe-B_FN9?cldXzIYaN#dbtbBj-OS`GMern;+6tz zuIA@@^aR#Nsb~cuC6Y~RP2@?|RVsc_wnDNYiW95(Wg#>?4|;0BIy7Ugi4rQr(eBCL znqe#8Z%rM)%?!Ji{uqXK6NemOECsc26x<~0Pw@1)N9!`E|FQRB0Q}HWGC86?7-4xz z=mO2HOu&j!a#*1POIDqu^}1pf<*^2ay}o&RDgkre9XwF(6H9+CCznAcWmE10_dFh| z-(X|kXGE&A@z5r$yG=`m%l03Z34i%G_+)ea;M#AlyWw{(xM6YiK7)Al7WwIyqfbBVTRP9T^vIw`x)t~_6nR8I zM&W#i@8s~o5r22Xv*9ZG_C3V91ESwG#=6~n?d%hA?0E1XhcJ1@dpG%J>BrBn6Mzdf zpW?sDpXtAWO-?rU|F7~N)X|KjYeDgys^N_7PMeFD^1?zQ+71GTXKy3-=R|V8Yzy=W zC-Q~3bu_x%A2`;dYzr>UKPE0Hna+t0Nvl$Uo=xeZ_O6^VMpLi1<(J=#;p2Yy~a(@Pq zsk^sunFGlz)i$X}&dcOSVVWrq!G`OnTS`w3T^L_(oYctxmfzZ)$tPF2rzI#w`nr6&c(rf%8(6p=?QOekNh-LObmkaa` zojkKi;#%*dv9Z9l3Q#j0nj;4+fB*8;JR0LSm1wCO*6Zp+@Q~aUlQ*(L~$9}?jeVsrMZ_&mV>mtH97MbnOOkD|@Q5@hf^m^FJ3L zv}X2CXo7caSY$a@G$#tLN3gYJ>U3u>3Rs}lNmhiC6T`kVxkX0-fjyTJXZOUUpAJL( zhJGXt#KWi$;vu8m%7bM|caZN1ZX>C%d{-7Ld3Z~7*`7?(Z7V<_%{;Np|2+p`j2lvy zi~{#7HcBwW`>_Ua_XtA6>;NzI#xue+MYy${5iC{wqAdi?9Hx_7k;c6n?0C>pqQ&pi z)jO@oHMbtEl^`*Xyy+ESP)loGRz?v=5p!h4%Q2Z`^&V!~^#hK8X=eZyt17>W>oIYBq=r1&jZ_g|incXsq2 zz14SoP*U>!(`v}Rmk2U0e=LOc{3B??4aA&biTgObmJz<0xovd~UO(1fuFx(ZAZPEI z0|H7h)P8;aAUD9O8u>op)4J9dBSR<728B>AMZSCnteD4z|F)9~?*z1RiEYv{vEPwW z?QhThnFR@OH|)soRTnmP%n&}stBs7Y_h*oyznE!j$DabU5Yu?$Kr2*MHb~quErX=N zmWbV4=tVU$Ib?JbJ^GtYH3r8{$4duTz6>M*U4~*r3~8yG;*OtN5kiLrDb*}N>7$%w zb}puNX>y@Sn2I>Q;OPcwsETm{3EWCoB$9;=W?>PaeQ6AX=2BN>m1IzuIjNvfY)~8C z-7=K7uv?7J3Ylu(DiBXNoIK2`KwvU7V|8DA8s{W+p>h4*2wLSN3SXV@#Y z^v!|OQcQbAwrL29?Bu;S_wReem?ygL=)9IVz25w1cpUIs@-7p!sF=3KC3;jK=scO_ z(((bx5|oYTu)|&f#7t6}Ao8||^Ms-F-}g=p>ij#e|A-&GJy;y;gl25JuJ>;Lgwa1k zljuQ&6kL-fz{qV^+?svHk&D#RS9g+DuuTJyHU1X-P)~Ak#d0c^J@!1nA0bswUPuvU znYjhC4gTD=%zgK>{9SgHexPoz(0P&ebdM_-a2^0|DR(H)FgH!0v5I>9p-Qgd6sK`Q zCO_tgz0%`OU8uOBiC(tWI^28~Ezxl9yG4})b7-Ym0GF;n7M~+Z_QgEIx?kYV5^4+l zynn7#w30iS;DuY4{=2(?iWb%Cba2pIkaoE9?{=R1=tBqw(Zxco#Q}$KzdMbnD@cdB zvuGCPe*;p$=ZMJT^L8g1Ie=wHG4y;MS!2G&6zM;03)Ph`a&C>8N@ox0uixGC z?xLx3eR#{VYb=s6Ge;E~cX&%8)&_*pn|9sAj^{FL?Zav#Rg7D&(kYpSy*`9=G%-EL zq_Jk*wR}c@Vzj>m%slJwo8oXh$fy@pL|UwJx^E|e>;!m5D&v<1D1UC$Rhfq)H~551 z2A=jdzr66y_Vu9NGp$uJMn*2;Ybu(2g(7r=PR@$i{td}gGUVW?@nOVWR0_6 zd9arL-W%#uRG=TR;co29*L|KKC<=ivbIs%Otr9jDb*k%1MR`ke1|pxzQZ7gtA@Ke) z(c6wd-0IM?xfZe*N2m`DVGh7EYC|k!-8T|TO_J7yms+$fa(V#U7Ws*9d&4Rh%fA^n zgx$NPHfVzmEL+xTp{;gIup+6`haQIM+~mh(eCM{pPd}YwZ8M6fNOJG?#!To0i$U(!zHzD8B#0J(&cu;`yp0^zJ0R7UqRz8DQ zrHncjvW3q&%rndnS!^4mNz%CnsRsT{)RY`Lqv`ShhHK(3+e68QX2Cf;;8GC z9sK8a`)nHb3yrH|%_Q?WMiX|8$&%Fm%5u*9X#sjP|A5t@3TWKMw^NNs<>BO>|$+ zu&d=FRMP0tW52v}@LThDZ*Ez@iL)WIdY!uG?m6Nz2r`j&xYVd*jqCLZ3SU8Yn z>bwo{Jo%0#Xth%IPN56si`i~Ft%cSzEDY+^SCxDxYisaMPm^7)dozL;F{RmHqmow8ob+%96A1m7W1TTqt)bm{2DwI>F@YCY1W36GP3&Nc=_%;yWnSUS?DdU0m?|Q=i@2{e3ksPBhiPvd`Q1Zjr;+M zBFhT#W=xwjZ-%TbGV%Sf7H;E$?n>ODY`mAlW|oBF6`3a3vUHB+nP}eOGF*=w#nn8t z_{TJUL%IlToStRDjr|MWPJ@zG9wfD974Cilcd+XQ8NansKobR59`_!>y_zq&uGA%4u~8L~JtAa#ucB)f@IY#hKvFby}*xB;*Xc2`MElK4CL!OY)NBJZT8l`}0k zmL$LRs;oeqr@L)dKYth!j~o|epPedIH1Z=o;&>jcD3p)Y(ax&b8XzQ0^=^lP8x1e1 zhsng3Um45p5gVS|<)K}^c1nHf^}q&;+We4--cE`s{;i_U37x;^Tv2b3ED3}lm(XTJ z(UWQDA3ltaM0eV(`Q5sL)G;-6q7S7dkhdPyFf0FzFAYDguA5S)iaJ&Ud97SaF;4Gv z0yk4@x?=pL%|ZZ{e~D@$5uo+QK^@b>a0|t`vFXo;5ctwp4+v$8_Ai(1qaw!=?@OFe z?AOWe?>!XahA`oziN9+WooraO#{qWf(B1ywFn^Sq zG++;#`Nh(ql@zKM4Ao3{1PCXhFZo!--1GUe>btFQ9nWx>_wYt_KJjh`jh|YRT^6!0 zYO#%h_erW%HyQe^Fota@0`@yj<=fG_$Trx^5pXN2tCL@=ptE5y$Og7HOPO4>;HiPr{cweP_#J2f$)QZ{AXp$d;*BBNUFaa zI9aON5(quqKO8V2GYbnW6BE~eP{6E=tp9%!Fd-8&^MCojO!|zlOw4Tm3j=2S_ki<% zXu#lvOe{=^HwS1f;>#e~U?432vGtfaS^v*)--R!l5&TbJ{p5AFcKfYeoeEl8i6fm1ObR8jOOj$yvcP*ZKsrgJa5{BHXz{MF%~qbf-3vPuf2+ejpV2)Bf0l9A($jrSxk)mU363 zt{KqY8SiXCK$B!B5LJORm=3^h`nGDfNsiImLSF?06kdGmbZ!o{Xm83wfIpmV#^u}X z#7@06b7Se7*5j{_)1Sh~+o7d|1rBUisJsbp4dU?`TNU*&x6y?jg4HQg@OS~LWtnY# z8M9W@P$Az|^&x>;8|lf%BO!IuyNEY79~rk09IQ4^KK0om0J&pFLI-x zDkh2=x|cqP~xB+z)mH`0F1a;4pbD$9y2~wY@+b`x&dx*U30&;EGW#eBL((T!h)|z8ql-f)I9++3Luxf#F)8u*_Ym=F zZOVYuPqYmWpLl$4WNn=c_+Z7Yh9gby@AuYtJuas!iqWtt&#CRTi~rzu!M?_Iba{Nm z(R^c}NwBFB2~f{TsI)2}u{oMtp>Cs+aL1^6;^iqsEGBqljY{;GYkx{sM}hz(75meb zsFR8M^ZebtykjQ1^vVdN*Rio`9#yak`B)4t=&mv)YqIDudO_4plS4vB{2}`H9)t1+ z+hV3TRyVW2PF|S?E-6<0c1{r*o-ndV_hM^lRwkeLV=w|!Bmv4kiq-bh{jShXDKR5x z`m7uE@m1opIy4@&W@36+LS7)dC*C5auJJ|iQ!EUut^gw+0!gk4FUSOT*?Hz*1}4Ru zO^ybhhipyhTGt4neJyPo0xAt^_i?-YaC+r*3F1}lWn2Y?LD-82qnFB-TZG!a2Utlx zv5Q=k5qxsvo<7D`xHKiKU2nBv$rqhAY~_-*oEv^Ke;gc%ase0Y7d!I?^tRki zi{$RxFk=EH(nI%L^5B+QR2NoFMA7hlnu&m;%0N*G!$w$}M?YHrK5JS3M3>WWB#av0 zv|Y4i;6+1E)#Jg6XIx7Bl=*D)ez3K3iN@?7{CSc}orSqpjE4vpV=r_uic%`Iiiu_Z zPA2=vf9(z%&Gx>iD4;xC5rY!Fd_l*_G}YbF+5WC`DN9zOYizAy&#=KEH9bx#(9(ms zd|U&%k#mfy9hT3^(k*^CJou2vQIdPGoIQW7YBfTovKKRD)l=5AMNV8tWTb9O!xUG`6pg#4c?Sm|H`wkN8;l zwr$so%D>3oHP^0o1jnJEe11qpt&Tf1q>9&QIpedp))C(%6m9KELF+B6WkXj$nY@?4 zHOlcePy?A94O~02LuZ{ zu+uzCtq77MAQGS`O1x4Hi#JBEt1@|BK2oUFU0F->Rz_6X+^%KOczaR8ow@0-jw6#7 zUbm}#Wr?H2rC@PHRj=>VGFe&msT#Vt+-|^Wpii z>a}IjQJ}!7X`-0#>2K5Z?k66$KQ0?%U6@`tzy8)~G3962328XC=b!!H4TK5Pgz%P{ zGd^R2I%1o>^R80+ekbEk*<}0XFr5*hwDS%!pOy*&yz#)PUS~^+0$6F+Yvd?$JH@O+ zp>O-YpUb)F__D527K9pdSJ&`W4`7zYUI-Zc*8v4kE-zX|F*V()Cjk-Hgs}h6n3;aB+!zJRD~HUf6K3CnRB2;(Lg(7|HjL28Sno zyb;KIvFi|gJk_HY>5Y`>nMTV2u5a_K_pe-TL4?{LQ@B;#xY|Bb^N8nrnX1Fa_Sk=O zz5rdXg-A{yQoV{LI-=kb0e>Jml0BjNBHXq(Yb`nGvmSP({;9)>jtfic0COW3UM!=s zNy$k)CFiT_9~(V5>p@Hb4-cFx_M8sm-~VmBdKgva#1Xb3%!nL!6pXKV(WngB^TlS% z1C#551qUA`Dnxj1=9V4wv)w~r(SH>65y&!&T~3mo0{^#WhqK&$7+Gs`VY`p`u5CMY z5ph_kM_;c$PDTU%>QkC5K0g?N_wR6y474^bk~}Qag;BqOwN>Qhrvo((&tGQ;ftg9Z z)5P$3BT?T5{F8)^QU~i-zhyNLMlGg?t0Q(@k*e76$NFvv_G2l07}u27^U=vy;J5wb z0SehR+7US3L_W`soBF%WF1-^wXpTjRBc262!I9$B#b<_!(O+BD$FX-q~F|e^ob6Vsd6>f9qxd$5S-n zdu+6TLF;-Z4tFWd{b!6h*L8o)?WgG6+s5H{OqtxS1FdS1%JJ<$S$B17Dv2>L@pONw zyxH>2+l!9COF5;?%MOV$M}0O;Gao|Qp#I@3)0B=|MVpi~5pO4mrVDoqAba$1FNCL& zwURa`2`6BsC#$^@vfnmS*lBeIYS(wK)al0A1jo-_oKw3#$(I7ap)ryVY^ z9ai<#;@Q;UdS!96s0uNng(%?SlrG%%cAm-Eg*IBl`6PQ(ZzfRNAMuSJ{bE~=D7$Ok zpzKn|u@K@|{N>1~gXs>5gWplg-z^tnfmft|`P}mVN_>`o!krZSKQ#5!>PHYvU>&Zc z@(IiW$pO;l&m_G4p>r)?QzF;(m%I*H1RB-v@`@vemb6Q1KFavrJ(7i%uZ??I+piOC z*0rzG$D6IS+@7t^XLYY}X+-k%ZosZ)>yhE{(dXlzG{)U**!qNQ@?n4LdE&_Y`#8Xt zbnE%n3^3(huNGJR_V}850&M;O-0bITMn2tL*e%Op#-UYp9|KH3qT7(_KE|I}KZE)T z*R*Va=-_azpGA`$|BN=N*;l*WO>&yzpW9dbWBjq&JL%F10Z$x>1LeoA*l8sb-XL%6 zE6er^qj_sbuGR_0KbEUFWmp*^ldeBP)1z=^}qiSwhuO6 zPd!do4woMYm%IFhG~QJ3P>9xDCRa3}jvZMH&NZ(5>>Lg_L)2M}*Ldo?EmiW=iH$0r zR#QG-I{9$!l}cR`&~F+~F%|-&0#w^)mQ@a+xF4U`xIe;98HxC*jJg&d|Gis##oy#y zW_@eO@B1!Z<4ie0b|e7G+Xt~@=os5<`o>dgkaA1kncB3?t+O#uFF}~0rmay)4S-pN zQgm3_R!g^_^uU}1Qz)lb7Uf75$%dlBBU}>w5OK9VI9N5&T z;wH7cCHAWa%ilx!5(}ws3--ehUuNPwmQDvBwN{RfB+f3H2m`vYR(O=F11ECuFZ6wL zy1m;}%@uD7VKzM4xlTiG<5B7XH=YKa{K{en7gT4m{Ayx0-9~w1Ee#Fe^D*~Cx~7S$ zg{oz$6^L4w6jrR9tZv_%>q)nxETK@@G_&)@?B8cnm~x<0Z9#0M%p%RWze{k|GPC${ zbf}{l8lfuWgaBU38y#(kGzm~%b5U`jO&o$jC`;`>Od@_ zqn=dy$6Gh;jlTru$X?CfArXgsf6Z*C8aGE{y2EU&*%b!K;%Cu!&rg+ySHOsb+tQ*= zB6#AnmgY{TcW{mOD5#9x`-Qq+vn{q;wyiAn-ZTG*v;|NTjZ3{`BED~c$;Z0HN{0W? zdwz_47 zZ(%rwYSWc)2WQvKa|FDJVIl`#gIH%x6kI>I;?=9WEYezkQC9szlTudK z)60>yHuJeQDuR&ya2YFCg|)Gox@-1Pjr+4yU)}NXq+`}N;#nu*Baoc>`Lc8ZLQ{9g z{Ls$l8EKIk_+SwO^Swlu@Tb{pQ(^ zQztEvV*_=9YG5mo3|F4<`dFY%2(U`lJO9uHRKYg32N8>ANJK~{Ms~Fg1uLa{{}@-# zurO?wE)D*>zGnOx0cXAgXf6K+@T9OlL-V9OoIyJ>&Geq|ey>;(x1FvhbuCqPwo6^0&FQfuwgS-z$%0vGp5pUR}s%X}KJXWcc?> z{7D71C6qpoC`WcfebkhV^aN+`5$ z@TrpM_QvEJjz7tbaXSQ|7TL`zh@aig2P{DOxJcPBCd7Bs6jX9lIE%%Qc9g*+N#{UZ zTgB06QyUd#U2tbUwuaDi$fES8`Q3s>`gQj)J~OFXpzsu;E?8~=F?b$7;!xw{LP$~& zm(n6yw(cwrdgucWc>;{>OE|I?Az0((KoZvQ$>m=*PT9F|Pv0xT6(OBTR_;<10^vn zo?cK+UMf(}!M)s59z@Za8bKz2@#ieh6JHV zgMm93bE%%}FEFU5p(f@xgI{RTAvJt`gnsN3XPO%0+obUag2zYNrQ z+as&>G>{_aIK;^tF!iiHX@wNEeggFBCT){VYZOQ_%@-yK?a6RkOi@mJFo%bZ6g5jIJjBq*l7BJozRB3C-bJJx5P4KtgM@?N9toSCH0)u= z$Wu}Uye_n3FQU|5B2zNt`6&CN{IxKu5lB7Ge|f-aOdTv893-tT|80_zJMs2mLSj>` zskLeph^g!~odUsb0j!dEa9F9kxNE=!UM=o-kpQ;ztzCGGAHj$uJpR2~41Vkc;cFZ} z#*V1*Q^&~)c&1`!>4SbkZdnlYmt$N&QNd-@7m$u27y7!4oI+GSfZsF+vK}&^`!<;T zg;LD5{#L0sDj)qj$X&G+`<4+{G2xUTo>M&*Jw(s_l+kq}=App=h%pcYKqn1pLP+h>E}cxh!eiH#Zb}5_ z!FpTqXKo6)heP^t$+r-)ebI-{l3j^Jmiu9lUp*nXPWDfNI7~7Sae(Z|5_c*jT>>Kh zKRRd!raBn(~o^dRkE%4&wCg7={W|F(R7 zVPh=w+4Kz(f=H(o436h!XZ89E&}GK4`fc$sz_<7(T6K5zT1A%# zE%RL(W?IPO-?ovHU;=to$_gT?CeBkcBTs1UcCc)FOsHp?4{jni zfd90%=Gb(#k4jyey9hp}u7X^dWbU<7&@4Nq^P~Qc%t^pg=5)wGtKsi>TZp153F-7B zhYPC|htL)$;{Jhf6Tn?}0k_aC zD|I$=G@2jFCBBP)B zJ-8*V|qG%Rp00_Z6UIFqTwX{xq7^KdsODe4eC)xKkvr4}%`jQ4@2 z9*&AgOAabtH@Lc!fy}7#6<6QLmtpiRr^VJJsXBLS6lMzheF0z5(L*O8(*E+ZKER#) z(3};%#Z!(Npz@-wj)2!Rb~S0y3P+gOoMDckZzpQ~{r=pvX#K&s!+LC$1UPkAV-iEt zcn;#}cv0pe|5nY`vH#;$&YYs=pNM*Et#b zcL+0ehQ9JuxvltY`=WGQfTMF__qOH?_i{+`hfd={r|soCDqQf6v|1j>G}INQx4;4j zrsg0uDO6!J57E$b_enx&7BB|vTW8nE&5m3()-Pt)%2>KT@ZsYtdH*c>6~#Mi3WsH$B?HZCS}Z2)m{6}Y={X^Oq? zqd^K9YA?X3vgq;>`%9#PC-?}(ymI{Vl;dw7ycSeW-u8X{X%G~>dx3c;Ia5t|t>9Yb z1x+^giA5>Lx?mFnDql0S`M!(_YA8$yt)Ia)AMc@XzPYnw4j_S`M*VR9nRrH_r0Gxj z#Pu(|PA5=08ArpK<;O;&WyhDlP!DW5Kd&I$sdAiZeUI7rmfl^Oz1=kR1kN9AqBngl{G1v zfWKLl!)-)Ixw>cqy^5@ID)j>Fc+1gG6?~rF*474>et>vYN$FPMU5H72ADXrTE)h<6 zQDNXQ=d|eO4|alBs~)EZ@)dJ+c)=^WH+VVCo|f}8lrxVu7N#}Y>wd4Oy+>8QX`l4c zoICR5G;B%dgBC(#+PDVp%9qWrxq%}zobLLJ^(_51<4M{h$EMdaFz&B2u&kN;HsXR{ z;U={fH~`bf7>;VLGYlhXe6BEa=yR6pg;a?2dGC|x+c9=ULjek6^Cx-@^_=>`w>ya1 z@=2+>#OjQlw;M%-Y_W4|_D;=^?W?(1iHCRMKUP+-=j*@Zg-?n^{4Oc8UX{z~L1Xbu zte)xxdhkYK(HL(~zZnF@`q9Dv^VX9`$9b*SoEE(3l=ZVa2CaGcVj;Bn1hwa>7YEkx zKA%PQfO@dCQ0T>ZBCb#8pPu*!*q&e*{y!lC`+sbqG{8*%E&f`zeuF$yrx^YQ`5$2@ zC_NMVe@aABRuI}ac;XgMR*)Bn|MJyaQusjr0E009CxB>~bB)sfrDvi4|D7TW)4xs;wMBOpBn2FV^6kyFUsRT zR(Lx`paHNjA0Vc`txVWvFU{%)_PzlI%Mn!dYn+7qv8WX$Xc0pmKFU=SJ7}KtPcdCa zsz2!yCpjqqA1$8`Zmnl)SsHB~+@~ijuGfi?uO3yy&4JY2$g!QsyC+wMN6t;aMF-aB z$JZ2!E_p$fta`TZun)*o$HeWYFY7f$Mbg4_=9Fh-Cyiw<<)*PH%op`%D7Mg^dri;W zP47H$?s^c&3wL9u15*CQ$EP$|=7}TDP8%6TY<*`BxGIHlbHBD^(0zJ!#1pybSbx82;9g^O-|Q*=(_C-2vsc2AA^K9CQD4HE zCt?eB#!v|j-u<@di9HLz*k3%0CvMjZgZ>11QQFn!q>Y=`2Y{u#qz3TefwJzxW_s=8 z?Y`&k*hx?bgk^Hw^)|pNswoZh@RpLTN5E=M2}f7tGuuoc3hazpZ99Y&-pipm9DWk^ zl_K$UEnSOH?h~ahvHd6o5SP^Ba?Bd0UGtv{BDlI!nxs&CYu5u(%Hx9K3pS#vw>z>d z=WTihfw7S~jswM&X=cQkQxY_UNyndV64o=t%8m$l>M>jIPwcqnIvzNiJf>-iExAm6 zS?{?g{Gdq;y*HJ-i&1d48V?-ppgpy!gQl0C2qBLwB&|+O& zL{;O#Zc~C(+{OTKkbVUK^F%Onpesw2Z$VB657Nt^6xiQhg_KYX!c)ja-^neYRDl(V zkIfkmJy23mx%nWYNA+u9c4>k`z zhEd&54CH=p5Ilue!FC`sq9`MQB|L`# zjid5#)}uyLvs18YPQok6YE7jQkUIdL3y!LYjJbL})0nN`W;wF70c5nK9d)$h9CkYu z31cZe6a>@gZ&vbil2A>;;bT%oHgFa6P9YiXT+tu7mM&IUQDR}a)`hx&rwD_}+vdyR z?*J9~NIt*_FgGsoR`eSPmP1qj`-2c7{sqb2Uq5T{?Q^TMgq#LrUdX&8yt|oL0u>6e zcuR06XLzbkP1}GF)~=n$H-bVV!@I!H(1Lw(mabXk}?DK-d(`W$JK_nJJ4&-D>Gug{1iD_afW*1E( z?gJ$oyvL6DBl+5s6vn_|+b&!qLZG?uTl4v!z&vdF6#IQfCr172`JxXXB&4sH^hmev z;z$gvpk=59MK;;+_kJy{zFMmlWgjy;Ib|Sk?Hv&T^Z>QsFY8XI)!Ks;dyuWk|M0`$8U_q_3sE27?);9ksjzn&K?9 zWbQz_Sw!9ZJ%3b1pA-fX86~h>&~TD=O%ql=LY%gVzdIkp=FEp__Mmq%409)-&M$Y{ zhDYl@ulGZzom1(s`gYl4;^E$hV7ndMk{j@lfEo#|b~=Vbi-_7g$!I%W)&%+WF@MrD zWP5jyO5i(>Gu+(s^h~==JUuPwA8iK&MecT?TQGsfo6RDoCkJOJU zVUe1Yv2A9;r!1lPw+kofH6J8Sa-b?kURf(5rgi;S2S$w@^Maf3K})*kCZ;<8zk#EvGFtwgc-YyY$RD0qWCJ~ zT(ySW@xxeba(Wi4>As5Je4?nu>7FyfI*nmQA_fGsORokMd#scc8$!V1-ov1=Hd6+kM;}toRo=+*XVErIugaN$${F|t@$+16rZs!8tr*Td8Tkvl@tarrE! z0i9 z;iIOEu>kss;!SZJHefKvfeY~XJF4KKS@zlp3YR5kfT>Az7F@@)M)9}N0aN8}(%wLn z^g^iaEjL1oEXVWXL%OzhxND2#n0QTDx$AK>zWuE|_mz@E^LCQaS3RYUlz11cro^|C z1Qd*>-=|2VQw{v(+7jyW=8J_y&|JAIQF`!3iWj7#Kq=x1tfCIvhYkSAZk?l?Ja{GwKs7>x^(ZuK@ceCPFN?W3hozO4p!?V87c4?{^mUXcgX zDYU-lC5Cu@jdK;x$2k6QH_D0T()nf1q2z11;7{IMGW8* zujbV}KZQRY1R3~0uRZ_^`~PvbUujHKZ?M2`y-wdT1LO1-p4nch6XxsGY`uOyCy|-&En=c9I zZsR>)RDArUz4@rg!N{1}a7JzLE@}1Nx(qdv0&Mhn=u2&G`*{8wAKUR%JwzsK)-oV5 z&ii1AOkI)=9tAc}a9=XGsCRA5xTqJQC-iskT&`N^UU$`9v{fbFcD~l;WRclKe^m;( zEq?{sQ|qA>#J}3qh`J3AdM_frsC9L&kl8)ZtxH{SlnkskxW#QbwIp)GHpKtB+fw0( z1|Z!fa-;SH&Fr;-1xL!(TtlKS*>kt;dE)3^quap5P)MWS{k1Yz3gpHqWVkv}We4)s z0YSg(71R?WsO0DS9A?2+P69q<3SNW zn?CrPgkYs4e9x}em0itE;!sR7l`JG&GRQVjU8eJdVJBl(hk>&h%5s4G`j$ zX87gNryk;qt{CT`A^f)2C;S3*A6M^g)|gomo$P-cTwLaIo{B>6lBQ)f_PkCX8&^tw zAS zwuiuW^BvBe(bBA%m$(#Ij*c0C4OsMJZTbTFp3B;eFE2YqZc9N(DG(Jp3xuzOJ&fa3 zf?!X1?LiXAUf$k85*Su`Gz^aY!P)9roqK9h{%x5O5g;0$U#KljnbOo_;yFSNMjeuO zjf6FPg5=HnMI?^1QMN+Q-sGpCzk-ituAp13)&aBaU!u&=)MVMAF${P0m05jVs(4p3(O zbkw!>9dDI}N?iUcHANtJIHiI1WsP|-Izz8at7~C!WgOlb%7b`}bK5){|AsHP`2<7= zI7sI@mV>d_fo4krPb{)c9H5V^t%5UA1?A4iNPp?<5M!LCVlz7z*PXs8Q6Zn>xXVoO zgNbHgQ(v9H)Czg}M*{1v*MVY1y(2)dK!5E>fzz!kKu;GPT54xlN1+&W2~Elu*tt3D3p@{+(4&#&uf@3zBgQk^~~!e3RSnpYBef|e(-Em zFwy%e8E0@6dVVXe0uTt?gv){3rccyYhaAh|Yd4cmM^ig4nl}648HIym+;J!^ewK{a zVJ4|cF2E@?CqM_TXn*|+nrxZ?$D~8)N2awBRpIGL-e)7pZ?pi<4Yl{w)X&{mcy=A5 zvi1aFI`Wo~1f7CNc~O|PWpdyOHb~lAV3{Q$ah!}ppa~{N8-TbW6H6H((Q#=tflzwJdDx7yg*-ug28KVM?PZ(Q2Y4dq1RvO+SkC!nWNLzuWFY zVrBv4dhdb>>m;%U&{&IFik?3iLt$#33n@WNqG#e$USjZK4T&VdR3OaQ6mr?v5Kz1N zz|76N(Ecnok1>JmP1vEB5>J}`XWbOyLvDX(KXcbUasht}Ur_7)WvFBQ7uB!Kzpfuf z{{+`Yv#iUjF3G19!hc;wPb{?uDIJ^3<@11od@0L>crb9Fj7}mdHWcI2B;s{edJeJt zH6zVmY4hofS?~7_o~6}hJL16l*_y925s|p<9NVywxV@&G43`?-8gH`9e!l4|otVOT z6h~^Arsa03qBKv+y-A%Y@r(q>=*kcci6E67f?ga8D<89@@*#nx&qCD6MAlrJDw${` zgU32@di7T7`n)5-Bz9r{cOa3Hx(h-AU|^^FKf%D1W=FJP7wq)|vJY^M*dh*H@v9#Z zp8|L)jhOz7dI^NW;a7$(qHtI{_DtFuIO64WbrrO59P(S-ywxICN)VTRk1R%A_o1$d#6JdERP+d%A}&;QS_(F;VKEn{j$>}| z@#{MHv5Y!OYSB^jJJ!wLbl<4YVp|dSVz;W<*q>9JKw747t7{V8StvV9L7eb`LJ$R<+9bG7b?g0M^K()}<^u)XhpIYVM4aXwRY|hOks~sn|+-Wvm3?RwpI^CE= zZ%LUP3{YA>TwkRNUg(`MPp)$oiZ5l;sj;D^%NVYk6#`_uG(6}`S$Q#FBaarC@1Wjs zOtGuZyb3*Gym}&Rfkn zF9qRa^Z-zfm^d9oL{yK8Y!eje&w$87B2<|#ClS)nN;2BZhUO6p4EwvJS;8mzHA-BB z>)nI~H6QZQthpAL<~BXBrb}=%D{8Vv=HewkrVM4X3k&@!z*^X=!Z&Ist&M83uQ0~j z?^)d1esiAOz8g7Gt}Izck=}HENu3P-DW*A0?g8YH3uDG!I_i2xEy|cOJk5E)OHUfb zR5E#E&ImFvYnz>M-j5UnC6BIahw6F$0{#OIX%mIUgR8m$WNHp6qnnSF<#?cm03yIM7%2ThI;Zjg-;EI2>G)Oc%s~Av5iL7`^ zeF3b{&6UXI^d=;Newl4(+d1b`D+jBsW?FY6Rf+7tRnoYB5b1{`$MTX&`^XW69>o8` zQ~oz)@1-YvzI%vV9ib;A$t<-0IW`&P%H;dUoD!rQ^MB2z(_zSAzAf+z>Qx2b9jMdk%ah_$9pOM&`^YWwS*DwX{RL`Zm!1@FIia;*Umt8i;QSeb^ z)BPeRSqbi;7>&r#Is+qW;@HSDP^n^r_$!S2DVU&_=n_h>@tPr!Z4&8|>RtH{t_Z-e zxXm5yM;zTMg6+=MaiQnrQ*j*~N?{+EB6t%M>9T9?OY-w=#iDq}AD0v{T-3!`UTlrf z@nzL^ZHyR+D2Z6h@1Zqg#68f|DJmZZ%E6P?3j4&r@z;n8TbQZ66^wCgee}VY3s!1n z41AYKm@ASnk>B5Hi24CLk-V)U-(tYf$=PK@A!z2B)04gKIERFD{sdPg;KA+!-bB^r zl+O@!;VKkaywkyqVqc?n$Js2rBM^u2nwG6bklsngPu08;w4cqBaol)((9b54fA>k= zHr%UjwYq9O2GrDFaF{>ia<~-GNajfzRI-pdMaKCT+&SieA2%7A?q^A(h7EYP8lgS) z1kDBUvKU+m$3*j%*yl1&M7md; z-7TGrrddx~;JMpBK+5$FL=O7Dbf#0zz9T$)=I_H~khxtg@ z8GaLrjV6sZJZ;k!$kq&-*|GjB|4=rM7;zSbYbAcQAu9%ftz|$ve2h6he#y~Q9;~*7 zQMH+olM|(&@~PaTgh=#2HMr^4ilbj^VP49A6_)4`lf6^*j75+*^}O)8xy`?`dOTek zob@;%3pVs0qxcK@pY8ZgvrB-?{ykE_>{>vhahMz{;ec5rdjqtq9e&2j&9`d3CC_Sl zi_+c)!S9RquOTS~7K!n=0PlhuIePwLg{B?ty`Fwk4}NNuv%UGl16{Qex7P$4?N#^?~{4 zIEHL(FEYX98$dvuVYu#UcSDB6wAs>IC>s*=#^|XS$ zK0*w`KV#@CB)NdxT+JNa=|oHM+;QDf|LT@lyZP`8F^?tfjsu!iOl^PgsTd_KTyW{0p>;(J?YFLuR z8+G|92Mb;pASfe)DkCPdB^md}L4fF1S^iv%-UC7uJntZbh9a4&Jj*CI{;?X+W)4Ub z2H(Ud@(r?D;-TkwxX#30%#0P;ICVdMssgC@Jpc|YDq^t7YT=SEAB&TU&eN_w?Vb_nG2gTV6FHMTlbJLq? z`T;|Cz;Otd>ap^M)V*XTtwRc^vc-BHuZ7cCTvZbjV83jmWG)iXnRaMz7(4E!i zwzc#M(4JB;z0v7Do`cM&b-Ckwv!c2Ev;b=UycSG2q$jp^wYn9iKzOvH$hd-j5liOK zo(KrA<|kA5bNpOm8ZY$yY4ON}Uu1=b*y0SEyrBi`1BqA>B%MY6!Sdz!83c}8GZ5jL zmV$&^A_OVDV_@raVqf)sr(rBzf+Yz5V4uOjbAEmx&nf>%*WsNLM(}Q?QzcTN{Q_7x z_rEG8JuopuI>S@K;SC2*zXc<(Xwna*+rhEC44yH#RnzP_ntW#AoS}}gC1`x8b zytZ#_v|TA)^9QFDSaL5x+UC>uMFUJ{sGXVf`R{?1yP80HIwO#C>XE)06Q$#=cE1)$OockiP&^Uq9j@TRI+@p+fx z8OOnWO9M`z2W{7~`5Kx(C+d_-tKJD~uU^59_HO94r?)?j%DTdkF9DLzQ}1Zg$h=jZM-*A?iN35g%R8zXfO7PV@?ZVmjiEW!AxPlnqL^VtVHCfBpu8{0 zHP!`S;h+87li-nlI|6Ksqw_Mt59p+qqKSL^qQROZDZ~*idU4u`r8UJ%OSFB$9R2H~ zv3Z#t$bmCm1q1DqfKK)LfrX3vf{ct32p0v~Vn7#KtcZPfySS2jllG)AiP+L5F+!T# zK}I)MjP>%Sdb*A79mZ>po!}1O1CAhDg`FOme^V}V^6MWr*aK3vV&1(PXXJE!f%CTt zdD4mPuoiw#>C72KC%P3GzJu)O85R(p*gliY=Z8p?%x{bew~}1qb4F?I#nmA|g<#B6{tR zf104U&c{n7u�MmKS)oo$NcEmP3wnL|d3W`DdafE(0pVNu>ARzr~Kpti~D@kCJVy z#;u@}67(qsc=qEFBQJv)Ml2u}gxse4FeD8HD1b^E#ko<2ZiOtrW+Uzk>VjgQ@6q!0 z84``zT1q7%G`T2I=^T3o!Xc$+!F>b6nH|NPzwH2KXb9r))>9(&0{*mmhgKp3D(SJt z{05%K>wtnzg|?el*}=Uld9$JO+bn*!}=GJ zL5H&qi1rDI=kMzeNGtG}i~}H4D$<8sVdFT7ey1Tu3)LeO7fMzR?cw;rae~^uAkE!m z@9;xa8aD8l(ge3r_PkGpE{hKAMV|2ucUG2_aX{^m`xMb}AZFh3hbR5*DC>={D>{%CaJ+ zOGzW<D2LtD(%G@6ac6Rp!8gr_#X ziVIbs5VJOETRX+|^+$qdchkgA)=3L6;Q_|T$i{eSwBf-U-(2P&=xoE1);Fhohhyx@ z1l%q*cfh2IGjY4YW9z@ks5dbsI-a3#s1fH3`Q;N&93}UjZD=Ogk||Cy8M-T_TY?YW zhVa4451{JX`~HqQ$!~0@t?|f1CL68AGlsxGbKA?;v{Wwb>Xf}BjNgqjU&-6B4+FL) ztirEie2uI}U4`mZ9uSCLWRA{Wks0!ZW!x&7Jng?2AABILwgSH>7IjyGq|{?fQNkNV zvbLeX%__EUe~!bvNoF}u>1wtf)H8Je$eB7nSeZIKze*r#O6)MZ zwhH+JR;;@yo6MG>8&4LleCki~(*X-G=i0w)L|xG&w3%iwD=m$%6Gm|5FOOl{4n=#z zSPs=Q_3m+Zg(}9__7;q~;}d!abHFqi(`$5gCx037SZEHPf;MvlSv>UJdiktTa~D6E zd`#%?R3^FcSJ6|0YZx7aicG~=sHs&3a5H)UW^KPaQEDR^c zSryv5CFTC+!`ZYz56mJPIODYAZE@Bbw`pOeyjS!@^X-3(PglTa)bL1UA)Y{QKk}Q7 z&|eUj%v{a$Grj0EK$v_P00V3}RA)w7G;S1<*Q~I-AL~vtJgAA5UZ0t?;y+9S+hFBPlGll*rw1X*_06`-_Kt= z^dES}$ELbw9y}dK0{lJIAat<9G9`|o_G0AX`-FSRmZ7{p?`TA(Bf!7@8;b$6{TuTD z80lI6j}m!ElQV{>4ffw&hGP@5xLJrB+DuBX7mJOtHtj0cvz^n?uK9iYf`nzOSI!1LAl z_0(Ct4CvIXJ!9>vwgE)(F15eEF7&qd8)`G(LOiJtr@wN~sIY@M{n4i4Z>jNCiyi&N|R-VJ8LfVuT zeo1YIb}bAqte@%Trwy05i}BXP4d(&v-)PJqw(UJJigosp&Mo*2k_f$&&wT|`UT&kDA^uw6 z&$&>?NZz;-tN<{c^}yK`({^?nLXQ_TsQCQoYry@5>P0iuGM_VI*o`HESI1I@5@@ay z$|&^L@}1H0mHc$eWtBH!8{qu*FRxC0j3e@nmGVuFC{TYOH9vH}E#PMPN85{MdokJP zQPwHf00YQyq`Fi$r0AWwlu(16@X@HaUWX6I7jlU~HUXseR>Ne(lCiQ*Wekgvwxw_& z;3T23MyF9Dc_NAgxqV0?;EsnQ%x4JQs)vv2KWmnN_kP(6ad?c_{5{)l@`~%{%jUC6 zVIKv-KT7udrJ~jdYoF1`t#ZU9j#eQiM4FtpwVz1iXuSwh5L@;)ZC>`#pHOUjc3XXa zWuSqn763@5Iv0734aylF!66`K!fGfuCku3))nDrzPu~kXjW-eUpT~A~wZfDOX`qUo z&^&%rG3GBIK$!O)F*>qeKnF}HHFr6)@h}lWHJBrdlu^A%U=%5INthUak!{omQJ=9h zTnImiEMGid*pCLO^N07>feG}J@dIco)NBj}va=JA3Ti4Jh4oY+U5jn_ z&y#RFk-O&pPGYT}3Qm^9iGE9=**2Miu2=nL$;GPSJV0`R*E3?r>1sMT5sP(mBN*)D zFhHOtAa-)$yGP&JIUOeeQj@w}!f~#ZVJJkpY{v%P3hRh?)V7=7%44OQrlrUaP{E%p z2?Y$AcdSF`C;Xk)%=kmZ?|_NKj2)9O**vKg1R`yP5LEOL%J-PyOHNbAIMGdmFO&fJ z5y8|fV1?)wYSsbM5E`5~T!tY$%}a;r6bfWs8bTa%EKRTXWOtBmFdf~i7Ex{&*^4d| z!@TC_{pOZ{^jE2})K!I3}Kt#4<8&3?#H#g)^Jt>K(>v4KrK zFWWlhPEJNasgcyPt6vOpnP>Uei2$^ugeAWNu>s@BA+uR9)fwkfXrp5u;x}zgGaA71 z_CmihFA_kzyz2!wXa!ej_Lt5eNcwt{cdt+DVOlSeZ&KcjjUq(#d4w4JIPP{EhOw<- zP!g%E%V{zl-xgs~WhnManxs?v?6;}�(e-@g_VlW!0XC{ zRg$QJ$^~2k{SOm{W5`&lDKPYp45xDtD6M~;)Za8pc2_ELWjWa4@k)^O)nPzU6A6nA z^PPt=sW{GMz_`Aezr(}%0kZT|A241NBzR|1= zdgQ(m&C5Lo&O5JV*SKFn=ez*+D#4Df6-?)KnA)u)I@pxu5`&|6pHtb2@F<@pNLW4P z<$$o0a@%bdPZlrNvTdp_q33Hs<<=*Yn}}x3XS4RiRpLQ9oDIxJIUG7hvS?djlp^?x z@(1Z-b+I;vZecEyl`?rSj$uxZ6$H9^c}L(wWeeZ|h>$^dg)z>;to?siY2n4*f# zCa|33nBIGtzGA$Tg<}9SLB_+hLsm{cd`5tt^5C3~8?yzU5Pum!pll z(0$};L5JcAWWiiik4alX-|Mzsw~J9e!`O@UPjqI%BU{0l%^8|FEU=GPkj$Qji-JD9r-zNf1LIBZh}=rm(CpVP4Un*A z0g_u|%S?N`xdb3b>Blg`7+HhA8$sjPR@+=VqkD)6vNc#!ic%Hr)mj1XA8>VY^L#$b zoZ0!@GNRt{s|LB;g{WP#l%Ne8n6)YfN|^~zWbqC5>UN5yTEDyc0%ytd%q%YkbQH{B zDR|R|LhGJNhkabg_x2TnCME>lAw(*Q6J`7Jes!h2VGH>2iqP5L=-DxQB?dn?ha`0d^G5srEQvyX=u*0=$&~6tX`XvCNnDSE@%m8hl_!ivU&__p zMXz&ls1eVIVKZ~Bk89XmJ#_iH*Zq3zyDb-e1!MJV0{_>|b|V_A8p5bF0KB;#p2paId8}R(~t#vv(%GkS^GjQ zF%y$$G#y{?Pj7Q2g#g0I7XqSyp3U7n)Xe(?-Z$vKji%=RFb&xL1%*Ta#((GM|2rw% z($tI~{xAOfbVR%VOsweR*bNs%{4bc{LEm6Y2)m<+UKHype(dW`i4%EQp-N767ra>Q z?-{3*LWQ#PikkAHqZDBpke|2+&`(vWn44tYP1>H11f70Ns@0=!clN6Bz$0Y5(xdP9 zEp>>CAb{M=E2t}}F({9`3z zxp*0qRC1m$fi(rq>BMO}IYT^(b4F}Sn=Q=_1|VSg%9g@%f=GEy3K6<-Qrla_>Tcjm zH`!}ep}G&9X^O5W6-H2d#tE-O^*P0m@222G zEx-yQT?bT^kV8R>pj;9AZ}utPjU$&Q>Wl$E?Qf7bQM3<| zld#dp*pqsCBYTIZ*pZR8DWriS%VtNeS^$TxJm)ycm(`X)Op3jr4J;H{AZ`W&b9I*| zIg{~Nxte2`P8*r|42+C*a%Ju5hVGmj3`#DTLKEUQo1`EWli66$2y3^m^2w>VjxNMu zD^&}XwP&D`W>H6OxkjOM!(F&P-paB7L)3j68Yq_|p$U4KEGC&f|)}29)K;} zeq4Jc{-PYDX3TAWh*YYLKS?k*D&C1DlB?lzFE29BcjhnuX=2^<>#RNwFQ2<3m-r(| z07koU+jeYyZ!37PrL$XqeP>q2Tc%WkgS*PB!n`0UsN%xShyUrLm_}GK&?(TWjK+Hw zFlrW}b@5tTjB0vnhZh{X76b<=8enLSR#SJBovJ8QG`T6izPC+4hnferK~7q>;MW+$ zu5LIzyK|guaZj`uMv$3K!vO=|;+zhaYg#{uk{SfHHc2V@zxnyK5N(!_aT#5;We_0K;yvZuh*%UJEP z2h!)lVo;vS|KsW$0y6>DH67cwZQHhO+x8zD9oy>IwryJ-+fGm4Id?H^rewV`1*yb6aWnnqY8s8aFg>^iSl_A@Fr+t*QKI(W!W? z(3;AT+$mT^BpQUpl?4la7ag`>_)9uyYbSv@}g z(O0*M@tV;xl>s_$3AU#&TX}D_N8kx~5 z1CFJkvjAu!CS{UG#byjNeR%PcWO?ZD{O$5P;Rnm#%1_hWS|QErVq8iIi8M~Oo(jtF z%-YlHBm5L@pah?Ce~oy1+_U*qX|p2V3l`2#9nERJrP$3}MTsk9!>#VA?8_|M_PfGj zxUg?@!BVd`Ep4IFBu^pGyaPTLRJLH8RaK9wuL7V%tVI|I&fexrpu9%I+Lo!sSc{}v z|DZv}ag2iBz=RU_6nYBBQ^L|<3C@&BOkw>?bg1_Cx_hQKMFlHChH0Ad_ds`SSRhyqt7#r5>MHDFu5SwI`Q3C2)2n75!M9C$#UfUbm7SZ@egqJ1lYc9;! zzJ+0MbPZGeZ!%GSjnebB263J&idNC1TYL^)mZ51dc>!hKJs-2~EV-J^h*b@Hg-sBE z8>USS1!Tt)HgVkZS7f|<$QWP#1NnEW2R&dzl>ucUtyKuZJz#}c2_e8J_Pv80kIRP5 zF&b|m7C9?FrMKC{Us*vUWII`S=Te>|w4_o@0R!tI3^i-T?6A z=D?#X(qT}0%IJpTrWGY|IwHiy2lr#&9mR*W7;OD zUw4Zra6AE)V(&{;QNCo zMtb7U*9EZB9@SlsQqedU1<8m_2|a)%A2VnkmW$LnNwbOD30qY4>*rZRzsKh8_N^9B1+~7Q* z(xqOjovmnmg<%K>a%Q^(oK7&DsC3s?37KR|MnWTv}SsL)_qhcPC zOzRcq!B(}PW(E4u%>axCEjdY$J9mN@!H9_JcayX=xk95a0NwhD>PY~V7A*MM4aPu^ z*I9>bvJ@<@C=lCG0wSd~+N}zlw^o268CjUBnLW~tN(^TCLwsdZQBVhjf{G9X8oACv zHRSyjI4ST#>7B*83QFDeFU%veBv29D+uSye`}kUX31*tYTvc^;Kf|{f8;E0XW$}8^ zr9EGvzViFaeQcsdlv5ZYX+ch*Xr!dxjzvp z^>H{0D{-(v9FPIVRE@x0SJ0i@+0Nv5OeYPq_l6Esrm55Uass&kMFYsPn3=v=jlOOF zhS#j|kK$Q3DI(y>d~UG@<;GKpvA|Gh+hisUs7Mj zMNomlNZ=dA<(JY)lQsYYZ2FpJe^$fZ1Y+kiSj^ySVpt?BOsbPN0b=z*HTkI9rGgDA8`3>KP;crM!K+B5f_Yn z$b>Q>?g%F6-(BwU_X5>50ooeq-P%7bfz4GI0*6vs_&4`E!B&7qnvJ}#X1^9c?Mdb_ z3rI0BTjp!qIGAJKp6;tQ> zuwE_USVGR2AcTNIa6SarPJR=N{p7Ynh!8c8PtIIjDL&vXANFMq6Qa>@d>e~%tX2{+ z8oNpC-rQNl-(;0av-_8sOJ;Rhy#MGdnX%Pa&t(#v$MF~Xdl{#H$r1I z7JP&QgvPWGb=sw#oL)Z>3zjyQC13A)=U;r~s^kR=C;kBPeKUZuFeFwd>AUnbxb}}l zdv2)Wa!1P>+Gq5#XO2{omZxrrCvu})Z)aDJkZ5eqt4C~bg+z80VuicTtv;LkiJpyT z@%$d+em)TWr(RlH`R_u{YfhouFXa`Fp}=0ImAS`4eIdGKkjyGV#+cs+@#K9_LySm| zKW-ggeog@8EYxNXf$9}SwaC3JYfV1eh~thvhx+$lLc7U1Z_cBIbSI3VOXG#1Gtcja zlo>co2L6T=-%tO3xN;m)qUT^6q6Ji< zsTx_{uvEe)L#HPm8Vto4QC!kVkvB=n{)YrdRQBBKz)HI zTw(wLybTeeA137|83arOQBaTze&YqtOv3A#MtfNSwlhvcS*#A${3hm(^5q(+(vOMk zm-BJ#kWf+HF!xkM&`*$FVBK5rR#DQ9gH`ftHRDBpOfr?u~( zjb`DPPRp4vqgb;}%$Tu5qQn)3x852BHp2kiW}x=~@+PUlxUC@W=X0Z3e<`D0#%bsf z;nEI%q-Twar$YY2Hkyb`fJp*`>qQ@g>j}`wHf2zU6YdEUs?NXeL9MvS4O83ILR{PU zy)-k+Ex-?{OS2|of+A~kOpFQBhkCoSqrcu5FJ?In$90alLj@;Mi!iArw}>AbUWfRW z6Pn;^OH^;>29c|Y0|<9r&Cmr2XmCBvJY)-dYSER#;HO`i%T8&;jVjP^t!gOtsYX7l zHXZ>jj(l(0h@A~-zWb?qc3#P0%$ zNXB4xqCn3rPBlQtrMSgKzFt%Mu5T{RGbeTv3;r~-I<)E6&KatEml0AhJAWz4VcY=( z`27WYd~yQ5dD*>B;4{weu?go6VsZ!+0si~jdAv4q=vf$h1$j4n^lSL@arix6{>4!-v)O~bu9Ot84i4Zh=@?{B!( zU4P`C_SSAdX}V^#w8KMJUGL9D@bOZt0Ywsb_S~aV21Fuwrm_+i`Z__TJ5BW(h@?4+ zuph{=wTWFOrF|Ceh}+d(S}W!e)dN*ZeGzp^a|07<82cFHeF!X?03$k;lDQw6**@LU ztXvb)w5`6vb{!fAB2GwSerZbPctN(YsqG{cAEgVRd6IXkdN3&XXXK$qP@f>^Nn_t; zqok*1@~ojc_n+}(0DIoq(boTW`J99+4-yOw`jVd6x7R1fWrR|)@vaP}`Yy})OlYTt zU(Sn^RpNfEF87SP#&W3~Fj`iKMDr4^pF=_vC`{`tw&jNh2DrVP`A^vGUCNv#Z=*$F zAhk6>`7Mh(|LiZQF=gJl&2K|AhRFLs9W-6v2p_+`-5KUOkke{8T>p^PsqdZq!{t2z z1wpxS>GE=b;u*S=XwcU`vt@2?e&~W6^l#EVc|cyTJb~MjV01;nzkhctA{ht_z#+ME+^tOwC38@8ihOASVT(@>KKcsWU7}g)$@?vM z@i;WtDY0qTD=s#-)MB*qkc^q45=B0k)sIGsY@hhct`0Hy3~6UT{FIxhjE#X%qWcew zL1RR@t;hi`njikVS7d;Yl7UkWOjuiudWXrs% zkrWeH6K~2?Csc7NiX>o2)Y9sPOxX(-jiQ6MW9H@O12LFt&GXoM>aEyuoEv*o^h{Sj zZSqhyR!!Y4?G(tDdPg7M(!!%a--HkwV1#iX6Bjh>tuG7!c?P}AgSOq^FWfEd!4z6~ zgEz1T`U7^HYYDS3`epbd7EXlMR8v#Uf0l^qoX8eBx(Bt(R#qDcw}O$2ZMwnN&> ze(Xle&rN^fV?*^_0g7+GrBd~)|n@{^huD5tveABG{cE#d76=0DPu6iAiqI*Q? zv{AX=oA~E>X&6r}M`4zStOJ)t$YY#^MdmCqU|Gk zb>Eqfh1uwqqOa?(k~M7yI?mN9fpQjJ0O*E4j((;SnJ;_JXLF+Blk{D&Ns&7m1*eUYaozVs(i*K z$weeV!HIc69A|p8LTY=~oi~QQ)c520Os#X0vTVmoqeV$CXL8xx^SNd>qe`wF80rT} z&%=%k8t9*iU|azLQ5+3}X;dH14e2-qRjR0l$>JZr0+6fpPCq=|U!Qx>+?>#&rGadQ z8o_-+SOHa0us zhIbLc5lqy#QY&FXs}wk9_uQrf)Ni!hl5uE#H8&Jgv1|ZD5txn@NNN=ht~P5^be@J7 zc8k2`oLsF$xC55?Wwk!W-gQeEe4~+q9y^mb%wVHQVv1Am!7{%)D_lj8EMaLx^i$r) zay&H_;oC{it3pfX2Rr@E)JlDbWTcf(syj98LNBlxWKdcBC#4F}rHg0tc(7x(y5hZI zcTpQGuEhc9OZjpml}wnDytq-vp$OP${_7XXrxJPxwlgBFIsHmIXN9e+a4xK~@jdOt z=%ay2{+_`2O}(FYWApM&X0Hfvt^z?`Jxha4n5}oq29OC|Xpulw0!} zh>XqIY>mPu7j&ub+-&#TrSg0&D?_Lm2SRp^Y~g_Q`i^zW$oqz4F{VGK>tjuA&0^o! z4l4G1K*PHsKEOn*)4e_|nwr~R$DR)cOGGO{yY#v0zkE#3uOxoaNOnq&6P^)p(^%D@ zNx<{<>?kOc&MVm0X{%J7k-f0V(!_Y!Ff^+^;5DY%y-d4O;=ku4welumn2l&xCw1NL zi<$rm<{xE`O+uEST#ZfY<47Is@$#h+msP{71KLNM!Eklga(&RoH2E>C(uZ_7OZ7OW zNE2be@0y-pRMExfyH^LL4>R z3$b=A5+&W8t17!C&V0fr@6{P5KZPSjg?<4Tp?b^Dq|y4|xP?CC+}%a5R6l(Lsft=e zMXw%lN3|<<9mZc!duue%?#H=QGvp+y zs+X4Z-Q+M+&p2l^%IAmU1N}n}EEB}LewFEDS5DHw?PaPLV9%9UfctEX%9w8!O(cLR zD2JP`Vbpm%fec#6PdG~{ymRPQ(i;Fq_IJHV zhCLHN?RiXG_#jqg3d2(kxzpwLJlt7@?-pA#`t5pr#X+t%Yd6WxXN|7}U0?RIU9oBs zF>R5-+QANvFq``&9nc+GR5I^pdEH4t#&8=UuyqD_2@?w zXM<`++U$Bntj*NnAG(^8Vh{k*Bv29@S>p2gB8$RLqBl;_Kx2AQLvs?gCO@iTS16@B zgvMFuH7+VY-cndQ%&L(R#2x2Tn`_a*{B`_Y{cI5$^|tVO>{Gddqk?TM3JkRkBz}z( z&4MHC+=v6E!9mrUr9tP`lo$B{=@*7@C5oDhcz>d3kB10nLJJWOJ*A?gVeq-KP3 zLO#u{IjYCJ~ z7K4H&K$5ybDb#oNBFaRCc0*VsA^Q=?XWX%WZMXEHNZ#N-v+`76aoEyVXVCO_pSU|J zfQb6Lybtwv>freCF1!37y>CerX&?zd&mbb#2sK$p4x15B@M>Z|S(0KOmmW<#lVkvUG2BB9z$C*%Q>!#a^N zFp7_Cf7_Qn?(~c40Q3S9n1hEv{E}t1FQhwRLX(5Vr-K)lWNiAwG>?kkU+t>q;wZ*E z;aT>)&}`6+cq3%}-|ei<1n%ou5&`-(Y|$Z3n{d2IzkbEU?tOm*SWfQ{-aNXIL(&GD z=Km2LL@~{r7cQRwbnj80PhRZ_zzZS-hj0!7BKE^9a6GET0R>Ecqb8*57uJ84?oJQ3 zs>f@&LHS-l$r#7aqKgode#@qyh1+EPC|iX2XpT;F4!~06Q+(TO%e0(2O7IVSmUIiI zWMT^2cJCgif1m$yE$wmIU8%;UjdkZ=#U+VDqhYA_Do21;z_Jt$KIJn;& zCjBWE*La+QD9ti>=|T+499JR@aUlAeOnzTO)>mc%icj~oe(EZv( zi$qtKNkf?Gp*)4Q7IxG?v}0PN%?8%P{l0~92?K}S@oDIL_8_0&ULmm7`$Sby{!V}j zy|>9=HwI#)o?S!|vl#vAUq1#Ef*ht8N)KO8PK*-Mi*u0Rb}avw#8ps&FP%?Py#5F- zE*t{lFhI7SkxHsQ%%*ije<~Ioh0Uofp_UGRaTXOW5@GKg$GFrVCp1-(#ttPv-f?`s zq(5cN`30G8)J2@)T=+xWoX^868VPI~gx3Ha4CBUDNvl5Ir-i*U>d|Jp7clM~j}=dsj?W6-55VcmY0A5a^ER@Ok^qe>7Ua*&pU{$9E5fANMB zBFkx#<-UBh8|?$NuLR6DFbJC8KiAJ(ah6wA$UX<=W??kyflTQgIJ&_O-fo?qqilR< zNQ)^>-N8pv*_?9M6~9 zc*eT&3b`^cme>_b*E|7M)jf2hGRVV?1Hg4XnH8q~B3G-^g)fzXWYc0P#KZXhCzo>g z?a%u*FQNYGK`G~TSUi(W?@QH~V$9Y8Y-@iwGMHHpE1jFE1P*N3zWlkESwi~3;B{na zeSH~obA&&;1Az`JGEV<$sW%qgX~53@E`AnNu6$@$bkw-cjIJD*BQvreJ?cQY8^A0% zs$N$hCD~iJheakO@VSSK$k;Sgbq&*-vTop26k)JX2+M z=*w&N$+x-WVkz4_aZ?q<*N}p+HAd$>g-i;tBH6LR|JmjsZ(a11MJ%s1v;2 zyH=hu5h#e-W|mo3c+^w9SRwzp68hFla9V!)RoW!4=$dLwZ%Tsi_wmcZe=VVzE?5xc zVv_B8UBocf~PF4(aHFsPZ8}b&|Zd?FkOhp6YgnC8uaa>2j zMhA;bq^>G83BMfk`HtbPvNtiIw2pBNOM&2r!yXQ@gL`;!TEvUGzgK|x>0`?#0Q9Uxyd>QLOSvjiqK zxwP(#h7H-%A^00bC71!Za=iiQ%}YLWc^m_~zHPSnK`OevHk?oEdVmm90bGZ=4~P5_J<&giY2W^; z&85Ry1rA4Ha<$`G)0_uygmR36pq%*UI%*Wm&Wla#OM z1BZ$aRlLFiciT4pl@Gj58a{2|eFt)uw?oeen?c#vdXTn{kp-=CZMnABj^|LFq6onD zh~zRs<9U6|1t3_YhPaWYu|Y*w%PIrcQrH;KleMcz1>!oWR5#cyO&{+*8SV0l**~Xz{j^SOHx9v61LG_Fifo zb)g1op0BTa&=L$FkfAg+El=yIPI^UY%S=#a#n}_1Zmmx18!{zVr}6YMq6b3b&gHBF zV74pkVrZ^rltz$O)QKU)R=j^b-D}_SWqCs8YFW)5E%rvTkFb~jD2;GZs(cql3mTLe zQ&X|&nS)X$3zmjHcB0C>#m{>bqg>?UH}h}igC+@Y`Vqu>8B{pQz#a`EWed$N4Q_?# zdV)LgY79AK+(AH?|KqoXw$W7Oo!T)h4dhRsQ7EE>%E6qO44VDn*VuXteMs7QeT!JnUB*dU>;4OoXv_#zj^V7Bk}1 z`|CZr$NG77^~H@i)V0)B>N)9`I9L4K?D3~K9p4uv2J8W$VO}3ypO;R+gKPuTK=*1r zU+&Onh~@71@%d9ZCg7t!z*`pJx@3D{O-lPeD0Yp*J)dL z1n0ruG(jAwxe-@_Dn44*VS@|e1XBB4;#u#}*ZZh{uI@8@g4;4Q=MA=E^HCW{(q)5Xc+ctb}>HfRx)&Uue17!SIk0OIJfIqwFY zV*}*cF9P4OHf1gE;mpQ;t^^*FDHz#rbV+fnm4>Gfg5Am#uHwj;wmT>cU`5;LTXLio zk0kTV`*XAJ_0M*dD<(yeigomM`mRIF>uAUI)K%Lq8rS_N@c!TL1($X|;%hsVX3IW! zIv9LMx;ZxF4mSP+WUvsnfMhwwMZ#J->T{~Nwm|{@FjL=TyRu~AEDPWy5H&JIpT^y=aXD&7QE&%A&+R(oG>9Fbk3DXw6x#$ z0I3D+q0@;Bo@#Y^K)m$0(zgdkit*|~&<_$t@8?t3XUKl*b3rFefL>@{5e-^FUeVdiFCt<#z{WRPpoJBCu`Rwjs?X|@ZX?*#_roK`$LK*^u z#O3w$1QSq-(zFm?CkGB`^V2(98!B>j` zXy6^U*^67d-BbWhl>Vo@z0+EPCinnK8HCM`EJ|I@SHXX9p;7dmIil^20zzG#B?@U% z1;vW*B$GV`KxOQ2)sjnGNs@As@jXmTKT$L6svuAu@3z#fOu#uwT9=;#8N`j_=g3t$6i^tNqRaelXih`UUWi6z4e9w zUr$LFWW0OXjNdxS`H19Y(wMh8Ms6dZ(hA&uW?3G0Gu(hix2OxDKz2VA4korTCgvj= zpOoqZums!BLc!&$KZc8Hm;8yB0s~!xLW?{22fuK{q=7b3ngqJD?^iUer4Tfd-xZ=Dz6mHB0!p=@AAO|7Qee%Rt+-4&B#C z<#XUb6%>roK>6!*cMa{Yd0x@%7i}g_r%vw+faR=z;1Tn!Y&)iNpO4mIc2(iu8=o&_ zB0*&>YR~Uc^O!LFf;??7-&u|S$@6;}!r!h|?7rlzdc%QIrtz;6Ejc9wnm=^?$4UoZ z|8x1((YhUp{lT(42yr!9)_tTNZs2VXM zppSNv`v*>2wWTPwn{dZn{02uhhlgmN_9_|lX!x91+La=a!&tVtdFpRFrZ|SZsCz*h zsH__p>n5|=ap1^teQqO}8jKp1d1=z7^lCE3wHu@&SV06|P=?M58QFIux$m@|=1l6U zc{CHvS6s>j=j&xEG!$`N*yf}`?!{y@pi&ni#!;rLwV_hM$|tJ{Xd6eCra-)cZi;SZx%C+%aRsnXF?4gZ7c#@!$RfhX99m6lq4(m3j&3%p}{J z5l&XdsG#LbaRz$P`nsmc;1V=8z=Q+o(ps!;i{!!~b=>nRC)lC0jzUacfaM6EaQAUZ z#TxCzf#Mcoq6cN|DiT)&%2RFo_QsM=Gl!v856YW$j{Pn)(H<-x|;q^_FL^#%9i?kid6R>7o$I%nY{qvKcMkCsUA9R;5Z6z_K*p7E|*RkX|tPK zwd8TJqy*7#q=SbSk6(n`(8m6kh1YF$vSE z8Mw_tCc^V zsm5BFMumC$1NnVahcPMWQPdr_Zn1d!f>r4X88m?B`ezx<*rJDh>c?ud znoWl>$$WH&J6Pg?I9FjfUgslEp7U;Q0KZ~Rq`9zt%S3&RPbql}VDW+{o6AZ8wnN8H zzi``3K_x6lVhY-IQzk~ku@&{x4m3JJXHIcm)F?Hg;-h{l+$9Y3hyXE2aJrxs*oHa8 zhmV;|YmHCr^?o6Gr^1Ls9pEuip>zAgzR(SA?5#h2jL#-ZE>778{(TIu?{%g%%guTgh6pFu^w6+71=QRnd)=zY4_N_QL5$Q1C}-+;3?-qCP*qYHLn5OB zY?euhGw_;I^|s@~6(I(QhtiuU0P|xjRl$+<7&g$^Y`c`6u8!2P zP1`GU}=y6{To*yzyN~h_QF4M#$(~ z)R*eU{fY1y{Ke{>0yj7JC_vYS9qF6@ItrEXYkFvg*KR77amWv)~o>IuU6@)f^~k+;OiZ9zz&v7x)}Ez+eb_IZRUAs;=*( zj*V!YV?AeQLQITKmh)-w46D_*>^aUeQS27!?%0Iz;p}qJ@Y+?1*^u@0L0_UU2pO>e zXY3XN z5~?8pv_#jiK`A|+abRkW$8B%X#*|=|_n?9AGj@&BDBZiISxR?Px_(RGqc+!I?wqLW zv)+IAGE2N^lhp*IK;-+g<1-zMC;4&`(G)Pym)L7FxII3=!uV?Ju|Zake(YwEt2a_?;?^fher27JA2 zT$OGx97me<&Y&$=h`wfr6Ci1lL3*2SGp!B7Kla($`!eY4bkjahu81Sr*WS;c;2?fW z7}e%P;T^ZiQNx)Nl^L%`&JOi#vFxr(L}O+<0$M~|Az*@ifWTwLoyqKA_;H{C_+Gn3 z(6r@k6K(F`ZVZ3HRhdKGEYCEQIM{Zjpa1w!sM!1dF#zDM8k*qy36(V>+)}Q4S*U%A zk+CS^VhRq)k$O^Gjy*lAcLhj@7k3kR*pPuSK+l@Si0uU%D&stZ)c1*jVXlHnm&)BN zI_@rw|AXuG_-3t==27kmg#m64 zdOH3Lc{y%e6hJ~c(_UC3gqUU(_x+v00~fAswlCU`V1__LBk_g?r*;$xA`tnNP%R!P z*2UCycdje55Rmj~ttJpyaPel})R4w~`m19q{e22<@8?XASh(utf9htCUEN&FjqU&E z=xAaC!@~Tp%J^TLgp=vNx{POZJK{-u{;?s@e1KcBIicYwn2aE2;r^i^u;Mf}2;aU@ zo3tQfu1qCZFIyUDW0!ZjFW)YzE~fezPa0PNCrNhSeFnRK+rN&-j^_ZZm`9kW#XVnM z%b%J}3{`c4H-G)K*Y315EiWk#_Sz2(0RTfy-(uUBXG6iCfcHzpt2x6-m7=)iTv=I! z@XjX3OPgKW$Iap(oByd{66y`AyImbT1&nyx#1sMH&n$Sz89m?V~=8!)oBb=;5y2?Pin2O7N>D zU)#3j@K(zV(H1rX;Rf#&)YFG?0q|hm&#k>B39+Ein_uU1A?zAb<0pvbkUVp!+M(yK z{eYuwN*5(Edi#J&fqL&7>R%;t3pm{K;$14pNc#h0i$qOkg)$y?H4VQ8!*ZTXykf8N zv0A!9xn7r2k6*`H+nL)jGuPzy2uj*M}lQajXi; zU@pA1bYaBjQ46TntQiAd}H14odeGgT_Y^5OjrG6YHy{BDwBKJ#Hr%0Y| zT+rIuQ6`cV0kjCyPK`o48*nnO@H>h<+qrH_XzqF=-xZgBynDl(-s#kzHpz;8!kUWq z!u8?>Wz5h})DL?GEz@;-cd%yj0xzoYwPcDjpu~z)!R17p9kfH&;6qXCwY&gHmDfX8(YN*^cDfB4?KYL{_=}KJ3qTco;5iRWf!e28 zpJ{BV^tKQ%CNLMeyxt6kDnMPzPz$MYQADh|H8We2PvhI-q43a-q1}x_VE4Q`2 z6D`cEId04Yl%%7u1Ps)3TQLq$Q0`!FRTO%0QNxs}*9`(CGR=P!UIx7Ia;#n>v`-OI z(!zWE8y|4_tj1|Y1DHD-<*oCYGxBAdS{wOb$+loj%Lamg?VkD#DYKKIG3O zg>7ag$1w&I22BrOPwGiSK}4QrzFM#W&R@V_yobb^z8x%shyV@Z#Be=F{Hb;$sM?st z`G=|>c-hxPNWy-9Tf*C&N>{2;jKZUm0rhKbOZ*=As>^GwC)}@l|Ef2mO*!0Y!ZkcT z_pwjzTkkb0_$#QFx;=i*oO#Q^h_Am$0?ViddLX7qQ->k}ECEPTr-IRhatbl@C%8Jf zdU?&AwK;AxssKSE4!T*SlSKkcF5N58<|Sq)ziI!Db>P^y$i+FW8B)6*`jPG#3$U!jULpV>oY@)CTV}%c2de#ostxK_U35D)kn*j!!S8 zb=}yJyj@E05APEvBB)#F9?{M6#V|~ z6GKOAJ_W5j(J(J$7&K6QyCGP#y}hmGBQ4ONg|==#QwZ44&F1NJvz9K#(HEy&jHfdT zeJ?e)D;k~66+8Ab^DFStx@6y;uan@ZK**7QV!b?=jH&G{inxU7C;vRMERicob*S`Y zv5mQ%FW}(J&!TsTtn}CNm^~R5$s!UwP}EeD|2IfZAU*TFcmQ?{iyRkIJW zNfw&VWx(9LTQY96%3*h5twpG21W|NYKERPes?yrL%--wTy;4LX;+)q-sF8f&OV74 z=zceDUKt28T2nc-i+U85M?h&qsi<+_?NTaAr0Emo7@v}lD>5cdPjIm+JRYvhay-Un z$+>wp1MBX-aF%|NU{=l|nyG;>SRusG4bUoCl{;(ZC3ltXb_dL=u;f3~Wbakk0BU4@ zu=GG&@^;swy-ydCNf}&qn4U9utmCWik^)*-D7=E3Aa5h6AcR0$Jn#~FKu>eGlBz_? z$%+4Br;~FynQiUdEDUjeBJ?ijWD*w!u4~mfF;4+rUw;EoOI~`a(oILpX{8PA04zz( zch9B3?^8;sSASH$ET7mrJhD$xU8zX;#Lw{Z%tR>|EATsgff*R8)4-5c>SZ zluFyBmW%%m=ciMJtncifuU(+!-g>Kp$8D^E2DLId=tdZ06;*8KPCmsPN^#{eAB0_Hcjkjs~H zcjjY1*C2w9Aa)g{)Q7hp=eJ3D4LwBs-)Va2AI(s~RUjP*Zl8WF_PMRrb9et!gtq@w zBG5Kyh~a~Y2XI}^Jy5ghoIy+6@-fr>WoH;M?+d-_YDdfUJD}r+1U=nw?%N!(JW*L6 zV|O|O>oRtNaN4ky;h^DR2lx={P!FC`<=;C3qSbe^<$c3iOId^#I@ko-6kUDiPA-`> z{0{W(S?(vb&R3v;JXGy$M%^99j%DgLOzhSSLf%^kcLfv&`sVvR@B`nWOGTfiGO=wa z3W>fuM>cbe!pnuP!2vG!!tdx(A!C$F^Hzvs>cX7niBn}T<@(&xfRzhitVyHdSP=6-CsHZZYFrw;lST0x(AgZ>2A!3VqpG;5_P8iR5T-p&x!uu`+_bAR zq*Bvbd+?J$07w{K%1Hdd@|jm3SH*<0U@95wsJ6Ru#uAqCu?vXh7#{5I0gIey-k!Pq zL>0kqCqt<&q5k9sAnV0>RHBNn_4bdgq?G}2Zji$$GHK1IoyKF?m*;!P$| z)*OL+_X)86t(rzF3H~rH3}y$hPtsV4MpYG>;%DF#{vaN8vztc&yIC$=Ba`T)BAe^d z7Usw;n*Rzc_JC%B721`d90H`R!)A7QaXPiu5Vu)v>#}n+fYt@l6zw%t&mpd{xatD! z&_ppN^W@HqS04qhPW@diEZMLcjSkpMQ++fTQ;&nky|Vb*?rD|UiuVt7O@L0h;yui% zMouNkJVj8R&lQ@?@f;1ojGN@Wl?LyyKUAy)89GxG_ZvUNvkKMDTYk?Ya-tkcm11N) zwNzu}At-AGz~xyAeX-L}#~qA9px_-xO;ozIyz`(11Fmx+6uqv<;ZNQ04ZB$#YGrWN zk;x*byQp5yU%3%$t#6Z(0_YM$%fasJj^WXIejZi|p61Fn^k4;nxU2NP8i~nUOiquw z;3^KQ8TM5<4DGPh*oX5jPDF9uhGT9ZkC|m5dBJWuo9?*wZqp!|GlsNsV_S$Ow#=7UDz;gmN)~P5y1NmfDTY=@;`9?I zA2!>hKJGlu8#7vN@@6Qu1k)?FigZvH6DTi_UhIy;cR{|Z z5weQZN)R|<+TqdPb{fd@Ce@KBhl!|`&Zr+UKoJT8F%Qg^3RHJ7EP=$apm~{Oapb|mEWd$YyI$(sDcv~$*2dzDXzLnIXiR1w;m&0zL}vU zfYx(!6qiy9Mn*R7CX(ezxeC7XVZUd6>}8fPa^AmHdqm2Pac7kX)6!D}C)T~?6YEOb zNkv#luRN$4BCMJ;F}nnYvuN$t+9B1>hiHK?s?2RN;5t*1~+a)~N{2N!#4R}ZV) zA^K`};5^d#Cal7z%&5&kJEK)1&k>Y8KxIh%G=g-n@^dHMnvAhSTvQ@4{dR3^V*-ur z+$0u?Sqk$2j|;1$o4v|!GJC_A=t%^@gE<*Sp6f~QU^rcU!NaAe7s1oD9K(kTMkg!T z#uv_1DQ?cB9GwP*jQC5GRlQT29TZSn-jq-7RF_M#bQ6N<9A~GR$n?GIG__nlKox4{ z+m*vk=o87@q*SL}Ltk<4&D>Fya`D9Dn^w(FDh^yS=WSn|WZi}leGLc475+|p@lf`r z#G1xI-9H}fqx%C9F%?{PBP27WhZ%gQDc)|?07wM3l;SQgp_ijuDCKVU$KS6@@;PlN z{K7bMOtl#{tw_d>b)HP}pqMxYDmrKSKIr$(YLoeM^VVcd{Q@k1c5s6XMcLU{0P?GA z72xY!(APr$f2jo&dZ6SWY%J-8&7gPyX6FBvGxcm8amSLr0{|m_&_pH&c>#hLK|tE^ zsK=uX#@w76P(MP_DKlae;L)9&Kd-(DbH7;sz?sVuOl*V^yIOoGuc((-RehA25yO_k zlFJv$6_zrlFviM-!Gw(zM~5v*$%b*FoQpFR&R0gRqU&Hz07io+77tc1WW4pQB5?d^ z*krN;w+odxNcb@($&rkYRf1q_(i@myRze^{icmt~8ViC4wUqi}gq2Mb_d-Hjz_FbW z_JlV>@__%@pN$6$;SlUX#Mr`C?4Wu{t7IySlt~xpA}Ukq>7=-t2O!ko%jVHgg@&co z?AIOC;%*VN0pxr9l@b=1%Iq1QR3`IY^+xh{NJy2Tp?nXJU#E$JU?rr0SSd+$7!&ZS z*}@%ROol*gGiPSuMhtbCZr-m$^2$Nkc}dl7k={re_KYAZek=y9QuxNmhC7B~5OuFx zwIGVmUm}UW7_n(2F@;5<%G2Tk+sOk8 zrv4C9h513l9SopRClUTuls<>1;1CZHv;kEF!$^UIdjyQVXz$B%A8xWH6r+il&`hDY zPd3<@0Fv=>D~L9>xzqwZ6CP-|JRo7ng~MTBMp3u^P&c4uPGZO~X-|kIdQxGKOzz#4 z!*j!+MVWukqYaDi78vd4L`QvLj3c)cqfU`Wizb3T*u(jRrlsVGzAoA2-v<^@SW=wK zP6_1jsVc8le#Ip%DQM_#fsA`ivP_#d!EG%31|Uos{6@FpvQDgQgd^`$mKkk44G9O$ zxd+3U6;03D1P02SJ7t(vlY#!AY0L}Mbwd0Sa`|nzWab5HWQzlRs|7m~?D-`z?PKWf zD?q-9wJHg1?dEt)`nDn#n((W&Y?r@3jB+)}%AV?gC{a@NRG7j^NFLHeT(v6bVR_lc z2oOzy5~AF!wTwC(Ls?eTwKRMOovW!DGGLvBZ?h$iLsn*idM-_GJ9_FUXU;j&2PIrY_e?<2LE-{(9f9zbrUlz2BV~unt3hPIHbX}vJadJptWuU5 z1%AO6M`x6fB`-mso0(W{1kqAhNGZV{2M{3(VCy8wvx;S(QZdQu0lz8~c&W51(7n!> ztH&tf#c399dKHs3SXV77)mwjLwkZfTr%!V+CX7;8s87Zm6CO#z9Mi#*^& zE?Ts#S+;H4)+*b!ZQFm@wr#JnZQHiZRqB2FoapHLGM~rGjL4CZ`HeI_DsKd&>xl)_ zqwD&G(=AUShbWFQ}#^y$-~S=l7oPp1t3k~Ec$8UFhr!vSBD_4;_?7U zEN<%V%;EH;iI018kI_J3HjR?)mjU{WRRd%cb|?^;IJ52Z^Y>kt#X2|!da%g^i_&s9 zM+F4*1jzIm0{cXiXjT;kz|@5$kSxi7AUIkx(Qgd<3PTwi(Ht=gO*K(Tl!Pzr*eU{} zu7t$R4E0J!Da4GhK(j`UPQ;w*Qz|&tGy#I)4W!&FGbv(>r<8R699o3I5&|q4%0PV< zS~E&4)Ca*I-T%%7RJ$IQ&z^!24&9GPF|tWz=np}ZylPs6+1#lPuql*%g$fBrt9<|= zodYTv#aD(IJe)TvZHSVuMdyKEs9K6Ek_{TRJPd?i7prDdAgZK4&M#~5C?%9*}W2hce3~@!s!OXsp68RDxqn(zlF%aftNx#MQI$J{- z|CNCol7yosMY^ThaZFq!qLkaiVS86WvyU0?=zfOLBnf=ElChTulYeKm;KlC3?0d& z_hhEVa5VqgY!JwwOZyU94)xYgpG)lVW)iC+h%n>_6pm^{e{4LMdMWpMzjphwe%NRc z_+j;BA!jq`m4Jw zJ9&f&IJy!@bmFMY`q?pncIxw?8K6t+jpLpK+Bu_Y*vPh;m zLM_(&_;UWb?QGBzR>+_IoJIo%=fQ-7ur`MpdU+LY6{-ynvx=(IyyNX z>WjjnrDmr6(37oCdlLK5*?}upUO6p4x`KYPRWbV%&@Zkk-WbV|0oQ_)nA@H16Yzco z82hT#f$8vnrrM?Gq_kJ{lh9fgQL!da?l`Ldcpu7gInDNw)5!aZFK%sNRfhoh!=4ko zXI5YqKkVH(1i}Z`eEB|%b&z&{sBuS zb8Xutbid~BMD8yy*koV8dOqMouQHbRZ{3o`LA^7(LFX?`mOO`U!re>LDmNxT>y4t^ zHgF2{&}qh}PHM7E$5O?aax>^oEIW?dE|i1ZK|&{?YvJ|y;_LA%IRW+$QF#pD7i7BD z5&&^;ybhtSnB6ZDr*MRTAlb@t(pQ%Jt2n#l(PV3bfSJr}U0P|gTjf;5)!E%W&@jMw zZxV`E3yn{g_M6H0v%Oc3*p2i*VsqS%S!nC%2u#U!@>pbqf;7v&$NhEbR#Vo;1Z*1`Wy8wNWe?aAGo zA4G*?6dhilm0pLZ%Nrt3z}E9Jv={_n#K*iuPIFRHmL7PqkOy$_Id;kBrLTD@gC9Zp z`VNFD7MDWt+jbbh<5$NmHR!^Q(OBy!L66G)|Pho@gwEa%XfVtru=(Vr3 zKRc{F9h?U9OgOWii4FmmM;5{Eq~)JD)98e`P=Dom#L6}F?9#LkyBSk{6owU~Kf)0U z+OZ9XMm~PR2?4(cZ)5HiZ58(7idCaidcsupMx8!zBj575MAp%5H$+i7#kV+O18aTc zG1AN}DYwD&7v;bxJ}33X5I~y~{DkSK-3pIC(Dr0PdbmKI56FNSF2;Es9JJ$D=^m;I zXHpk;uDh#C9zR+f+wH(G`pY+G_YOI`^0w$-)wPw_EA*c+SeuTshr2a+0g=O1cXEPO z5FPYetaT1z8%|HRgvqu9ogMs!-Z}htVX_GbDJxtlB$Xox zvZY`$bTj!w@r%65#-n&b`Lk?A=SECvwOOAy!-1VRVrsxAvnuM2xI*_I@0@?U&tN{r za^AS#(B<4TaNIqpBJ9EV&&#Lx^5;&kSF;neXCAnTV=nrw6}xj@PFu6EHS0UM>2vuW zzsiv2pOp^wJzCh7bJc%3va}4o`>qJ3dvCDIdTmd?RX|mGY+u{(Gx#ZSr0_jgY>MRA zlK4UOdb0pizJ}#Z`mWtO7tdu*JYBOVn^HDkt+QW*zAde7lkf}%Y&|Op|7iXoX5~6< zawU2)(D4|d##cxt+6GD-q!RweH`+!_$FhMAsRpOCB1at4oVi)e&-%D^sv$IVf0$zL z992;`o*xF5J8l5kGMS-kqpW%}!V{S^}C^F4Kv)#otBS1kjnYM-N(5F)veN_i{KiJ04T#Ws=^JeTZ zk^z9|jbn3W%uOh8n{6JI61`o!3pu1TAO9X?Ue5Del-c$0L)k%-effvh|X>Uu~OwB%VGN9gUWgK1MC*#!CSB{L7PC5#RRJ4-~{ zpAc6597=7>?@t(Ku<}aVfl@8i%8^jyEuI4SS0#|S?JF4w(Nw%7I+FKQ zWQbo(Sj1(?^Js0G&qz$c0K?t`LuZUcR1SHbg_HzN>cqT6bb@75Nf1L~69KHYH3R{C}ycl7BwZ!55paiEX`T-ZJPx=mU;fjl&U3#?GPin>zc{%{2c%3TVPxe zpR8&1H>NO&h}E4Tpd@}?%{RsQ%a;vTmOt46GIKrzt?vs`Q3X|~R=h(qM?w$4wE}7! z`o_A4e;-bXqEfZ*T_L>5<^pvbhl&9lipJi8O?~F#|K@S9TN(qn6{0lM1*XXIqYfbQ zA%j_`y+6jj%$acwqN4i!8|BWK?8X%$DAnkrS7SMs%^0z2g29~gXxoa=i!3;W#H))f}e082)+Q4ugs7Y zR8)c+1qQ({8S#o#M#eO7IitSpK-U$?Kg{f~WDB2GcnG(2un9VvkFAkk=MtOGf2pq)e{=E-^3Sc0gnD61{>iP> zGyA0sMOa+mOd1VG)3J1L9m-+wnJq??k7cn~4M#ILXFf!5>K%_QCDyH`wMOU1dP-JP z`*SR=WMK=~Y)ze-Hka#&QIOi%FffXDYF`OK>=rNViT7Z{L#J|8we$mgZ=_zf%CX=V zE-`@a>#D`D{a06{N8Pc31lxcDJoG|yziR#~qTH|m1-RG#_f+eE1GV>>XD;YhgW1%9 z#TTvQP$ji!{LwyH1*uF^ee7Xaaj5b4BV7KnWMmTs9>44d<+t8j!#%Wg*gl3Vs#=2Z z36O2kA)M$QDb;y&Z3cL(rhsKs$*sPRItNKsZ@VxBnsKK)^=m`pdQFm`wG`gkRze32E& zJ*8Kmel6!V+4sAZOm@uDkm~lVNgZt(R=kQ6jZvjxk2ES?B?4@br`l3Ngv`MIu`e!& z?;b9sZWl_zjLvZTR5P>uXR{-Hd;=XY%i|0>ETXJSxvKM`0cVBC=_XNh zLU67}?!_oxZMeBV=F+~EYWZkK_8mD&d~Gi&zOxXymuQI}FIDGO#6gZL3iEBnP_(Um z$?P_H@xzw>H4AXw_PTQ~8CZtJ{I`@cE3^^^F=+JwPr@nVZC|;YDhb$P7nbu@!Ee=L zu@h?Cxobt~5mz+wAmc&Z^4yVSyM~A*QIR-z5<_i0-8lC4%Do%aW<>4DWMHJ+)0bsn zC}~DUpz#+;NP-O%n1cuNnz% z^iqT6*XYHn%CA+`fKKYhilOt;NoHcFt^DENxa+XDir%gsIo|saufnkF3V!txiI;n` zP*b5FIna=^&GMmTbPvW{qage@@n@~-u_lcpJI^}uGwZoT0d0BOe{M!xhi>`s-p>CJ z!QZ#|K^!pj(&m&8bvseMH)CP>)B!pnzjn#O?$GFcHxJ!)ag7wX;>LPa^$qjYg7sw; zobsjbQH37myxW;vv&Tq-v1ZKOCs*>xr{Q>FcGH5=5zvDo@5R-3Fxh99)d72j$zGP<~Z z_-~sE%$08bzzx0LiAa<+rStf&=->~X@29S$KbUIGc9Xf7I!caLG&GxiU{Bo9&$7hA zL3@!?MZ}rNJ$#hS8!n}^hom%bPp6ow=vo(9Njm~W8?3ao8FFPgz)MQA4wEs)diusw zTF2RFt?H<0SbWV(tRAN?lvqhXgYzjruQAO|&$Ki}YGK^%Io?uv`K3Jb9ho;R=Ss6W<=#C~znAX;* zUdsSuJn>IizH`KRdzMYjYaJ_Ja6e^CLJ=5sZa%d-UTp@QZO>RSUEQgSbav84Ta>~-1;GXinpmcJ#JSg*^*d>(;t z3vo;?pE&}9#9TmaM)70`)tbjLk6gzMYBCSv-g-rz;ad&j=1x?-0p;@sOKLGoz6XGx za|Nk*7}HAzy@2Y$x8l0Q1&Fn5b5mUpC=+!QZaj~tR}oU^k*nT%#t1BPB4W*8mG;@q zhlSCb<17bYBtn*P!Lmc6oEbZCZ1=I-sNzP=WmyA{xWD6*4lF*%!Dts1Wz}#ler*^V z>A31c+70xKBmfe=a`-^#d+Vc|_!)o&Y;RDP<7nhGWjdqYPu(LJ5vV}#f}rR?rbU}Q zXyL}KC5JJL0VMiISc_o`21XB`2&U6@?dAj#5+pQ9AX(fn@wYgnyafHL@UCR0MMjCCc`ouR*2(U2Kr3CuR`wBz1<gNK?c4Q4j8`}( zVwqmCpJ!BCOT?Ixs^e?`#|8KpkSaz0jJWA*S#ZPZL?BIe<;SHnoFEdbGsmY^&Z3vY z7>D4SQ1ti)p_C7?&8C+_5tS)34P`@OnRa!~f1 zo+qMe%pIdx6RBNSP1I?rLunQMI8B1tu0+b+v7_vi&3=NkET7WcJOB_hSEjHtW3=FC zZ#ASk6GZt3`2Y4Bt^a1ci>wtB`r)b%;D{isudb`tvzD7PhF&zhKDj~GriSKkaMX0N zRI|Io!Vu#1fu)DaA37yZGqroGlo;e|XV?_O;FrvapvP4O)UL zH$Y<_xf!0pmt(pJlqDeAE>UPmJch;w3-R#6UwZOr=LaE)$TAhQ4E&%rsp6UKc*Pq7!Dib2UiWj{&y&8z~42gF(-nkT|HlEbu$Uqwj%R zLaXWp^ox3ta4ouV&oK7*1Ktx2e%5s8 z{$c8L7MaSSo@W=Bnp|MOshM9fEwg`qY@ko_=~>0@EL?71R)o{vUrQFa`H1Y4?&v{| zq}BDkBm+Rbl%oWWJZ0;*P229AE=P7_XO-2uF)~r*oEClC-g{6FUMRVj7jbq>{%WnE z>yQ_b8u73oomn|l3_L7CMHCLOq8O%R--{5ij)S9!Sg&Dd)>0?wr#RPgx9TD(uSoNq z^GYkAX;*$8RCT$&`(|AoN_UxvR1QU&FvpgOM*&()miOJgzwp$%hJfGY`2v5&BVLKK z;tvD;mmNLwapD}4)Y-@vS&b7Xy>M;APuW*r1htYcOvB^ohD|mdsLvuF7MVEDdZ6zg z33Kon)McEl%$^izK9RP={jANJGNw#`7k^m)8mn-#Rj5}xEpOVW2J*$_cY%zhI+(p? z)c{Jyvl#epU)WtjMVq2Llex436!O>=+f?-+e^f86WTu(hX*xi%3Z_$wf0p7GL~W`F z&v1@AwKRcHG@mbU3kM3W_s>U!D(415bk(JlaeSq?#1kA*l(J(<2@l4BZjxJ-w#(j| z54y@f`Na{=zl%8kMNFkYW?V%7EATOGAO@hFmYSc!c!p3Ogle7 zmC7SAreYGrc8X|${rF_QM*~l?jV!&Hs!rjFaFI<I%_cE~Ovh4Sq?baO1tu+y1XI;!(jIRxXd1HAGySlF)Qw3Z3D8|{OR8Im~ z=fl}l(Sr)-@UR-Jk)Y!MS2(O91p>I-M2F39s541>$OpMwPNR9lI=ZV^s;p$@*ZRfJ zM!oUEqv~8$q&CDnz4@F#pX~-yO;O~dhRH!4q4!Y$Ib>lT_)eteTIriCM(t6WPRr)Z zL1gG#WB}ztQoP&6yuyGSG)Sj7boZVQUIT&nEKtj(BB7%Ry4?3P0d?yUO#pjcx~Qgf z%%pGL5Rt}Pb!$|m^nV(brr zl!+4Fd>Ro4Bk)l-@R0I11mw2wbgCsi&_)bXM#;=C%=vnd>YjNmrA9l{Yh-sb4vO;9 zQ}Wr=BSx&c!H&2a3udv%Rq0ea=T7h@RT@?rrZRsMa*Oj@ZrYh@olFgn`%7XEiMla{ z@+EtZl=Z1ecZ2)KBpF2YbakF78N5{a`n)jaBYh=-zRxdQ8Dr?R|JAiz|D$W!nArZW zOm~ZhkE@DWr+}3-F9^73aCyO*C{{y+7!o5XR0K;zK(~+(-8`k-Mb`zX-)U~L@5IEP z3sS4>UczQ@Y5I5)a9H#dB_z#lBVTxZY>6?g;`EKmE}QN@H(awlyIr?mPIm$pwK-&; zTYGmcee^{nqyXwf$>F-4cKf9(T#W8UE0t~%w;mFHy}Wi$rR&$@;E#)kjst@lI6m=E z^Jrlg65&3i@Kf=|d^;q{FDC9oB#d4G-lEKVDzV5I#E^X4vatN7@NqFP5M)*;g zA$npmg`BK>w7h)0QQ7oQvd5JBjb@i$xb4m>eOK#kM&Etk-J?L?PEKkza=tu{mm>{( zZj$oCGJwvy!;-uuOB?rZ-X_(itX-+Q;)7}tSMFpS9gGL#p%_J?7TB^XO;i>|qvBJ= zSS8ja^raL{ns=18ET2e^R{PJVc5jKDa&qlvv0HeygPHlJL9NxlB@u0$=L_P$r!wc}H3 zwm-f_89?A@yFEK_wYlTP+VxnP4>RjmQsINxc&ARU zE+}ygMl6^(mdkaJ4t&7$#Ll|DS6d?-5fD9>|*T3Z#1G0H@sz_%eVX32#uT3*e~w zMPf&tAt-^lVoAHPrL8jtmr_Vud;*bPdKVZZYJFofp zaFcOf6fL%BUKruak*6nL9QjCQACUWQMBS~_F5COZ>Z&e>tiV9w`XeFOeNSQs^OGN| z?h@o5>e|0&rkO<}?rl^*cZC>t1nI3u99Gt+M;2Dxr_D_q+^zKo!u=I+%QZe^Z9=r- zZ;Xr7Z4)W0&;)F`5%C7!N@TR@K=?9QA# z^n<3>y`NPfRkItJ%H>MCS`C6LZ~YkH-xWnzf;ACs#WoJ34s_7cfdt^)AKj!L?2nh6 zV5UDOaUc7$@cm@&mR!-Uj-N;3Z5fv`MP4G^GVa(C5A9hPbJ}!WEk6C;oJfqhQvYW zB0H`Vzmg}I@0C$uDfC1f;u`|It3C)$WDQp%lkDOh1^^P@vKS zY8kYn&KEL?9X?Qps}o;O^&i&36XslVf@!g$d^y=%!L1;A1U8v2F(*!6(nFv-49wTv!0w&k33TVxP%gSfhPuG6%?$n-z#MR zO1}YxGI*lee8rFhO9n=rCPgMtpUexB8!#N1SWpRXRn4V50T{Q)o*Xm%K;%k%9bVE< z`M|HJA!Tb5VM~gsDwPkGo1!tKtp}n*#gYTJng&{cj}*cb>0!tyF1r1j{Rw z2KOGgCPteQ3Wucs^k6&M{xs-&f}aQUw!P5=@(? zTHnx!tDt+J0-__0A0wWf9jWz$hTr*{Q?9~MZ}To$-CD>vw>xI22?}o1aUIpG&nkL) zUolLcw!S&~-aFQZYB>dKfm_pwex<%~*@#Jr?r;EO#KVsvd@Bh#BMFulipx7Ofy|gYL7FqZ1~hQfoUV!Uy&w+jlP`E4_vVX>5>{yC~QG1S>R5pmd; zKn}d!U=twtzz7AdgcY8-aif4XQJ{rT<{s7vK>N#!IbSoM$V9ly7-&y;Hq?KR;lxif z`auL!1KCGy=$su10@z(?M+McTQd)$@$uHzS#QF&s9cMZkr#4w7 zO#atyP!44)csXDpaC8zecK~*xaG+s-;&OJy4R#T3*$mhy3b5o=QLez=i~DA=Y`=#9 zEJu!nr#&rrr*=e$_C{ZY*dH*t3LyeK@i5{?iw;}0T7;Yfc<9{+qB9gxO_qWu>cm$U z=CCaO8aks|h3&+e7P`cgbIv>I6x{SS6iJvTd~t8aFrdo97jj(GzHr_T(e;v3D}Ng- z+%#;`$H_<<&eK3=#kSumlC?D`!AOMyev@1s=X&WkzlU?volV8B+=nUAjEpshKWJ5NM9@i5Fx7*8EJP5wzGg-Ire1D z(+gHkZV-QPmx4`a)lmjoEdil`@{F0_MPGgcFR~^x!i|S-PaJ=|xoEz=AA=4aE)(3| z)2KW7Kkz&A^NLFsca`0;t&wJyEv|^Wc8Woj&0OBUvmr@z1#c<20;2<&@=05ie;D$( z7Ga-#)TW;C5|USJiC8f3xh+URmDh523(nu+oz6%4B=Jqr;5cm;Z8U}fhRCWw-_o!B zOps$&y|hHiYu)xY_AC2PRAOa7;&R6_a@Pd zHSY*BAIEv|vI5Ai7v&}e1u4D1=;`9sOQ#ZjP&=lhF={Xh)=_fWO}juRY>AdHR@L$| zkD)pZ-gqVFzXl0)tJ%;1$qk`rT}9VNkz;``0pJ$pCn-uuei@0EKhFgv@b;Q>%LaCB z1|c+^0w3=(rn|cLVEU|YhfxA?Lyefwi`?(nl7^^c|EZ)sbxu&fDsmM9evjT~{(z(4 z77yVKe9POjzyiyA2JhcGE;c3>Id7Ia;=t4)+Q}F!Kj8Y=p`{Bzy8p8Sy@yz%cZv$X zQujG~1V_?95tXB|)h5$>2emVBv8-r*5z z=Xfvm!yZEpFUIxD>N;-UTWx?F-+BSIb?RsAr7Be^dSKM%Y3u&Nz2>Lr7mu2w=q9Cb z=dZNY!m4NiYe5qrO40i7mJOgt6`0Z51*(*W6>WixvRXlhOjUFZqa{9vfee!_uHaXD=YpW%TW!;nW%QoL%!{-O=ITMe?f8lT4=zNO~b0AvPV)@z5r@T;GIJ%@&r@qd$Y^tY@%!M^EVie z!4TCK)ROba*2)TA)x)Ei`&;mhqs;!~zvyPKLMER58T|*RKntq-h{(GbHMM$UI-1FV zm7C^H1Ux)|g=4qSL@gmhGbaoSGZB;2?W^bKBo zp%x_c)5k_DtoLU`=)sFhawoLjo3Ri0uE#X9QosXT`yS|$T)-SeAIJr6;3)j9g(u};BNTrEGzf_W;! zuXhSyfQP{S9+Su8`r$QKKE1UtI*DE6_||&SLccC?LF*e%-eA!Lj~XZrD|5Fj#g+C2 z=f(#AY(*sZ4@)BuQKB5wNf2;OFVS*^Bx$pKzG}E_F@%e!=oWG_oUQh9E`VK54gbY3 z9 z{m%r>qs=Lr!zNS$rxlQRFcROqEiys%$3ExlYLT9`4_?-wMeERT_hJdmYr>at84`6iEocO2 z@94eNu_b2P+qIeFLSBq8mK$nKlr6u17f^Zx22E1jL&eRd6YHe_ki$e zfQK`dQd(i1JA@}RM`kAx!qq-_(<+H84$8-DXR?3zpB+asc_}*{-j@`N&_LPS$fcHU zvUoWsmqu>~<6~6M8Rg==5ZWNR(88n}M}eY%urd9=W&jv7H#>8BZ4@XqpnG0Y5g|ST zk|dmEh#3ZSl9^}>?pKzSs2~Ea2^$SJ=sbcMV#XU>rgX5=e8mkjUd|OYv7~6##;eAD z&U#z!#$DrEt$y#f_wIY|?M(rN1zRYoWUuOeJTw|pPKy9JwJu%(79k5KH6y1qnzNnL z0_qNF&{H{s2wAhTAPwFI@G$Y^zXX+ zB2Y-^j!|-MoZVJVexopx01b`BtqMzoJ==wSQ*fs7J!IMS=yka^>%Eyi%PbH%Fe`p3 z_He8g=l7Xy=5#p4Q!j~vPYN};T^tp+hl)nKiHwHDUF^A}|F`1~u!Trij{E$;^I*RF zbBsnJi6UM@x{CTB3X&*!9>GQu%!KqO0`H-dG$QdoM^1zaI?OPVdpJBKO;eJNf+RxH zm>gMd7{vx!TsR>_me)7WbX@wel}vk)>_ggFA&az!RELB%?OR2kcq~d%I&`x~Kam`8 z=4k(_n3ssxO(y06aEgTCYPhi-=9kQjQU}R`k@SJHO5}Xp&_LwaKfiRYOQ8?iC#Pj< zf{=mvi)JpUiBI50Fy+(m_HEW8sG;V(a=F)EtViOHd8q2R6(T-DIdZ2FfQ%WXSg#j9luktCcK^e6 zW1;lNy7-kdQ16C3qY01E7ytOdUv-HQoud$!rd`FI@?`5JUIcMigv^qa6S9nf0XBGp zsh;J1csscXV2{;xfVXY?^Ci()>o8~c4$If15B_8rc~RUQK=lo=4nmvL5iiGg57ir1 zJ+I?Z2krIcRgbz^$k{fLUl$wJ(U61D5s1n2QC*~ry(b-tZStW?v#z^ViNT0#aLiO){@R|Lh2wYRdp;uHqJja0}c%{08g_$oP$Qwb{qe{<^l%_d4B3wzyBg zMlnuQH&aZxkm0~MNxjyG(Gomz9CL>MD~UBG5YwjS}L9cT3c5F6p^=) zhwj{P6db;-&ARD>{5zP?DzrYunb!Y9NdYppZ`Vta+}@XqK?PpyX9xA@QYeV&bugmZ zhA+?qXf=8Ndl>r#Z+!qM7OZ36ElqKI@^?sp>e0VN+_T2hZiH5Og_Xdit`G<_QoOUI z0>Xu6?YJ-i7&GslCH|jXPryBPa!>Vi6q0m^=ag`;Sa`;|+%NdDnp{ z4A_xJ6>ONLb!p*pbM4nM0mg{ZJos4hpEf)LfR7>md|~ua+U3n39R$MWwu-{u8o!8Y2eRvh&q@hs*U941{Op95HpC9A9jbqc&F0eIJ^lW&09 z(T0Uu47=gLDtx}}E!WWCN1Z>KHn}_fM(&1*bJ43ruKZ(@fAhaYRVX2Xs!bB6rV&GG zKwC-~I0LOLh_~9f)H86_LtC9d#oJ(NRNV2*sWKnhd?sXUxXyK~L~o|gm&i3MJnCUS zi}^g^f~79*V~yFK@_BaRsu01g#7K_=m;2V_HePAk4mE0UA=IkyU?P6*KgL4LxWx*& zgZ%<8CU>AuL+?#d<~Sb?Y^Culv?Pv7Kst#4I)k!mp_E5%KJd2;y}!j2ZgBuW=&_T5 zJn5Asx5AuGAvAkGMcY$~+0U~`s;>A)Q{^$zyFGE!Fvw9|f|#1}&6_-Pa0abQe>NLW zn(RU((oeQ}o+3{l9-@LvxY!cr7PS6P)?WKeFG@2~8#P~$|0%@xj*jB?7l!IAfH+g@ zCk&6iJY%(djZwEp854Kp@auQdTO?NFfvTVQ{ozCYu4n2acPH4xVCRC=Yw@cnpK~rz6 zA7A>&Pllanmsj(4h3}??W08}*In<6wu^J{k^Rlm>u`(C0ttoQ+?#V+Jz@B}NlZr<8 zB}?kW6=UT7&9NH9=ePL&{AFmZJ}Lvn!GjPe-g~&92D2tcYn{@2q9!6#cPmbv7h&d& z&-q&Ot(^XA0TsTymQBG-`x!m6AY82#q?&63ORlN349I<;t|+K+F@kBYAwSw?1f}Y$ zpwOs(N1FB169)CvHloQKu>K`V-LLJ$47zSoeZ*-yuS$9jQOS0^2I=iTK6D?D zT-r7C|9JNQmD&C$i^9eIf8BxVQTK6FF~jI=v=3?!)6Ud%$y4{Q z)aB2VKXue?%M(yV7bJXXm!+HYoR*QO? zQbPL6ni%y)$74{;;W>D`#3>4LSWE+RBAAe=KAnqGF42>F_3nb@>cAl=F(* zLTU$bCyc`|?O!m)CjRcs4EZD{&Zx)g*j8IBDgD5b`@sBOLfP)$pKx{Q60;GnjxJLG zG~%H_G{(WpLdbMu2zn&+6-(nIc~sI@cSy`&F7y=&Cm97VsnY&TcL;dWV94~f9yT~P zbW%>p%*GZ9hbi{$Knh=a4oS$g(}2Z;(`BKSB@B(K77(x$C&S(0}FzrMy@^? zyx*Bbji!AO!D%q!usnV}?&)+Qnb4}MD1<1D`w;nl5yH5k1dN_KG=dY4HX%CzfRD{F zY(ZGa%)*RxcP7K}$QNJamoWeBB8%wXorXEzlC3q<<9^|pUL2Rt^9p0QTBt&a(Q#1F zpz$S4u~qNru*z_8yW&>QGy4@@sxY>3Hw!OSq4SW}wBT~cFq+On*oxg^Cah_W(x%h| zgi07Kl~ByD<#mnkJ(ih!mg{tYW^)<@uHvn_0xWFrj(sV8j~k{c(8%1W1v&i;UK&U? zDZn4Hrd&NoP6(vg@p{TUEI*I{No|?)(&fGshKiNliQk3ueW2#eirLb6X>$!&j#9~9 zGJp+Z;UNih%Of2P{kRPi-nE$x6g1l=X_d^XB{p_maAo6??skr`AafdUT^)prz!2;R z_L7LYF-~>pDu*tMevWfF)r5Jw5AKU1&LO8+z`3pk)R4h@u8>HuNpOmn9(d_w2<7d; zO$%CCC)%f~P|uMf3|$W7`@^d~Lq-tj3rc~!}>Kj)9H-i(9(1h~t(dPF0uT$tP zbgU@?1m`0-y+^HDQ7-&%!<^|Lq1Pb1+eK)E^G317M+e+*u3{jmD#y3G^Rp?WUXzMJ8(zhgVCQ~K zC9Jj~koGgbU->NH(?=7ihGI@hRjjy0xEXIJ5=yl3X-ia5vE}*$)8$De<-gBNfRQJT z-%0@5hB!JKdKpio_-4ET9 zWN((eOx{+QSx7iLNPc}o6>ogW1jNGZhm7O!q|ni z*~?mRG%Xk-U350^;Vdaf5CdlhSszbU!9++edyS}iv#u5hz2&+m$R+*Fe`vo#%akamYrY}T)b)IPaMImOF^jM z4XQitbIZbLResUm+`1X7nhwy4ZS4e3oN7K>sLl=~UAB3H%iw?ZdPu{qRMG5;{WL;G zia3v4xzLysFyhI$w37-tU5A8%`6WDe2ZkH19DI6KtNm4%6wU_Gt!+Al%QCMl^rfP_#CopqdhfYcudcnqI> z@_k+)^GSnKDhpMj>Z!+GA;_S_)bL{ED3Ier$|5*TRg~o_bx+m0;X+y*tzuI!iaV zf1?$1-x&{=Xxb^<(s|yPTFj@uXlRA)V+gh8dBOOhK2f_ue9Z&n9l)F|tNJ5UhLL5O z1taz;WkqxoGz;UzkKChu<%($8-~SGq<*DYT`v@ODD1al+ zc#z20skmC7yW;$J!qOKn1-OOfci#!4b320fYj%EMs8D3xO580sY5N}x^fLPp|h~#yNy8Qcihfc?Bb2p}vyz_zMCX5vnA7irX0{lkhs#0%vt1~n9 z1kjomaC(ajSK4mDsTIjN*Z1cxVXYhlq|f`3IUb&q20va`^e|+l_Lqm}q?2|SvE4PY zii*n`K$GmrPowlCZFa!feoIb8L_6M{IXm31;>UQ&C>i1{>h`B6(zed@-cn`)r+uRPhBW?!0cExfV7&Ql=Q{N{TQ7VH^taf4KYBehN_%c zWcAzFTOZNAHgwc}qs(~Wi7X%juzY)ZAQ5{Wh!yKywq!IV<Gy6?19FEH^9Y37> z)$4cmd;<9+><{pAQ1K2ywM4QpZO_gsmhJbkII*U6RrU`hJ&`KRyTm5}K{dTaoRT=596)}aX|F>Gt%y`UsAp~(!l}A2@)*;r0TZkdw}rV;dAVbN0O6*En|D7%pPlb0 z6_w)KH`NVD1Pod6>H$|MyYevsuH%aydp~A;<-<)VA&)#%Sw*ED^&ev?tI1<(8EeEZ z7LiRxEuL)ge!ADxKWefF%jnjR`9~g$@KKw#x%yfOEoPvK)d#ie7;#~}nClTW%fD(S?2~Mz?2YuiprJ(I=(dE@cQn|maQ)EdcXwAW zl(~!CPUIl`4umI!?(v`!GwSaowD<^=N&iBoW7cPq-nneP;3D#|vz*+`$NRCl$_K6+ zwR0XGzQs-Qf&1vh(~138`+ym1M+p882=V_zBBt9%fkJ?=vHc%0&X&HI2Z{;l0TT=7 z3b)#Jp9d-l0%l11t^B`={eRQroUH#>cw8^hPEth)Yiw@gbVp7jvom7S$046($c=SC zzhORgz*${|x`&c2p&7GrjJ*?`j+V|sP8v@&B#KPRwg;(4nn-LRJPIjD za#oM?@1JHyzmI`m-h1Bv#20BUf>BI*%59UX9le&Gc?$qK_O)z~H+yK~y0I&{N!SZJ zDcyuyhm=)2bLAU3b>L)qanD(rL-_oxh^&u6_R+*UiJXQlo<$L6blE?>jeKwT3EceP zp4p?PX?E)5>8rDwHx;-2(nL2hvT5B02W(+Uac(0U!5JfYWjGbK=%41?36z{}OY!V& z)k%nU-6G&`dUe&hdG&tlmb>~*m8RLhzS}-shIZT=hL8q#_Ct0tYidyK5EexWW290c ztcwKrSYw>Fedfi!ea=}vX$pz)l8BQpWIN-G9QIf5!c-+=GWk%VYo}lhIVbYEH=q8a z+dvsQCDap0g?3DD24*sO<9~`+gV#aWGhw7o%t?R(QqN~t?DwKnk>gn8h*1Hj{ZyNA zZx7V@D8v+8b5^RIVF_Qs&bzwr$(C zJAQrdIUnzS)u>VHYgf%0YwtAyGaL3>sNgv*&~bmSM5G%<_@m-o5U9^rHgHY4H81m@ z@&+yzLU*~M#7+bfK9T;aGb2!lNe5CnMe@gwmf9)3JD=Sz%oM00AVt<@b8l`mjc>cY zADCIFW~3^0cfpJ9_3ziFD(vvc9aUqg*Cjpl1+aNt=d@v6wWD-;8W|uuoj*pN_X~bu z(XEXL`!_c9mS(D~r8YE*KtVT5D3`ei#{zM5B!5-=GMxEs;JkXKWsiS4#k8-8A}lU~ zbyhfv7Jr7urcLE}>)CttAsL~zE>zgnYO}k=7e!*WQIV^vQ(+xRg{UwVh$&Od*@A=m zPt}7^5pG_wU=bgKx&>qjQMvO|Vjr=b)1d$=T0Du5n1w-7DE~iXQf(r@pg>vwLpcLy zVr5}V)hYlZ0F2L^VUV*horl7eup>|`SacxkSANFH)Y4IpiP1}s%V^V9YW$ujo|?dw zjcz$%WeiJ27B3pIEYf6Unfi^yG3<3i(^d_c)pqgj?v#D)VK;s6LrW6RNITxuZZ&$h zz(!MCEiJpCS)XE4i*rY}TJ-)qO=%R;*sy8}Pd1%G7BCEY)-)`W{7sI*AE(hm0iiQ; z+sj9U{7*I!13&aM+q=RYB2JzHX?eaJyBsc_nWsU2&5=}b@+WU zq}IyS(SPdK$TXXY7E4_;!{_AcP=z|74If?tPL+-Pw$2`6_L&5^z>6%Xg1Q(7eh=*iFN1>Tg+RB zHAm1ZgI(LP&O^5=TOmw7>PS6Ba4SJc{NkP-CC0ADAjw!0oz(Z zlI84|^%D@bNbZzPpNd0cw!%bIx-f0EG_7d{z@~EW>KBmX4%IoB>Bc8~`P)3oh7ouN%=`s&{7?(S6)e z1^xvjdF5cWgXv25NU{{g-?o%=5bcU1kGQF=(kv=o*0laI7r4~4kC?E{K1~CkWh^wh z8?uD#qo9+OD=qP};_jNWsa9qaJ}!jZHio`NHSmbVH>`oRzxe7!bzf z;Plamt5sc33nT8!HRA&{K!=v%MDS@r15&xN6fsp)Axz7D)`*B5MrmZ1q@wO~qu7!; z`O$v+>6?BrjP>)qu}cnWhwk2{yqen(&TYYc+_F;ttfKm{WLs|!M0c-0&zJhygx58( zQA1-c$)m5X+bZ>kw2+=2$e~I@`I@0X%3@xttmp{Rq!g%N8DUK(<%k}Ng4)`pD}cLl zaEO0X_T&e~`-o_VnA?UJeTlU@-0J5Pa0f(c^ucee4n+SAkYCzHMkIFtQx82fZyJ0a znm=-~cf;EP_qRQ;8}yADyl-Z_d%ApbwF&^s6hf6&AzKLAGjfb|mVlfiLW1=V+Xmxp z8x8hZvSX3Q#vQ}k0c)N9*bCXl0%%D$kzt`Y>%_hbi$?XJa_FsW{NhZW)mkzLMTtxO zD1T|G<>*S?8o{f3!)g5vLWa~G|B$HR_(_7o1$4=qH+QOR<=)MH;Nafky9yxB35CH+ z^jtRr&n)IZ{nz3`Vi`~yxFvR2Q4Nhy~e?UBP^{FpVKJAxzPRi51eREOW z5jvEPkCqv-oUiS5k4yIRt=)^7Sp^8MxCAto(+s{t*+T%cA`T6eY0qg>_^O#oOGJ?sRNf%GJ1)AW%qd#jZ4%%r>o#@FxC-15 zQIvbR&rE;bSllE^>=n!8C;wPO#aT3xB&rChsJEfe$qfk$A?8RZ0le$%!IUru3*!qQ z2szR-gnR~W3kkFiBqrt5B3n6W9=$fn(5L+9X+N+Pz5;ys+#A8Fn+;uYeSP7Q;g2mi zK|=FPBg;JleXNOoAL42?u@P8U@>apnJi{cOfj2H|(x^r!S;$5p+YU-9Msai1*(G(4 z?pAH8o;$Yr*uV@*As3f#$^A172?UFn0lwLHqwf5tYhnA(I1pfBWdA>@kE#haiYlgP z!#VBk8=XB7qisAHy`65%zwr!7;y|3lrDT66KSK48_6KGPzdwET%I zGO}baszrkZ--Do`%XBs=lFDMvupAQ-P&r-`F?P#%ok`uE@R&+F{u21&f}6E~?q>{X z00N>l8MIQ&OpaFd=*r|HbZyp^P%KEt6_B|C;z?AQt5Yzoj=Y_j1G1uLE?^@_gLrk2 zb`bBuI&MY%%F!&~c18OcFN(%=Z;x79OiP=xT&h)5)EB~T9UQ*b*21Jl4!Z1F)mu=l zshO5Hs;fqbEt35i%(TR)|J68VT==)5640WhucTa4B3~ODc%Kul?Rou~ttvY{PCrsh z&-68Y4nPpWz40bW+>NsTlyapG`4`4X8Yfy8q9IAYs}e+nlOR|0TW-RST5B;^&yOI8 zPmL=90GF!zr{HCFM~Sw2VaXSryh~lXhsq6`-e~DCgs^u#w{-p1b%KAfdz8t#1(f}` z6#XIl4JGvyFRFctyA|l}lk~_K(CI&}!AdPT#NMzTG02jmvp&P~!dq1Y!;3aycp=?h z2-eeR{#Zd@IZ2k>^1Lz&m^Xbgx#>346|Xb3eIOa6_mhU7hzWV& zLH0IxZbQ0C9;yk#b;aZjUu7Mf!h6&b@p0-A4_5zb~vsg4mu4@9mQu$#NM}9_Ve#X@5{QH3D}_l2eJT19Xo_6(mmFL7oN_DbcXyUK7bZ9p z=bmKT@(zgUCenxQID?-8fNN9ZLceX*-^@$n?Nv7@pfHl#v6L_L&J4#pwTvm1Ahha*Sh~lJ^nCIBH`?d7#8PCJSN;yOq&gG5@|*(fN+GpN6OJV4hk566 z3|kk3TYfD2mo?7LQpIexzvHj^t2%mZF89HAM8KCs&dnJ4JXKKDzkU9}aP>#@&r$)r ze#O{GrEjKWS4zBV@SJw5*Un_!Aa&_Z<6PZpK%yB`L5DqP3}>fJ4Z)M66FkW1dKO83 z^N${x)8A#6>l|(8xI2u8&2JVcB?bjUNsr}!Rcl=SjE)7pugWPG{@C}?SOz^md{cCx9C6HsQ(l}JHkMRJ1;b^H~deL;p%wO ze~bRpUV^bQai(@RfT2UV-bda+htH(iR)Jx`82%+1|0@!68p@j*R|SSmcq4)&>U#(k zPXHlU01;>K3&Y63)Wl?8p4O6jRFY1LHPy2jOdW_kR|@u9bm^6{&GDH>ccG?__WZA5Voy}^8UTlBVpY)Ryj}3n|XA#HK{y(O!nEKtEHUO zQGb6k7;;;W6wuwB1v?7KCwxrDUYqdOv5kKzH#HKQjt7r<=uUrj3FkeK?+4WSsls|a zf$xkjGsn}zmdu8rf%^v`ih1fRA*b$au*v%){j3>fKq)wm!3<}BTy{PI!c)BQx%9SA5Nmw!u(ktmKjTQPy6pn>@ZWB~;39{4zsbrqG zs3(l*zc{UDIAT6UGL&Qrq*4GPo?8imJ77nw%WtR9N^rUaIiBSwp}DAJjVDBwBG~0_ z1$W?%EDF(i3n_A@G8OTKUFY+!BYHpH;E0o<*xY-f}`d2JodDMY+GghH+}X7fncQf z%f>M@>k_e&WzFG(vE%teen_0DqQ+m{3Rp5V#zvizWpRTm0r|__*^=RMn3T|^>tL}+dDAHURQ9w03-$p z=SMut41a1xd`k+!87X&a5M1h?Gd4=`!u0LQ*@7iPL|X`K6Wt||n&!hI1=52d)mge) z-EbSrxE-gXZ!e(xDnqjxwzVt|Y%No5V(8rpBE2I$|GQqPymer3@whkuE64w_4E+a) zi1q&g#0Og2hOp|Fj5hSYZq8rlA=K;{#Ad=sfjF{_=vruj-_I_HfCtCP4ydPCG|OjP?y|Z)`(~r%q~6@Sp2}w5ZcX)LwnyjG)9zo}9qZHx z#m;!ZN>vbcWmd(y%#RO7rTjqnZhTrjv()wi<;9KAw4C!~C-9#8VPbo6+Sxh8u-xuc zuP2O1E0a#1GG5DM`VSEDmfL9=@(6jMK!stblY6>o#%{MeS^QG$ncMO6;fst$wyElt zs1?a~MI}NtznENu zBNn;?B(tE;_8`FdW&>JW^-n!O;`%4#-l``oIW4L7!6D`oQ7<$)z)d z_^l;lS~7n1)VGUAclIpPH=hBGcPDgqFE?|A&?UXcVw=l$>&ElRXui(W)EY<4BFmZm zvVias%7Aw8QnseWdling#iOG9k1`>&Uw~E)@m$e|oq#f@>t(ur7~9AGH^ zci})dQ~l+^$-vl|m{Y|Ez<9x<__pCvLk7TvK?i74#|FUIL7G!R2EjN$?R8SQ2f=Uv zt!CU`?Wr$06AaB1)%TYU6$w7M#)Kl=P;#1T;FaT-%b)JUMl-Ak%OE7>a8 zJZE~=5)3Ni z1~_7neZn@z_IuH1nW4S!T7Z>R`~1IOG;8Yg5Ew7O z`F|KA$r|4^P}SSBp+^agREBcRoXJZlZT-e88!OxQBE<5n$``>`i6#AN!eBFgjY}EG&cSGfK>QAZl&n`Y-;+_)e!#8b)RMDwSCPO zuQ)Z8^p7)fgXryanGP%_szFxF+RP8gX0e<4({nHQnul}##0%cwjL#Rf8WTGLZDILgY6?e;nq$O%r%|U}F{VK{uB`U8q zjH)KW!WT4MUEhIlWd63l(A)NP;@7yF&63yFfNjLrd3iu_g-(&()u1!bv@ zgJs|I*G8UbhqZn1scN2Psniki@d;*Jz92oR<+heKXnMrg*i&GEZRPPAEC9;6jmcKY zb{la5=Wo^qWjEVNp^#W$CltXCW}6X9+ys3g(7)gJicF;JibEOGh6+0!EnQL!tFxmy z4hl?eS4;q}gho_sXAhFQJtrmNj6W%9h~7b3D@Pe4Gd-}*Mp)GIw=ZNPzvxduV|NuP z+WkHXltutm-WvT6jmN)KAb?VURh2c* z>zaW3U$0CUEyMc$n6aC(5povM{F&=WolGPVx+uPFz8r{RtSnCtJmzJUv~c3THHXHv z=fT6IA$?FtVH09|m02~jJXs9d|4^?t(2#%?;&SnFq0%hLnWidKcOeZ(xQb>$$iL+7 z9hEw5Tt*_wDAYF_=0Y-99kNW4m1Noo9*G0^MkkO-IU|$WlzcxL8XWi|pA85ug8Lny zWqVM2zI_S?;^}yB*-qPHhBnG@_rRz4l_z3J%_(QcFuUSJTXJnYRjd?t(LRYXz8rX< z!UYNji7u-ClT~Q*)HXIZj&;iM78lVUVMJKM zL#Y6J*X^+{<0O4xlJ1ihpU;+CZI=lU=maO3$}X$LJ6xWf=%ARAy{DdhU4X_w6z|dD z5B}`z3KVcV@iqkWdKVotgJswj-7!SZ{b^6J3m2-X_S-_PnOVVWSvXLbq#re*&wL+( z_6h9VV>Pyr$jO7I!OG;GnKiLRumoHH+X=5oBgI$@!Y+AGFl6D0CcJxHd6Nc6X8Jg2 zA!`2-pk)v<_<s{BKDeZm z?fhxI*u9+GV%w_j#kP} z-?QqXN%-bjp{7FwX4bntICmIk5JY#;XPv5sq_pS|VOw?aqZrb|l%^yA?C}zvg7ak> zoD&y(R@a`Q#2-u$$C;DlNiX;Zj6eH{DrLl=zgZ~`Z|4bV!8*!xA-ROP#R}Wjn;qm$ z9>pU7#&MWmc23d$i6TZ?_(g%I`_l2}oRh%iFPIO%c8oNQhvK~ByDP5jdDkW+&zf`S zCgP^+ zt`84p@rP1Ff6w~3@HCh8(xTe_xvHUP>N@&Q_%5ePe!1AW zv4QD&J?lDOuG__bt@CoOLsAiwsPFIM)l>dJjOAQ*xCJfS5h8E*;B)!G(5*o2`P1*r zyz&kL&h4!8oX9=mnIN%YxI_^gH&6HoOYZ|qeV-xsRU!3Kv3QbBL6K+u6C7L1y%$x! z5A*K6UP9V8p+w{c5lnpXisrnW69h- zMnn)ERD4HrCb1|995ojFG!l2V(KVk7*^5R2QMIL4B)x71JNeQ9fY)xkeH~dOuxr0v>|}}M99myEf5Ft=U6h1A4eAA@t>2fmA&8Joa}Pv1 zpE5C#K6X1kJ}SN*t`>fsr;@vw!HG zsiHC;bvsDRbpI-BewJR%N0XFLMO(e1t`84ZyKQd<=*{9Mg(k^*iZjoG#z5gPtP@CH zZ^Xi>=~cZRyAw^G?ByDMRb+`m(weFkXpw+plSiS)m`>v=zQ?(uh4Gr((ODuofyX3N zogG>pt>vtrpw{W$Q^c_QlT5qf0@4>m`*)V7^;g4M+*GJ!rgxme+wn`L316BO zWZHT_JQ+^3Lu)1x+3N2;awKY-zldJvK38F!{xNL1-h2eg2CR!TgZ1P%>Aw^TPQ74R z%2vwy=IT0m8=jsL(=V#VCnot$7`9m9Mg*yrnNiyDiL+2(Ii}idY zPZ9V6vxaSSP#P28JdYD1{zNgfgbCW@Pj;q+r*w3!%go-w3SZo?>+7XQ2{cRr zL%{=Hy5o`Q&M!UzjxP$m7tYFjH~V&xbvh`8;w{LQVn4}=UQWE&M|U**SQ2~ik{XJE z1UvLJGi1D{jp`eD;6)CQ$0ex9o}}0JI0P2`0q*7+3yIyI0j9U4B%GabC|uEJ%@%3T+4MwIcrl&(i> zmWp3ZW}cA#XeU0Ge#Yl-r#S~OifHM3n*J$Ss=Ya1Y4Cbh3(kg_$?sNq&ub;V&g)NN zd%nGDXlv>4ZI_9K%OuMvNfxIVbCXPOur1YhCjs3#!#00niB~wmy2o}uXAr2cmN?}Rop?3pDxQ{Iw#x1y{&pDHE!jpet-WQVv-aRl5#$#TZB%-eVi%@};!=7#n-zu3}%eSnDOv>j1}}e{fAwRWcDzZrt$4 zu{;=kR$}wQ2ubRPP6&o7$gl(nNZ15G!iQkMDkpqq(IIKtSkF&P*Ny(@OQ_>;a>5xy z@L~k8Hq3ejHoIkytAP&l{EeHqx9yA8rkL8?%g#c<%m2%@5eQt`1FqusMcA-UK=$&Ris~qsYT8tE#G&SjB9`{MYvm$kEc1CaP&>JKCk2%CJ2OmNv z{*(*f?5XW~jz+?HGJ$rLocsy7j7W837%RMTl$1DCCEPdQZS%t}dqWG*kd zPAjBSGvOS8eRwM96oXESjCctpgrJy^W(%^!sg6^#yR2g%%3dLxB@_CIh*G=_lRNoQ z`R#;N8c;ntG{wD#9=p-wMbr9$KEpt?PeDGT4uBm?H&Uo-;PRq-;%&1g0bxhpEzfcPC%_@thVNYx4FliV%kl zv9l`%!CoAuW5uQmp$yxKYku2Ovx?vSeTr-w`0U*@h~nR0U1F6e`%xg z4#Cl6_&fbS2dusCpcJXP%V4NT^6b8y$B_G=sj9T!C@~>|{(EG>`9DV%+^N&cU~~XP zIRuDya2a~ck6`dPS){xGM3rA+)~W?fs_nllFZ*5Fb!D0> z*E;+4rdG2AwY}uqy`C~RUyRMBvbHC#AAPp%=n?N92iGpqDxFkJG(xyiVfi=& zoKClmSSK;LTu!~{)Ragjm0o|3Pk;;-HbHDG(akEVE$fuIm0Ju0n=}$3VGyv0+OTT7 zaER7QDUeJo|7n`8qFG@SIgzVu;lf;~W;`-S2bVBdRCsP89_?Bj)oz7O9jsF<8IQd{ z1yd=TQxsPjxsFDoU9NO)s&qOE(Q%S3L~_kFbQBB!pAR%$Zz23sGJa z<=ngV47zL^77ia30S(Zb%>zzCuezR^W#Tk4N+*Y>)VebY*uxeLX^!YaKS(kB_@d~B zKx+wUv0!`E3=K6nn=riaBZu?`jB4pt5M*P>3{N%4&33Z(oWu@dT32-JxO{3sv%}Q; z-bT#*5qI{z*}kgmqN=r#h!|l9``~uBZ#7$_8h$>UHtbj~og&KHi2+{^Z=j6!Q2n+{ zcS9UgW;Y``_N=kuXAXI}RTICaN$w|#HVavQ%5F@_%$Za-PpIzeYeHPj_jt#d*?Y7u zou;h$FS`11e?NxFm2*d+LtVM^UnQN~0BuOZX>N)Ep)v)vnpWaFzWOL60KL9*KV@2TjHz5;8Hwq<# zqxkES`2Olp%a-rO<(!Q?0rkfL+S~q`dhRvBUSnevG~ui35D|S|VkOO#kC9Ddj=4xn zo64%$knPX4@#y6}a|@X!qLJ?oteF{9+7x)M$uoi#9P9B%6n-d5=fN^_KFqHyakdVUAO#UB9q|0q!ovi)l%DA6pLbF4QZ%CweWFgP zn3MSZ?G>sNC0>28ThcL{($Cc(v1Brxbc|1RAc=B*=B@O8@tVE^dQCC?2W@}KK+-?( zzceqE*nz2oi<20l_>*SXSz6HzJ!l_s`Amm}d20vBzek|T+5W_B^UhLdl_uD>i~Bo{dcsL4toK;&sgn+&{~|-obot*ZaSq-vcumcLn9lD!whzYHfxC zdhyi-6ezcGe=+wQ^-8+pq&%egCi&)?Hi662e^UPiw*J{>{?9w&hdd3gEp5y8F`t#3 z`4SVzDdXHJ?T&Vl0W9mifT^GU`8YUIyGMICLW45~E^LoegQ$m7j>yMLzu}ojFX(#8 ziWl7z3vIV;OPMGz6~jm({3d(Dal7@@=#>#qcOND{j5WK5t24h~lmbFB%K~^UZ2>*Y znB^*;Z_aVUl|A0xWo38@9npvI$kly!s{$R|F}njiUqjP=%hTA^1PrVOm@E(5M8@%Z zQpU(Ot@{w-JwD(O_2G<-qpc5z{HMeQA9T_Z9!_irf?axZG(jPjg_2O3c;? z86;$L4XN_ZT{jOLu0&YcGek-=FMrvDsO}&T^xFQkC+bPOFJOumVx19Nw1K&`YBAJ? zK3%c^g(oh(-Bvt!iLL`hd3=!ad+{3E9*^kD-GS;Z>(>(2^%53=IJ_kH10Y|yRb7`FosF|(oyHB z@-Y7qh&m`vgp6%gb(y!z>|JpkDWIzDUzk8my{?-;rrM0b+SGt|vU8+>z|vI_$l(rB z)qV2`!Jh$@Pn!Dhp{c841pvY}((rc<)2ohzyA$ZA?Z=^8p$cs?s5}=cUFb=Rag9Ao zvi;y4*eft{rUrIQ$;c!v9dv)_<3-Gd*>IiOb`DuedlkGrYCtoS&{{t0ZTlX-_q;k#q9LqXHt?e3GVx z5o6_ogDN#{6vlLGrYq{QjpZs&S)`tV*vQ)7=3)wFLs>&36|Q*H?Ryq%(b%rJ3}z(V zESl+JS6mNp!Bm%i0kxo(g{^SEM@l)t$oCtPQ+YBdwb5(XStIsh;R49-w$3rdTP1Nh zHDs`{Odq;ge%bea!*oE5=}SxCfU9+H(aNqv@Lm<|rRU5My5~wqwuHkim;y0nx@8z z>%%D1%f)N5sBe??70fXoi<6SFlu3Q1a4Ha;53ShsRWX-{&Du|OSW}=AK;fNMxz4dthAu2o}u$+qMF1OsxNhH5vSG)`q6uRE1FngN{svBbQog z6&}DdKt@h(OKG9#puQk3BqWsNqYkoqakb7`7f4)39WYlH_R}cpE#-I1!0%Bj)_jLi zMzc)iOVh4r+kJNO`=eVQm1p&5*G;ESrzzl58D?xP{U;@wJgk}gGw`IxYBaSGyqf{q zx8*``h}^|AQ^%}~PuU&)3qmv3M2YC0&!jQ=!XjGtSLM{YmK)iwF<4p}SS81-opO?q zvi|s^xPX0)3;Fh|+ZsaC#@`87=s`*}pC3>NXRO^G0}VYlY(fN3kimmN1Eew7msk9@ zp6;SXDkHBuSdUn4&p<5+-7?|=e*WSXh_y)ne!hsv0*Il%)%EOIYyKkt?(KnXn5TvN zZ%;Wz`<@|}vm2MQL7}d*m6O~Oi^tcJo0YH=!~Dg_K#@O-x4TMtR(IIw4NR1T+?0wx za51pZ3S+(_{G8UQv#4F8;iVPlqcE{i)NqdTT%c^^=BAYVfd`|`p zo{wZ(G)GT!h_!3_a*SDLPwy!?@n>J1){i(j%L+$%>bfU!Gg6WhnixNvs9*g&h%JWv zIkjMK1sxqfAJ&J`2uHcAAk{K>9c zu5Yie4?ZT>=3gb-LB2K!dI*IG(=B8%e0YgJa;Q6#B!FGNtkoz|`}hOZTbO%H`8j(G z%-@!6>}(KZx4Y}}s4SwtPF|z85=!NA`iB2`2w4_nD3DwdDH+XTsr(tE;z#hYC^48a z#`G)*VPfYKwDBJQQDB31OE;pp2M&o=BFN@%nM*$AnZ+Wo4I96to zMEe&@Q3^=4M4&7eEDvSviP=fDLk3M0CJqnncH z7g5nUgRW6{ztb*#v@h(D+YEd6#f)L{ico3{`|wkBgc5HdlX$86_j^H$qT;hfyO=l* z8<&t%B&X^@f9;pDZ(=qNh`rnWOVi@!|4rq^{1~t+y^4Orh{bH{U=?)P983~NFfrJR zb;FNb0qath*W+?)@!QOU>qwj0BzOt;x@{gq3;J}GA${iyF?z>zwM#* z<^?bpz|7k5_hf`{N;V3Z%`M-vhF@(Y7AnI-CoMX4#y;&EzCYb}GQZ3o-T%c4gV+zk z`E7*4q@Oo8kD=yIR%XsB@w1JC1*io0hjiX{`%G**gM^TR>8V-+ol>>T6v~lkmF&%7 zZCFp^2P-IrB72HuBN=fsr$aqGz1$-+aWhaWcLnNS-osLCh_SxY?EB+;{%+@oK_bN( zpK%=N_NBO6?goKQ<%IbzCYk8YZteh05PhtAoV>XK7aYZt4N`5nP&hi3jEMSo7WJ6T zi+*Fw7y1^)oUgc@RU-D+qiH-j#RFO@QtdPY{{k*k2ME_V(z_G_9;u5BxCPp=F9V>J z{US}?dL`0>QgL8><>+wSkt1%HD|RsO#?Ony@FduHk?nC0CM5#~#@g1-=q`Ow+5J~& z?)0MZiHS|Udy71E#qo4QP>5=Ts~O#Bs`z&pGN`?HmZ;Po)iq*=>4|g0>Yx1vMC{&h z+2i~1Gwu-{8YcpBNjteAX(>knIvN06Fk`~5mZ5hg)K$Gq((mXvsV^Br{~ah$|5g88 z&y~@|G&;uPZ?ddZI6bwmAS?Ve3G}6 z=PY)#0`%!ibeorh`wsh%`@R~F&AW{FLk)a%s1gCv;qz%1X8pSnVC-~_bc28k@598< zM;pRRD{dEIot(Sq;JFut%skOf7qU}s=vG|iGznNC%-s3vsxd(rU?-Swzyxkm3nM{Ltv@=`%#U8eD zBSf@tz$$P!Ptdp5!bFGI%Af`|!>VSOiL*+X{Q`MjO+ZfU8?u|W*;%F3* zDzf{x|BNAcmoGHukw`+I%x%MzZALX`QK(6+`Sy-VycOgi;N1aVr>nEi2bp>Vn2q-^ zpU9&;WbXn3W|Q#p`=1%E>1=8{Q{qu#>M{6Y>Q@^=^=jdQZjVY;h&lmTHJ1@j zPxq;crQi6{Jad6roj!gr$tN}$#dqTR?z(}zd8t0MUDOD05(})m zithv%ZP*cP?0n>x6_-qN?C}T1x!7HOlYkCkN044UipFb}Kwcp(vui>}?(dJ`1hZx2 zF4zDg2)+&T7KyJR1>NBsOb|{B%Q}uQh{4Mk87P{)B50uHOw4Cxv|bOntUmcd+S@RU z0glOIlJQ{p4LNZcDG}RJ*q+=d^+p}eWKeSSA!U(*d3+iPnZ8{?Mp$>?tLG-?HyVhH3U z#I*VGRszzWvr^JVAB|k?31Yn8mjab3bXBzC+=5e~2dzl{D3VT>GFg*SIPj~A+jw?` zVeS|gDDV4L_^I>!+4Mu&?2 zl&Bz^J1_3RwWd@_$%)nS#?&1Qc!Xr&lrM)`L(r?@R*LL;CxvVg3tGf+-Z?>!$}(~cnL2@N&m@l4ZBGj2*$@}{o6 zmIJ}?m)UgQ$Sub&XgBZM4us3M7yZYYj|0svHE(r?zVUq@?i|KQ0=BzlTzSNbw9h}X zU)wx64+q(=A!TziOy1Gd7KDA^=5P+j}aVL@~qR(+=<5N)ztUdzl=H8~tON zx&kvgrqX#r-I3doFlC}I9mW*r^J~d%lw?&^}In+ax26Yl_3c}=oBXmg%L91;Q5V~;=UUpeuAJM5fb5!62Oz3 zy*>=?{vE%Z*Z3b%mhZ`@Q+&go>0`}i(R5!yq6>+>L9di+SpSpxeIKLN(sk+}jk<4H zw9;YI@!MU`th8+iBU#A?_bvE)*BjD1MpO4b3_+iSfSa&B2oDC;Fp;bwf)jK}PV66r zF$9>M85W#aO5AbM#zC>u8nDCy9(wB--f?$qVq450pGXd|_J zu_4GB=-UzJT`!aC)`OEue*(f%4;7eNp@SYyX4Sk6twniVb*gs^v)Dm*YfF2spV>r; z_1r#A-W{CFJl=K9)M3$LnyQPG%~~tt{H;J<>CY8q?_bws==gJumjXyttHLdhtK5b_8zk;q7*xm;QALCr_LoO(vbWqcD-11Jg3?uADLp=s+P*x?THtw&(e! z%WhErl{n3>?y`q3u=gUI%2!$sbiu@&GI383_-<5oN!p*~QD}RD2QNgz_fqzXJThrH zu!)B8IXZaJd`&0lyM}8dgi>MVJ>NosHW96RAy20AjfNVaJ=GmaDhnDkV_&r7)y4j* ze0P@GWS(vuKOTVoC;Z-k=e<=xf7bexGp}Cq+uR0EibE^Xnn%)CUsjwIR@@1zy0c4M zWgk40xH%-DdBLer3s@Yu-WZ4AEy&i>t~uF(P+jke1m2ohz!57@{y4=|1yqakl!^Y{ zq)VH7e6=aH|AV1P0WuEVJ|NqBBrm+6Ea_Sh-b3E1JTpq^T^Ze z>@C_Lsg_&7J!ngkZEmA`--3GDW;UeA*w61eB1snq-%8%ilvnnC^kD=Nod;)ayJocN zhN6H5CyeZD0FCeDyg0j`*3Y6BQYhL18O(MzjZCInvf0(?XCX#VVp|q6$kO$7GfS9F zRBblnrzRbktRG zrh{Fde&1?jlcMRAaxSmH*fLrR8X}L`s<^2){Cnf2818P+GzTH)q=_-xL8H5};b(iHCe)ocR|;iO zMl(wvITG|JfI=JL<_;Pq9-xQvEb02q>#!I{-_^{*`7fw*tF#}teS8fp?OcuLGP+2p zmCaIO#RvYi>4Lzp-rMU*8g2@5(8RPoBqW=Z3Gj~OD8$%jzy_^@ohJBaM6e`UA)}M6 zpPa>odTqj3UEGR)*7d;;{u%B!0fP*pN>A54I=0wbRQlW1yRmi|t`>D{4)jVRnM6sI zH8t~X^SZhGBTV`!m&kxGr=PsM&_9MM@wn;8JZ=46eRgTW`-uk+`P~zX42N2Voxt^w zGNA9gpI6;}>t^S?&rf@*6oLN#0CGT$zgU5%>!AN>fpeF~S;Vj9mlpZUwZ0a>BU$_w z5y%Qy3k!cDlU!dx?ngGh=(p-u{WkMc=scx(*=?;X&GyAGPO*6Q>w;gze&D;*W3sm9 zqyWFZv9gs_e;4~(?RE4`yD*8hGn-4|%)F$iHJ`D6GXK!+8K$-LTH;e6X+{NqK`Gm{ zS$eIAS9Pt#A#ybRtHfx7MiBc0Cm>_6sJX{N-M&#M6&foFMVJUOU7DMdcbUL(z5CG)HLwLwgK3Lk!ywpzV1qME<2=pn z&(Dh4q>tuDSk5Zw(5Gs(nZy@oT!0xkK%XW@F zZk96?(VV|!UtcX&bgSwc=NK5()r(Hb%h^_c!`I{#mgR|@{wWkc#l>&jgu(EX=BAbG z$jLv)KUefmBt@ls-b()7Nt(gpk6!Il$Bi**^r;`U6W+rE9m zr~$)(rCW#reYCg-S-!@S$zl%fk6r16r1fYeuVL>QpOEg$CMN92MTiil_y`ox13S@w zff|NLd@|Jhjx{FvEIAxlGC#7f0ujCGWgw7*QdC(fm?a}F2UUNF!o03QF)Qhnv7s|( z@LP2TW4c(7Q&rliIuKnQ5+0Ti=qs%`f9veUGkXOHmHp__JfkH(az1L2t%9>L-nnfmQCc74qJ_(jvbx{9piDj_K| zB5AEEurAVcsII2<#Olkq2e!w9194Bm_0?;UzDDTVtzMqMEVeoq1&jELmm`cy<&D0* z%-g!WO;OZ)s~P%uv3oV4c$=bPA7EdVR> z2AG#&iUSh@IX0Ki#sfM8I5smdm+|-mCV!aTtLeD+-sFO@Ef-m3B)Ru0TQ1088)MUZ z55x%&l28JK#6Z4;l8}&DF}}I~$_B!{A-VUvzvV~vv$L8x?>lqOdCysi2rDZ>Bog&s zzHalTElWo&U$Hhg&^2hn_%Uley=4KeVV1##`~ZF+>;ZT{@SKQeyYO~mevlO&)_+61 zuZLB;1KvM?RKLXJK!Ok@_7dK^OzXqL9)pGd?Av<`wOknA;{$@~LWl@k;yr>Rh7!LL z?V>J!S#7RIu$$)+56_?o--wurW5gw(v z92M^GYv&r|VYhUw-HNexD}$qitADvEK<7>2<1C*WvvAeQ^?zfQFPXPs z<+=r9Bcdbhyn@5*JUk;@eFMVBzCpY)I4saLfDnFIVgNCa7)%Tyh7rSw5yVKso)|@p zCdLqBiE+dPVj?k#_>h=NOe3ZfGl-9fkBQmD9AYlvK+GfN6AOri#3Eubv6NUwEGJeF zD~VOaYGMtsmRLuuCme|l#D6AYE3u7mCR_+t!i{hzJP1$1i|{6V2w%dF@FxO@Kq80; zCPIi%B8&(pA_y4~NkkFRL=3Tmh$Z5Pc+mjSucF^XFGRnKg)J0*HW8aFn`uQvi73&X zE?!-J5bw0=Z8g?vxz!1hCD)Kzl9wb%extTf_pP^BpX{pYdaqk>_kZo(QIC)wiXLC| z9Nn|H=YQH5dpYzf?{%YhK%e*eWZQPLt)L_63w=lQ4etBB)LVM8-+TS0^ecbQ{=K&M zSN0e8-@}lMAM>0Y$4+F8?27@)0e=jP9QgIXAHXJXo|D_z+kG>ra46iOy= z9Si{hl)m9A+{@y=C|inU5@dyLk~X|bZrEW$MGuY`Z0l|y_kSzbjdVO8)h0a?wvJj8 zrjYw752gdOjcS2S-i@HiV{_3~cKX6?O9IPwRMnJ}Rpq7b-mc~9tB>Z^u}9B(Oys<% zO{xW|<$>07e8V<6Gqilh z>6W`_dIqpDmw(DksKs>6Br~8QgKf**y_eFBzZuabBmMNG*`FUOHBt5|Qa)9y3*iE& zL&oT^#MBgxid%2*w8&*cd?6O0fzF7sK6T;quUnZzv3KXMn7e+EYsS3#iD0}v>9jpG z#F3eNXZh1_&+p&e2v%J=AA5xT`qJ6^Ixb8yQ?<;`iGOw6czmxvcj)B4&kx;dYAvsC z(^|K8L93i?kaUmWg@?n#$znTo{#e}FWS-MY-f z0QHv8Hy+o2xPhz0cct?;P9F+zAIUa#=57vEq16;^^|WQ|V$Oy?DK}hfLFWy~tHt(3 z>yo=jcb7iQm!JSCqDMZ(l36a>VqyWhO5ve$GJk-&nw7GJYyZJWHGD!w6t-;sl11Hr zeS)OiG_BN2y(-8F1VnoJIkL2ulXqofI2TtA^(72)qe`JRw+NhRI-OO?9&8BptmLZP z^lRN1;lSaTNItfbkBbtafX~GIY@963QNTnkn3?W%FsZ>>l?!$C46>(o!Q<*25Z}72 z%6}u*8g<(PuhlSUG4%yBR2o4^Nk!$=H0yM2T3QB^n+y|%Puw(54e&B*42%s8261sA zAhMp;-d-Dm%D^y7Va;2%4ww??}QqmzWumpk!5_s4&Xwtsi0 zY|LIVlX;9ubmlo9vP*0pgW{w)Ff(2b6^R;vha}rg$0Bwm-n0iDM<>w6Jr|LvZ9E=U z#>MHNs(>wm`f?5>QpGS+u2jN=WUzTI+2FP5*eDjS!c*`h?1J6Vhj;>7iKae59I_TD zTrD@E-H#fLqCI!f#z$g)66!9^Nq>Z@B(+kZ24jPkCU~(MChbR4(9}CEC$leUyz4nP zl_D^n2`!1LsVXbp_4(|kk8z)In83Yp-=`yxHDc;ej~pO?g)dO>3(@@-Vzi#Ok=BM+ z1_gzO2L)Az*Va~6)&hLf>Mz$U6wQf5jxR)Li9w8DnVna*JG}TGfIMyjBLN~hOqKCgncRLJT!sj$iX10 zxr>roU!9s{U22kAk*o$oeI~#}cC-7g#t1I(2yAU&P@Tk}hviQlALBmQdfZUqo%zik zQOM>X5|?sIP=6^-lz*U+8TX8P*ylNz^{{xitj65SC~7%YehjIOiTUklrnEtR(6a?Z zm&fKT+h_en+sh@IQZ@|<R1lb$cVNfJQlJn5SlO{CzUY0?G ztXdy^Cq`y-FMnyH*X|7qKHM+}U}|Q-EqsG=lEcMyd&B!Mct=A!^BpXSRZeIHd3^8xqqT;cS;?LdR={(pP@=m;pnae zRKZjgNQ&ALwV0*55boPE%eQgKdL@Jmy>~<+OpfL7Q7Q%|7i8-68EK#>xAD|B>jwqv=x9aDFRQ1~X!lRF-InFSPrT0jPAcWs~ND z$N-7H`2=iXTTVh%^BdB>qvo5WSS3L!zAI^Ct`c-joQeOSBPxH`CN_toR6)yN8x`sP zA=G>^z1)jiMqw*VCj~FXTk1RF^XAI*%x4g_|p&v3$3yt6s*AUAXXLXM?9Pl8fIN|YEwA>v`AAOlLjk_%Rq2bv#ON+;mVa8 zjj@ek72KYNhV&AaeoqcFp3QplVh4m*U zw5Kz+oe=1E>1PV3KDKNWUr9CSa&Lf2lSJh+7kaXubD-Xb3#gwBk3;OX`u8r5so+hX*;doci_Jnah`Q9oGUJ z_trh64Z4q3ofGAv5;3YptEA^}$r?dc{Ku=rH=s?7?)Ni=QZrSr7}Dq70#z3HGX?k_ zGdti{QMdH3;H%^_L8t}WEdg88t$z+|Lf*Cno`4o4dSUzR?=xCyBZ305CCc^{A3*aR|N}R{8hNAEJ z@D3#IkBRate>OV7QTO*#%A80eTDL8pC%(BiHS{2Oilr~6`vr{wg0b!I*$@mR~NJdmy;Pu+3^WXpa+byRF3tQ z%F%{5c4m@L%VB-d`c-RFD}9&G60G%-!IPdGrqLo&qf5=uGilc@V4Re0q9P4x6jb%1sm0fw?ECZNDaYvwz)+nxU1RfW6ig~gx4Z6RFyYzn{Ni^#krjW(La9|zP*3d=N_Lasuk z)kHJxrGGUq}UJBr18sV{{%qe)dyb&C$-kV>~9@_2eRLs%VM4o@z^6i3v{SwcO zM7Q^$vHQ^NDA5_ShuB<<#z@Pe;ZA_PCBguSW=jf7VVQ6#j>D5BH&F|z)#>xnnB1gn zd8{g4u73hE@EH=X{`;W_NnA9HiYkSITJe^+3E!o+5senV1C9`k~sZpyEl#Dz( zDYrHm7Aty`iJb892$DgEq4+ z&gF+fxUd88Vgu6zPgNcOhpG>k?_&?_m$_7NRW5LiC)1%%`9{-aL7s+uDdwm4Gx<{! zRDZdR9Dk0ggt`c@Y{ew#&jwIs=V8?eu3gX_s)Px^-xBe^gZtQh-*x2Xj(Trz6}n`y zt$z;h>z|`_&*|UIR=h&`WW@J)AiyvFTI9YvX(XXp6zYM9Z=P{O`)z|l{Vp6UKMYVs zXF1p=L6hL1Ef%eVH<-|91K-~iXS98B1%DOYrF*~XJ=s6SRI3rgpia+ZDu4Bg z#0iTqy&7!7T@tW(Dl;n=_dJbBfO}oIzch!14Y+E` zr-`gWsZ^+-x-^D+GU64ljC(S)rb}E%lEHmW6}3c>j=Xti#GSp{(wH_3oFqTPAN1@CCpZzeJ+L54S%2 z++cg=QTdB4FV;Ttxl4~B_(}X{(sS-N@JLLoShN(-1LpWv#8p_j!v|eq9Dg`zI#<}j zA`x8V!O<@A)v+-#F<{9&*|?RAlTgDc^73JJ38<%#?c;0pRe(;KQ(acx(86H5_JVhS zHb)5R&xB4I(235&3!nG3p-asn-%B%KZoC{OrD(u>g-=WvyCwPf4{==l?U>73cCRn( z|G4tz#hc7eSaJ^!2l%tM4u3cu^yY{+T(cy~YaP}0>m#0lD5|Ih`qp!My9Zwwrj`NR*F>%;^f+~nxq9m2 zP4tlgPjkuu3N2LRviUH*ltbG)O3W0ECLsm*tR-s$-I^z|f&)w%H0`9r%@8hEc|76j zj_Qug)XO zHOqQk?&AD&Onp`Jebgm=LVylvlX4+sIxPOV!{AgkOo#_6Wq)FlQe|D^=>~VQ*v515 zI-jE8Y8h7-TBGWyly-<(Vs=su6-E&OWYaz(g=IXLCt%KpLWphDFvc>H! zjmO+CZX;_;_J7bs^7n7l2~lMJBQYOieqV}}5^ST+FI9435`VE1))|>M zVLpr8CD;m2Bqw0j4|5+diO}iLA$Twc9H&m}PiLJ1X%z+c4}5}HwD$dMA)u8r9r}VF zTygi|K8vzIa~}jhpxXsu;Ua|Li9ccSBCkzbqd+AkoPYY>4aX~66ut(q(;YemRPHns z?aFSt;Cy5n?u%J0#i6(iSz+L*Is{jkK#3RJwB^;4087L?!@noySDAyP79|j;OiWY({I5S8$kce43Oh1+ zL0V3Z9)F;Jy>uYcg`I{%T)b~%_7c2lWhB~Q5;Yi6RvXGP_8nlJ%WslKTbgM|5{+d7 zU1&-{;chgFEvbU)9Ijjm*h9}dS~u?0U|6unBFoEQK}j0W zL6Ivc+`|Fi3BY$Fy^h@+D>McDRww{_B=;^f>J}d^v zgoc>#5R1&49466B540Ppw3bn{>04YY!M%P+Xt-8$?Q&<+?3z$=4Xr@ke*VNLLSr96 z;nkNCwqv&R&hnc>%E6uLb60OMcP5<~HEi~(*?xxTT2q;!_SiN-bR9Ld<~Oj-r)3io z)PHM2ow>lRzN#>dwI(@Sox&z-QZ$K-JQEg!1Cl$9i$>xB3xk|p<`kdz;p$UOhP_Nf zNLf(0f1LC9AC@2yvU&LMmyY(=jmJ08!ry*2*&h4t$#3u>{gQVSR8yEFH890Fai?{1 z$`UAJ@nXq~=Oh}Bz=c!K7$li+8{1%V?ti$6>yANvaeZEMRZNvnvKnes;M0mzjpx{h z`)5q&=ubb|JahdDfY)O`QZ9$;aE7NOw1Xh?WhVX;)8Wqk%=EVBrZ-Z*n+kV-BlYn! z3JPZ(him1(R)XTqW9zBe}?3R)a0#;9HuG{p8#|Z^esgxpC{Jk0LnD}E zl|romcv*WSUdQW5MFC8MOzl}{1b;#)?Y&R{ifPN;pO!*TK@;z6e@RAXrmOPVVqJPc zI)}pfZwnf$Yd_ca7bHSXBtK4AkB<}c=^f8c)e%9O2zIh%f<{elL^PA6Rx0J-1Du7e zP#vkrx2#sx1WSa~ut-IQxNCKRLfL*PO%agKp`jR&aT&VQd^SHVJ4dKB-+x0lvnz`C zw+gGh%ohUK6H}O}!DL(VGMwJ@Qqc)9FhCQ?c5dWnnlis=Mxjc!K(udn!;|@VQj@06 zNN0APgH;_67g-?MSnj5$oh^snd7NPZ=Gy1tDZHH2=rx)8ciwyQtF%Ci@ANl~SimQ-TEvupFE4G@MFC z#RYC3#&)(e8c%m@qE&^98Jgij3UW`G2K=t6I&f!`xFW-L?v< zx2^5JX6tHoq+q9`y(K}X0G!MJp$+?aN-r%^5*`tjcNPkRyd0(P!kv#`9@)77DSeq2wMk@XjXN z(tGs5zxuLCQ?w(DNz|xQ6TmR65mcywROYDD(wM47So+_5`A8}B5h90uyC`fmxn35$ za2ZSANR5Cc(VQtQ%TUBrMHfXx$>IZ@TD*^4YCe0m5`Uoi{A}`4)p2c+U=D(N_&-cS z>eh<+v#8ASgpf;)9)nk~c$$QNpMOba=0a^IQ>1`VpnbhW-kFQZ%w6B0X)Kx`Y46{T z$rL%%Br`kGVL9MkEzbj?k?$)M&wN)g{{dQMnYCL|q%*c=aW@Gv@jb}wT#Fy&C&L(k zuM4wI5r1a=C8M+vbzzZ2g6rCQl1V~dNoC?P1Lq`iPm6HlcYon6dwQ)KT`-*X2JR;OefV-@L_4%ahK5 zi{#6|=$&f=omh|6#-Cz1`33msJaZYg3L*=2FMs_i+sN*2jTuqO<*b9VmkaXdc4xCR z-5^5xRw%p#bz*JqC2jE8vu?Gsr!o~Z2CYjEVMk-@jhNuDCu{K2wwLF z5r6$?w?Xux6?t2J``VZfzUg<0DG$})WKyG6!#H7I5Gi?jf8Qs&8WJPQfSXzo9LxAs z#g|r86zw{{zGd#DweCA(Kz)R3*=BYO?z#z!{zs(V|1dU@I+Pjj#^H*$o2>YtnU#8| zlft7ISzc^ODi8`?KLORV@0!k6)~5znzkg}vA-b)>QhlKhg#DmTcRXZ&jSAZ)k+B-J z1~P9!quc)p+*sUQ00jOgK<_mAjY&$AtivSlR{HT<2K_;KD@dhAt5b3X{%%mt4#uK& zL;g+jNI!m#)WU^??)}5phrR@~M|L$#s^OB9v5BEfOxDg~g+=tCEQ1L0N=tp1C4V)v zD`k{W@blmWa*PsvVL)>XmKtZBv}#AScT`-WLIDJdG!Uu_(wMr;FD`uo@;aL(scEV5 zX|r*+Rh3Tr>r1Mu0NT*+-~W(h?QdU*(DKfe-T3>`3*iS{UKdhj1vwcRK&#VfA=Jew z8UK`d%U6Jegg3?1-LFwM%gX=$hh2oq?hWeyD`d+YlRLk8vi$#Sy^ZCot-X1+$FP9} zK}-?eM)kIp8Tfg{C@43>AOYR1)(7|K3VU=nb-U8tpw(F>%+%@h7kl(DHtREV8G5}w zJtM70&;JMA@{CBAVTuD20y#L55hR!E8U#N9Fqh8813Q;y8w4pJS612gLMdSBzNJmu zbW5A2O`2_zKl|1_ZMrwz7rH?Km#-TH6@S_)=%Zflxwn0q=1KA=-+bTuzTfwL;UH6| zA{-89-mZN+_Z&L-#EzZ&Qd1&DPp(+DH8V0fG1~v!E_y!w5ST^K1VWP>8lOT7xb(wQ ziBGn1qyB5w6lT#ZZqKZ#W8qBSd^G8MANml2aJ2XOZ~rzM&Y87=~WV|nt#i!zq`&n6XNOia!Q{_%o$rHWG`lM(g@N9MEXcz+yu0$GLx zBg>JM$ZF(i=Vr8_7eYh>Xi-oc&pWtnlZ4DpJaMl+!n5`4sb%*STA{V^ibN zrRX`HavFcyg=zl^5CzcFWq&jF&UkC)%d;N5XZk$@feC?w_b$74_`Zz$MrO~S{rsE< z=Q!s^&;8*3V*Y*n{s)#mIQ7Ac^Kyb7!h&&X{?W0Zz;}Tc9`@2lb2t}#_i%k%D)}W! zAPuGL^*SQL$3s1Oy-A8owJN!qWNwXp9Pv_wHbEC8*XwfuMj47+M1NhAsovW{HRF~N z;C3m2(m<*W@kTG^uoOEgh_~S!6iRq5=2JjSRUL3Z=iv4553I8`Rg? z0*u)#;R}^JpAEr}Dlaq-d*SrTbCY zkCCXJQbfgKPaog>4x9?7!^h!c1amL5g)c6Q*mMXNCsn`K?`Us=JknMRjAc~;JxyJ0 zUHE`=pD;3wnJL;%1`cI;eapNY`1q$>-znbdc8tPEL*oy zn};6|51c>K@Xz`ad;UmxfgW(g*Ri0GNLe37{-Ug6I0i9Mx zGWb{znt!NND>vigPdY$32`}>CUbr77!YuNcF8&@7vwQVp#J%};BHygN8= z$>t|3cRlwDaJJXzQ!7cQ)G3l+lwPY-PZl%H1Am`mtI4|#HC?}0&293xy1SeMwg$4B z*ZhXbeS-Y31zfdZgK^#47ch@3Vm3W_V)dUU>K6g+{D+w}Ac@H4!DsruHaYR0nzTeR zP|8ZokQWYmIhTB^xV}(2onHetq4g#;$i~Nx@bVNOx4;If&I4r;07`8>$zWrxch<)R zOn+q0aZ}IW5H)~1ih;Yh2uMif{Y@iX`fyeqI6ZMFLg3a9hF^CZ8VK}o1gQZGgQ z=SvOdO5->@g~U`QCz~y$wN;oW*C`c?a}vV)vOB-&g>fA=R!bQ4 zV_t<5RI)0ZN4~&ofveF@yX#B`Zm-r!OUM+BEF%ZYs#KKM)m60sd z@uh2Che79S;i``y_cvr<1ZvT{keuIr^DtcS#XEzYO=O0{6Ys)pMytz2o`Cz&8mrOS zkC(Vu*=J$MrWJ1Y&oWJk|K9{Zn7*Ux-)n5pYOl^ zzMGK3P*(AGy%2&Q(7o?E(F~_o50S6d^$&F87adP4NlJ#^!R1@$Do1X!xqkrY^0h>o zGHuCTJX>E@TIZ~{*OFCddg0Xb*vBEB!&?#(Qj&>x;J{t7n^`>eDXQ1$MXYV}5%#=lw1&LHqHg>Er{=}DUaEXOQ z<`ua69On~g<-$>Tgm1K3J%47*PY{9$<>lx=ftJ*%H4+V0UlSfvvWUS z!@V=LB4yeWdvT@A&`@8}TGB~gfiI!XCZpYrosF%FTb9Ty(fCnVVlbAPiB?Dbm*;Vp zOOu%)7pWv<$}@3`QCX~3o`c2IMxFku6+Uhz<_a3<1b%hCCq*bs7G{-aH?_2QTPC?o z|J@%-!YE9*$cB;;!hipgp21emTwaO|rS$Dze2{reHU4?PP;MnI*Y#XFjn^5oa;21n z)t4v6_^4W+%-pjc*W>|bF4^ufbbxWl<%seU!cWOMZeD-yJvSQz#C^fP6og-ZuYFW9 zfwiG47ubF(`AO$ER3O=W3{TV5RMprT4HnW;4GbmNwM`8>9DhVjX?1mjH{inQ?!jT) zZ7&35q)L;Z#0ngedQW3zSAA|<_`!(C=tN@QR;e^0?;rHidH)tHn{AB_BXJ5ILpwEB zviD*tprvGlHV>#2*oGl-XTPV_?IJu~r6VRRFmeJ>m*@*z-&CmQ7qePhsHY?&)(Td=YP|^Y$vrkKf;~73Kt79ISaDzqtq)=k)~)|U2r#Tn_kQF7z`Cw@_i^o z1IM0}dwl%koUbl&Ve4cvHEN)t2$dM!lqZQy{r5UCGkc6e^;%6%K6bDp?nGBrLtP0` z(O!Cmy=W+zxa!xxf1c~R!OqVrkh2%q9RS!Tc+|!6$bW9Xj8{7*Wu3X7mqoE8A(=17 zF72n!qaK|OWZ+EDFO4eqj}^=I#}1uE-Oh-_i@;VnTN+N|Gc$!cAL7odZ|v_<{!la z;gX5@+kZFLFMz(AcO!tKd#jFa3OjZzg}AN^b%*1-4=25nNS;(BHb>y`IhiR^QW9OT z3t$rrHh3(=o0aa9Uc4TN;+{TprZw~#MguXk8Tc4Nf`+w56a&KU5?Aob-Pev!7enFL zS7^S)pew~)W_ETVp@1GKzjDshWC$`98!E^^!9;!N@%qp=@3uj$IkH<)K>R<}}uiE#aIVm~@bb=^@IJ_g3s^6-shb~>wNSX5 z2oW6$Ka9u3dEXwchuoG|$&t=5XlWu}w?C_Bkc5AkSbZAhS$r zLn&r8It*sw4szSoX0=+c&o3liT)0UkqJIK3EWz_I)`gnOPFmZC2xi8Z2o)-oiWhJt zFK>bsX0mU<)Ym^q^-s1h2Rp@f)x*oI#dzQ|u1`d_@JBaaVK@YH<}MtDpJrXXrtY3z zs(YMfKd6L%d@UtMpaF%;d2kNI{{g3ys~Y$@`AcGt5itp2lHE8nhj$G&pdAhyXn(~& z;k|h(owb3?K`&f7frH(wC$&v_(!&w)i6Y{BVR*6le=M>ZNL8sM!y5}%CM&5JeNYi= z&Q%tTjcjN#HMX?*QCc$I`(=lK)oHcWo6E@#xCqU&)kU4gSvxrsE{03UI}Gez#Vxyu zO}m{Of_u?6`=t-h{=~d8B}{Ji_ka009Jq9t3u_q_9{{t;NgViCdFxFK&c8rUgDMz7 zl$II{Cd{TaspZVHXPE_0v4mr`CNm)dY>#6{Wf-xgu5WKCZZ(^&cfRSZVJSZtr`HWO+mi8#=d$J#?0R{HjPm+5rj;}Dn6z%Q&tz8_J0vv@F@YO zz^z^w@*T#`2w>cZa=1`@neUNSrwWr&lF}>l>f5}n%|zhEEDsBaGah)_JBQANoVL&B zR`}w-;M;W8f&#s!kRtZyr3jPp6sn=6-c)O{H>i> zO2_fl+Ta5R2vJH{=4N~mk3C~+wi|86Afv4XxbZ801ZH@-a^yTMu{cap)m#|mgTkdVjq9-hg)AYZeEwJ zS81~dy$ro=Q%=L^J8X(Zua_4Q;rr1yVm2Cba2Bu}_HSCK=ivD?(n@*MW!jUnd8hO3 zR7GxpOXkXo$5y=X*ni5kYdgNFu{4-mgu#lsih#OM=hxU!CKhE4CPiUti`Hs07@c;) zRb1cVED1Q!c_p7^#vI6n7@XsWrrh(|4H$fFm=(a_b8yaUT>2sSB>&SFDx(}ksx{u; zht*bJyV208h;b1@tujr4$*p;{74^k^gHhdEndwnaguZxH)_x#lvpxVmJk(eX`FIgxMsnWzw#-FndBghLwSwhcb2RZtOsTk;UmBf+U z=(YRsG*DMQu>*V;4x_gw#z+5B;5l9=Tztn;P^`#iD}NTltU^~$gzO(0Z}2uSJ?uQE zmCCTN*67p!acaUz&7160%SX!2aq08FxqEyY_M%3s!D7N(%Cejkl}M>0)-wZ|T%ao| z2uhWRQjX!_Mg6TKt)JIjBkk3eQa3i72)y8yT;?;ZJ@eL#1aZ(qu7Y`lj@C zq1aRBMSriJX=`q-B@R^fsog)>^Zc-ps zP{n+|nEO5Ldx{lqS0Ry^PGtxaOv3SLogI>FWPgReO`VJtYKqiyg0YUpWzljJ=uKv< z!s@~_jEkY-*ptb)RyHnf&f{ivzL7L&O*;Ul1Uj{XU}R%!vuK&VT3`2u zA*gi1Ay7X%$&Tp*K$&468^`_=%{CadWq6s%Qf4P%BMm%b8dPEc>I&S>nqMagU#H({ zyMI($e!?8&G?*PuEKoC<%O^)l&fOY;8~(uc?fjK&Mhh3@MG>J{!l+m9Flp~`hoRQh zPacQQqgIcz$2^V$kt&VF!9GTUs#5jYGEAQQ%)w3I-I7=9-}Qb>*xZ)8%YPU%AEc*Y ziT1?$3?j8&h zcK&VPN;Smq(!ydQ@tm~c)3vTXdmGsXA3{%;Hk=*8O?5z4PDU$0Ecj7?Pwg!hg(Mx8 zD2R($hwWngu>;J5nLqeo3;9XI>Fyr9$(&qlQqCDth;x{~MPEy|pDJ1hXb~-LWwIh^)&33`U!Q^jeA=%CTyxE0>sS zDU4C?5A97n`^_J}{#zXxxc~OP?|%c&_`dInQTX^MTr|q{>HS;3V>JMHU}U^jxY1E=FApfSwKNaoWldDRo0LTR4WV0P|HFSaF7lPDv6)&3Xk?n+HVcQ2jTK&Vg$a8LVp==GxN1< zUEX$iMvy`izv~d5lVdK;Cu=Njcis50w9G8wq4UzN>*p`@dWgCcWoMjcuETHUeKaAO z>;O%^$g3FD$SX$!`kk&*J-DeJfBi6=X?%Oz^q& zt|JT{`QoEFMDEgw1m_mmK?R%Ojblhrcu{y^cu+!7!Qlj)$^w(5nGG%$+@4bb(=kv4YyN$L3;e7 zvu~F=iLQ})IL~0c1mBql6Yl6Z{td#opc9jVE*OW}I}@3`(KHUWFWHpd_I7udP$jSO zOZ3lGC6{3!-Z(^w>wm~&MPM?e{-w}+%nTrA0@lSa52q2i%g}ANJK`nY%Zx9Hc?@Nf zc`*K0q4#+|Tm&C&Brd`?P0s7O&x~_3JtlTkV}H9V%+^`6x+>WFHe;#5;-;%--3&w9@Ao~)|8HlT@)4H- zxdRlJfldS^mt5Ba6qoNZ1S6Ljy8{fD*~SAfe>OHaGCn>Eb98cLVQmU{+KpNXToc#U zp9q`Nd7!WP!B-mvfczKVzycU*A^t!<-K zTie=2v1)C#?W^yMy}a-HCX0fv?fYKHFJbP?z4x4R&-tJ8KOmsY%_)IEV6)nJ^U_U@ ze^Z^;tdRxE-kddkgNIkBznfftZxuI=dj(q}4pAH{;G}~%TQlxebB(2dEU+}wS(^84 zA-ZR>KQzKuC`u4Foc|m&aU_>$IiCM*yr1Q3`hiz0CsLw8lz!EP-@ei5tT;a7cd4QWg#lNJ~INlz%)T_KrCQ*~A*QqzCDb!SI8a17oLCvJz zq-IlZQS+#`srl49lpVEzT1>r5e=VWxsio9%%7I!*t)iT$)s!=}hFV9xN3EweP#Y;1 zY7@1Y+CsfgZKbwTyC_#`H|0jTQ+uerln3QWc~d@=FXc!1Qvp;UC8L5UIi;XNsW3`O zg;Nm%M)0%Xu^E3{{A(SxPJeLbR220;f{B6;2F)6jXExTX#O#Lo2y>PBeqFMSwg1p^uPOzNu5G~jadD_v2CTUwRai>>{K z5a!Xf6NFw$>>p5vE7)J@@&??(l11>onAp%C!zV(kB&~}Uu4%1Lf9W7f$Aoibt>P9r zj&_UB&P+t$FS@qrTk_iOiFj#1byQtxQ+|gAYNr{nywZKGq`wmP=$PSUZH*LU5?d!sk2RjVd7s8v;GpS{2Q{9D7BB#a8Pmz4@s z%9(x9GDBW(7hOeSi%8(~#6$2xDel(f%}cgc;Lwup$KZ@WyUiSUu9e{pQOeUIxte>+NMs9vLX_>y+pnodn4MoL ze0P^>KR_X*-$*mbFjJFawtvDO5u-)<+iK2ti+*CvzPERclSJt-10@Ffv5?s?HEdbM zTu#i*(^#b;3u3@0#9I-&Do$EOM#X851e{C&trVh+7g7clSnsHd=P>1{@Xb{NV(rIQ zRokg8#%{64XRYomPBWE#)r_h0f;2FHP1I>D-iA~5BC|z4bemYgB|!M<fKqL-{q1osa_E_DBmAE%pIHGJ#;Zj ze8)ra*X1u+tXY50!-Ivkgk@iboP|CJNVIWY?(8j)3Mzn-$6O_?kl zkDlR1X+_%)JY{}?l+18Mjjd^`^b@t?rIxV02n;b~R;na<#X(*3Bu;Syu8n^=3_kYq zno`Lr(j*}6=MZ+HJkTnv9NNgd%0G78DUoRq^ELBR?i{uzzocQ?sU2YEhl`LAa8eRi z>_OnffbuVEX%8$gI_ zwwMmMR_1gMAd4qIj>7LbHHF6rNMlYMS$ZupM*m7A7F(+T97GbBER&)D05ZA5~5sPrA0YYg=RTp~yOQZdA0 zSP|oxaRSL(6n)i5!i;P24l))u&_x+as@p>BeJ6jgO-`RsE}9){&SiK47G-ejLmUq6yJz~GY= zM?Op;S1znc4yxhJ95rI#WVpw>8Gkfdn!>N=XyLVLftCMm^-h~^&E@e4s1AZPp&h-+ z??sk0);x*kO;_NybsV{7}#CJ8`J#8{HP3e z?soQ6ir7yYp2fgluT#;@pY-UDoIQ(QW7vZ`JnL)T=K9h&`7w05JG1e^c=y}IFeNI4wN+iYW8tKp;xb>5BkJ_LFD&pAmc+O5A_cn!@FptB^{HyXiNtb!hh z@lM;=2zNKvJ312;y|6i!#>1f1du_jd(S6Ut!OP3kCbLjY4Hu0Flv?Bc-o!9MBqQ1d zV-40wN%Ik>3BcRt_q~t_xsq_w1@Bw5zu+SxFA_~!Oa;)xPywOQOq{Y*4zlYU#1rJp z+1=D4q;0j9>(+1!9B>Nb>FqJlxDi}l)XOy;;xOZEAfVjm`svCbTLc1rq2O%9`-WSa z5O&#*SyXIy`3~j);TQYft~B1mVMS7#5^=a25SWB@wOn!(*=%liR4*tg(&|uXoXKat z_f${j;KFrns@9aM+4AV=(U+Gm7NH~C;h(T(48uH_p!8ZDda-La3xd@<_o8V!AF(n~ z(9?(3BW#CsIY;bepVuQZNYso|JdPF4AC6^Dt{9&g5G-+kAQ)Jw$hgF}jESdXq!Rpt z{#XV$RGIJZI@l0J{x`3PfTvahl(HR1u?~O(yQ7TeTqJ;tEHPGLkfMQ}Re-UUya!UY zkwvBvR!QeXSUmmV>v7gw+u|uHE#zdJQcYhiUA?*ida^-2Dz=^E}~Cn1DF`cuEr=O2t$GEU>@W>YhC^5Xv1-I@vdR!=k|#M(Gr z!$}fqr+a=;H|CV?RP7N=&$%CFDOrCQ?`Mzi^9c9qbHx#uf}hp5stYujBPu0P!bn&a zDlrF0d9RG~e(3mVXu`cny9nFo)Vm~R?Zz=0VVn{0$`GB7cJ+%cLp1%&G%|m(a}f4z zA~v{eHf?-`LP;TEwbtuSPZ8gYMalc@DVP-<#e!A7okz@y!e#_^1LN{ zZ!z;B$6pqloWuh)p+_hNZZ6`C3IU8lNIfDpzA@Z^{ZTaAzg~@MV^$qkr6Z$5_NF$( zhfu$Ps7Zt@c0WjS*=h%WlOA^9I;&d6%3x z8BJ&Pz;Hz@l`-M?1obm=+jZkX^#S)GizfzFCqRx`n29xI$>k){S*xUk(}<9Pp(Ovk zo^3~?B>XWIkIX7F#Qzp;9~;4$(iTr(x4YH@L}`u39W&2nyDyu-tH%iomRb|&*J6G1 zD+;E(A7>-^a6n(E*k$T`Q`>~}ocJNM^ThtSjDRg;fm;zJTu8!XXU9bsh?w*cS}TB{ zv2R0In`-QfD|eu_{VQqo)a5rGv1I;a(|1%8o4N*A+|Cp_n%Tp>+}GAG$U3}fqE63# z;Nz8loxdcUxy~irc2`&5MVRvkmgtp*Ne8!4~D?LX@! z)Y|XK4w5jE%c!5mHFU{O&?};gM<~1~fL?YMGad=5ZYv^-SaO%E%+xc(NC{oxb=K9h zKZle)eU`XNqv<%Lu0n}3+i2&Sz_v`ECg;Aa_@!^*ltRPmf3GrF%ixndvUvR7Yd?0>2xH$h2b6|#xoAa&`x-(*ajvu4Hx+;_R zItyfmN!%xb0-)2c-EDSi*Ob+{yY35X*da%M>rOA*s( zv*5roFJP%h{d!s*%Ev2AS_>@F>YKBLY>*o+)`g1o{o!?Q2ag!ep2%({uZ7Glf~W~K zfa_Fi9WpddV%QDI6u%k5F$xhroi>xGng0(YrFh7DO2PlKICyxb;%qx_4?LfK0#8?I zwSqEe)G#q2#d1@sLsH}~Bj7#+%xeF(>{gIKJsGoRhKBrnfv!#zt@RwuqIi0;br5*@ zXDhbN_d8;n5(2MoHX6}npZNG_DgB!_lDha-Ny10N!GYuTdlMBa&jKZtFpV;KoGwY0 zj@K2DP~7illi24uLzSRe4zMM`M#{+gBMH_a@+I(-pHxKb)+3cI;@uhWBgdE=0dw_+ zf6r_5WE)X+zAE7@#ouk%nAI?4yoFgcpA@0iLk+5xXY^#Zg73bayJq`f`h9|b?S6yH0X4m{i8Kls=k`hg8}1~D3Mvp{0;#;3nX^hQ37D>jfiLwF4KGPC zj1bu5N2lZcbTZ0gE&5ZPFy8{{Z}*dj!1Ul;?sK1Wv5NKv^pSTr zHhcWC$KEKS1=c(pFM)d_+0cVT(R9D2Qb{hHzR;zI`ZSN8ZavU!DWn&MR4TV(4JS((?jXU zTDA9knyBs51f2oiR~*;)_Qe#5gyr1hJ;uQ) z8Hz_V6gam|u<&mWo|5+LvLCIHZ)g{ws<-^vcnmxBSGgX4a%*?Gfa=f7)27h`UXgua zXrS%Gj}b_gv_P5HWEI+DyRgQHcIYCuta=OUrqWKiMaBB+*U5S1)6%K~8q9k#%~zpr zCh)NlIwv6>8M*tIl>I|X!C^0$7V1`Q;%BmeLAB9%>=*RSnOGiXw}udajnXH5O| zAoF*vllUxV{0mCwL6B5`>Vj?>o4$vk&UmD|w|>V1dtleftjJXVGi%m)5AdPq>azf0 z(cP$YXcy4*@2^tcPW$xt<5^RZtE=FX^aRdSgJ>xqy_b^zCzwq_5(s+?4pHTATO=m_ zAY*DV)!ORx6}43MEN{SyWi8ja!dbwwm!9#5SC9qO*Z8HA9l%8pJ*BIBuy$~?X1wS# z<~*6zDP$uxwuI8QS7}ii;Aa=p4PT>l=5dv5+uA?nMiuz zpsA~8mX|Bvx=_S+v|~`}RxqM{g9)#O9u?A}21x%Vv`}C7IOZq=8pNtxOi9+bOr1JI ztrjJd8&;{W@7$h3uhf0We*ZlFPTNX%Ta_`5s;IcD&C7wglT;LSlrm^kgs%#3a+Ge( z6P2L3y53Al^Lyucdg8nCCRv^^N)U1FbRUEMJ~7qDqcB6BaDP4$Q@VoIJ*BWh_5KV$ z14vdC#C-ir!%59!;73;}OMtIvI)(V2SOpRyg5|cDM3%vNNI?$e)9`vYc%m>W#*;l0 z6VpFUY7S)4xZ){ETwPp3B2r9I9O^N^3(2rwJHMy(Lssh5B|46K;B|l!Fz4z$QNW-} zy6r*Y*>bdh)wS?x?mV$>=i=g`5<*@q0$f)zRNq-Rc6WeH{3|%**^7>JB1=SeLI~~u zg-P$#o_pDDoVmEeSc5vUYQB^z<;|G?_Ho%%^(PVI^wq8rq+eut9w6OK`R#&SS+wB% zi~JW`VTf$3{m^^B##s=X1l;SOjjIzo9T^-YV;M5 zH}tXj5Ph=9>-gxwf1RY}eNkqx>gelNygD~F{sP@@xBb3b^a7uI_H{r7Eo=Y(r^d-xKz)z>{~kfq{HQfIj&K zF}2veK+jPub|@5S0C3B(fF;Z~Xz{<2IMw#S#L9!VXlinGtt5BfS9cM&YTo^mzjD82 z_S@r`2)i;+O~AoNxE5{+P>};HYaduThe;<%5@ID|%=LG>A18r383^AV0}8&$fTkro zpwh9J?epIAWgkpF24PTOQ62p{ETPhwm30I*xXwh`UlQnRp~|hmqM;@ysiS^-8_-kY zT`$IrMDH*d0=AZf@f~+uuG1>kNeGpg6T+Ko4$~O2b7wx#28J+EkVI-2Ad$V#E5_Jx z{4GzCsXVTSoWSFC#lm_Efeozdto01sago=KvI3`hOc<2{Y>SVj`qjH4TdhdKSNS-c z6J=!=BDEerG1=USEyD9laW$pnb7klng%m3yr-21ak%rDLHSQ2x$uN5#6kM!^PMNdr z`7b#<%}vo0B^lHEH)QtQjX&;p#In5p0)uP<xG*%8;MF`{f3+qSJKudiQ%UXh1*1nKivz^zs#GGZJrS5A<-9|qs(+t}E{JBnZosyF)s~Vsjf#j`I-U~;H=#0+M${O~svL!pgxr`CS;#_8$UKSy2n^8Wg+ z^8DnBRLyM-e!X2bz0AAeFZ>>^^a`AyAkk*P`t%Wk}_Z{?zt-Y@yDb$L-n6NHC-8~5v^ZGjY~o+cJw;N*KD_^=~K?o=#h z^Q2VRK+w7&^6f*s)w*6`N<7;OZ)~s0zl0dzs$ahv!_14ms{nK}2a!KCY^V3iEbAiZ zNM+SX>UfYZM+owA?J*GCV<$I$wD1rVq37hQX1=bckFEa;g#5!2iIF}wYkPRgf24YW zl}B*hi!wkWtR9uNrH3G)%|$}P=e|CeYiHu(tLKtJ{!33?{qIOYO1OAxW5kT z!KDs6_8-s3e?_V`I7M&>5D?CP=%F?aC2#-;4GT91F*C8Fi480tACsDwlR1;3iH)k8 zJ(B`4fR&j^!rH~vjTivnnu`;au5nL?x*Av>^e^q1IF2R`V;p_P zXaqxqMh6he%%%P-w;uD3>(RbGd=UoHey$5W2vN9`1)eU!f#PaD)FfsD+e-SvNtasM zK7%P`g&Yc!%MNA??pQjk03$Y41g;!>Un@{23oGl-9Hwk@TD=He30$~eR1A9OoKDrC z7d?YFN`i697%Xtent4hzW~2k3*{Y0QgE+SHxL(fZvVjzC2tBeXbl9J|mm{>C43XCillpj!QrqPRfJJu?Icqc+U|)F@sFp?(Gh zEuGs?R&XZ18~ixg=6n3>gt>KDgzSPa%_G5_bA-rMF{%rkuiLnc!uhpCXQyb7BM=_Y zk@4vrQOCg)=K{(B!5>Jj{2+DbZlF;hbwMfS3UiG81Kq(*<2YMM)Upl(!ibG7wUMnt zgfWPWA@D##1&Am7vw~Pr%^);E7)N2b6U3_!(nAIU_8_ORKBti2lA=7FU|W2hg$^!S zn$h+$zo>2_>uKbkb3N%#+9+v+j-@J8r@|1y4wWMV`q*OAIkm*Pk}~9f&)V_jBi!@C zwiTyVarH1*13#--tl-EElmJsJj&=Q!23LPBM7I9~*8b_Ymv#DD5k>!LhgRSy*#LZx0B z`M6QD!V~Ylz#|bpu4|_^8e-*M9=zR_|Jj8Lj{fq0|9y=tyA8qlB8IR%znszO&7ohr zf=AUySjQoOK*;1!FdSIBY}~=a7e27Nj|yB6y@r9XM4-pbjplDiU`Ldow8>~rVYeUp zS)e3~m2NuXTJ0N`x>bJZSz0@FCd)1agnm8ZOr2j{`6Ay2^x+VDz$-qMSgGk#OybW0-2`T}LF zOL*EC4mnyI!8V0ZX^B`1j+uUJSVUcx|BXixd8A`-DOm=pp7&v)Rnn^xR6!nX?p^ph z9s6s~Yz4ZOge!lx{|S@cgfu7{iy9;0r<74US9ULx+?4`!?po<0V9=`0lmj$vgwQ?2AI(KG5(&+}(cGhIy%rT&pmWj==;Jq==gDFmv52b~K2 z?YaO_rt6qE=+tPRym(-qkDfP3o+`)+x#9 zM0?Ot2$r^vKp5kp+Fw@>qJ17SX6-D(<{(AlD& zol-9>iWcW zJTpE8G+y$IT#7S77=KHcT3yhamcdr?zl3xq57(r^llF`#_Q%1po~d>1Tf6xJCG2U9 z_*Hr~K5`9yrR}XWrMf}u+Ck@uM(Z=E9PmU7_QM(d=8_N2n|S`c6pO6~ijB2;!!?`Q z1>5tdjQ7Bf;|biRzF99^2~S+^GXop9&Kt;X&W6zj+NP43Y6ciTt6^it^f^(!S&!7c zbq7z%V={6Y3YS%|K+P_ZJ)fk)n^2)v3OizK*fbfqG#j|IsA%-Mppv_wlDD7|P_mH* zql#gp3YC5Jiln0wQpsXk$-m_BR9+Q-P%5rbx~qV4$U#?D*?To2!j-uabzybBzv^~* z{4*V{H`VM)-lESO|!izHn7|!Q5)Fq|Xk`xeb`o zkPPAl)5=D^Gz)*!N@-lOBqJGIu^2OzB7pvO%E)-XEFaC^hFMUuNBmM0~G?-~r}{Zss}wul^-LocGfq=s#VTF8*!` zv8G-@EI@wPYoDf!lwifGyX|Rjj@+Sa$1$Mh@M=aWy9B2*m{~)q0_{55H>oFe}A0iQ>Cb=3mk5Txvvi{skAQT;4J#df3D9yzt&6 z{9XpMaK>CMTlL)TtDdB}LiS%^REU zH+Ab{l0CA93`9=l@s(@y%Dz-fN+hr}l>&vonWATuxZB4K7Iua{~#fmEwGvFhz|$^Bg#574qn0R2a?1v9V>ffLcJQ z%YJX|hxY1snLr?8{o*<<9097t*LEhUy%g)lfaI+YopU$D$?ay?15O_p#3Jx{7X(QG zMO?8F;#>JIww84Y0?cm*d5JFH?k8unzaA3{D{MMaWV*sO+)7ltUe0HdZUb<|6lKG9 zxV;S}iOXA7s!05zD4bj!+`5a9SNp+CixY2~w0y_dW823zpD&x9k>t3wwW02D2j}M> zzJSabrlCdqr3cS$+Tec0It8FYUf);#s-pmX?WpSvVjNbJ^x36!2almboiaH!yVqFfF-14l`HK>j3$_kY8bEAnrC34ueU#2Urs6nUQYE?)hxFD^4_|g zZ->Z$lt_GqC$G{BI@ErqAuchXDXqxqVckt*K{eO;P2Q*c*BQsJ5_=$#TPp;?Dz_Vb z@Juny+`*!6lpn=Y1Z9Sz;pf-MZ2H{cwC5*-4xG6_N;+rL?HxzCi-*#&LII(Z`*?x+ z;7UDsjX6$hc{fr>DX3HjsJRK6_Nv&=Dsf)YKbuEpe$Z_budlCNRI_;&{#T(YpElHV z{Vh+AAI1e1K6u6-;fif2H|W)HUa!^8Rc{b87(y) zwr0WRjF3kXs6O!te2)~V8rskb*OKW-+}^rB>DwsR(WY`A z)GKV$J;PSBucp?z{_m|Uu2530$Rrt4Tzhe}nUy`)bR6CTZ`+SsuP=06t=IRmI>&f} zm9Ib5vDNKu8&bfZ#^op-P`3<}-tNJ4i$9dxAoCgVeu637`-?O(c-<~uVi76iv$0A8 z#dN*mt>-=Bm~gF8Mx6@*WzO=57b`!SmNN*P?c$j^s%9E`XJ0y?9F!NJ+v|G#&znV38R>Vq>I{QV_}G)SQ9QTR>}l( z26f?xtW4%><6VV8)H4rC(%~gYZ$aARc(USArq&Cs(XuF47agFtFC%ChrC{`A1MhYD zf*%c;7ZGQ`X8zaSAWMVaOqlyC%g1gl2L3=NHlTJ+DiYL9TCxjF7QZJT(4*|~25El! z@v*uamL@OH%LYI#z{%oy7wSL>-y7nA+NMIAI8JheOJ4bMz`CGZR0K2(BNkr2xC@$F z2!-*UP~LPh24(HDu#((>A!{$?`WB!ooPWRdZJ-63F6W!Z_DN0*j&~_Qv;Hc@%79*S z0me?#W<(@w(3%NJN>>3v8L=Af@XT9)lS%ftd!N=M3N%BTT0WwocDZYa~8^bJ}%MfXy z3^LXk#$HFem4Fg9G_epMT-2gNd`O9zl)VJzg9=NJQA{Sd=U7;U`)^mNDQvJopunjc z7hcnz5$+>_OWqO5>4-g6dJt*A*jBjf)4>%{pP>KiU9lg{<7zSof0T0a%2fWOpWfq% z0L^tf^?S6dA!i7VKwGUWvAJGeKH2SpFT&03bYaZwQX&sYI^$P&RidVRKMC8ze8fkX#fvjIis8s^ zc`i?hxfa$#6&NY0@>O}-LoxykXy?70PFMi64j6^7D2O`u4pJf7xjIP)(6GN-;MM!> zbSiGD>lvA~lYsT94AsxEqriHm<5A?cPWGYaHDEkj=!j22rC6Dci;Pv5VgM@=GRcfhF-v#?05TO|ysj0D<_q#qAF5bV!`lf>CN zbS1-?-Ww;0@7Xi{85BM!@L3uX#lQ&Z6B|~>hG#GnHcE!ZWPrq;+Cu$hAK`5p1p~E< zr6EIItpFOpRz3sp6=y8E?`eN~8p?hy%V(`F!n+Bs?3Gp@d6`vG&-Sn6pw)e0Qc3NG z=6fu+4I2SG&OL5jNLp<|nNRDa8vK>5R?p_#j%>;Dw}se{=75I-D&NdI$5%aVJu1TV z=`0H)I(OGKpbX7y7j`M}TKZfuaFbnnEYq2v8feP32Aj8e5ld|IXoVo_d*yB{4Ge0LX?Z#e-5_gA_f-tb zd+4<39t=H?N)mYky?o0peBJaFt@Z9YY@_^@Nc{i$y3SiBTt#cikIosP7;r_#>z+Il z{~_dgkXL?EAKKCwx+;{g?C7XNylzGGMK8qnR4@IGnD7tR4m29I&RF#Pk(3y&hGhk^7VCeW~2gRpZGE_ zg}r*RW-wjfNGb;2bUO$ai+(rVF0X^zdOPupFY{^1Gu4fTs;S$mZ3o+u5002Q^|lX^ z3_(?`dxpYf;_AhxU!Hq%2n)Vn3_)rxz9LXs1y^OSdwcW08$gHd)Ri{5HND$)ZyBDk z^Plq5F|An2E>5*K6n{iA{6@bl8jCH;u5mND{5>_W?&AAZ=hDNS)5?jUG>M?WDHKk~ zmnWyW+I0Io;O?2_rEjlrdU@v}Z4_$Ha`g>DJ9t(1-}>Rr02o}liX}L?1}6(EiwP?$ z2PdfYmrWR$^HdCqo?^4_{te#r@CakB?Op6?gN}P?)FQOga6V5)rC#RWp*4Y7U zQ*UoRGVK#*U-TuY#6dCq7*Qu`N@JE%Bihn^X8brZC-R->b5EkUL3jYAaNVtc?bNiOP@eS6 zzXpC$OTuCg$*IA46BQ)!>s0AaRm)K$jyMd}h0S<0G?|4DC`I}<4o-g*8Dd9Q#nLX*%1u7qL{)*@w6NLkV{S=tN2%W4B_{ac&=}dD>ju&+w*EgfpgzHeKk5$ zDf=A*(@E#d?@?|o3WFW{t19PO&#&UM?mp#rFRkE~1Np6zPv6@pCToKLxDnoZnQU>b z@MvckMvNP8@rM_|@2cb}u2cM5f9p95?pU8+7tW!cZM2U-)i#jPXphr44g@y;+b@Sz z3kvxkSbL;;F|s3XlkN*w37`#;+#75Q;3IL})$(Zn_LUwz{bu0P<{C9#<&01};*LG~ z*bb8IOxC(bX(!$`uobrvW8V(ZcEHgPnC*?Y*?>2D*z^LKH%Rb8nKyb`4>!A~`@(lU z+;&TUJ?Qa|=-?mFbu0P-{k%8!0%OqM(~cxKGW!?e1D|O>+7lmX-`^LD>A>d&m9YQ$ zmbo`Z@-KDkA)O~Y?_c#l!)TtUNC&nrJpKcYS3e)kyMuNQ)IU)B2J3F|dXIPLSI4ho z?+MngBv1?oj^y0L*tI!SkK4SJc|JCVP6+ z_UbRM%C*n!tg=Y{wFtG~KWP zcXbCK>Bh!@<|%xqTjx)_dRF%E*H8I-o(4`9wmOu2thsKIq)qnlk$=454vHiXD+f$N w|09FQx<8txUr>$t8!oWs4rZ=yF6PGe|3>LpcHk&*0Co-zSPBYpMG4sd0ikW4lK=n! diff --git a/pcm_estimateU.m b/pcm_estimateU.m index 816bf2a..aaed8a0 100644 --- a/pcm_estimateU.m +++ b/pcm_estimateU.m @@ -1,16 +1,16 @@ -function [U,G,iV,iVr] = pcm_estimateU(theta,Y,M,Z,X,varargin); -% function [U,G] = pcm_estimateU(theta,Y,M,Z,X,varargin); +function [U,G] = pcm_estimateU(M,theta,Y,Z,X,varargin); +% function [U,G] = pcm_estimateU(M,theta,Y,M,Z,X,varargin); % Returns the random effects estimate of a PCM model, using the current set % of parameters of the model % % INPUT: -% theta: Vector of (log-)model parameters: These include model -% parameters, noise parameter, and (option) run parameter -% YY: NxP Matrix of data % M: Model specification. Model can be either given by % b. Model Structure containing the fields % Model.type: fixed, component, feature, nonlinear % Model.... +% theta: Vector of (log-)model parameters: These include model +% parameters, noise parameter, and (option) run parameter +% Y: NxP Matrix of data % Z: NxK Design matrix - relating the trials (N) to the random effects (K) % X: Fixed effects design matrix - subtracted out before % VARARGIN: @@ -22,11 +22,9 @@ % S.invS: inverse of the noise covariance matrix % if empty, this defaults to the indentity matrix % OUTPUT: -% U: KxP matrix Negative Log likelihood of all subject's data -% We use the negative log liklihood to be able to plug the function into -% minimize or other optimisation routines. +% U: KxP matrix BLUP estimates of the activity patterns for the K +% experimental conditions. % Joern Diedrichsen 3/2017, joern.diedrichsen@googlemail.com -% [N,P] = size(Y); K = size(Z,2); diff --git a/pcm_estimateW.m b/pcm_estimateW.m new file mode 100644 index 0000000..94afc6a --- /dev/null +++ b/pcm_estimateW.m @@ -0,0 +1,86 @@ +function [W,A] = pcm_estimateW(M,theta,Y,Z,X,varargin); +% function [W,A] = pcm_estimateW(M,theta,Y,Z,X,varargin); +% Returns the voxel-feature weights for a PCM feature model. It calculates the BLUP +% estimate of of W, given the best current model fit. +% +% INPUT: +% M: Model specification. Model must be of type='feature'; +% The function also returns the best feature design matrix under the current model +% theta: Vector of (log-)model parameters: These include model +% parameters, noise parameter, and (option) run parameter +% Y: NxP Matrix of data +% Z: NxK Design matrix - relating the trials (N) to conditions (K) +% X: Fixed effects design matrix - subtracted out before +% VARARGIN: +% 'runEffect',B: design matrice for the run effect, +% which is modelled as a individual subject-specific random effect. +% 'S': Explicit noise covariance matrix structure matrix. The For speed, +% this is a cell array that contains +% S.S: Structure of noise +% S.invS: inverse of the noise covariance matrix +% if empty, this defaults to the indentity matrix +% OUTPUT: +% W: QxP matrix. Voxel-feature weights for each of the a flexible +% feature model. +% A: Feature matrix for the optimal model fit. This is +% sum(Ac_i*theta_i); +% Joern Diedrichsen 3/2017, joern.diedrichsen@googlemail.com +% + +[N,P] = size(Y); +K = size(Z,2); +S = []; +runEffect =[]; +pcm_vararginoptions(varargin,{'S','runEffect'}); + +% Get G-matrix and derivative of G-matrix in respect to parameters +if (isstruct(M)) + if (~strcmp(M.type,'feature')) + error('voxel-feature weights can only be estiamted for feature models'); + end; + A = bsxfun(@times,M.Ac,permute(theta(1:M.numGparams),[3 2 1])); + A = sum(A,3); +else + A=M; + M=[]; + M.numGparams=0; +end; +G = A*A'; + +% If Run effect is to ne modelled as a random effect - add to G and +% design matrix +noiseParam = theta(M.numGparams+1); + +if (~isempty(runEffect)) + numRuns = size(runEffect,2); + runParam = theta(M.numGparams+2); % Subject run effect parameter + G = pcm_blockdiag(G,eye(numRuns)*exp(runParam)); % Include run effect in G + Z = [Z runEffect]; % Include run effect in design matrix +else + numRuns = 0; % No run effects modelled +end; + +% Find the inverse of V - while dropping the zero dimensions in G +[u,s] = eig(G); +dS = diag(s); +idx = dS>eps; +Zu = Z*u(:,idx); +% Apply the matrix inversion lemma. The following statement is the same as +% V = (Z*G*Z' + S.S*exp(theta(H))); % As S is not identity, matrix inversion lemma does not have big advantage here (ay)? +% iV = pinv(V); +if (isempty(S)) + iV = (eye(N)-Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*Zu)*Zu')./exp(noiseParam); % Matrix inversion lemma +else + iV = (S.invS-S.invS*Zu/(diag(1./dS(idx))*exp(noiseParam)+Zu'*S.invS*Zu)*Zu'*S.invS)./exp(noiseParam); % Matrix inversion lemma +end; + +% For ReML, compute the modified inverse iVr +if (~isempty(X)) + iVX = iV * X; + iVr = iV - iVX*((X'*iVX)\iVX'); +else + iVr = iV; +end; + +% Compute the random effects +W=A'*Z'*iVr*Y; From e328463ff892bef9f0a21629d075a89e1862fd20 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Sun, 1 Oct 2017 21:19:12 -0400 Subject: [PATCH 17/18] Equation Numbering Equation Numbering --- documentation/makepdf.txt | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/documentation/makepdf.txt b/documentation/makepdf.txt index 96bfd56..3278094 100755 --- a/documentation/makepdf.txt +++ b/documentation/makepdf.txt @@ -1 +1 @@ -pandoc -o pcm_toolbox_manual.pdf pcm_toolbox_manual.md --latex-engine=xelatex -F pandoc-crossref -F pandoc-citeproc +pandoc -o pcm_toolbox_manual.pdf pcm_toolbox_manual.md --latex-engine=xelatex -F pandoc-crossref -F pandoc-eqnos -F pandoc-citeproc From b2becf92bb1c5a5e1b83b7b7d629326934bbfb34 Mon Sep 17 00:00:00 2001 From: Joern Diedrichsen Date: Sun, 1 Oct 2017 21:38:24 -0400 Subject: [PATCH 18/18] removed Equation numbering --- documentation/makepdf.txt | 2 +- documentation/pcm_toolbox_manual.md | 26 +++----------------------- documentation/pcm_toolbox_manual.pdf | Bin 289843 -> 290253 bytes 3 files changed, 4 insertions(+), 24 deletions(-) diff --git a/documentation/makepdf.txt b/documentation/makepdf.txt index 3278094..f114eeb 100755 --- a/documentation/makepdf.txt +++ b/documentation/makepdf.txt @@ -1 +1 @@ -pandoc -o pcm_toolbox_manual.pdf pcm_toolbox_manual.md --latex-engine=xelatex -F pandoc-crossref -F pandoc-eqnos -F pandoc-citeproc +pandoc -o pcm_toolbox_manual.pdf pcm_toolbox_manual.md --latex-engine=xelatex -F pandoc-crossref --filter pandoc-eqnos -F pandoc-citeproc diff --git a/documentation/pcm_toolbox_manual.md b/documentation/pcm_toolbox_manual.md index 89325af..a68a732 100644 --- a/documentation/pcm_toolbox_manual.md +++ b/documentation/pcm_toolbox_manual.md @@ -118,8 +118,6 @@ $$ \epsilon_p \sim N(\mathbf{0},\mathbf{S}\sigma^{2}) \end{array} $$ -{#eq:GenerativeModelEq} - There are a five assumptions in this generative model. First, the activity profiles ( $\mathbf{u}_p,$ columns of \textbf{U}) are considered to be a random variable drawn from a normal distribution. Representational models therefore do not specify the exact activity profiles of specific voxels, but simply the characteristics of the distribution from which they originate. Said differently, PCM is not interested in which voxel has which activity profiles - it ignores their spatial arrangement. This makes sense considering that activity patterns can vary widely across different participants[@RN3415] and do not directly impact what can be decoded from a region. For this, only the distribution of these activity profiles in this region is considered. The second assumption is that the mean of the activity profiles (across voxels) is the same across conditions, and that it is modeled using the effects of no interests . Therefore, we most often model in $\mathbf{X}$ the mean of each voxel across conditions. While one could also artificially remove the mean of each condition across voxels [@RN3565], this approach would remove differences that, from the persepctive of decoding and representation, are highly meaningful [@RN3672]. @@ -135,7 +133,6 @@ When we fit a PCM model, we are not trying to estimate specific values of the th $$ p\left(\mathbf{Y}|\theta\right)=\int p\left(\mathbf{Y}|\mathbf{U},\theta\right) p\left(\mathbf{U}|\theta\right) d\mathbf{U}. $$ -{#eq:MarginalLilelihood} This is the likelihood that is maximized in PCM in respect to the model parameters $\theta$. For more details, see mathematical and algorithmic details. @@ -169,7 +166,6 @@ A more flexible model is to express the second moment matrix as a linear combina $$ \mathbf{G}= \sum_{h}{\exp(\theta_{h})\mathbf{G}_{h}}. $$ -{#eq:componentModel} The weights for each component need to be positive - allowing negative weights would not guarantee that the overall second moment matrix would be positive definite. Therefore we use the exponential of the weighing parameter here, such that we can use unconstrained optimization to estimate the parameters. @@ -179,7 +175,6 @@ For fast optimization of the likelihood, we require the derivate of the second m $$ \frac{\partial \mathbf{G}}{\partial {\theta }_{h}}=\exp(\theta_{h}) {\bf{G}}_{h} $$ -{#eq:derivative_componentModel} #### Example @@ -204,7 +199,6 @@ Each parameter $\theta_h$ determines how strong the corresponding set of feature $$ \mathbf{G}=\mathbf{UU}^{T}/P=\frac{1}{P}\sum_{h}\theta_{h}^{2}\mathbf{M}_{h}\mathbf{M}_{h}^{T}+\sum_{i}\sum_{j}\theta_{i}\theta_{j}\mathbf{M}_{i}\mathbf{M}_{j}^{T}. $$ -{#eq:featureModel2} From the last expression we can see that, if features that belong to different components are independent of each other, i.e. $\mathbf{M}_{i} \mathbf{M}_{j} = \mathbf{0}$, then a feature model is equivalent to a component model with $\mathbf{G}_h = \mathbf{M}_{h}\mathbf{M}_{h}^{T}$. The only technical difference is that we use the square of the parameter $\theta_h$, rather than its exponential, to enforce non-negativity. Thus, component models assume that the different features underlying each component are encoded independently in the population of voxels - i.e.\ knowing something about the tuning to feature of component A does not tell you anything about the tuning to a feature of component B. If this cannot be assumed, then the representational model is better formulated as a feature model. @@ -212,7 +206,6 @@ By the product rule for matrix derivatives, we have $$ \frac{{\partial {\bf{G}}}}{{\partial {\theta_h}}} = {{\bf{M}}_h}{\bf{M}}{\left( \bf{\theta} \right)^T} + {\bf{M}}\left( \theta \right){\bf{M}}_h^T $$ -{#eq:derivative_featureModel} #### Example In the example `pcm_recipe_correlation`, we want to model the correlation between the patterns for the left hand and the corresponding fingers for the right hand. @@ -545,13 +538,11 @@ $$ {\bf{y}} \sim N \left(0,{\bf{V}} \right)\\ {\bf{V}}=\bf{ZGZ^{T}+S}\sigma^{2}_{\epsilon} \end{array} $$ -{#eq:dataDistribution} To calculate the likelihood, let us consider at the level of the single voxel, namely, $\mathbf{Y}=[\mathbf{y_1},\mathbf{y_2},...,\mathbf{y_p}]$. Then the likelihood over all voxels, assuming that the voxels are independent (e.g. effectively pre-whitened) is $$ p \left( {\bf{Y}}|{\bf{V}} \right)= \prod^{P}_{i=1} (2\pi)^{-\frac{N}{2}} |{\bf{V}}|^{-\frac{1}{2}} exp \left( -\frac{1}{2}{\bf{y}}_i^T {\bf{V}}^{-1} {\bf{y}}_i \right) $$ -{#eq:likelihoodAllVoxels} When we take the logarithm of this expression, the product over the individual Gaussian probabilities becomes a sum and the exponential disappears: $$ @@ -567,14 +558,12 @@ $$ -\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right) -\frac{1}{2} trace \left({\bf{Y}}^{T}{\bf{V}}^{-1} \bf{Y} \right) $$ -{#eq:logLikelihood} Using the trace trick, which allows $\mathrm{trace}\left(\bf{ABC}\right) = \mathrm{trace}\left(\bf{BCA}\right)$, we can obtain a form of the likelihood that does only depend on the second moment of the data, $\bf{YY}^{T}$ ,as a sufficient statistics: $$ L =-\frac{NP}{2}\mathrm{ln}\left(2\pi \right)-\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right)-\frac{1}{2}trace\left({\bf{Y}\bf{Y}}^{T}{\bf{V}}^{-1}\right) $$ -{#eq:logLikelihoodTraceTrick} ## Restricted likelihood @@ -584,48 +573,43 @@ $$ \left( {\bf{X}}^T {\bf{V}}^{-1} {\bf{X}} \right)^{-1} {\bf{X}}^T{\bf{V}}^{-1}{\bf{Y}} $$ -{#eq:fixedEffectEstimate} Under the assumption of fixed effects, the distribution of the data is $$ {\bf{y_i}} \sim N \left(\bf{Xb_i},{\bf{V}} \right) $$ -{#eq:fixedEffectDistrubution} To compute the likelihood we need to remove these fixed effects from the data, using the residual forming matrix $$ {\bf{R}} = \bf{X}{\left( {{{\bf{X}}^T}{{\bf{V}}^{ - 1}}{\bf{X}}} \right)^{ - 1}}{{\bf{X}}^T}{{\bf{V}}^{ - 1}}\\ {\bf{r_i}} = \bf{Ry_i} $$ -{#eq:residualFormingMatrix} For the optimization of the random effects we therefore also need to take into account the uncertainty in the random effects estimates. Together this leads to a modified likelihood - the restricted likelihood that we which to optimize. $$ L_{ReML} =-\frac{NP}{2}\mathrm{ln}\left(2\pi \right)-\frac{P}{2}\mathrm{ln}\left(|\bf{V}|\right)-\frac{1}{2}trace\left({\bf{Y}\bf{Y}}^{T}\bf{R}^{T}{\bf{V}}^{-1}\bf{R}\right)-\frac{P}{2}\mathrm{ln}|\bf{X}^{T}\bf{V}^{-1}\bf{X}| $$ -{#eq:restrictedLikelihood} Note that the third term can be simplified by noting that $$ \bf{R}^{T}{\bf{V}}^{-1}\bf{R} = \bf{V}^{-1} - \bf{V}^{-1}\bf{X} (\bf{X}{\bf{V}}^{-1}\bf{X})^{-1}\bf{X}^{T}\bf{V}^{-1}=\bf{V}^{-1}\bf{R}=\bf{V}_{R}^{-1} $$ -{#eq:restrictedLikelihodTrick} ## First derivatives of the log-likelihood Next, we find the derivatives of *L* with respect to each hyper parameter $\theta_{i}$, which influence G. Also we need to estimate the hyper-parameters that describe the noise, at least the noise parameter $\sigma_{\epsilon}^{2}$. To take these derivatives we need to use two general rules of taking derivatives of matrices (or determinants) of matrices: $$ \frac{{\partial \ln \left( {\bf{V}} \right)}}{{\partial {\theta _i}}} = trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right) $$ -{#eq:partialV} + $$ \frac{{\partial {{\bf{V}}^{ - 1}}}}{{\partial {\theta _i}}} = {{\bf{V}}^{ - 1}}\left( {\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right){{\bf{V}}^{ - 1}} $$ -{#eq:partialVinv} + Therefore the derivative of the log-likelihood in [@eq:logLikelihood]. in respect to each parameter is given by: $$ \frac{{\partial {L_{ML}}}}{{\partial {\theta _i}}} = - \frac{P}{2}trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}} \right) + \frac{1}{2}trace\left( {{{\bf{V}}^{ - 1}}\frac{{\partial {\bf{V}}}}{{\partial {\theta _i}}}{{\bf{V}}^{ - 1}}{\bf{Y}}{{\bf{Y}}^T}} \right) $$ -{#eq:derivative_logLikelihood} + ## First derivatives of the restricted log-likelihood First, let’s tackle the last term of the restricted likelihood function: @@ -644,7 +628,6 @@ $$ $$ = \frac{P}{2}trace\left( \mathbf{V}^{-1}\mathbf{X}\left(\mathbf{X}^T\mathbf{V}^{-1}\mathbf{X} \right)^{-1}\mathbf{X}^T\mathbf{V}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) $$ -{#eq:derivative_restrictedLogLikelihood1} Secondly, the derivative of the third term is $$ @@ -654,7 +637,6 @@ $$ $$ \frac{\partial{l}}{\partial{\theta_i}}=\frac{1}{2}trace\left( \mathbf{V}_{R}^{-1}\frac{\partial{\mathbf{V}}}{\partial{\theta_i}}\mathbf{V}_{R}^{-1}\mathbf{Y}\mathbf{Y}^T \right) $$ -{#eq:derivative_restrictedLogLikelihood2} The last step is not easily proven, except for diligently applying the product rule and seeing a lot of terms cancel. Putting these two results together with the derivative of the normal likelihood gives us: @@ -673,7 +655,6 @@ $$ $$ =-\frac{P}{2}trace\left( \mathbf{V}_{R}^{-1} \frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \right) + \frac{1}{2}trace\left(\mathbf{V}_{R}^{-1} \frac{\partial{\mathbf{V}}}{\partial{\theta_i}} \mathbf{V}_{R}^{-1} \mathbf{Y}\mathbf{Y}^T \right) $$ -{#eq:derivative_restrictedLogLikelihoodSimple} ## Derivates for specific parameters From the general term for the derivative of the log-likelihood, we can derive the specific expressions for each parameter. In general, we model the co-variance matrix of the data $\mathbf{V}$ as: @@ -725,7 +706,6 @@ When calculating the likelihood or the derviatives of the likelihood, the invers $$ \begin{array}{c}{{\bf{V}}^{ - 1}} = {\left( {s{\bf{ZG}}{{\bf{Z}}^T} + {\bf{S}}\sigma _\varepsilon ^2} \right)^{ - 1}}\\ = {{\bf{S}}^{ - 1}}\sigma _\varepsilon ^{ - 2} - {{\bf{S}}^{ - 1}}{\bf{Z}}\sigma _\varepsilon ^{ - 2}{\left( {{s^{ - 1}}{\mathbf{G}^{ - 1}} + {{\bf{Z}}^T}{{\bf{S}}^{ - 1}}{\bf{Z}}\sigma _\varepsilon ^{ - 2}} \right)^{ - 1}}{{\bf{Z}}^T}{{\bf{S}}^{ - 1}}\sigma _\varepsilon ^{ - 2}\\ = \left( {{{\bf{S}}^{ - 1}} - {{\bf{S}}^{ - 1}}{\bf{Z}}{{\left( {{s^{ - 1}}{\mathbf{G}^{ - 1}}\sigma _\varepsilon ^2 + {{\bf{Z}}^T}{{\bf{S}}^{ - 1}}{\bf{Z}}} \right)}^{ - 1}}{{\bf{Z}}^T}{{\bf{S}}^{ - 1}}} \right)/\sigma _\varepsilon ^2 \end{array} $$ -{#eq:matrixInversion} With pre-inversion of $\mathbf{S}$ (which can occur once outside of the iterations), we make a $N{\times}N$ matrix inversion into a $K{\times}K$ matrix inversion. diff --git a/documentation/pcm_toolbox_manual.pdf b/documentation/pcm_toolbox_manual.pdf index 42cd916504836d7c11948ccdf315633fccb5d006..fb48597afe8f8e2bae88628bae11b44edc0bedff 100644 GIT binary patch delta 131974 zcmY(JLtrKfvqZy*ZQHhO+qP|faVEBH+qP{d6WjK?%m1x=Q>(61)!np?G_!>i&jw&- zWMSjyhjwvwHZ!t=_T0SAmT@>_M+~_AM*9IZn%KvI^rf6fw^RUkrt$uJD2E`1@co&qNT;GF0IHdp#T*4luSL`a11O19%AVUHgBDU4@ttHgEFv zgfXO}8^7j*yKGotjWX?06G^<6N0nnCrV7~$_Ff-EWfnWTa~4nWf41cNh z?_U0A1$y-x-p4<%sg-mp`hXPW<22em&7c@K=lO?!M_turkl}nKhTNa#)9nTgQ#Rn(Y^AF@`tT#W^vS-S*PUb&_9?DgPSd z>j9Rn#l`NDqha=5zd8AZSOmd~a-j?)iImC2u!?q1R^?7)O8AC zMc8m5<3QJuhBOc&Lq_vcb5ZQtvM&9X{_)t}txYFUTFQ$^gMfQC9 zye~vAeL_jR7$4!s80o%$?0Y5wp5T1-@jG?_mOw*C_0|4_-Zt02>MGz`WapYbY+lX8h&VbM0}Cn<}60a7~PAGnz84+-?lqlvWGUw< zxi+8@O#z2yGSEu|GSJ48+lMkmS=C+65?g2oCE`Rfqndddp6+rh;aZzdEqUDgtrDIT zHIyy_&?btqUS2wwX-(*h!tgW3h8ld| zP+{9awo6QOn2Y4gufdWXHG1N4I z;JX>?c`}7Edlt&TPrFUl*$~3d-EY<4OXlQeJ4Z8r1BdyoH?ogTCme(V%B}k^-@&{< zkIjSPujNW5Dx=8}*tE=MlGJ6a?DDMR8FQ-huSuntok#Gk7%VfV$EcImx|QW$4zA_$ zXh4|od2kA0fm6O5RK14YTc@qdKr+>~aqvIo%Z>g-@KrmI?VFDTZ#h~ATt(`dgaB*% zbjQ{k;~B{ktFPjOhf!$77VUr!fNR>RyLeZnoVY{gg1j~(Bb+GASV$1uCz7I*vc6MX zm9DIDtd7qsl(B4p^xVGJ>EKq?D|%*6EFfO)*-*Ev%#PJ0kY*J8={hSPz#?iTU=U?# zp$tJ0wxWB_IYh#W>}HVG&@;VrYI5i_=Ciq>Kdr$kbm@LA(gd|OA&y|7n z7CP7>#CCYf{C><*8MYibact)(*169d3IJ=6ZeE!VzA;I|Z4g%}pXKegzo|ePb{|q` zBC7LR32r`}VRaQdpv9bNbYM}$MfeH3-QpQ~B^YK&7}U(ybEMpcc!++t-YN@qkQWFr zGyIs%81Do9*Ge+>aLMPg$U5+e4^UY$lwOF&w{s`mWF+38l=H~Q)$Wt>A2GUTF~t)| zYpGsQyG+TMxy{UP$?3dn0+KyO2gXkww-IEnl1&=VGFS+sdAas(_n(;;2N)K;45tw- zrWF~kKlp~6(gcvTWcB-F8%Au8g3z!vb+5GNM0nC`;y(fr_rO$~>W_PnV;B$qF0HI{s1v)pr9)0dL=_|W z3(unJ-Wz{|1H~T`{gxPwH8XLF3s8~3Ijv9V!)BAz3CRuM_ba@=edS-4OX>`d$ z6<9lAI31A)q2lX40>G8Qs9vfK${>}GemSrrh{cpMxlC?}@4H^2=~2ZJ5EwGketT^h z%zyV@60d#$j}M0e41kZ9hp|3ehO9m=g6pZaxbJV9j+8U~-k#q>`{>V^^!gqyK+|vT z)mD{^|1VwYi|a4Va^LPNL04PLlPTbqKl;A4ccARYX!^zE_Z4rn>U(qV{W@>&rxoSE z;9{9wom=05J~>Sz%YNfXUUu4AGwHaVeZt5m>fdWwX~MQPDX7VMoHT2!+TN4XOW!2k z=6reRsHYu*^(l9XU;or5r)@V6z^MXB35o*bujhuiW8$bI!IzXHqc~X$lG+C`?Cegt zkE``XpFc&%eL(`m%vdKU!PdotU;XImkBQG3!~zmEozK+mXVy1`Xiq8ADSv?5Q~smj zUUI!df=8g;b?+=SO#S$rTc5kmZRt4A=f-N%?z|2Q`L-W{V z9Fn&QfpDqi=e_oGg^kUs!8cZX-RHE@jCt5R39u5Am_=5?B{t$4g$$S6WG2znXHQXe z6Y~wn-AR9j6q<`3))+>*z$q4=b;*DIz3cSUo|JKczt-A&%S*c&{XHLzm?Kta!li#49X5Wd0Z{ntdY48v9Zn96BI$zozk%j9=TtV2 z3DQ{UG$V(Kdkd6*-K~uH;Ghodj`k9@$bHPdYEuh1WQjG2B(aYImM~K^(;Q<#$s%Hk z)GQk5yOid&0<^Q53L5)Ao%y}n5za?}zm|ZV_H^oAo$~KDyc}9d)>8YFO%oF4uMeGl zmJlmSoyS$Fztf^qXH*qX?CG?Anwbi$6bM8-$1mD?Js0EqRu*|TKBFt?BZ@tW!%RszbrpmWHe(eK<$(9|wT^tX-Om1F; zdQ;cADO+3a8Xq-pG(4IhJjHhygXNoJd~cRu^U%2zxGw1uZ)r#6EzJan)y+LSd&B0# zxJ`4eozB7Ja#L+ftRfxk)Rhf?#oO|!g~b*6k;}d2Q4$vb1@H+BoU4dQ89M%Q7)vy! zY00%hW~&2Ty9Tw~*)Fg$?PL88BJxH-u?pS@%xAt{9Sn6Xf{ZoqR%4a^&0-nyLC4?5xlY9%h>|FPI8;!{Kk_Y zGqYatY-XaBxkF)GgMNh7+}oXNU!dPzhTaL?t7(a)WeR~O!Y_O~3RL|xAKGE+{{D?#;2u(c7bU&4tO zPrkSSZVOs_g5ij*>@=}0U`Lbc9?q`ur3`5@MDa83$yJ8DQuE5~2z`bf#(7NigWq09 zfhgsUhX-3CxJrhjH2%sC9m-!I0bOH(NojOEy&-f$(T|%ILeJaNiq6eK#tLj9H*f?r z#1O(4KX*lermf?4PKbu8U80}u`FMsL-T}*i4Hn0;X%olxPj%>prybtNgl0JfSsH%% z0SP?foyaCikv$6}Qel@COx_EdB=wm)FgAJN5mO5w7`l7Kr-WW#$_vQA&=Ytn9@PfU zpkhc3~S@ z9wgbKn4()T(n1Rn<{(**InS1*1^VkT6DF%I<;WZ3J$ zVCb$O#tI29aBb;AfZd@K5mw1a+v41AE>+v8giVNx19^i(+&nznXAv*;gDw*7=JoRX z&6d@Ub7)YKA*rG2*Qag(<)~iaQHs_~F zYVVa=LYHDDlbJb@^;ZtSayQPaJE+ayRIgtK4Cf%qb#D9UU$I+HkU@x4wcmh0#}R+P zW2o7%hsLoUv5xpuB-uN$0J&+N0d_k;2XJ?i*QsE0%8{< zYKJ6X{O!4cO#d#ySY$%o#b;$6%51d#NfHBx#c=!+PfSJ+*;fS!Ng0C164$p4eX+?g z?hmZ>)M({YTT=;!%hsv4!WQ%x^-XirK%eV-UixV&7ood}s2vt zy6FrUKL;sQ8APj@4X^AD|7f5tn-x@WkSaC=WYXy+u7vs4VBRXb0%*7}axCfv$ng23o_D+Zeu> zz~9A2DscOf*HOQ+mmzqZ1@(xjt5FyJ9#Q+c!T;hwa&-e%_ES;cB~cLrjaA`EWOJ#F z9w#@Lq}na2f#~vV>dF?l=C^R}E;sHXDwM5_ONGQ*L>}=Ca#hd5K7hKcbiA6&hP2tW! zDDS8cf}H@230Y;s@!^zqrt$d>14_v#(&_}+vc$KvEkp9agg|;;%=H7XgRa%}pappo zt*H2ip;+3)g`T;gR5t-0^9B~QX4=_STa_ft5MJ&eUUP$0Ip`8!EW_c9D}jj662p9SW`o43 zHPU#qJdNaKo~lxvx?gP8AH>*U5-#l_cvT}mWo)^bRcco+di8~2!G+=Yj3xynR-=zA zlqdirYsrRg>zQb$RagwnJ^FL)`_!N+cVE46i7!hf@)$NtBh9$lqx+7aA$ZLL z?pif_B)9$u=82b|Yn;bJ8B{~Tn7_R7Kq>%V1<=B@o83m;UTO2#vmhpRH!R?pj{?Zc zEp~d7v^_RqMXEMaX3?Nq)87)(!_vdQ!q3}lKO_ZZGr`S~y!5LvI#t#TGm9u}m=?@q zx_OkzVGV63XL(YK%G-J^+SJA`C7-8YkQWnKt;hx^)9G?kY#f76v>-CUlsjt+@603b zF7nWS86HTN0>_U~yP9&NCq)u4;)TO)aULDifo%kGoa zFLOLSy!E4|OzopzexLc#0DfNurk@`_R#c$DlD-(CNjMc96b-BLmzm+>1Ld>1%3r#`2lWo)qXaoPOc7U4Cm+t^rK(yxEYz z`$Yy1M~P9$J5Vn{PJh-0sn%viakXh-B#LyD39b=!A%Aem565y0Q?q!-y{F~-rUxo` ztbUG8pgphT%j5*qspxXyKaSr_Xx`PQ{Uw8-IGRcn{vjONb3yDhY1<4E*z+jcj_hbT znHLPt6`wji7fQE=n0*~FqX1{`W6jj|YbA8V zs@P)Yyrm*3xTWsO6Qfh)#Q6B^tiH6I#mPR|CvtN^(~fZw$IJ1;lemRge>})9)%Ml# z`j;cZZLkq;ox3=}*A5R@z^7y+3T@*O2eoq#K7Cs$D=P-0=Hip9GoGs2GkBu2gtTAu zRy$*k8h=#@RmYg}`vCun9&O0)4S6-vgN5|unl}+;VP%B#{O}AJtzzFkWF`+8?*@}J z!xJ=b^F)o0cbMEkEw|B4c7NL=Mxz)%*yx?m%zKm2Rr8h1YapEYzIZ`)nhidBc6Uy< zcse_6dIL_x{KJnaH^B3Et0OUJgV#H(a#4~}(z$KU2Bjs*VB zWjY4!I6_qHNM5Cg^kVwgBo%G%Ht_#r zc~eWt#3^ZFM$?)__eR`oSLeQ;j(z#$HhAM)XoqFBS3J%uA4@2~I1~|w9L09`{I~sH z8F?v+ho$aiAOYA#IoR~p%WCS)D(>@PrbqP?rcO0D%g=(yQ-Ht+sSrC+UXDJ`cW6^{ zH(S1DcJN|;+bBrnklOa!r>?uvh=d8%I+M$-I6|DwYU)}grU59bG8y*@-TNdLntX9U z+ej+VZ`h#ZZrY$^?1uF2BJPd z9J2qVnYi0`SK;JGg=;yyWQgoFA**7A7+F|K2aMsakUnt)>cKK#XNuILX!FYm3en`a zUMrN*Ij`AATmWaMTY~w%$LBFc(3tz(-wangu$=T#A~W94E_}^Xq)LCrj$lfpj5wJe zM>m&kF96nnP_?T=a0gA*KMTY5CW$e7#v9j_Q_a}SoWnNb%XMqgEh~eV4p!5d^4@C^ z>MhkC%%8;Qp1oqq6Z!JKHA7iCRf`N_8V?Wue9dOiSy6+@yuOP!#l3||gExH;me9RR z$*mt zu6;IHko1{P9iW8GD5SmaniFgauBjIF{Tx)0W&wH9pAA5 z*cdtg_W)I+#S=%u0sCK-Qz{FsKzad(sRJez=?Y<+R=lp2*Cpck+ZREah)fp8x7#&z zGsuITc#xHMbbMKekpg%^Cj6~D{+@bpJFjwwqoSp_Gz`U@+%ow6Doow`)!{$R+tYt6 z(p${reLH^6)RJc}U%3RdckBP~)0lNDqd%OMCifi)r2K}bB{9+WxxK@6_kDeSXrvy7 z;@YgnhZexT>3U^T|2itVj2@QzMx-$S8vx+9u}ri!g2d#pQ8BHcZ8q? zDaEd7MW~_wRFz7N3aD|kPYn_yk!g7Mx&;55aQ2B7F_5RU@Xtnp5~{&Ei4qH!EO=|4F z3V6*1md&oUJ0&<=RxW4_QrqHsno}b%>j0gcBPp9y8n!~@HFRMQOmw~>aP|dTL5WD@ zh*JfOsx|;-vp?Uc^v~vKif64e2GeuChEuiw^=vPfFF4Q2RLBK4jKW+g zw*+K?3#$J~wNq{2*^Y zuLi%FFYpJyeTgAIJ@?MIISR8S1wQA9bGz?ts+F6cZ3hah6Z;5kv!!4?F^}FITt4%MNGkntC8?5VJ)IE~vgs zgkk9)!}E!x+tx7!99PMAAwZF+PJj-n;kogtVR^LokyoO*m4+-7PsihE5|(uMcrC~6 z!dR*8d+h4?d4;}p}+zH>D-?GOEijTF&Yn%am zuEDDVf@vabK$=EhEE6_57b4e5^tM!Xa>FkCc^PZG>B~Omn=f|nnlc458yxZXgJ3yV z!T4b?g}%fx!Emo%&Ut*b5ROVk(*x#vHr$+@TD(fPvC>^`Je``_vUrHXhPE4wOMeL4 z<(YzZz3Cv=*$vEAESc8#VQC~<{ha_Ksw+ucfArIW2|;wdSum(1PBwYyEg;AKn2HnN zlVt>xtvM~J%lruu%JK?{?cgTZ>SRZ#`B<*wo0)?H!bmp4}@${?}L7EHEj zca`1xF9K#KOea}_zrWlxD~^(kIWl^pc0sz3;6BBlGIQDLWES6V%io0W{*?th?yCsN zoJ@2nB(K?%C1a+|M8=+pE!layawBPVH!rCW{gJ&4o=RWCOOPrb~Hv;VKsc(1J+E%~EF0a?v4WBMl>A467 zu}wZ7$eG5<@_rypqEo@3&Fs^(iGVo(%q;)w0WG*wu}AIKxpij*XWAKwWH^*hM1t&s z&d`i)gy9tx=eR+*55H-e#gYk$U*#EESF=~CbV{fr98`VZw|3qxTLMcuLDvSaFV}qz zfS-q#t=oOOo*JZst+cu8XP=+_yxe^+Gk(8T{k%TO>E=cZX$pNjW5;@30$I9KQn zgoxpeG$3d;2|ZAOtwD$ubWSpqnd9GEknV=O|0w~i$;aq#+TN*?WLUKO2H`=&L%Cvo ze_5;s3MP#m*ASrG1=D$S78E7T@l_bNUE}LyzVMWwtgrWrF7JbN zXVr^-EH^HSu^7z^p=nK)>Grk_|M|*zl-{4#(Sb2rNC|8Xo#-J083nNh?nM-g7y&t7 zXo{wOP$zsG#NNIKMgW7d{fTsYEogAb;CP})87@sC*BGFfH4G(uM``gn;o#BnhX`h@ zpUn~j%+2-6q+%zaHiP+5H(~t`I=d0Hd0;`=OuDebM~PWithf;~NR36?mAnJ8>iu}p z7bsK!L?}f32E*b+7}YKtj~XVAsBRjuBJB<2y%u=Ojl!XjLxw(@u@NfeI=`1_SY}7n z{7KV=Brl-b*;4#-VV;@=b~XM{BgfaMolJ$nR9qi<$!P-cCRMh4cdm(xY2Hb*F^u-c zicMJ^uToIh6d&U~h&Aeu=r8W{s8ZC46f7T_x#KlY^H=?!$y6tOr`EK#l0s;S5N59d zY3wpu0cP`sQ)tz*h|lVDq_d^#g9uuj>f(u$p%uUa-9iEcJtj0K{KeK@Doo+(UTyPA z8@o~Kz<>HRXQpW%g4OF@(VmSEp_<}JTub1}j)ad!Ku5#qW}a`9M1Rp}vmNCfjQg=^ zRfjWm!|+fsBw1L?2#Yx=+d+TYhd<4tMd~VL_#xbaaLbcD3Aplj)QwEg8O_!NA7T1iXO^r)bdsyTq zkz2SvLRLUFD5;cxquQ;qx>tR9)uv?7#$nKOy~qR7r=Z&`#@VPw_w=M{yUa{6>qoRr zUom~&8olcEiL$+Aa91Hkt$}4gXRZ)U%s5~6-8)io3J32)OzapN0JN?vI^WgrQ?0w%@;Z&qpBovBLTMK zZ;dgA+T^gg&ngwc6l>Q9w^rntU_$tT@WMR`1;Kc@X4m2dY}lG1Qdqf|LO#21y@@BoZ9h(f-h(yUQ>h=XjL{`mNtf{!Y58_^bgYuLPu zwdl%yChn`QCx1jZo18tH+1ovjtk~qi>)whK!&Bv&GtK{nHxfvCP`XmRk~LdoQ8I9bacKcfmE66rqxdlSxsrf6=84995#VJ%2=Hzsa4cW< zfRfuS6lP^sctg8d(!hbFgab^G#2n6Nhd}hGuFGVjl6I=#Mt+R2+}Ecji_e2x>tUE4 zk|bT35hx9#NZnJ)>Zx*lsP0zKDg*a29FBw~^_b8^da_eX{Y_g~^o?RZ(WBXbG%>h< zrf5Wds*U2#iR7-kKfz2ZM2>?p;{A*o6J4M-Y_8lWAVbXE!oF3nDF!5di3f`kz34~& zjZPxJ$%LOqt8p`|^#nr!#NbX;+e&GZsm{3Kvl&FHJVkd8>T;@Op=5NRvk^647=!zI zZ&cRmrN-u?pBPD$Px{um>LAf~O^nsb^SMjs3mcWgEbZV}ta$9hlF4@$w$#hrCiixTj*E;YkZT=>>n?5Rq_^bWF z+aIxWoz$kEgG7$4_n#Fakf3p@TxGMIQOY4g6@yl_(Y*DC8|wCHyE^rIxKxuN`RPo= zPAR4dw6IPpV$dQ9tdmiB8#Yx03p>Jen)dQmo8Nf`kBFu2kp{TJd*Eqx2PN~vyj5R_ zBblY!Y%Zl4aV@1W7a}Z10_#!O2@W+Lf-Ytq(%x}Ti!&e-%Jf$xKIE9tDX!D0AG)8{ z|DfWP>qC{ zzM(l0R2UVq^dC>r2>1QZbXDIHWD82Y_elaiIa6&egStE5v|M|9@CDVzAy{|fR*0tQ zxI>qpLgzTEnh&5?Ls86ggTFk2FS3k7y`l(-8yZdpxel%Teu=Hx^ zyDD}RK8*g2#$>1bfE|Piyo_Ys^^hX+b(M`#X9Cpok%tDbvptY&iZ+w`HWU`9Mx1C+ z30F;1nPn)F`K{?LmFkmz6z;fR*tGH8tL70UsQ9YwmAxzOm3g)mRzu-{3m&!ei1|&v z$KMe1Gf{Z}MV#0GI=J5}&GnN*I%QCFJjr3BA^ zG{?qIf5GQosUFK8ufj{k3gCNlnGH<>t&EqBQm1$69tOrC4}+)u%&njI1U;*O*Ye!+ z$*f!;;C=EEhg4F7h?8w}GV_-$Ii*3X?>1X= zC+P(sV;@RXEl#ZeTNQv!D4mB*NGe(HUIl>erN6`7pf4YX}xp;2^k1l3n^iYJd)z zYJo;Ob4s_m^}!dZo4Y5)>ov!DTR!?mJqKi|PL&Oh)ky;L0blN^pm$T}Q!B_{?OOia zXDy$kt>@0h{+2lI8`!c{hSnQg5ordqG+%G8CWug|i-Zn2rdF>UgB@h>pH`xz&!IuO z4%Z$s=+vx77oG-n0;8iJpE^zX6o9ureaV}Fs&s*#?6s(R#jp`y*IOOGdaNs8g2LURxm%3S5 zT$wJ9YIDO<$VQj&5oh<5CHNsLYZ@f_R=SKgQa(1l z&+k6kFwn{$;I?lNHo-XI%0;@lUk~#Y(!WqIFR(MhJf&CK7?tVf4ghT?e>6*sX_y#Z z*%dH>^1ihGo3y?5^b;JQ?&Fs$oxe*k8ua};{qOGNdmZDnIf)EzkkXTt-7=ovH_8D` zqLL*E&aUV1e@MEv;uf-9bDy_vcXgRM-s|m~DN!dsztl%FU|?_-DA?$kFSvh2(i=6K z^05F(L-+IKdDha}n*j2_cO+~!#df>m`U`?5^$-x+Y`w_XzK7GZ13u{dxJ-Y`h z2~&L5E_w$+q*i^Ix278U>8xh*H}WK9A)b%?u*L%0JB8LzXQD7L3?G{WJhSJ!iz$1w z)cDXCT^-gZ#OygTBgbnHao!nG8wED~)I?$$Q3+rFEIwJ;+yJTGBl=8LV1IUw#j^qB zFS00^a2KiL97V1G9tVWb%gGAYpnY% zqeOp5Qx+^4LN^rKpNXvK)uoGi0~b3Tm62kyt5`C8Koh2ZHW3T~e~LAV4!p(It@L8h za7G*Vh|lJqg8-_&FPsR)I;LYBIJ>I9mB#NWLmf8$pRO|wc_$iK{~AgfHlg*U*^;nt zrS{-*;D=_cI+snn*3&sQ)LW3`WVdp8{nYTg<*8js$7{(bL@1{-Y`slTQ*o&Sb4m>= zxPhYiO9<_FOL6o#u7yvRL8EWL1A2q3ZyZw`?Vgrb-vMxQK(IRYvL;#4Nd87N<<;I= zEX{{9ODZaZ^V2FC*FMDXm)4>Mw<~SdQ8lgCrxaax2F57wPl*0wWOAry3l>a+XS!*Q z0z>f<8+CzTJMDMX@5A3ydS6}$DrPz-Oh+1-7^#l;mk|E<*hTBf*hcRvmkBK)K z1XfoF7$4JnNqQ~YqGPawB^lK$iBzQ3G7A1y2*hjeFg5~g?9SC)6A^g?QuC{5+F`Do zZ_g)MTFFvyF!Nl7-dE(n>|IS^F-J zeV!&FhuI(w@sHlomaEK;-RD4J;3oENJ)h)&Qa4vjuN!jdiw|Q#6clbksPimaKrXbx zvMGhgn-+}t8~0A7NiV5Ub;BWV2t2}35w!}>pla`6aov6uWB&aJk_S;g;~FkoaV3=Q|U1znEA;y zYp3+cSh~$jD}B#wRN&_cu!GZwlUB$C%ne{-{NFNRMO!ZJu@$NJRpSgnlPDZj3K)g} zx;cC|=!$N9Kzpq0C|>2)|DA1!NNlokkHaczXJiwV3wM_HQA!RV>x}#(A&>r5m)`52 z_w&Q`eW$=B#Ybaj_~H9@ia}*g^!()Y`!4cV4AN*s4eD1b5Ru#;10XE&VZZ+|b=t>^ z##i%b-48~brbTz@3e3Z^&rEdq6(phQ+CynIG=4ELbqTJ!F5#W&4^1ghKN?6AqNN`G zP9A;M%*Quj+fULYo}2dIaKi zoF+&J^}q$Z&WxbL4T$-YrdUkyIf_GpWjPoJwVLmSGsB{)l7(xOWjD@TKwyqQ)x&P0 zud6&d{Pl@#f!3~PwxXLM##di7Q}kbKO@8deTxP#mC0ElgbXDxDU8$?r(kJb%o)4iL zs&CQ!UGU5cEYeY092&(lW67;ksu#8=gv`N z{k2(~&7Dkr4Pi!SLR=dtI+OEP^Mw|LP^x~>L>eU~A=05qpcXyfqal=3ay&FfZEb%~?El7mc$*242A2B3VKGD0@mjI!+UVb+Bm z$SL-`yB0HVv+!yuaJCM11>&>Ww1Xj~Lmm;tZjQ+6WL##+Y4Cfe&4C`}K` z54~sEtd^YgJ%|?iX~J=Qa>)OTKJRBWwyRqNQj|_&BOHwQF5g4bWks|+OAoU=O7r_*cZ1M#AqwaDV@J!Sw+bnyN zpr(NYE*h)z-*&&1_fW6M;1oS6gqkc~Dh;N`gIT`5#`7;PCQ0L?p<%ljn@ zR?nzOF^_et%)TB3zY*ntt*Lj^4RsqW&;swpKCA~14zKaJ$JMVsRH-@!L_b;%wRIkus-ZQtUjD>)hx~KsNoycQ>3&ugj!KG;|cjdBdx*O8^G+gHWc@@>-=d( zU#KkV# zd||J_*!3aGFr|U)mIA3W(P0ST3g9BY0rEwi+&NiM&p{A-Wyy6@Y^Y$N9m!BekX%GA zjn_Z3bu@#*R5+?7_%~<^&Ne(_x`+xQYR2#i5mAj)$Ggcq4R?uC>jHXTLvcP-wB04yRd@CZT}H6_xa^NVc9XG0c-#R zL{$$_$p)I1at_I(D|UkTjJHMAb^)-fBs_?vTtu?8OU@-M=qFbSuVoWSSh_QFZP??I zVA7+tt1ed|5ln9T@7UyMJ^0qN;tuCpnx5PSeq+>{RfRjJiWyza6o~T^S`{@^4>S^( zThMXJ%&yRIsVYNC)M^v~^@CTZfCpLVa82@+WD;uACucF;-AeBuHeh2kBsHqqFl$&1 z?!&#hp!pkH=Ndg7o8lIP-62yU5`MfFu4X^0Jv}vKi98K5Z(kzh+*-TuQYM5#%FIwS zZ<#5HYi2Lm8Xxu63oRuHlPFr0gZfgz`-o%bal=X zXWP`(x!7U+;{lR_NYMqP1~&`NL=}l!A-DE2?e&AdTS%4a;-Ie%*e0C)B#TbTqModlnk_wH5l)w0C=~4`n-2W$)6hs zC(CRRD;#D#()WGA7tM9rk1j`MH@f*uw%**txTfFi@8U|uJb>H<7n;k_exT|otXI$*jB zp1IteRSe0>^QKFH{k`gx%FZr^NEYUu4&LOFgITm|jly5ioyb>_{5um2Nu{14xVPIF zS1$MWC&*e~v$ljM7yo;x7ZnT}rS%!3i3&m!Eqoj3iQ|U`;5EA0MpoWnij{rrZ2-AzT66n|`T1bHKNBwU zU9L^^2ZjgNbh9pDV82)mvXxJ*<*O<{sT0+9Qy-OkPqO0bvhf10|Lno_zY2^xAa>&| zN$}(DElD~EWR^geKKc6`_d`8{9V)85$F2>O5IkxpVF`6M!(6^1+@JU`9kx06UYs?p zpBwwmUgI8b!_>arJNyFAk*2N z(u;VZk;Wqi1}r_CVDmR>hU^2#L!co}TEjYLowuOAmD492L^zAZR|fFV z`>#i=v$J^y!hh`S@e z*W9i{Pt7Upkl;UIfYfA*!j_xH0)}XUx^lXFbZuq=Mg{UfV(&AXHj-kYW~2sK4idN^ zEbzsysYyaa_*Xb#|GD}|bJ1Z|0grDff!-T%TUwo3n%R+ei1GMyu|_!@3N{Acm;M+r zmRe*xbi5XnVoP2m;Bn^JaWA^wV_=Z~8`?{Uv1XAy0fN0px;NrFhlOwSu$GA0K zrwO((GmSLTZEex}6njEP>CWmd4CKZfwIn-FRYZg`Cfesb+_gPTQWSdv1lmV{yA4C} zkN35G7EThFM?bcN{h7OtMGoTxST%TV`(}jZ`75|tA&r`gB+Ni=tmWc;cg=y<`QT1b zxGd1&YcE|FfYCtdY;c1(o;`6Vo7+Q}9UxhHa7pUciuJ7fYB$P-h;U;TQ0b9 z<hT_P82Ke6oitF$V59BZwd!LldRD6v z(2j~zR{lqYR`Uqm_GA(=2F>?Rk{dPBIVE&NIG@eJ%3lL2dhv2@$;m4+aDbPp+GD6f zZ)Suzp42@s$G7Dk(n0kZWVmUpYbrG7+p{_C`QRXJ6)H+GZCB>;ErvN45-93aLikMk z;PbTxJ9b}U%uN-H&@N{PNnzNLQ|dJu0843?Gj`*j8#!yy+iH}g81CN>ts(Vs_nvdE zvzW~psVUKBR2jL%WW0nWi3G-3$2#@h8=NiPOLm0$d=gyqc?@QwmikQ7gR&G^$$iz= z6_J1YtVukE(kg?{7B~B8V0#5~eT)!=o1K-LKQI%rbB-OaqPXJK)0M3omJ5q<0A^!N zuRv0y%?Gd;_vw<+TVENckcZ-7|7!a|KI&XXhGRP5?RDAILN%> zhbTGu_(meA>;Q$|ipS(_!V(d3K=Nb}WBfU-ZL`^GpH=DsTXZ7xlT==D0?hEAgD(@O zX4ghZqWiKk@c-lLo1!ym!fq$FlZkEHww;M>+j?W$wr$(CZQGb6XTI~_od4YPs;;WO zs@1)o-5bx27^t4j?V=?Fc~{KyCwt^G8>QnlFwd7wv|rJ4E*}jW2Wh`@A?YCtp1E0Y z({GE@n7Ns+Zwqm;yUt-xR5WC6qq90sMDlZFqP)8*PluQ$I1wtds`yzsYNLCFMuMrXsCci6@NRc(rM+g&87^}x?K^GZt&~UTkq=sL zRu(-ec-dy1enn7H|Fr8aKD_Sa6y7CqIt9-qgrluVKOwX|Np&pjWEqZc9GJwz!l`#- z9H_+a^y2YUympjTF*?8>w_rc_{f%NDp({D>WpP-dvK>+9I>cJ!JN3)pCj&SWG6)wFB9kmxNP6WR z>+s8sRz|Q)v2gAAk*PCPW{yF+j}_#yl1dvoG(|t^2L-w!nHrZCN zE%+*249W;*Ge$jNCXOoTJ>nrb2yUDwpnLE5vn`Wu+mMWSPQ8y(m`b=@~J z`ZCuB37j-I?ydloqGOnbyyASiE4Y{Ad9}ySL;lJX14JJQyVGUqgPX=>b(;CTW zLg!BLB2%!H%T%vLSxi$A$np|aBStSwzAF$;y+Hw$`P9!7e&g)~QIGD8RfCqWiJt8j zh=oPoLuJ4)Fnv~5!D~EM2K_nUmx}>6Uq8bZDV_M0H0Z$-QF>1lA>Ua+U~cwF+RR>y z*Vn2w0wqPjrVHyG$&RbuiT0&25qgrK7cb2*8;V}2T7*RhFisbst{RBxjsH$`+130S zkp$pn02@JEf}6OI)+OF_juE+$&`@>sIao1N6P)U+VR);>+&#de9SFHIH7&Ein)iuG z5lbTg`b=>I>LMQ_*ee_(ji_2Hg$C@(g&++B@qw!XkYV+m0RueGW1g9!Qi$G0Z)0~8MLp}7g6v>e2jN%( z3mdhX@H?5CG-U`;kD(woba+br??#8En%YJnUS`V8r28v+5c6 zm7ZEM@7#Aj*uLX@L}M{;pA>!GUw_;GR_sWW5mbPI(Z~+kpT5iBGPb?S#CA;$Oz3fC zWO5Bvq#POEEO75+*fPQXh8{e6(U{sMrx(iW%?FaE?)e)0`33U9GxUZ;$hy}W_}s1u23x$doBHc<|@Pb0pYIc+buJ<)BLC_FP1g@N0Aw=5kqyVaVj z>XVBUIWOCjUT&9GWQ(eryV@H&rRriIR-5a4HRS@zas@9mmnvztjt~+)IlV|EFW7@V zgV}~!jlvJVi45`ugG=+5VN~v%ygYB)3gU6uW9}~P`KnI=dDAKw+kB6kRuZan(nhU5 zpR23A+HpfGbXJhjBgd#FL9y-)0mTnhdkdWmbN!v}Hcic-guEtEJJ>O*1IL+@s}Y4C zP|ma^Hs4NUab{O6BPqk%8RF0yq7Hn zaJZ8Sv5hg|7tQJBS;+6};OEls}0nP=Rj(P9_roE#0XatO52OmDDYFHabnxv<&`eGhP#kIfyBxNA( zjD2$pw5?bYjd|_GtYEq^x5H9;9LKs&d=28DGmK_4R@5gfI?qE%@h?=l!T}A9{9iG* z3SH*_j8+E*JEs7!eopbHkwm-1Dg!KLpb{lrvpCA8CbV(HXqu`M`_0=PgaMDb5!#h1 zYzAz^e@6KL;v%nlx)Eb}br9C( z2&8I`K9w(_tMV<-hEL|_)E(&RV$=DclE*lTF1M>r{+1A+n z{5a3q3jUIsQof7U1vd}Y!h0_Xk&thUT4pagy#)7&>KSYKQ?*6r|0}SlI#cgl-7pIgy}l-|eOGASIdUZC~eGj`G%ZrDQYr`Ru=TE)IX2_GFQD0s#aE=6V3;K50k=IdpV~q# z9C_=tJI5SIj%1L>^t}G+OM^K9tB|_rpJHb5V?O2r1y5KOWiZy~a0DOQXx?B3MY_o2 zG!|){+J+rAuH?R|DT*kdqeSw^0AZP;W{zx>F@8qXD7bg~Shx*DNrB2000R*pgSbN| zYIybwBWi-16X)!Q%r>E1%fTXZh(Pa&#fa5zXE3G-ia4s6esftj`$8%3(qfko zrb#Z>T&c50=7)CJ8Z&&_8#j|l9Sp*}G*7%&KO}R4Q_S*{wc%@(!=lmX1BTsQx-;;? zy##X}i?_^2bL)}x$Mxn}ZtF4}#NSSR z@YMUlJBI`^m>kDrTfCntMoMn%gPXTnwIVlYC_yBGg~36=>6zbBOKt$%2NfU6|A>4M zX{=Uku0dkzUeGjvL|8xFQAyAaVVo0a$V_u_J90JMfl^+jtmN6lGb?t7N7 zAxN$&ncw0PGCWTa>QUm5@~-*q#|h;FITOcZj`Lz6Fu1sx-)U6=q)Owbcg6&qfs&pz z|2N6X%+2_av%FmUNuR+^JwUa#hr=jdYF)fpVrbb3Q^0GPA^KyZ+Bi|j)M8DoN*``> zcN*)bI(_{Q0IiB9uKD{bRb$)=ime$4kh6B)v{vUh4ATfmHUh+dOV)d_FI%}j)e*%d?I3N6%E?^-UG zs$XDUm&B<)mGgqP?6c4DOsWiT4t;=!xy?3IlYwyqc$4r$($!by6111^l>bmJ*e^&6 zCbB$EX0G!|1-4XlpT*k?PvJcb-Bvp~bKl<%taSlzjo4>(COCB(C6&g^hYrrf$ycnc zvFeL5>2`8&U!7*7+^IZp#V{IZu0O z3FzkqoN6y|*FI2CrW-TL2$vb8G@E*V?7uOz`yW%5^8Q}U3ADrtIGkdDx+3TterH%i zwtzlBW_DJdbI$!ID>yz5(+)6#>;j=L*Mu4K(9p>#ix)3J%OE{(t68hmjRzEva7JsZ z)IUTq@gj&^nCiynko5L^;(^v=KSxT}8+9%LM0>ig!y7Q~u22;-3hyqo)eG*0Eh*ON z5|>#pFd$E4NeMC44$FtDW0GzddbqDFDpKk#$-8-AU1Yt9l#ALJ2)RY8HywCL`RuQV z1#O*Txb~Ea$!XaxV42Y4>j!mgVJTimFxPnRSVwP9rK`Fcb9>EF$)fL&FQkq+5LNFdvH=(O*}08PL$>i*-(x3MTxEEAa~7 zlpYXmT5fxm)+Oe(l)D`@7Oh?W7D8+8oT?p4eqoOCvq*UC&LHB~(bQ}`*0=<-M3OC( zFdldctuL&!ui=Of!)BM~wRrMQe7tS|q&CX;pXypg)C@c2H8Lj0ZiSKo?y8rO!4}#d z4~Iupn@~=`(SG7Tm5W7~FQJHRNp3TqlizUf*An^Kmo?yL7)zYP|es3~Fuvt*beXwY3BL_4j)tt7-H``x)MD#)-IAlXs%IHXwu4tUxwY{4J5 z&d&A+T-!l9xhF?^LGs;3Grq+G2rcWxCX>cezUW7OZTsk{UL((3p&yn`)J$liPQ>-)u2`ptV}a-*uJ59{%kqsU;e z1j>Gbo4X6L^FGjIhBK3&X0K^q^O zrh@S&5>g*tyI0qGHzr%uK<5?Il?JENaT&mccG1raX{&_GT|Mt6|7~M% ziY@`m{hqnjZ;$UbW+uonkA0{*e744KzeJk5Dz5XuiR(5bgL4C5&Hl&KuV@!>tE<^3 zN<0Y5NY~iR2y3N!p}U!_ASq60Y_it!2$&)bhoQSYz{c;$c9fT;Wj#`$LJ!;El-N#b z&O6Kv=TEedl3zlQSYVio%>LXsW7gQr2g2FsqC6x#=;lhTOsAn%lyFz61G;wjwg-d*rz^Gk$ZT88AN zFZ;&~fJ$)07ZP!41RC}x-rD8JwCQ`gw52rF0>6Z0`xyE8yo{)1e-dynuOzZVLxt<$ z+dCbwB(W|ksBV7(GxH8Rt;$hq2kH<9ZbRYzK9R$MTtWjd@}Xwli$vnK%pG`82t*0{ zxhECacM8-?H(Y6x$o@*an8jd=(Qryf=IeBQN|QCg`QfQ_Bt9{#$T5<>Hj3f6+*EnN z{oC$Sin_4Y;V-|;3)iD)cGgUSVQ656Ezq&NFek3mqLx|V5e#lyO{^)cGh``9Q{s|+5Y1>!QH za5FKljQ?pJJwev%{yC5Q=T=N*Vqh$=VklNI zD@X3@DMr}Yy4$^Rm5Or}hl8uJcB&Ij0l4}|{TDr!@Rw%BJB4G=jyY>Tvk+e{ZbIec z$|uD-+$u_Ku${_WV#o6kp`N6yR`d8*qJ*D|7XE6c5+U2 zdjWz=4NwCj2QV`*{ePrm3{LBPPHkGD^BTN{w`-jS29PyKJLWv0Kvtkww-7udVs64L zf<_flWNc2l4z&OQ5ci_&zubW%ZQt&*NU5JEQh|?JIz8X^zvqj`ul#9~J=b`Dj~7>; zJ}3cs1dce=qY13*%w|pkl=dom{4ZFZE=MCf7 zRB{v@a0pl5z4P1kIx=j5&#LkNauu7 zEAQE>Pmmm`JEUiXjU%B57P~F#;u1?WpLAK_xQ6qz{pmBL%%z`t6a8jISBf=J_;O*ULI$?6q=vP>Sm~!vJ z%I9>MHZFd{`);1yp3|0OtC?#mdPoq#q~x>n2$sp}ltMR!AXN>BZ%>|*Q0qXsJy|bP zyp~j#g@-6o4>gbz9|PD1BV$Y#$I*fEC-942;8^ZSrCS>HwC9xrA50@0Gx|NG*d$rF zoVUV-KicD!w7Fn=Mgovd6sHtBM#cVp@y93wHi+=)~z?n_4fPlQu^X zH3L_-nEMoTa-Qr(KBcr{w8>&?tx97~1V!r5Fn8Bkh~2Ra8vr8KeBwRp8cZKyHwrv@ zh6<3qp##fHbmS+?wTz-UC}OgB@2F^z%u)In-&f2zcqpX zZ6N!--JiBxT@E`$ju3p*@H#X*=fVCpNcRlCb! zF)Kq8MZ#J!V-GmJ`mK%%bGR0TEt3c@OzW=DM$QL;g3!`I@juL-afwW7F{XBXLM+(y;jC;P-a z5f>O?^fXb5%pSrsolI4sqF`dTg3{I!cN$I;sG&|)*>^}%6!PdO^~Lr_XNET;hyy?k z>bKqm8iE`26v!>f0vx=^4}oLvGUZ|(r<9AB5u5QO@bH@*iB!3Pa%3} z>}oI-9RNJ;WaPYWFxAQrG&UZ9@bg#SeXt+d< z7Uan{9rU_gV_2`8%R~<$9X_$ToNh2oe$KG3#2eTsX(fG;PN|ov_i?M!o3V^)jPG-^POXyUiLw zg*oq@YaS=y5D-Eqm=tTe#fvYr>v6<8igij3&LAK_9v!Q^p`|A3a?X-9uqKGbu4~He zE;tQ=0c*#yfzBPwQmq_rlQccqn*yXwhldM0czdAP@9waIS`Bq8MaN0w(^(j%+o8Hj zQ84WSr#g+pCO*&mnG=LT@>gKtB%3&zx3=bIFZ+Z057R4@+$CGIAPetyT${tmd7>Z0 zFLedH5*xa_avk+Z0ii88xNbLxwVxu#Csvy3S5b(*e41AFqJ| zM~c}ZQ_>`(ie^*`+!!$n7vC0>5MV4-6UlHQL^3|vw5%eC#91(9tu-p!Ov^3Pg)!gO z>`<6eQAWiz!^QX~vszqo&*0q5@3l_5O2xemeV+e3-Paz31Z)LND~G5IHnKKbSi0{G z;mw=jsYiA03e;^OIKvZ+Sg@$Q?`1bGb} z^#?y?zNJ4|PjbGn+Dv*QKcKEFYsW)K(l2QCcqHW-Hngp3?l+1A#nRb;Y|yZ}cxih? zslx7ryU%xj_C!dF4`a4`1AHQj{XXvwM;mNYFQ0w`PiOM|jsI<~0S2&a=Dc16xm0w= z|DLE^8n*LdV61J>dLqj%VYiyJ_)*U-L1EHBA!?c8>-s*`;|Js=3)XD0H**hMnt|2v zErrIRS~Yg^@-EtJ3>H_vzaNgK>zGFR%YQn!s0cxP@+>MEa7=_1e&0DL9thcIvP0Q` zND65mJ0hSEyZJ#l!vKsN=LWOO8d6<4Cn*AaGvOan9C%b?$|&s^luvN>Jf^1eYcY() zL*&ZG*zuW-uw%cH2YELt96i^B4x{_ywqE&R zBG(pI4YVU{dIn&MXL$CAF!B^{O-~}08=$MXXu9me*$PVhlo^cX3)wl-5ax0*+P|T# zvS;Rp)mf!UYrK(Jg-S%SOP;PdsP>n$T|`~zGB}Z)nZ3C9dlWqhJIUAQvxyeulFD)c zB>mpxb~E>>ge>Rw0QPdQrzQt-TP-qKzI8pQ2+d*wFMSMwBL%R$(w53 z@%*I490agJyGu(|^moM>ZQ(VSuD3+nCHCgQ4z!Tq4=bG_?)7mh%+Z3<_4D|@oZ$Aq zDj`va?3G?TFv;aZh1(2AhjO|2acBvgoGT;p4c4mzC++Bp2m5<5n| z-+=(iZe55|HNQ2BvgqzZzvlfJbBwtMKJi}olDvbngdgHJCoyn=5s<>+%n0G#CJ@E> z!LbuFyk5aK)Z3%Fo*gNClzlqyKXjg-8FXT~I3J(Hr96T?7tO!p@ga}4hJd7WAA_lQ zJxOavLANdwD>r1$B?wbZqF;g;Q+Fljrab^1Cc|P1YZ{j+e{LLC;;ncs*Pp2@!vA7| zTSZ?1;7^77@R!6yxkg?-|^$@-nxJ0^o}o0-Q1;rtlF7wbbX|`2heNZH;(k)-tSg_v+lQh z@LA1q2vdEaoSW}OsI{H2_Qx0j^ThrfJ@V^*p zT6|^fr2m3Peyj7wt>pFj=a$KtG7oyk3~r?lmuMhONJ&g4DzAb#y2c304YBBV*)jV3(&qy9}CAK}Bd{S$1lHyHrY(coN8Cwjt90 zsgEcyJ|d;oDiF^yH&=2;V`Mm&36JBVBBMk`i1&p1JoJ)chyWcKc0Hz@slU@+FA>D} zjf{d1c8G`|(%_TUUImTD?4ong)6`(jq9~p-1X#R-CCO7d_s+7Dg+polKk-M@-=;NNopeU#HPA=Jt(IAK_;T|~9mYM98Om9)*F!sYu8Rg1`*y{9H+Gier zCwB&S0{I`0M6s}UV=}v97~v_B=n<#Pq*&dz#okAX*}XLkm?g&DE{z(}lkt3~R6xqd zck8_7fV@!Tyde*RLSnj$&Q-#?!wWCBOt1O*`bFSD{L1=kzsh?FUG-vwIz0kRQW}W>Uo}5`3{Twn$?M?Z z??kkKn9t972N3vqzf($ClDEalJwVem=t|a%$y~6u!I_FlQ`2g^*Y+r9a>qQ1^A_As z(HcS6U9wf@6FoPp*`1}(<1!^bNHTp`>lpsOFx9c0U&G{0{7hYpSQZDBp9|CF0tWoZ zlN)+%CUx;MqYqB5k1U6R@?lmyL#@tBJO+E@*MG-l!(?!tm~B1#SS%MtasV?NGb0AV zwEJFVrSZ~uYarBC^c}jz2{w*XS6^c@rtx2st z1=!6579WcWr;^1BpH;U>O-YDIj+-GQtR!qpo^IM1)o-y} z_)lmD^gqG#e-9ue#sgQd2VF~A`(zXqAw?@`4DrY&qgQfIB`lWI6P?1}d-2bGQ87um zk9Q@+P0jf!6GblVh~JeHnJKW%A(Etke}=@m9K4~*PgQl%y`^t7ArRHK3TV)i-fY;fA|%Ql zrupJz>4+*}UuRD;hyi8PP1v#S4{#&J0bQlU{M^x3HXopAT2QDWC=`%B3-zn?!$R~9aj}nMt~>cvVvJ_N`8B*TXqU<6%tpO7sIj2V#VqqdvJ?ptvor|+ zTnVh4f=1#%o1IoU&EloBh06BdZO3iH1*RYcwo3rBy%30$3aM3UW+?8E^|0A zu0B&KlZw(KupS@IFVBo3w~r@muJJQVaOqQhrMApijEe#Qi=TkT=!@!td0t7=d+YM2j_^Bm1X=wjtBZ;fKeX~KvclxU}YYVw%cn4vrGiytGWoE z0P4l(3?Zy9DH=s6^Ngx6c}T;wh0DajYBBs6Uq<>6s8YraT4{?Hv<~DMz8c6N78w7P z8|~r3;fh;5;$LPPd~+>YAKn}>8cj^GY|ajy_YuBo}Yhk{I-ZPuc?pa}|LsxF(u ze0^;RAPQmb78MnAebAR_q~%5k7RL`MN63Dz+mJ$m7VMwqK_pd4G`6D`LFkk*AcEr+ z-5t4Y_jMTZ)(kjpAae!h?kPK|c`jsP{ZW$V0q8Vr zCb)4mT{gVtCM?G7&C~gYXNjfG?rmQ)NNH<(DNwYE2X|MY zr)=H4im$`}W3jL!1}~Jcc&CBmHUu*Ev{iY?Vd-T}?2vF&6QVLx#=J><`HcwF{~804 zL^n|_*3NU)2ramWc3Ca`i*tH0(P6|AKuVchYU~os*tBUxBddLc&6R5B=)I~xWPF%Hpr8Z405MPq|EiVMP^0xWe6<~Bk<3=_L6 z;a_CIlPyU)$1;PpQ=pon??WfZBbHQ69Ga9|ccxM;_f{5I(Iq=X^Subv&=FDvcv&2S zP6uKB!m`(?uwB|v0;!I9bJP$v`ctGU+2Ckx*44P$skHb(bUlyE_BCTkXOIRS1u=*+ zpv1Rly`qD{xsuT9q7=sL+{r!vnDfakr~`~HwL%l+8Qce_#9BwRS*L5hMN79o|LN&)ad zm6G}Q=y)`xJkuyA=NQv{_I}M0s|{ zWDuCpzgeUiIFY_jx7=iQrLU?)e!Wja?t_XLIiF@;y%JS>)EM<(SyOHUBGXq}K`_|9 zZB-^0>OG3b`#DyrF|F279x$Z1hOlgBu3g29f;ADY zhz8HD<{P%V*XH{ZQXpCZJ(cmwk)R`SW7aAzxUXxLpw&DTtfV%ifbD&9|VXWLoZAM1fXvj3M(668n0RISG?< z6bb6jA{QMz_w%0@#lD_}_m^41kDP+kwk~kodvPo=k3u=^LT@sFbT9rN$x7gWIXJrKDn%=h(xpg@tdZG?XN*q)X@a37ek&K8WJffnt3lug+p#+M z-(OGV{Tbxlguk)QN*GA*kt@79(4+9R6J?#o5!by%i{$~QEy(5qF)bBLXxH!jFaUva{?S#GyI@`|QhP(dIbyZ9~LYi7%|G*Y7GS9hF=Ea_8Kj z3+}_@IQsgQoyQQromBqh3UDlRcNJDlfu2Y}SfTvs#b;o`varGy(W0dud0S$UbV%;jku^MnU)?w!O3oTa1m zD5Zv!%SaE_o)L4f#bt2Wegdn!J;lO7h3s^EU1;Y4=H!ULYYXT4vF%Z{iyTMo4vfRN zy*)PcUa7`g-W;vYV>_bVLKQyXRS$}CME8GCH4|ez5^1WgF%T^fQ>wolC~0fGF^~-v z(0^dN@m2&JD77j9h`iN44u}^RnEAiWtxE|&IwC;q|2Cwmt^(1){7V%kU}9#5W@P02 zFHx9O;}??&a{0yA?e_8c%3 z=)VzL;{7pdtN0p_7D(#jDG(`uiIe4j@u1yUlChPo*E@Rqhg1C(FJLaM>JAJJJii86?Twl(#z?z>a!u1b5{GKoGx8uIT5fU_b zaU-eB_eTW&%)#AnuebW|&r7eba|F?3^TYkGOMPtxHh`LXYLe5*o$vdqq!oJeON(z# zb4=<->80DJtMknAy1MvvYb&7lr;#WUINgmZLq(E+#*Q-kV?zI;^j&rJ_W-03u9dk$ zk0IO%?b*k+Z*w|VibYFxW#hA24~*3;0}8Cdj2A0KNuk4QEXq4%_6C(!V;4=1S4skT@(QZ^yU;S1FVuVsr(tP?7el=!IPkV|vZ7dj^>+_VZiaoD zT}J8@&EwLHL9QGRTY^5&$3I4f>)JHCg{`8D7ite%x^f?bTYaNlQ_a=dOWch75PNg_ z8*p5vP2s{^tL@mPHbrvOTG;Bk2Rd!>ab&Ye=>z<5q)3iyJ#?Ai(^&46!oK-eD1v3N zu3e-zY|2>>KKQSGZ3K{kWNHVQRSVmk+nQb0sMzctsA)|F?oo7R04*;Ll1(H${7Kj~ zEfO;iOns-xWQh#udTn)Be-{ZgvSFJ!9N>v`7C503+y2MCt&vnGi0J%s;wV~t*WP6p zKEC1+zO>ts-Gi<6LN-+`ApM^M+>618T?rbc1v$uL)^wx>l5k#tDm_4NSkY74 zwXKJFKC~ti=bylZWdZf0V}^(zn~2nwAynGHDOfp4Pzae#>0}9}rDwoPZ5#^yOBHQHD7D2Va_UfvDsF;ALypb8SmU1d_+V!GBETlTdBW>=|mSioTiA4_5Gwi)+y^JBA zVu3)0&z^wC9xzVz-lxHJ1?W*$tNXs5CxOUA*RY%|+ONw@Y{GYnULN*XbnDj}TzcG; zGZM16S^{_XNHcY#o)eioK#ca6r1{fT+4v%XGM^gHhuv5OgjgI6)_P;+Xqvh@P5~+y z&iofkQA>n3fyjuIwxFo5r1X#-QI_vFdoNNi&_Rg$KI*kS9;)Uz6kr^&?lj=IA5^*r zyc9PiD#4jjG-b`t6c@!z5dH+Hmp8ql)56-v)!*0nn@QzpQDtWa%ARtfDC+$Bwf2*R zx9n=0OfnadqT1riZMPRsI4-YmJ~16`D2bqf=%wBsG1!Lm9>H?Bb4^s7xQ%Mp3)sqE^Wl%X=|i{eOs zwvYo2!7oPK4$g^I>6DpX7kfl)Bgr;gKAThYO`S$r_JZlmS8HlO0^_)mbV}Jn1$v}y z&Id-$3rRRJP)+A5=F=a9;nzBBG3%P*W!0sHkhzk;QFf7}w42bQ(g}X!?u%#|% zZlT9LBLBXhw>V5=v~{jEW1hp_mDN$1V9T1N=0BS(_z0Qr%xM;$wrWHE-9pCNLavB0 zVKB}%hVT`n0TBv!=TV8+Gqxa4qPcBYljJW$^@m8A7~r*+tCz|-E zl?)BT@ak>FtHWP~4RypPqAGRZ*_Gy=FBmob&w5g_w8d_E(n?bDERG1VXSL2g^wI=4 z9;|Ga8vq`eTf&jMk>||1z&w~?pgZbDo!ptgNrf|`xMuGg8$a@tsdG~HG=9}N*eqAa zwZ_S5_Ry$?k`c_wsrmKA&rKMv!Nd#5AhL6N4diH{e6*-*AGV<1^>wT0gYz}AtF6@9 zNtv{>#t6m}HB6pK&S2rG74@it$gR_>r4YJ{cOQ-2bu$ zuRr!y)^LPIuDY|9ER@Y(>h25jv|-?$19Y?B;>Uw^#4zNkQ)#7pVTuzH3tW8r|Nd*p zGvP^3>PC1zyh}ygLa`ThDd1oiXUv^IO=Fee1=Wcx&0umuHZ>60UO|G8v^El!BXn@J zo@;@=e&sa6M}%QyM->|%i?p}8{K*I|CcEaONh@@&kmIlx??K3K>Dr1Y#L;P{8Z=2ZSh9@0yhRq87Kn4{S(W(iIEyCe{-Ic5tCXdT7lE&<;~ zxu(!Ccu!VrMsFc4?NmLcLE&+Mu}kvn+`JS$XMZMTH8q%t(DLb+A6<6S0yH=#CS$Wx ziMr`QE#Oyy0uP?+E;5LeHq=Lw=Un%|P)&T^%G|1D%6HNGyu@31fz`tAOiY-LmbV}6O>!E4b`ry+93AJWbCwDd|Qlx~5yshkNdie@rYyZh*;LRV_ zHEAqjLbSf7K3lB7=V@t|1kAL3{My2Qs_qVP6#7ksk5l(1H#$MSg-m}-gwvFVP9=aG zjH@!$>>T>tHuzQTc$tElNA8yZIFWVv)8526yR#A-CqUvo+Cvu0CAe5=Hd(u?nAr*5 zM+Q=zG=DdO4Hu_m(jETtB5du~@qp+>{1rcpAiKBd6}67-?ad>8PyE#g*mG!qnqOIw z(3g6Yl042R%H!Sm{>D}NdMo__a??6&{trfQ0T})@kpF)g*caop|N9Lye@eZv#ac4< z8J7|N8w$}q>=bC^vYZ_c{O497IUWf!Ufg9?xU+CoCs|w@)9qhSJiCwbDB$Dw^nGuK z&)?IRQM=aNpY@%Glt8FfyWG*s*2l)LL#A%^y|MI+bFZp4P|U}GP{n%_ZI+$u*J2Y{J7f?wzEJQ{YW zXJk;whLHbQ;{#t3(A1mh9y2a=j_~%XeY`b#eK$o4)&H3(2~6#&^Si``S$vNqF`BoW z?l&*r?Pwg%<$&#|Nr8VbObY0)+?W5hJ?xYhF9HJBQKCrgX#e&kXa-YKpbDW%!1N>IkWsn zJ21LZm5|RBq;pjhF@^$@0yGDo4XRRG|7~vlynh)y_CX@iiWlyWM-QMm85eS7eCW{z zwvF&cFi7?5LK}4tiYO>_m=|k&#!arD?pVj2zKsB{2DzR9N&uxLc(~$$JP@|{OM z(y{Bo4xR=){YqmdHe{Bwd(_2k`;7}G+N+zv=HhONbwkIhepCOgQj1PJiNt|NsND*w zEda}5x)LlRuf|n@TJ~1)xC_a@65YKc4GGj z20Ibxv%Vf>;9vYv5uR-vrQS<`ERSY*Dz@IY22nD`jSg`M&V#%7R^jp#?FW&6R)GAuT7vNLhHca4^C&hy>6miov_U)~P3TTC%lw$n1k<95AP6;`__ zdDSkn=fj7oTxoQ?nD;AA4#C*T-jJ$mYUEjf79byjUAqR)SBkwLZx5<_In`0WR;Xc1 zMIAg*-rxT7;P}>qM~yQ-)qHpl%B$^11LRsf?3J%%+y`NJjBbXpR3qF*$<@)fLmW!B z+k)-?1RGtI0vzTEgTG4KAsh~7(z7l%B1Qkqun-PLRqG_jTv(4dG%@ zf(IieP^jEckN#97*N&Yy8RrYh-?&MmeVCdUk!{%P3K(CszTG{E#lp%4uwVJ zHB+mN?BuX`8!*H$`;E0?$r}(~1{k^6l+ZDgl0|)t3~1|#$k-hpgmpX1#DpOkP|B~5 z*RKNrDVx>ocNbp=J9w6yPvJ8XGbcQ$C9N}F@n*}}{Z{X|jgm0W&k^2(o1>cA&#|Xc z=X;nW^v}gJZ3b7_`FYmCFIb|pow3USkhWKxc!kG^nBck7Bj(^4@_$HP=SRqBf+5G~A+Sk?lLHo=2E zBH))zF66eX^Oyp$R_Q8ueggEM%85&k+Wk%_S>E598V z&we_o$dh4p{qaHwqP)Yn))|dxR2<_9lC|bwlk3>8$O}A$7S_YYBEa!0T1C9BC$RvS zf3|XVbS01GAv3N^zUj%N>)e|N49gU00r4hWVvrB;Q~Z{ z{%i{RN&biaK?Zpcs>iHtS7U>QJrEa;MqPuRrF7jq6ngHNnxeV%2%L}@6LQe_QRTH5 zv@G=fuf`IZ-%$jNvw(&6T)TYLOCu^2qm~UGgK%QeP-SafhG+#7#QSW zDhZ8D{AcWbd!t^u{?&+Q1Dx51oYBF#L;d^6!XM7&sRAd{E2bmZlOyLG9V1QEkzg`z^2Sun=zF9X5 zPi&(Wjm>f`)&`)v7i^tgabp=-9n#W0A*;!9KMr4DeHLB>P#H7NsFs`WChWDjHchuk z+p=t$xT9`x;@jJDG4VR0Y2)?TF${zNl_!K?pFvHHqbW`%S{2)^v{t z90w=Zn9e5tEy0CTIHu*M=M7uXl(pncg>-M*s&icn5gh-$Wt{+FB1MTe3asdLZeNrC zJnbAo21z<+nxA$k1NsPrAlDxTL4VGLmB4EdN(){!a@9+M&a=pyhul9#2jkRN^OyD2 zenaNR8hGH!sxo$`+F~6g^CRA_N}$@Wu)`A*+1{rtu>|08ZCb1|H3tjA(Jt@tCt=!Y z0L%GYBcK1?qgC*hkru=Ii_ERR)Dc~i-n6SIzhtCt__s&dHAwHZ8vMmokgcLJEcomV zlIF!iTtz#b%Y>GQ%+q`#4$7(W($!oGKcIt)T8%I@b>=A=#vHnLKd6>khMRTNk{ni4 z@X5Y`c@q!>oflQ+pD0GX?pDb90;MCq2{-;y)a(^8i^J66Q0xHIQ8_b>tZ5g;?Xx)= z@`~nNI3aiwoZKKrqmUJ`SrbWFhJIplOm8I%s~9nsxT0&=gRBibT0j@bVQ06V{9-_w z==&6C=Ex`_Jj&#p9E%g1l{&F*+8#5Njwa!eKL#*3gf>UQ(Z2X?vdU#!nk$|0b*rM#d)!6*N#n$;k}5bn38il9fA&yMX6*Nl2qFexxIp3b{$Jy_(DKlV_4rU zOcoGj=B?ebAmR~Y9w)R)5mx7543Xw-&i z6(~2*hc^|kNMD)(6P~(1*WNiWRjABcV!wgVmc_5tlQ4=UZlIAY=nY(?FShsnN_DNQ z-5@p?-Pot% z#{C#&(|aeOgtZmZhniNCo=azprV46)W%*qK0qM)@<{a^r?Qt9&ECFTKIV;nY;6fsJ zP18|@+#1)D@=?T)BFwDwwn&-cT&GP&&gHpBYT_xJaGrjnUqM{%53y^UxE{c-VCTp` zVD`wrV@B+B23q*7dLe=CaQUrn8$m&zW_Ry2)Xu~wQI}_@8s(+=d9Q)B$Md4huZ&)A z4bt*suk^NwJc{G2w72=Rfra4`N_IZh5{VPo%;xi?yyryoMkT|G#`OY@#g>U;$YMEx zt)-7hHiWZj3vs z%lm;}WTCxSidr1a@Dq>3l}#oWxcZ_)po>U}uJc7WOqL;9rbK$HyyIVVlZW(n)a}c1 z1mfE8%6i}0TYFcWEUKN#HP_*CIw{E?Om@I**@(43;uF7P+8zG7)v5s8Qp1Va?3QvP z_qSsU(4x9#g&8ZiwEg~Fx;@Nmlautp1sOd^j2y#FShh#yFcGfb+0RuiNN#sSicZIT zr3r*gH6qK{{N-ivwO{vaC?Bmhq~_<633ZnNeq_CK>p&rF>l9)D@~6v@-&!PWo{aj? zxIsF@CBK+mD8YNKnoR%M0>7bOFwK=f2H{_Tb>EBPAz1V$b~}8HZujgWMRc#x*m<4G zMt@()y(2sG6CU+r2mz>1YoswG--CRVY5w9gv zc^mlZCiz3hgy7{(7%C_p%tjj#a|=C1ghS+@zH=fIzb080CV%=K`6|iK)Ff@ zj+Wh~#>vv(lj*$i9UCI+{gftX$?oog5ll^$9be1c>3XYjpVzIN8I6lztbmkrtMJ#9gDZ7Mre(AM~e@~r_><1dNwu=Nm^1H4? z_(4GZ@p=g+Ie!O~S(db9wjy`?CQ7!Ie2vF~$=p%V)E_E!v7Qm&-o!M3Xzc@!y)%>U zm2%;cY|maFjJ;hE-1)YeErw3cX3=jZXD<&}*81=x#`)sWpAg0UYLBMsB<85oj#Eq< z8KvPpe67-glt;p}_l&ddSzXMd6|)J#f<~B)seIiJEo22;o@BtYRcHB z=b&jc#(vF#8{PCI$+r9)-syYD`QD)-9l|hNOnknVdo}V}qiok@JI&20m`TDIYp+Dn zuMk68N>@6u z`k};SI<5uK(G3gJ@3T0Hg(hF2x2vE3c!(&?Kd|y~t?4(`vB#a)R8K-J!MlVaf;9+q zDV9Yy4KVqK-KgA5R~w;YXB}$b6K2rj6K)58Iopi=odlF_5l6X~aCU$s=0jA$rj$3E z?woHk_FR?TY8i=tGR8e?Xwj_(*#9#*UcxJw zgP*@cI3!ztXJcAktQ?8vIIUN++=OGQt|LP1BDhv7&QdoBO6~~?WKknM($v9b_=+@j$k-0l2k+dlxl9N3Z=f!LR=u&Kg;apIheC5- zxyFx#;YasTtQ7E$BKt28nGewO_v!z9@9w?axQ^}b*;#m$`36pZIryoU_9{(TJiAHc z?^a$eQFuo06iD~egc~HieVvxj3SDbkX-n6^{@e1-m z<}Nn-JzJskVlSdYsOh-TV-h=7&~zuTy3}}6|0*ZImiod_^`_G~JdX8sREd;e$vu9Q zXw8{aCLX?|#EGhLpQCI3TeGvXb##|kCtgaEvUwl%0*tm!%Zxf+ z{pma)>WhsRk$4LCrkiccdhRkr%jp>$!ADW$4Uozc2{Zhmwa&eYN^WYw2;s>^{8vyM zjB2Mw=df6ERN6MS4dgOcHqR)yf*%GVKEOxn8N3kANrFM#C}jovH~xg<1e^s&N8Mmk zUXR<7^vG+t@ITW%iLU12>CGz5H8Ecm(sLQW;Vbe*xTjN!!0UG-i^YxYfyiF3`!DLC zXOjtK@xEy}I|CnEE3*c$MKTdK13Jyrjv{gU$Otc_Hbc_uqst6F!J}S!jNBQ7HFmkL zR~#GSSqQpAnY;qQv-&paG#Vu=8uxU)`qWAF;Xoc zkVG?e(9j0|c`3bG>|1+i5Ejgn43bQic2%q@xHwlkC2?FSR380;;XUo)>M~5rDVR?R zdTJhfT;3+L6Vx=JP;c0CL^p)kir>qC$_2}t31oP=1q>tzt^sX8^6tJ|sL(I9IAi^4 z*a5?%!2>ph2d+KHs0Mrbxnz?Mn=cdK!L(V5>tbKfK(55ge=O1wyfwbvp&j#Dut>>> z=C7)%)w^|Q?N6P~)S0TEGg-mc_LEtDa{Zr2VoDMcjrDE3<|5E(iB2#1(v% zg`j>|n4*-PvF;X%k^L_JM~^I!>8vrTVCe=mXwQZo*!-iyGF=aEGk#(o#3G6KS#`#g z)73Q3G)~9XxJj;>y9syy6ZjG^A#|HK%N0>+w;1VXi5!rH6JTu*v_DsyOC)YquW%;O z%g^?-29r|m!KMb-ad_qc8kn(aiW zQ#Rif{^Ifrfw;7wA*Ixdex7#1C}^i>CD@;lwqUTyaa@I51)Aey4hje`7e8TY34S8o zFk$NyzP!=UDv%QTN``0hv|m>i=oQCfKZ-YEQ`duHEeY914js;=iGCeRINg6H;U&K2 zA~2iadk2?F5_X8q(Q3Lr;)PT(zCwkp(~*mMM9YLgeER!Z>EDX_pgjbe)l+`YI8thk ztTnJa4bqyfY5&uXM^6x79@DNpg(1TmGFgd<$E@Tzcp{JL!R;l6R#vDmW-7NhD4*jO zM`Ia-Cb32Nk#+g=iiS&c&bT=Bld*>IjS6({j@*_`G{R%mnS7-}1O+x(-s`D- z(NMIuBBykycV{Y=JXo1yS!At{cLulm0qb+jM;6>0aj|;fjszWGi>p#Z5-*+||L!DK zlQ^%9znTy;NQ==r)BN|GbEEifZYuhxX?y8&H@|dv=d_Yh0`%0onu)j+=9Gj@?#%m; zcr<)Nu;Gh8gR2JHa3RaCG>pd>}5J`&3OvliVfS?WjpRp zggAQnzt9pFSp$xM(U8NTRx&to-8k2<71-a3YkEH0H}LXViDDe}#5+&Y_Q>;1>o=x|R2?7J?HeL12ah>U>J&pe4fZ_I4k(G4CHnLqUFNpiUiL}CUMcdhHR!$Bg2m3 zkapCyx^##m4I>vLqu4R71hi#bt`U(0xs7F!kmNmTM=nmj>1u!K?1-jLGMMx}ooL_y zTW8=hK{l)Wook8hfv3*eGc@CWvg^z})Q2U1kxiBXwu|YmwYKDqOug?&uP;vBVXSYB zy(UTVeHcu$$cCdX2GVTCWx7%+Qq1G>8oIHv>rh#=h7ZHY+kN-{B1S74r&<{qAKVAc zxdJyb|6b=evGaYpqchepJ2M%9u#zAgAdwp+s}&8kkV(EjwB*GDUxb0Q|LrbiX*AHv zc3>$7Sc-hsJq7D^b2`~{`J*Rh_?vumN!!$%o7l8~CW1PAHs?XUE; zNXpKG?chBr&i}I$k1$Ge+4#CdEf!X0ZL2kJpc1#8fcTt5x@&Fz%9+iYR6&*OoDR$+ z0NIr?VX;Ja_^n`vNvIx=!Mmj^*bn{9oBP7lbRSYz=*MUAaPQZhC5O0m<`t-Y z)250SWu{)K?A9#J_11(1K=z@^9i`^yMGNWq>o5mFOq3XieCEuHnLdu9rSg>CEgCM| zoq8h{*1bSxGpUuMPn9_=SNl8@oav{+y#&D@LN_8wPdW5mpa=N8XBcvfrGzm{cX=~^cVU&aH|*F8axy#)+&4scE*$=Bi*zq!skz<7A;2g zm^mR%48y=Gx_D8RDSmuC!ukEEn1SkNIm7SapL6G*ulvP|qtTo9q9?}q;?5rb;hXvg zMjsz9zfW(K3GdPzrHR?spqFc8z-W4UHT(g*goIrFsn0{;P4Hm^awAFNab>AM0y)=z(u6#G0*N+5t zqtikPK^QUNPADXe4Lp4~VsgMq$*hkFu6`QxCS2~nTlZpB~jC0RfjPj(lgoQ?=^DS(>gw5BzaNN=<*)hXs z?&Ed3qKQk$r2bGEI$*IDzz#+a84or@E~6tBe?UMW%y21%X~%&8T^|1pg8|Hai~r>Q6{el2?osNhU~ypfZhgYcBJ86 zaGvsQk{&)78>T{eDNXL)(g@Wwsi$d;-P=6gM*TH~sRoI?L1l6J;b7z=ZhM{Id8ewX)D&| zmMsqbGV2v*_$|sPt)06{@TFApYG{y7Iwi^2WmXH_z*;J6I^K)A(s-yAUwP=2wJ9LP zV_ncFIM zz}LU6_gW4s9)fx1J%Mzhdzk00RLiUMm=~yAa!EZ+QLaAyqJ~>klk(p0By}j7H?(W_6+i4HEB9A@IR2(aX=OG#Je8!wJ-)4L&*wp>dgK^a~{LUJWq7kV4wJ%*g!A2;K{o;R>qDqfH1Jwg*{Nbt z=z9(3T9^%V9PLnJ*>D;)sMSo%eoMdt)8xv6!d^feg=fhoGyN~S3hm+E4R3nbB-!~k z`kcpYU=kG>t|iMNT}Q|Ej~U6r3=N--Jf~j@igJ@WEdv+sGSpfa_LB=(8&=T(;&lj* z8@$6+nT6g-*n50|%fBJHB0<9o87(GIo@t?lHVxe60$tU%_Y0-!-De6ObxYp=3Y~(; zGO|owIm$SrTyt)vf8y(?!Z+UuD*K+RVk%e=d2I%!n$6wnDd~Mz`e8X)$LEQCC!xcN z2{CIxMOw}9?Qdvp&oHXKnW!oOG07wglaJU*tNz?mPh)*47b4<+Yi{l_Y>P1K*(R*vcOvy<`xs&qkRBZo>KA<_vnNkjETPjpJnqK}!{??kab5au}DG~9! z1t+`_O1jZdyxS@;vF`;bdA$qZ5V`eDzkJHm-Zc`Ri4X%EkGoS1Lx|ly=wlar?H8~bK!?rK|7bHN1hFqUwy+|kg1}hR{%>A!d zKfU$@gaW|E^#2_3)7moeB<;w3CmN4RuqGY80=8xdz)cWIDhWaeaei2};(sF+S_Qedt@9F7+C&xQH- z%6)Shd(!&VAw000IevKsAQ!l1E);%)=$+v%pqt=6;p#kS%W0@ORlei^0O7}weF-y74#4osqdO@((_Yb5nhfL1R#InddHG3eJNa}YBf32r;)?5nX$q3 z)DqWp@8K(qNx#32H+?>l#>f;j5G56o9-A0Uuaf;>2(|C>952QaWzy8% z(4PZ+pE)8iuO{o#>ijFI95Xu3TS^o?lR2e_k^|H5>52fm0SIShHJ zv2Q2o+SOT&>T3K@s9FT@ZPhdk>9xSZ_JP86f`b_22?-j*0BKl4U4}{9B~jo=2;XZg?bYjlLpei!9irVXpv(4WmXnn~T?cL;7;@YZ zK@ZcB0KjrbJ$Jq0_29nlPQ2~)QQPlj?)$ipS#o)GzFY{4g+s}PpqXv2Evn}_ zzF!Y~>vH8%7Y$Ki`gB7l7u*IaDbsuGBtpm0&m{Wy+;7PnjhgSvBn&%*cUC_6>v&aM zF@pn8yl$%8MHF5^W)+X>iQ~9cxUI-iRO)$8%23U>0DGl}h{#b0auto;ErTyhlr_6( za&lL1ZFXlUV|+n1u-^nA)2!7;A1O}hZ^nV`T6_AsV1iN;$a0&q`xAvPnpb+j>IuQfR#1H%B@dRA zU-i21S<`CvcA+w(An{b|7~s41mu4pYedgHyK%0X!wjm+q1bBwRopj#zdc^0 z85u5j22W|DvQL~2A=#i%H?*y5hG_CULJDG30$xQwvS1a8oPh}g+6)e1WU+cb-F(i< z&-q2>kBQL_+lDkLR7>un09P0Ouz;T|K5Vh33&_f_`b%wAsEM)NzU>!U=W+0H)6S}j zS*MKpStT|T9SpNjq8ATSlYZ0^K2I|Z!hJrx;=*qwHtua}kHJen)mfcocMr7zl-3Xt zfLI(0s>;_))7fyZ`Lq0_kui!QY;XC=?hy1=80xH2e)zjH7CRi72}7w*L;?9VFb-#b z#B*C{>r+0ZcY>dkl!Eg=tp}Htun7!#^UHXkl?AXHiA)kOmHdc zz;`$us*@O~xnRG=e@$~;pJ(<-;jB&)eh$7j*#dds^r94Qh? zS#zbP?v%wD=i0n@857)|R8!S9LzNGEP9VbJUp}aJ;+gfFjfZEu@n8Ff%+g^QZ(Q_#d7@NNlKAjiPnHCC`@cwifM2@gW zD+sQ27|-d;BZ3kY%p>;9fuFJd>UjPjCe*vA={Zcdob|h(;W<=qm6%lUEZPt`6dv`t z+Ny|rPDEkS)}K%N8chz|ONbz-2)@r+eU5{KwJd4ie~Ji87m7RpAoD24xGwAborp=2V(yMJk9F6S(t_KGM=h!A(Pdw zBu4YxHu$^cFnu}->%MyPbF5dyCbXugxe`f`P&;ojnD)rgh5B7|!N2vW9pfvBYP3h_ z`Fo4Iy2sBu(zcb29p2`qT%epIoGXF$fOjk2`Bx5z7tOl?A434(GNhiT|E-2~HZ!vO z&zD1bz%wvdI_|?iB*^*y37{qI$+(LSWCDT6K6Tn#d>{Lt}HRDwf&+l)ddm^p`yqp@o80hnVx<22X-i|o@pk*2i z83^OA?%2K+)8jvOwnOHKLPB4vQEoB%p$h@~l9VJuP$UNo=m2Qq!;`jidNAJorF$4xGw#J@tL^A9PU_uFdYak~e;Tn0gY5fSdsD z{-F5ql^pmSLv|4DGtRBqxFoFcko_#A&ADft{c4yORo6s&qp*D?N|<^stSf7Of(s(Ys<6l{<%pw_F+D#d0znj4|`7 zj$I+vafDqZ1gy1>BaT^GRqIZy?z@;CaW*W0C>Isjx})XV!TlH-8>Pcg4twOt{NW=$ zmzpyl07lcUG5L!(J8Sw}wv6@-vl$>sSIK`(hbt>v?v!i|vobDeT=fNxHv5m7cPHf; z_XXB;y<&gz8#RJWnf}^P&#!x$jl-B{VGci6R zPa_3qi;(-C5|b19Z=4h}Zp15}qW zh$=gg`KFybxU)+QiuOS!0ulfq*p9KHwkJGl;=|dfYf=k$(9nvSbm=WL*cS2BnI?Dk zaM9s+ys7N4B+U&2ZbqhKQ<(FIV=E3qc~bAh1`;qVd;6#;b-;IFZSp}HWvL90oK>2@N!_{xVV}0Ywnedl%Dop^C#OI{b7!LQZ z+DtWhrl{i);=R@ep(J!RCCdZEo*)#&v=g1ca`(4tU1SwWj{fG*5WH-pNW`%P@PFp{ z4G$u&OOlF*+2BbtjGVGS!RgC0Hte;>XMb7gd;L=LNfb+6q|?Q~$6uqK1)HP~Bn-wP zk~!?8Sg3&Ho9*#Gpwa z+7XhTQKsPZax})R2#w7vVJDTs>bi=N%F4{h6N%HzAD%ho69fU0-)8PzyEWfve;R0i zh+3(N-+lj5ns=-zbFU3+iBzrD_!!@|Fes?W>13Gs9-Ucf55*!#xYu$qaH^o={E2p9 zDLa&;_LI@l)>5@DYQnY~c0v`3a3~>QOA*$-X}(y>(6wu9m(l%QOXuQJ?#RfXdef>% zm&&2~#z-4A`SS`0gh%{093)sc*CFQMCO`6Pa^a+pohFb1n*A%Ql<_sBoDaEHHS$+U zgX;q8giNt&4N0g}P$?5bi(`W6-D(+%D<(YqUrR!JRo&6ZIQs39VVymn$91`+g7%EM zai%5lLk!diI+Tz$_{B17szN*SloYNC{@D#%qXvp9o|aR*gnT` zsVU<;QdMbWwC3l(`io_UAIgqTGraec)c{Zu3?mSX9eT;2S)J04@~emVHR)#CNUeV6 zXD>>0gn}-0unA*K=i9rr5_F4~acztj6WwC2UkDd2kSE%+OK2p2jppqRY87H6mKucx zjQ&3G%jaMNx?Fu#yjO;(S$tk0V zq%%8gMgnDMNL@;DrBqY$ECiHg65H4Xt?<;!-JZvQF;P6lA|8rPAfk({+X}Qk z_E2bZWvi|Fokee^t(!Pp_V{x>Z?Z4_UzifFGM*ngEq!y_CZf# z!1cERTDdTdgs!C~mCwXnbH5frQoBJy{Q}KJl4&$#D!C`>Rs6hLHyqV(g<~@;R-!<< zUxnz1-s|jCNJ7il#4?Sr_EkMgLqnUB*`TRYUMl6APl>chkWP+-{TB=|?VTo6SvD`? z>We$?Qu4bFObWBC7_%O(JDFvmdOUlzdl>Hl5mHi?ZPDZWm)OJt?r&m)UJK815CtvT zcp1PdF5a@Q8@ftWg>m$|%x634qa__pyul+a*oEruMh$7OEc%s|bv;ndN_}Y7&h=KT z^AjwWi}L>9AGEZ)&-HH7KLJb1XRmOWm7RY#J=wohS~btI_)gy^Jys0okT(>5robl=c2&cELzU$Syi zKk*Kc!>OtQ$j5-|Zc?P{C=jIMNq#8+9>kM?{h}jo{uyK}jHl`|fLf%EX;WppOYEIn zanTgKi9xJQ2|g(IDl0&4F|@7MM!q4~Mzh+PP&zw#8#eq(*mn&0_r_E?j#|JcQBCYb zZYw3Dm~|~@G_j4QXBnWd{KgI4fYI3(Wg(c}3ha^vUHSGj++ddpF?{47U!bf2C7n!; z=(JTVCteoznzpA|6rRN-&(iw1arTrsp5`^Xd$>s0YnF3Spw7L2Q0kv-+PU#ZJ_d?y ztj;+K-8kw+-wL~Lj%M^A`2C_dPOsi!P0J(eAoEVWxj0`ufjI3E^Sgp247@{&QA&7o z`eMngsPab1qtL|+Az>|G7%G4OOMQ$7mp4z2tU~@$2H^;)%DpYA>leP2iyVy7Pbf5a z_a5<{>7~=9xS;CYH;+`DYp?rOZZFgWY03=7lL^lLXZ!yihTUwc7mve0WjJ2j7TJ2o z^KK4o0yuG^zQ@#d_P?@wJ+n~_<_b2F-=o7}@e=cAJFP+4qS~*e!ekx+?~4Sc4u80eOa&jMiDl8JKPmF)fwM@=p|?# z+BUc;{V3WmgKjxdlWp5GCb1zVztuJNylXm~EAlO$4Vx3YKfSFYdJzEn1^@1XBlc zi;uF;DaSjHcK4u#YFkDl~**g#~I-7-`}=QBRsUhxb3o#cVb9UVXH53`Q}^cMvl|CKk3#G~ z<-Mi8W?%ypHoXSw#pZr5g-vu4OUrpZ;1z!av3+1Jx?_s0Ljo?v%fo z-UA+}gui!k_`kWo?)~52B)I7oQHXN3Z{D6{-i#G)Rs{58@9wVt1kdJgasjeq1G||p z?g1~P4wp&!{$uTL!Zs86lNW=+KjJFSYSx(k=a&EWnfvX*HMz@srlZ+2!`0MM=U-hJZPCgvObRKx=wwt@6l873ln}+!tf!;Db z#`M?HF42_7x~!04bzG5w*XN)h)f3c5IPTPkKmVom_clCH zJ&U~Z2F95_zm%s(ZD8ysFJo^(-L;S3Sp4%_b~cCzdY&Kd>_zo;UVaNg8ms>So(E9c zY&W`J9ceb7?f4YLYNMI&&A^q-dK%#P5awj-q`!i_xr~afy+U!H!OnHowfdEuD8RVNoLw=0QS%HHq!WY9|}+E>XpB}B$2RNqN2Z|vx` zsE1HqL@oJ6lSiJ4xnxKc;H8WIYrofCBGH)$GQ;gzS*KsEv+^p?f-|jth-xb?cTu`n z;rBB9SCofkq}pp4;jlwe0@p1XxF*}PM_8XMOK}nUa_Twl_et=U83{r5it(h4u|N>U z`G#ot>!MYh31Y|1v)W+|KX-3dgE}~8k(+BBTP}IEF{~tmY6rVbA^*Tm+JuH4p29Urb=fc_Y7GwI`8gx3-wCRPeH-# zw_C6TY)|dXLNqU>0o@m5PXU-TG)l}nkvl(4if^Q~uljh(#hHF%?H=y}+O!%}_LhSd zY!3?w;>C>?2hTK?kNvmT3OO$)-{NOuLoClkYy7*jvxR=twyEmYt+fQu{6Mp}L%zFe zpd)riq(5Ep`4)b`6;KnP*=<8ot5*jMngnL`d7nJYPhJ?Kz0MIa1r7)qQ~>i%atq@z zPT+ug(vl>!VkVyk)AV~4K8w<~qB!~UvTggQ>apX)L*;g_)Fo7~(nX(Q6a;2qW>?w) z^xi=3RS`iZCpL$3p1E-3s8K|d#v@x(!!#)Bst1HTAOi`8z_}XKTz`K0cZ$KZ@-ulz zTD}0iX~h{M$zBiy2?h{BQ-ZJRm(nvoA(;0_Da>gYiq!FR2n8p*T&{fwo8q=3)q6g` zVw*8&d!e7Nv}f#>40c=X1J49bT0okFfp3qM=X8HZV!3>w<17p z5#_{<=a1nGSS!zZ>KZLkm>dn3X${%KuNd$k3#ouB4Rx~_ zx;d4l36OV`wv|$-7L$V-t-;ztVz5^I*hW*G_Mg?BQheR=gtGeWD1`*-<8on=@=g$$ za9#FR-PD1^ixE->@JBTxOucKk3z%4%?nvdw;UH&+)8_aX)+;04W;X4sH$i$uMBf2- zC68eWJXemj$36gp6(Y6J{$3!;n`@0&%|uGWJ?O$H`=_0V7CjJox-qQ8g}yjb2+5xz zelw(N^+jw28-3k~#hmJ3HP%~Iq9F(~*^#McphSjP3S4aGFAmRYEz2dN9 zubGg?Ry~-*$>Xim0`PslRZr#Oh-zycpvLg_fv1 zsKBY8pdbO?OFZvYnnu%i>t&r=ub^1XSd$*tK?gLmvNiOdg?YH8U-V4F*TVr0(I%poY)yMwX-Q3yLQqzxg z`a;$X-|pUkWwJ2CFp*sI6f!;4%ABVxwJn2o$-#i-aRcdKl$71wFYqoXzj%~DbN$+K zUjgWtR04{x)y>GB_}MgEGa+w0c%!7w#Y`NJvXnH`y${D4q8@ zNliTYU8t0ZT+0%bO2YfjwDU=7y~QmWvH_|bDqJTbIOthX7(lo7rEZx!mt6ZUcxfsXS6GHSYGF7iySJ<^0odEsB zsY6vA+FRtWW|=@W@9?6AlTbd!n1FHs2H3%0;dTVz_v+s19OEMvr#&8U3YDYiwt&23 zGsVoKW)HZTl3a|~ZAk^e5<>U|*S13Zb@ETsaz(>q#GWY5b(wm5c9$^04=UJ-8rHIIGt4~S zd#io+&z~7wu_Eeb>e?sOY?c?MihdLasRqA(vWn1MNK^>2MH9?LY*7h^05fJ6_a~%- z6lE076qcOJ_pfpQ5Dw7{_Wz={JSforsN9_Y7rnLW$i;8=!1ujqTrvqY#) zTjuQziTc;I9Rt!Nj%V>SNv-7k_FJ_q!*A&)Z;}Z1^F$XL0?<2)y`++JqIoPwamsJ# z>&p_c027kHq4q;o#xKy2dylnoiO$HojPCA_ajjRiqi=v}p83uLoLDGLHSKKH?V1Pe zJTH$Dz`&EOeQx_QA^S0jHmAYadK+(bM_>Qv{aQg`HtKnEv5{%=#CQ7zY6!-bBw@;3 zagQ^D?y3(lB5;RxbJuJwBr2J#+r3yxbcr1`bQ+9qq^pZTzev$O>FXeIciBh(tnBye z;eGu>;rHhY?tBp-aCj$&5GUhQ6Z$xS7?K!M0 zFvsTU?y#oxWiDwDsO+pGR-bt4AyP?lk910-DcL$kpfX=fnll@Vl1UM*@2h|@aMa!e zq(iS3jv7tO)eKnsjX({$4WLC_4@eerSl(M)HodV#HQXv&3h)AU-kKZ50+lw1VBz4L z%Esr)CaFIO{0j)T*02ZVrW)d2bP6&Ypd~pL3FnC5EEsc&8J|2#Fv|lrytk_=B!+Vn z{6a3Hv4cTOWs<;HG0!Z$Yhh9eGjk9DT#yGT{-qQl*hJkf!L2*m9P_x zYR=oHOq(n05iCw90q4s4V{ntjZzG{2aT;euA?s~6atQQB0uy~s%cVIR`8u=QkHW@Q zw8v5`sUr?77|myS3pT}1ijAk20%5EO5T2*^p0YuIBb6>lon?CVI~GdhfrjD$Yk!Bt z3DZ{-&kaeeGY17tMm_!zDh?|3;LsC*4>7_wS8y;vG?#u9c8x&9<|l-Fi~U0mt#tRq zhgoxz%FlvZkgIW9r>ZM5vB2`Jkb>=0tuEyA;sCXj5%Z`ZFSzSfL<&TrSEscp-iY|e z=>cmdwSriH8B5wIYhp7lO(**U@Yev#lLKmlIhgPcX}v)Jbztk#2^guUV%soaRiCN* zn-eqW%Q6H({_{D+64pnB#R zr@iwjidzvn_IjqAsd;HhqR7!BJ^1Gj>7KGVm`DJT*88yIBjm~N9>@?EM@N(Fs8AT# zWlPO-ALzy%ght%l%ClWMK>U!Z-(zJ!`Kzb_-!nz_r*qt854!v>+6TsE<-_^D$!7;8 zmumf~_TE>}bmK_p`73w;z6(k2YW6KE=QXQ9<+R8auYtZQ&nn-f!7@b9)7L#>a!ZNj z81QuI^7T3>DzKsaRjCCrvesaWb+LA51m>dVa$ym&*2BDo!P8GR=NHWGlBS#CN~4$I_Cy9`_pCufcQVl&T<|UVx+Jx zmWuj4{@MOzB;O~_UepRra9lM(fy@9yZcLuLAv|&Hk1R&(aR3vaEeK+QE2VEBl|}E7B5W%mG;L+%X+@`)W3UvT#(%}Y zw+U%t$?&L?b}%&oS{o~{8pI{0o_;Xo8QrebL}MGeXa>TB8z3C6rY=sV5Ky`%lZr7* z=Izq|EEo;=Lh|N)?cnor zMrnS$Aq`^{)P|h#K|N!?x~dFMDa#PpeNJ8j`sIhgKbQOf)dIKSH7nn=+$5J=OA|Kl zx7>0(A^h3{m%47B+1|NkEx}H|)$)jv4GFz0?59%}HVN5Sq-$Jw$boAZflwi^I-1P)YePT@MkQ4bd*lCt&U zQ5Gh(FQU;|Q;x^e3=fjnz!Fb1xzo?{kQ&Ct3x)v);V782OO_p#6iUYvxk~gk zHsMg9ss=TEdaH8e$8|h}h&v2Cpddsn#KdhVQ>Q@y1pQmd*9_kV}2SWR(2Jkv^W zl)7Et9Y8lV0`LbS=xRmBI4p~BJURTKrHxEQa)y~?WnU2bctbxTU+D*8Bau(;eu*8z zM5W>fS5+D#xiufD^V|~XrimI|3dq*bQyR_;ar41rmf4)8jtgQRiB?%h#-#BpXvg^- z%nh=DGL~~o^y6a;@@cPy}UWBeITvUx4y?p)bLhnf3#co#4%h zDdEhL6@#n{t9G3VsL&nW5T>(ENs9ZvCqilf3Fau}@)x((B^(@-zWL8TKPzO+3YAU!mc$o!&s5~61S ze!ffM01tt*mL;*tR9yy9DWq2uOqZSdyk`Q*j;a)_D2l7GW_9Ji4}XouSVGB7s<7QQ zWH#Z5ge`Ewclw3FW^G*|SLXIf5nHh#9u@_&65UIJE~~S z)oF%t)nZZfM57$%kT5z)qK;pR7+TSwXVEvXr5V!u~M&a)^P?I^KuYHD3YI-gbs$p50I2Q(R63_7B9O_fSAN+>MR2*Qm| z3=`ZomsZL=l6VLehPPp-b`_u+o5N(S1-PBPNWRjn+F(xk^~Y$<(t~*cB1^)|uFM&8 zA0O2=S17J8OphBS3<_))O=y&7?=4sFe&T?CPn&e))`E<hsv;S_tV(Srdfh{`33J2M#I)RF+M!CB503Y7;+a z&$~PAv1n)s!6robl~1%13@n`@Uk%Mtgh1%74A`OIi%Qnkf1z;tx#f_U{I?}4wk28J z8p{?D$o{ndc^j0@ear0VT_vVE`beY&WdavQdD9DyZV5kU=uH>UJsfws)ToGQVLSgG z&s>a3FdAG`j1Eq6a+NTV5w?xS7U;BCBXz^4Z;Ine1MiRP4%Rg_{zq_p#AaIqK?7sk zardJDA438CGaQs+@^s+uyJM}dJ|{;k>9KRABp%yJ9<{-0s3+dK!zfaIEHC?LsVGTE-8D@Hk)XcG5&o3c}Kl^$e^rr^vt9|gdjt8hOy|OkU zU=XS7DyQyZj*A<;F!wtdWXLELiZ>3Mu1#V}e%In356iFsGeh_&1xI(|%|vBtg4u7^ zmyleoFKPYN@0&--v8pJJ=b``wz~^MNsP+nVheB`lY|LsPY>V%q`N0utkNF*!Z*oUR z?di+zK26Wnwd&klCTh~seCpp`xfi~xD4Ei0OOGsHXu~uh9UKzZ-WgI?0{iwLo6d@S zsMiyeaN-~UjuBDXl|qL=+FtUf$kSb&n;kw^{N1&7>`m^YUmZS!K$*iqC+GV#mW%}U zUl-W)g0_4ZS^k}pTws0QuzeqmUyFh$*fhxfkfdFcRA0LvU!EZM6rk`K3)4^??J9-k z$RAFoL0hfWC4g1sRo&+bM(OT`-Spb5uXX3GykohU9&1O-Kk<+p%KsFWMc7Aj#z1#) zDV_XXC64B-a@VI8H{?UZp1*xNhQPBg{D|3K+o+WMe$}ytx@l)y#j`}^PdqNyqr|xJ z6!hcNS9?8~*XLYAl9YgcGx5zCOTf?cFA&b_%H#h8z9e)|asUex6Z`*8e9PLlak#DU zKRfzN1hY_X)JnHE??5~juxMiOgkdddoCIC1{P{x4q+$W=zdcK^WYR_Je7oyHQAb^! z*zjUXOM_v_sd<>~P+to42zP+`t>3n;c3rK*Sfv0i zYIbSby%iwL=UQ9lVy!3`IYG-yZF$!jJK!jItrXvV?|>JwgR45XDt7!fN%K|m*DnpN zUda%7^Iw>}vOU6HZR6S+Ut}!1V7-{26E))SHDVKd&i zBsQ9lZj(I zHQ5#NjZiYjb;K;8;l0uB^2XaMKo<86zV;~T?^++FZ{&shx?SixJkdOqCIXWBtuE{C z@^;h~-5pzexlY6FawVn?SKDq(Q^_DltvT_O6|#?WT&qS&*pcwkMNTO`hyn3%RRO}| z%djXi{b4N&+Y_}zVf&yt3!PIuAziU|{WE)$k0#MxnXs?PJ$Hyf)kL5cAV6nBs>LAF zf68&UVls!2$FpksCb2kM66ST7mWV%2UgW+61i(>YMZ!K?3?vaZ6UK|8l`!A$0wkOs ze&CqhCS{>w=}3gp-lc^jj;wuXCb#gw9>WLS$~<#(i7F>lovO1BRZ7Xx4a^scvD-4 zx6S06ox9VV?RzmSvhZi3&XqKRTxutok2T3d)rq&j+%@2Wt)mdPUQk{J&ZrKDLlSI! z1)cA}z(-+=P}KdK7U=31M7~=ckza;=l2k*E2CsnSp7>AWU zqbd-G`x@d!s$zmPSyZhsRy)V!z0=2GRI@T*YA2JHBMI3U@PL=gTg2Y6#;qP_JKMOU zw~JHSJd!cly!e|ke_@rpyL+-EI-*$I1ipa|tZvE{FvioufK^h&4nMW*D@xrMFubH( zS{d8a(~T&Wk-}aE;4oOb?l=K0`hb3t^aau^ss3{|5%nS-VT}O^gC|2nT{D^1L_lz2 z0Bk`jL0LwFp2-EO={rq);V9FK%HYxiik7H;Di=>Tg3tFXJ)T;-XmiIZn`A`HbpByy zI_E{*X%1!Fdj+}K$~C!y6Igq>lCOWW1me0#Cl=`5jYs7Qpt2w_-*}~Q^nZ0`lynJ!&ssybC=B*V$iNJ{k8mEIXASbnGWrDDP-z? zcbXc&^1lFuuSii-$+edK153wl#UbsXF3b1g{QQN)F6`i$wu+JoLEqJeui!QuQv%<+ zqU%;nl-an=m~|Cv3oW^Wk4&IEa4SB_zOFEnC!xTkKdv|kLRPJm%+@n zW`@v=YZd-1I?Ym~9~UwgBQjNgM2RS)rL6CIG&&KTKnO<1z^QzDKX{%&_{}Q6^t%(C zxlv^t+8}j_Q2zV-Jjew*C>Y23O%gGvpVG+aO`?7Dvx5;0078Ek1A zkouP6`Nxb$fT8lgX3DRg;D#D3tN+3oVL!b9J=3L9L-SXiPq&X63h8VyC`jS(5du%< z@@1~XSZ>^&7ZGho;cc#Ww29qa?Fqr|Y*iwjjU75*gxbjnJv#w>QA-Rm8si1o%<|T5 ziW!W+XQJxiM?hfu>rZvGH_x&MOY?y#;Aln|;To6hA$J)JbaIKw4n0NtCI!irxOg5%*yY%`P zbOv0Bm>`b5_CP+V+v@>*ROOu3P-$OmBeje1FDx#sm}Ids(tcCv_RnI2(q<0PlS_22P^(6Sq4 z>dg8dND{BUSkVNkkAPKIvhU1B0Pd)laU~?H(J)O^bAF3R@y5p;^`52E9#EBDnhadk z19ILUzB{UiTv4!F^Xy@xp*em>3@T>-FHaC-;MTC)#YBRi0JNQRal^L1;aZ>}@xPEL zF1Zj`vJzLO*unl_c<>*avf4F4q8P!vr&z2|&CnU(rXGXf83}}H({ERxgKWD6o%}5=E3ax9p%VFRMtprxRg0E-=RjQbdB}z)(xXV;7#4*Sk z+yP+1t))5PH1K{B2!Sw%$xdjL$e61lAjO207JLpt|M1+X52G0x7pD!M1z*8XnVVs_ zC1p!0wR*CVRbqP9)^28iLK4`;2Y-fcsF%udqj8R;XSFk2qQ7Ahct4JG<| z*uGaX_oLa&eP+DCCU-L5rbTnT#xtLnW7r_!A_8E5sR(bKFoB?%2}2Y>B+Yz;S&i21uL~Z{fGY9+vkJU1V;^%#&k~$z)NJh- zdv)aSH+Ih$?W9CvFRSjaqp7~`8F>rdO<77ske%5nh4X6bQ)Q9Tv$WxEwvL&Rt@}QC1gyp(_3C1aH=T>O{IP~! zSKJ<6F!|`7^fA%Az+~81vc{G8aqDQ&POH~{pwLr+N`i%?S}HQtIJ{1`bC&uKTwJoA zjNZ!3-|Nc6C3dF2HQW0h66f~Yq5c`x1#qIi7jlPmlZOx@;)Lcd>g~)T(_SF@5kD!m zIm@?f<77~_0*G|iOqTR~{%D$2X|)-*Z-RM09<46?!|ksH8Mv3t*(YRMXz@72jXyZQ z8xtO+m<4NAaP19p1ooaBN|>rJ78jB0B!zb5;;z3pL|=&|mGb)|mH10ip5MoLz!NlN z3~PKW76eoyI~Cpf@&?8_&X-31&7DDrBD;=*%EF6Guk5Yi?P@$tr{qK+oosUQTC%}c zBn=V3wa@b0nUz?gE1B6qcJVa7uFNqin`SeSI01LLLCWJ^_KOskX><_5H11t-krnQL zdp>ZW(fiKe8NE{SKj9*l=>LZcW|sdGF1B?pqj1}ie{*|{_-|0eDN^vs62?&woCt(b zoMupL4#0Rj^~UyLw~(RUZ&kcnmUQ{}SnzA5+H`ogtN$|xdwpHZcjmcSQJf1ji{$?v z-<*$bx5jna_o(och}L1a#W6hj5QsW>y}o^|1|`3U0i@xTJKiwQ6r?TBIB*|beIOVR zy<<|vaq{x8U-OTN1gc+Ir%ljfq7fGmT_taSuJ7GNgV%>m`_Zxcpkh*>iq3Ai=noJ~ z*G1L4f*jeCpeut*P4ie1wkb2kjJt)sVoP^{FaqyI+I3paO0j5l`7q7qdN0at;(q3G zxJCuV0L9Gr#QJ0%1VD(W&Y!-+-l=wiMVO>{P z0OnA z+`{=`lRP1K0c$qSBfm=I@z8jsUw`6w(;ZOD&Y6XWJTEshP97|9U1-z>o1dasfbzDB zxsj}b8j6D@N(1RvLMyc-BO{^*V00`J178m7?qy7=sw%!OF?x_!*&XaR5>w`m z=3dp)=jJct0LWEexC^jGJiUPyd4DV%vmx+C zJ|_-5-=FGAGwMaP5agoIbD&&pz@Yq?m13qVUR7xsXTTsFl&4+vf*hmx>$KDmV4;?_~a6G{-_O~%0_8Uz1%Y1H87wO+s1P!&`%8~=>QX6wk7 zi_AT*Qya}w8+lH&;_s_6AshtLbI57%nG9MWu6(;@7OlGdoS)DJ6e|K03~H1GyW)&v0zPF`oscugWS|bBHyXc zbd|7t`Ov3{Y;^C^f7bR*1h{@KD5gUW7LGeRWEt4K6`4y5WHr`Ypr&4-WtCu`3$+J@ zmAeegpIbTg4XeiCUBOoonhh^i+1utS^^))Y^~R3R?(WaGu+Q$qwVg9LO3rAlz3ZD@){I$tAgH{2^-cnJnCQFls#Kjk zH^7c>-eNn6^8C;U#kC|&C3;l!b$nrkl%$?aYlHB-oJU1r z-S;f@-&j#N11k1HrI<6lW5PAxnWJOQ*BT)@HP;S{ZTsx$lj*L2FN??9= zZsRZJ$=(Op$aIKTyoM~!Mk5Qn1PZ{HDso1-v98b*uoF!bnzJ!G}uM_8^0l;U4j)R&9Zo@D6*Xi&iHV0O*DwhKck>Lxzkz_A|)IlDBNx#bI zqIqNjnnz{1p3MI+tDsjw!m!vpl9+lME}5UYi5h&S!tF^4s*V=|)1Veb3WQ1VXCJ9m zIaAwWd3gij@V%y(Ety}I6HMTQcC+xFxN%PeAg`BFyx^G1BFmLkf;-(1F2(0M)n1Bw z&5Mp{&a9j_A82&+mweLu5;Dcr`ZK*DKNeOsI|DPICO+k;JjIHqs!e>qA%G+=Ibb}! zsa`j-7Q5*2wA#2fQTCcjnTe51omGE;Vt;v{oM{NZnB!!f5!*C^%|T@hs*Y$X674q~ zP(B_vG)BjrwZNz_yj{d4G7xIw$uTW#jCB=k|h5^D!oUsEAvKk(-EG$=03LR@YDtU?!;-TzHH4>8%0QM(JyKb?!;F@B$j^~bO0D3k+IOge&nD1lrC}mVfw$T*x90Rwy&7QDEpB}z(Yvc zs5&pCU6Lo+KGCX7dLy$AODDzSKV>O*`v}ET`36CIlD9LwtB_MB6>w5-JQ5BWS@?8S zAz1WAhv$_F>bVQ1N^{(D)V^y~;IlGA)%}h1s|SeQeTN*y__IZ`8cAcz(FMlH=%y#k z>`TgxP!JmXutSG>SYdm737_Q=K+U=i?r5e%XS>5@eG9s5J?YP6_GA@TLOQx_8hHR) zX|q?3Ql`NCoO@60i7)A*S{HtRp0dxf3g^5wk#Wk?nwkhCA`oR=g=97zxp!WAeB4mq zAS><4+_Y2mb$%SMiOpPEMoZr`;wQ#dn5TX@mS8Nuyu|#Ux4-7O4+Av*0Fzo5$p8mY z(gqW+#?rcDBlPZ+8`u$%at}p=z|R}VAbYklk;g8>*;K1l0xeSYHXA*+*LI3 zI<$n}g>-tE)tkZvHjP3yJp-4)?VD=U6{6110NIBy>h2BOyvBw{;kkFpvAn3jp7`qn zrT9*4aAXl*D89yk7VF|o02*8VA;f=u25WQgNJi2O8!Lz0w(rTUT%^gUeV6@>wj+a2 zTOG2#FgdI&z3upV&9)z5W-~pFktr-@H;`D11}VEbvrPX+kX|aI`{}pq89LFa8Pcj& zGmg`}2@aG}ACmgf&SpE%AX&(BILQ&aAYjRhq;+SUBCzXTqnEEMKug2wSo5Wt_>(@M z$we;yV)(hOz_kLCH4%lqC(Mc0bmF@HR(Vh-y?0giZy+%uxPsFig3 z&KM*@IqZA|8{e*0oWx?e8i)xx7(m7uEgFHt5l0GuSep*hnps-pg3Hnm8uWnurwqh+ z&i;Yp$89x(?DvTN_x;q5C-T2{VfT7{Ha4XM2RAURdCMZB9BIc_BKe}ehU8Vh3KrM3 zl*NsR#xHW^&?9^Lj=Msu^Dppn>1SwEs>m%GXd3Q4h0x^h2GRA5M)Jwnwvin}QESid zFaUTAxs5rEiw=|vz{1G~pN(nR&ZdI|!abBzTs`GB8E(RV8El4rXuDAw}n9(Bx9TLE}W<`tr5A3cbBq zexIX^;K;Na=QoZZA;MZb*K<&G(=M-ft>ysz-LLN(1=iW-M?ucMahS5h?A{SBKwFky zW-!c->~D^sHBk{4ntY`Jgtue1^IWiT-c4@n@+u4IN~dT204sMz7TrXyej z(Ud^yFIX9`!oz@eemPJ?WhXEZO+4rBbdnyLw42a4Ych6C;n^f_VQ4Jcq_e?TOH0A_ zby$Lr2S@hBx&_N0rW8}4fy^>TQ*c5@(-86xiINBc-AuQBcWYPj1tH|$Vy;~{PUZpY z6w5BoF03=D$Qf1+P!Xhs%K2%F*AqYpaDFG&?$%XwhV6g8wD;s%=uNdL}n0TD^JN=5=NPqta2E}j>gmm|4>@8wR4|R}Nb_KnAS^B1N4*Xd?E+97Zy*_AaD^hM ziwT-vSOtEF=d{6^_O{(Oi6bE>gNXnqrn1nGd$B3sHJOe0# zm3vE}_02GXzrx@>51ie`CCks}H1kNNHz}7nEyCr{d4?8ArOB+hwRJ}({^s z`X@uUf`o&|R!vj#>8|kQvyJ?@$*ey8&8|{Ehw3UJs_@n;OmX?z3M3+-#kNejp z?n`ghK3;VGh5^SN;vA&Y&EBsjhjmb^uIDlHOtIQZcb;4 z=g>JC3@Ji~?%y2^4Ea09ow#4M*AS}>s*c|Y8EBYv>ff}UaWnwFhii(krgSCOAU*S} z&Suz<6$yWac!rC%&0{H51=W$JBK5C(8(&vV;A{0iIh@w1=oQUkaYA7%`QU)Ah;fKM zA9eo7^z@G2ZOiJ62I(%AX%r5%9t^G4RWe~E2IRC^KHK7e5Q1H9e1iL8xtB!kfS5D z5(y>uXsC{4!!VVykcWmPqK_BreOQ$H9U`y7cK0`vXbHP{&@#JMStcngFZ z8Wb;qeR>XiA%O;Th6e4vqWJ@escJLQB};nZE+BhH%(b251U4Y4NS%z555T1=)#^QW zkCr3NUjYnh*mRrxpjM8g(y_L7aAqkY6;L3+2|jbCka^Jc5KN_qf2KEy_AIXAk{3c% zNCC(N)=8nv;Lm9g)5C6?-{aNcEt15oaX#N>Bi?2qNL&K1r>7!^!75e#BbrMm)ss72 zlMKC!n>?>+~O*+qI+)>vE(nPv4cKK+~Oeu`L^0YT~bqwKc%=^CNRZz17r5 zLapYm@~T?nQ#orIv0;HW%EQs524Oa9Nf@xxRqDGTce$ZbGsoX~Md_;JhO1~h*;_A3 z$w0$;^1(g!H`f&p(pl?mOe&M@a1pb5wc#gVC5h14vlngAT9If(Rf`zvC52qh- z1v>o)!It*)^C?l?Cde>DFW$95NU$ju?o=Uyos}f-3zIk)qb=Lu(z1P5$0zc z0ko;mWmMBj)PNvEx zC69RcHcNdC-nZ}%1%tus9C$hNI3KJe%yl#enUQoA;Oq!n6nHYWZ=saYzpp~bj9S0YH1^UpfIV+@0H(0M-T|7|20%zJrs+Go}Dv2my2!Yfee$hMSef=(lIXMztQ2IJpNqM+;Uu6FiUt z{*;r6W|!8J2NzS5szboDd-3=K#4xgmkOs7VFJ1`=rK;o8r;~`pwFD%V)m4R+SA6W# zFRsEhdn(I>%_6&h%KSfDHKNNpwVAcVhKj#$eWv?Gm;apuCZszyN`9#BOKuH%7bY|s zWmMrwjXHlkI8v=~r-|Sgxa%R#@u>Yg&leYJ*sya@`t*Bdlgk2}XxA*Z6)zyJk5&k!KxHQta z0-1a{hcZ+Pi4Oi9{?NYb-JW?=s~@#^z7h&jhLX0`175!8X=8i)P(@Q99J%V!=ORdp zR?348_F91SMJ1p%yfI0SE2$n3x@CHU$aifWqsD-@Mh9w$*UZP$2Z`5ZQ0hN8A7R7w_510-TB^_ zR9%kJ+cm?FAvCALi?CB8_927&&M1d1NSvp|GGtl_`S;8@ip{U5rUhAR{qR(+V$e#S zF}yaOt9pB{#P`HS)AutSLvaTzhVT@sdsFq@4rbagw2-uw#j<N-_-V z{kt2g9sznI$B(<4hts6wJAjaMW$}MYS6;%xFyL8B`kCoR@4()J*UJ7-5>J9V!hVk` zHuQ;o+Gpt@S-dRaB-nlt2lF@R(P~M5=bN3`6d?lMA%uca*xP7A+Jur0ft>DUANh-l z?gxtK`+6a(Nz+Kr8$0c%0YXawF4Os)L;11bd*#15&Y2+3d(#db0dW0gY1GdxNl+h7 z_)+x>?%L<(u&3Ov-osi|*ocNTy6YT(YaT zfFP-TZmV7CXd|}{hP;43obKm*&z2xYh6H-bcNsBD#=lvYGi6X8X#r_bZj$XRQb;91 zf__c4N1Wnlp**#K2#Av~U$nT!2hFx1o&RTS*(~Ezlq!TNeu26$+sH6ALqBB6blW$j z1OA_r$I*MZ3*L@`>7-{Lf`f(qi$O*%;X$(d&0h87Lzb#UjIoq{g0=SqsW^V7J6*^L znKZ{j2X&+vgZr#Qv!%U|USn#D^j_v{I8PD}Ua%M~vY<^k2rx8jYwrrw@GDhip5`b% z=`&*}@dzX{l7`p?aZ*a1B6!*27%7i56K^Yy;(3rQi)yY8S+;zJ{g9MmJ?7GGO_^Bt z(v&LC_wF$1byqZ*`PL_*-kvzkk$v07JZC>|WcHVzq$lcc~_HtT=j)RdG=`z$olvR?2ow?l`GzU}%LIlr)w4w&7UCdyV;2b1DqA(*_$=ZYs) z1+ydVF-e!=Ll{B+M0OdtV*+V01+t@F7n+ME72uP?$igR?t$<|zZ3ciWjDcCd%nHI@ z*5#Mk0TV>>om2EMLri^$YA}dIIlY`QI<#hG%)>pK3Xj)RFtO|tTAT6OdCp)|xYq5< zGXr=y0U_e(cqBO!rd%{fQ~#;X1mV?oLk#dKoBmE96W&<;VSY-@&QX6D!UavTbVA{L z;p&&2tkW}{J~Ru@3@&9H@W(}H!WjUr2}!nOTvz$0!_CpeVi%Ts*%4FG0h~3Pte;wI zbS7kj6{Nt>Enz1t9ev7lA=TQbQJCe$tnw?33V;uVvVfHpcF|dW3(2eP>JE9YXMrcu z#rVKYizB_`^%ji4A?P@#(TuzQ)H*9x1TAfL>Z6(>C4m-#7Y}^2>sKDr<%#bs+~Ssz zJnLy>g|e5qUVggYn4H5B_#)}#{CGxcXNQgBRlMS?U640`{TLI`8)OTcK#opu&+YcB z2D}7I#IcDS!7bP$+-Al%e9RuJvqRgV8BbX3b^*8rI!w9qZTo~?Lx+KUCj9qgZc2M*q^?SP&*;S2{-4K(`L6(=RP3KeBdH5YRwca;*0V?^62 zez`r;-kkU*$JP&|UitdhfC6`bjldF zVDVk?p0|L#3;ihrAKKDnt*KgydjQ1)f0a?bPD^vnXz3Y0v!IzCSg`f!Gma| z<<mCE zn8Z|M1+OWQ7f}UCCbypjP#?@ZMXjdHknBf`&xTNjxz78e-5)wncy+Xm@Alv}9AdmS zg;O!v?%TYklD3VqLBE>s2ch3eDu=h^qRy(|mz%658VBJJNim3<(aJgh6SUK!dO-kW| zXaa?xUCxH#OtUKp=70p5xG5UTD(-TT2PaNH)RFc;-P=!s-kgBO0*|fyF+1>zo>MK^ z2qc@ornXpfL!ngURF`bu!lU$3E$A1Q4TGLO2rQ$d{cuhrepSO=F(xJ`XBZz3ix1L= zL!95IM%^fic>^K>SaD28ry(8}KrZM2U+AH~=5y7YBE&!XZ0-{hPZW0)hSYIr8qFvUbB&#f+;!(Y^5XuduTXHj+&_rI} zxaQpyJiHy}AndLdwMJKIKQ5(EZJgptDofCx+Hzn0&fE!w>ck#aC2ac zs(eHdOh&+>mr%l4VX#`;k(SX+&&e73N9C#5TOSi!|CstfhtUp|O#%pM4jctm8{)U% zKXOZVA8m5yDQ(ay56=N2zztRNWWSG9xQ{Z-VVm@&4wTS2bYT}^IE8-dq0X5f!0MPu z-=&mzV5%g5%WOXD;Juw47tJLZ3s+WZb=t)Jvg#0>n6QQuO2qcWFy8I|{?I#LtQ$sf zdSsFw=FhSj-J7=u{BG#f1w)IA*K~f^XlkmppQnr*Am@X?1~gn*D&=On1+&PdLDPhk zQ&3~l8H3IfyT=$Bfk|XZhvsfBrP9@n0jN{$o;;2La~~}zW>{J@B+s=v6)$w1>po9a z%cB<_K}(xCtmOzi)~oZ#9Xr}z%R**di`;KxR?c}MJ3mN~nmMhV6I&{3K1$VVtU}JCyzBkeOl|J& z#x$abezkZ|o^3k_sw8g}R4OV6#JO;%9*A*(B4zYAs`ko(b}cxkSS%_|fRQQXzecE~ z_RR@1(ekL*8QuPI(=YLp(kgG~N;(mucHGW&%L7^!%v!D1?$sKO(^8%d(b$?xima)b z`JaW4f65BWU2~-ke-^pRx(Npj_)?UY4(u9_#C%a3BN5h)TI* zD`fd|OxQtg%7H$8tv?!_G_}y<;%8Uv!6x>xO)n>s*7gxiSVUBVHFs?wMyvZ$grCde!SjFs#; zT4}b@jvF)onzVKs&D?PcJMCTW+vy-K&BTkFHHAC>gYLsCHkyq{y3kNK1{P>zEafi4 zUM7QhsaVUtGYlZ2x2%+*-n;sW8;EnTBN%nFIy6d%-Mse)j1TWYIUx%TI&ihQdG^1N za@>Tb|A+KgDk$?N598~#y+(lt965O6Jdi6gfNs9$XZChKc?ul>&7?SoDtIJmX!obZ zB{IG?I;eK_S#H_J1k;{wJ7M^8s3&2Qi=XG4<6fS9S9~&qE`h5<6R=T9GVgKqGAvaQ z7ukM2@wC2=3fk~Ao8EEhpS3SzI`EpBYYvtwwFoY$&1`a}Hop+Oogz#FfLvek3_|Xc z7!dRu^1jC8m2J38@+ueW&=VmM8+1xq02|(#oA?9wsh`NS6|`WbYm0DA3&C@^n>d3d^r@Y zPL6h%fITzVrJZ=F&4CsHd8JD%6@;_2t%^9r_Vv>(M$>Ff$&{Z{Na9aL@9uEZV(yzY zpM)BpYXB23y~n1c=cW2UQuUWa6K@-CGTtuVKeq5hsAE%Z@$+5qw1d8GYir+0LSQ<9ox2T+qP|g zVaK*@+qP}9W1G9@+9xxo>j$i=dT~FhbG2iRk`7XU=7P1Jq%>??)qL@t&m^T)@hP_{ zS+?!0xh3femKjI&zc!?@o;%W=H9;HI@!6d_D%(AB^=}tR)})>!`~wv&LQilrm&;p@ zP{)NHJ&{y4Z{Jr23$`KluPsy&zdmh2PBQiVW`5a^p(caCM8a-Zxg}R&?pFB!fvG6U zLqO;Nq+(p?js+Cf^xP>P%#ruTpnra=vR+Jd!->}g5%u9|gz#e}^vIAzD| z-&|9Z;k~ZN3IPdXth%ekj7Nu&KfaF?8;+dbQVLnpt#ABY;nW(9jg|+AnSnwhUPKaT z>$Y22IrfuJT$npc29hCubX$2(N6L|>-Tu}BRQ4jVv5u}9{-iyhtChWcN4_-X5J^l;(8!D##5E})V8S*YEwqDS$)3}UA_x$=$PKwN-p6bR)SR zUHeuxdDY!}`wTlE7c{;C2fq#5)RRgvcLhqj4h)|c_$ z7kServhcSZW`|KRk!`!8Rbs1L>Z=X|_#51J+^O73`stzq;)%8$m5h5g1S#R4WUDs` zN^^ILZsgY5Wb-@Be>KC6R?I(KQhP^0Rw(pauH`*M8g=U*!N z)6dD{^TpZht{mXKl0Ugv<6$_>B>HY9O(QDc18{+j}o`zQA2 zH5|f%XcGC@SDSnZSGO?Q%~8D|(8AWGt&;IM`UN7$yEo^f@;SU!tb%NM_Y|&;F?=-H zk;Gj;woLp$HO%nc*PNKS1c0>chj21Ck>BHzy>|2}AgA{1lvlRf^svTmW})=yG*8R; zOZ;aBr`gS@oH7OSv(oN+(Ji@&L|@JNRJ-0T;OL_nDte3-J?`iOnvagowv;)kDb0mT zyE6&V1g2SHvt*mf-+SzjP6+lZ82^oP{{%GOKuGRO`(8+*xDJp<1OVn~H%k0{vUSnE z6kH0v^e3lEHkwr$_WAJw`W$e)3XuEZ_!2s|m0zLXE3`gJU*tR{MVrs&wuQ2^iNe|r z=|v*KwyzS^oz7?rPVnS)H|%#I>Ej!6o02B(<#YU`@9EcWOza^7J&4X}zTulVo%8FS z|1^s~aRp&uX7;Th0U#=Gv*52h@GNS@)}G253Y#B`S|P8z2H5M*j{kEfSGgceXMiVg zudtU*??ofP?+r8=`rwEeX%=+RZBhf-M*m62IcBaz`tg4+0>cs4>-2JLPE9`8Aj~=H zy=8RtZWg1u{*~j*ioKbNvfKq;=sg2}(RuHnov0gMURv94l1NY~?BSJN7# z6SSN8Do^8^7n~&0?!lF;Evl?AUc98oU5N}888|6%ykd9SeA{gmn#bg|>LN;;W#gdG z#N67ieBpT|Bu+Yac(y2ysL4rC@wiNWx01$8EFe1iOyn$f7dU(x=wq26n>O>;t+1Wq~dcH(^^0*IJ;k1(W>&u zWrL4U8>B{gJn@#RVNq5P7T~wp&P`mAha^derK=I50h!$O;@NZ5x;33w6Brwcp~4*& zV(11Xuf|Fk2KB03Gi({>7>5BE2j~Gq3K*L+)OO-EW$i(1_O_&;+<2Ut`rH?XI1x@y zJ!rt;6ul4obW%~wSBt^)ZDm_2Zu$YR8=~!8wSSwE9WOt;V$e+u-5JBwcUy!cQ^Ig7 zpIJC<0e8~uRYoK0$4G$4sewgcn1Yw8X?0Acrb6R!2qd}ICz^AhH&*KxQLjNc282K3 zURRda6v3jubHn;5T6Et_rKxqlYP@|G{LvfRF7YL5An;_Jy3NCtEAY1CrrzA%yfJny zr->?j0CSxTjMIHpC2({Q+GW}uF6O(-}0E5kA3yBWD6Irqddf-I!g=~*4cY-%+ zNGSVT*l%kXjkGP-u*sT&K!RhGX+q_3D1zwYfLRGT9J~IUdk6o?Bw-eiUh4a|pS%P| zc8t00k%)4WZUbF|t}dK`*7dOM<}5)9qCXEtCEyKnjB>(tQq1D4TNr?4*G?YdH%pR; z23YI7x%+_L5AD)GQ5)DbY}GW!Y!d(7{#a=d1U4ATh+jwt{za0s>W7mxwK6~J!IZ7e zV@^3?${)+!B!Cs8%vP2!=~kp&1ED-X03{cI6#T3X4hT9%1Y!i59lE9d7x{(ZpB&{rCp60w5RE z)5M=p3GS5A)C=8c&H|qlvUA8?>DxpM^VY8gcObcn6jZ>&;oidLAzl3x%66ATt(ehPXG9*s!fHO;EM^eTInfK0qVa@ z;BR5G-Y-7~6+M&HFy$4N4U2qHN_~e>qvqoaZ#=W_fuPpokQ9P6+Ijn{0Zf6MgQX(u zn(ibWD8Uw9M=}Py1=9=Mhj_C%Ae^??`{`>zTa^~B#E6X=6$i-+T&`IPk$k{eCM8UX zpF=*ly7yA}b$%>LRrp^UFg>SmcgB~QZZhn5r(;>r2lbSH5Hj=dP33$v5*&LIIp-xo zfSzz)xLL@NQlP$JPKJba0P3cQ%o1*DCenf6;clcCoBw8Z@BFHOZZ23=cYLW@CC?j( zoh2rgqTamG@+6w0s_yIA$_0d^TPZqF<4R>}Wu*o@qc5_wqLciG+iHn@*=KeShtZ|i z%A{fkXtQneS%MVa6fB+yTfk9pKO#xx8J6r+XxxWO`;fDg4}!?f0bFw}Y$aDjI>4^1 z{ZZ5f?BfZ)7fxVR6dj_Hgo>U?x;iFu83j1JBjgN4%8~b6eA+q`QVo;K&Q2OKi{pPg zNw{{vS#6SbTLA>hM#9$Ta1jcVcX)4LN}jC}DiB88Lzc(NxYdF|H#zyt(Ma|B$8erys&-uBIS zH6-{w6M@E1!vS%(P@F}!vYtw2jQHOu$pi8BrKc#~OW`65ABhWwtnH=(i3GbON0N<` zDuDhTH>)7oi;#QdJ|>xHX0k0l4S3^0>kV%3oZ0i?2Es5sXGnz_B6`@DkjF*IxkjIH zb1w90YBFXZK)O&pUaY9YEHJrIClg&kREUMP54J(Y3})+MAqzt-mu^X#fJ`_u30>>r z$()swg_@Cu&cB5^%5yO*)lb{J0^1K+g|vd+3c*=k9&q0-);>k0+6qAFu{)9lz2V+%X`XBhq2wy_LAVVsG+nVqC!d1=FQwcM!u#Cx1G z@8fxQh5XUechk)&OZ0#=$kmvrPP^C=Oi8ZONlQ_2lFl$^@o>7&-n1jXL2_sGK-{J5 z4T5S(MQgS$<6j~dpertmTrJV}#BG7i=`%&F>gBN9zP(1Mq_P>e9&e7`!S75Vmf1NZ z7y2>4sn_;Q?1lg23FPqVX%MQ%s_BZ=oBl~~H64?MPOml}eYUCF}4ob^U>yk~KY5B*O zUVG97?7J(2!xlO!0bMb>e^{)r0~BtjqQlBw!zx-%Sq1a_O9!0zEAlbSH*TTGargF= zx)` zvMa-CrPPc}-zP!w;8`j$b1+%HLWNK7mA2Bag&9s(-DLa#783v)T-vig3sdPfQL5~Z zVZb3eTDRa0d&!o}tou~{&=Qm6DD}p3xymQcqjy{hM;ce>itkl}Sf}&ZzY%8oxYD%n zwi!5j{wh;8k;WrrcrP^9FeZl87G3~g;2)M>d$;Rg;i9D1AU$#FB8eVl?7~fB5oJ&m z{cB67p_tvWVp&Be%{5)5+CdTU+Yz_(MNDsrj}pi_x%7?rjSDeDUBX<7eK96p-k80# zo#H23{N-S&Er9q%263@5m2BjESzwiW`e-dn!b5nUNaKeU1@1z&Lby2i60#kz^+q2r z5Q@Hf#R+brxSJX!;LLpTJ9(G#z1+PpLsTBWSkdCk&WS`L2+ckxMo+CDYd)@cUT2h2 z;T=0daS!EAGP_Bn>|A9kfr$qx$7URtH9dbqoJvR3TCzL2SkUe1Hw7-eKuZUTu=vNi z)e5BrcQY>sua>*<97=h$e}xagDzUHdnj5a*tuSIV>6!vhxjC^7L2yoj9=vL(>x~!q z=_{6w;iu7^UzbEVc3C|P5v@qwfZMI>xinUVF#W6IgqYzjn+0EpHNnKa3|r5-zX+S6 z>YZNv-rUIj27U3{t~O#0dGWVvVJF8=yxIqpXE;QX-KkWXdtpi#X3Ga)EXoy^36x!E zZn%{5JoVi$0@U0WwAwyH&mW)y%TTY>L+#B`v3PO_)+W(?u%(CjvMS zHp+jusqIpW)&KRWIhp?(_UKmcjJaS#yn6VTQ+$zt!xs<|2}AM^;=ZO+s;Y8LCHmRj z!kmG{zu)++N6=qm5Ki>h_arI>@VgV^vr*dV)js8dfAVGW{tBTtsafQA>Li?g?kRA} zmb8MIVV~e1A9mRn(AFuU7s##9$EP`SgaEoQqJdik)DM2h> z`?r@KK-a5(U3j9T8RY7GsUke)Bd=AE>J1z9aY~S$Aq~HvffX}N7c2iBTzTjTuL*^$%kfE8l2R|s(NwUr^T2>{ zM8vKb4M&`{B+4@TVKmIIKHu{JDNo!hUR(qVEmILrQq1e7EThX^5h!hC*)8CsldwdqR0M|d zhoa++9zbZxX@IH^@0VvseRyt)LKfdx955k+kKZ^Z()MgGfz6Vq7%2erVC&kv7&O*- z`4eMk4DEvzcjp4KU6pFeDY`Z4UK`#=R;ni~20=j6)XvAu2B!9liUFQ^aP z2XGWW2Nci6;2e*N-i!Wa7Iw_r!c;8aqUY_%+Ayp?>|aJPG0T@U?n^#B3f~ z0!6d5?6Jh%W-?xI^d7>Jz$9S z4)VSDzXO0ZV{A`d zYf~J%=HqHTmd};hf=Go5t%rSTP^1b3M@xfKS>Pr`2|W~l(Z$9fT<1=7*HMk)r_#sTrF#pju?vz%(G7|yPNb(+m9LYB}?WqVp z5DM=9$_Ph(lS)K$k^2W;2sr+d1wv4uZbGj%CqkRA7o^}6LsXx$lX(lLoWrX(?8g!W zT_;VQ^w&g?ET5`|G`>_L361lXQfO#s2jxTnFAnTOO9BIe+=KoHuZ-6am*LhQuPNW8 z-Cs6>NuDZ<5B)3KbszvdDCpCbWb$hkNG>RUO)eCb5o!OCAcS>ehXIx>B2q?-pXgqV z$5>55Qz!uu4?e!>!-AIpx#yHx^D}7=>o20f%f4@eLdDG$%$!i5r@Bjb!wE@P09|7J zFye_TBy}dL&oKEQvrd&QeN<%GrpZ4h5=#IHOEhSRoz)Eitgf3&n^bsE`b>hN>6Y zF`_6oW)&i{R+fi|*kVhuYg%a+h>iVQrIiv9`FE6uoswvq!4+trU?UOHuOTZ5q>)Jx z4QZQn3BG07j7y7&OmHL=jhF{KR2WA0Np8gT`r}N;|0V`JmeEd%Mv>W$3yL5x9ug&! zm`?N*^S~qq9Z@>2$ezMEmL~-Fu!`#)h>VV7Q%Zpf<4B|=)l4<=YC%t_ir9>`hc5_B zhNms0J;fEEbNHbg*Wg-XtWiwIXTj2fj*_JjK~@=B81T?Wkh1Yu8>opzu+Vt!mkrOA z21Ll1at{DH;Q!GBS<*@Plb%*w^*TUwexLO`pH7@q?&OJQT|8}k=?|;)hvT`&jc1oO zEZhaW$)m?R@fFCOWljn`S$J}jf4QA*A1&YPT)6lHR{|vWndqe?gd2@SBu-w>7JuHw zn5?3spa+y?N1)}*XDE?^E&`(Thzqlz$TndJ30(oDi4t_r0wYyp1|#S|d{w1L@y08h zz(9jx5hfpqS+?>27W57zkg}=`dPO6AA19h6!6jsl--HdyjL;!yTo8(UGLu4wESM8+ z(>`pMg#OHdmd}wLcf~PjJH>-!(^4AXd*`8L-UitQHCbo?@xQyV{eu0*8!JLfKLw{H zK0yQYx8ns#dPvM;{Tpk17O+|)Dkh-8!l4ccX>Zy1l@^01k==x9icFFM=Z;uMre>K} z7ps@uBAM^KOcR9}tJjzWg6EFVG_%nZi1uek9!OSnmhYDb1MeJGv!&N)=a zGf+HaA=?Lh85CppBq^jv_|Y`b7lz^U!M9g4MMlZtA1H@qD6b;n_q0I0NrYBB#wZFR z#dBytEkvK^K&!+j#0ixRdIH1s%0Q&}!Wfop9|$s2l2;m5pX@6|Z`k33Z?ZA+3%(K% zrsL+10$Lkr2$qGh3|YTM2Eh#i$wSQW(NjlE`LxiuL_z8}M(IyR&VLu)hjZ?Z&^ z-g!?mGDR3*W7=rsX0_-0d>~z^7?}c4C8|YSBcLHxeO(fJUZ{OQryT-=MQoIpO`U@> z{&3)Soiw5R_l25OLMky;fnoY(-_2^dAS92VR#$8vwL(~q=T(ebic_|2>GZ(;tZ~l;KofKl+=^74Dp7vPJj>#p|ajtKx3Uk zi_&IO7pmgh09qaS3*yT4w;;fgud59!c~&pASI#^)^!M?OUH$~S{qNb`F5l=}$j)IO zH(n|PJ%rkCk^b?r^LKf`v_9Tc=!2psmq`7YscNOwC!8rmj?dOQKep`2;ae)O*N3AI zYp(D5I&Wr96a?bN@$v8}a|2BK-syQ#Z=0L$^%cLk{4af1Cwq@KD;B`_tEC>;@#Npa ziaiv8G9O3APY=~Kntb!w5&$mmeg#Kk8x)PR^(g1d@a@AZ$dUQs{&1cbQxC@3z=u?v z$L+-}bJOej)y}N_4|l4!Z(1(?lzHLXS!r?F>#6WC0!X71fUgT9_gaomFY1>j-jsOm zkLHkuWVq<~jg1dy?hIgJ7k%4-O4awD@`hDEMW*`vGl`b5k((vouAeYm_w(uS?)39^ zv2WUrYV-C9`a!`?;bf^a3sUwG=q%Lg6?S8=`1SV&UhXu%F0P}dUdFFl zYmqO^-tZhqjy@!wln<`EgXuku^0zb3JHj!~H^;d1^o|XSNM+Xfxqfms#WOu!jUn4B zm|jm@5L*8B`X~S5dait~TJ~1%RC!C(l{=|u_rv7vBov?-0*%`KSuf?L)&RI&Hw%ue z^6UBJ2w}|-YjxJYTq|v%xWD?U3UY=GhuZGgPn>_4DspYp5k|+sdSjsafXv+{GZ?u?Zi#N--gRyHAe1+T)#TV;{)pur>15owLMUPA~NK?rzmuRzC7h%=MOqR49m&*!iJ=wS&INMui>%zBu zu+l9YK3|HG*I=vP+xg#J{jcw}o+pUqCxeL5rfV$OJCW7xK}x(It6^pAF53}h9!j@W ze<^?^Kv*Q%$ckbcQhUJ^l*DZUAqWd-W1P-CReE3kejY7{LQvZp$m0uqn}eD`%L?_j zN&8YnP!%hr@y1iXcJ&N<-rx|O#YUkwb$3$PTN_vZvvfnxUI+J&M;DYj<`X;4pVqjx zX4-JzhR*j`nzjWB@5F_qZ1*57?%q8y?xD~TbLl59pKc8CGm zzykP4AM3yWguS9o7|S+b)?8}x+R55?z!6AUn-g$V?>x8$t;bsC3ipBf2_E*!-<;o_ zHwXy1zPaGBbQ{<^{;uvX5H?*w>;}sN*mdPsa4w8%PS9Chozi(Tk(^Kg$G&hC#K z0PaUHZxdOrnD4MkJhVSLYZ3Y2LAH-W|IB;eT~e>(|^HhVw{XJRZW zCa#B6twW1v(J2{DHHpJ4>1RtCyLQ(Pa0=UQa|YJk6m4ORk8(jNpPN8A_mbAU%~)|e z&UT+JsH!!_rB0$Km%fEoktd7ax?E4e(u05RqSZ5&xok`(?`4vpweew(?(08&@TK6D zZN^%#%9gYWbz{ltAo~b1!ya(clGbaxYK$Fr&CBPt&cdA;GwkwQe*}l_L0=3@mOkP+ zLP4TKC3B~z7AmKE^j(Q6SPXeM`0m7!t}`q4gPu75WJA@2B=tHH@0+uKIIqp&vo~~7 zILx&BmO`}i=CW1InRpBJgZOZFmh9gfDv4iG>xod9kn;StfsOF;zy)ZWbX(w|k=K+% zaTrGNv5KZnKC2ucqgUz?!3+*jKSG`0{88}fm!GV0sRu`=P8({kdwSeW!plC!TJ+&b_lZ4dKfk%zAD-A?#@8cyiO!xOsSU!%c=-am>2cst?=w#9a@W z!JP#)_PJ$~;v34c&xs@%3@YCla$?#CPFv$xh!>go{c{Hw69uS_$>YWo1T5_bl*2Fj zF<}n|y=a|g(}zOJvsT_33#Wwsj#F=?`ZQ z--$}P#O0S)smqx%w_IW>j-dGg7%^8D_xTGKam2o(vTJsS z+d(l3d;z|!85-SiZSdsVtM2ZYc@t3IWa6F+N>%+8QPCpB#g%TY4pQL;`T*lsaiih;LAPwd zx;NZ`X8O6ZyupcYy&FOR2W7EZ1`4Gz+1oW+QV9^%OPT9|5!^s%8&g+@1QQA&;91F! zlvS`n1nX9~gK}C<_cpoMYjv5cHaYyg2Mu!@4DKP6s@7*7BVVxCSY;mMK|}7!$K-DZM8B40IQ~Vd~Ku&G*P!{yf5( z))+a7J!wa!SG&yt< zd0tO4B}al{-Ph`1@)+lV0Pjm+j|z;k)a8(fPug z;^=Csk#dF2W_|uy*BUB|ke%H`M0NKh@RL`BV3bU5e58)Ko|*j7KIWBtd3HWUi0|zT zQ0~@MFZ*DGwLX;`Y5Ekrn+XvnhkJP-5l>x=J~q;6C`*ws%l!$HD$ z{nN{jJBn4<7%d1qVyVaoEty^peK%4zq;c5fKL>OeRV2fOY5yoG#UeIJ8~JWf&S+Wg zD7WQf?4dDs$#A%|&OB%y@&?f*^E}KCn5YmZU|u)<^#PAEF=aNmj3mR7I8el#F2hE; zmWkO1YXZS2jEO%I3vIAtAjSkR6=OC|tDoXHku{@5nF?lfPJf#cIzjvW$5baB>;wXP zX2&i4=)T*k>>PVF`ka0FXOGOG_3dkbBwveTpKYgl;VRWmb{q204&kk$U3A78@KzPV z8<>+8l0(&wRO`jtV1!3W0It@svpOoKW(a(;$@rI?_ipO|+z>I1-(I%wk(GMS7phX% z+xAQHl|3t<(xLq5D8*ZyZFP{(V!A?)NQExsn?ddNRT!-`0T?<|!byZ|^X{c50bgE< zd+B6EXAD>u*=A~TmW=H$ifz9YfboVFkx2%pgA=|_bB+9*1W!z$J>Ox{@iKn|>ly^J z0MG8=ncFXT&;jv!Ku?iim2o%H#Bt29G2{-T>cP9RUCNcHZZi1 zk9=D?zP!f;xCUl7wo6d#EL&M-jN=Argk;o-KQpbDw zb@&hN(I0g>M0q9&`I1AVtVvr)=x34Zm;y^iYAJHAku=gb_V9m6whbOK%ZgFydYccn zobSzbcvYNlNAyLbQG^V@Vym+sOD=RT)NKgnxMMzUZwtpa6LKI-w};xzBE%dGHYr?) zShmk%pk%kp3K`Y<2iGV1?~+;vWj~0dx%(mof$cU15o6y)j3<4PZ@IVp0;f}-4!G*DL z2l@4NK~MrEX*d+Y}FU?H~4AC*JqD0WUT(~3!>i_pa?P>VTUJH zsx@JCOaWOKec#|7D+SYSQ2FDoK+AAk5z>LIXZa2zX5oUdDMF>h+QFGwLYm|)W(m?)&eucAZe%B8 zWmoHz3syHYUVl1U~7~0L8)4Gj3wK!7jSh$%{fR(JUaInGUxgN=9Gsso*DlI}Q`d$&Y~!%jsm!>G(~B*V`e|Hku}s)J>C=o%KkfulFvo zHuQ{q;YY73K;Jx#0dvP4+LGY(U1!QX0xsB1-vIR;esQa9(U2c)Z|}4K$@(fa>_}X_ z7t!3S-IC-pG&5>$P4`6}TLcfyL+E;B>}{kt)tj`=0eBgfJ9AwItli2;(x0mU`H(^G zO}~X*|L0e(1KqS=DOiZ-hRWH%yH`#UcpB9wu1L~NfE(OwwT>_@6OY?EV2HF9Z%5hp z`VjB?c-ihuRmv4J8{O?V*vJskab<|}T@WT8Z@hP{N&{sssB(okGlIoe8V&todhpKf zqSsT!tK$%UR0UFw7P#fBq(-W%TR5%b*fQF8my{LKbC~G*L%GmD8T!nWa#^xh^cFq^ z270Bf04$H`X{xd&HO&l>Otb}XbA+5%L^nc1$vSX-&dOD=3F7ipF8${aiFYS!5>~S; zBbgD-EOIUrs7OYR4{evh9ItkExDc&O+fv~D~YxP#aWs4N>HMog&gZr;7Igz|e5`AcYl8)E`sSdvCl)d9_Z%YaE|cBbIN`4vkT4wi|c1&?a^c+kx#@SV|&$r+2+NZrPnfd zMA8wfWY!1L?pQ3>f_2DDHCK&dudoDr=UIt#q!eD>N-c_5ms6eLopxp>!I7pqj;0kVQ{9~&O^8-a3}nct zN5`A>NWg?8p`fd!Mv>$lf@3=XmA0r&V>z_1JL!D0aiCuQXCXNm$@j!EPeR#0piCP0 zU@*wa%-}o|iE%v5;r7&jG=d)DhwLkBsy5VUE$EVuaAA7IHDCFQ~AIKDTEx0*O zS+V(3plb{R7pX{dY*q77J1*HPBAV)(E~fMCTcgj}LpGJp<=vUYs69Lb(I{IJCAZ}e z8R90zootZfymNP={q3UIJdhGJ_Wh%s6HiM&eL&z-vMjTsqNi~WkSv`g+Sm*)7v-a` zZyqaz_DuHaPBf=FP6rA2CGYiXlGSF6l!q7HqE5~?!{`MWTD+eAo?~&H-&XOxAh;X= zx{X!0c8^mW;)+(MzLu?ppPQ71#;qUGlh+IXchfCv5X`f_rENgbCq6K9@<_87L$R?v zYSG;}JMrjR?Q#c>VXISmJMN-qbH8r=GNk3;fcN*-c5#95v8ZWGf{=ImV0WnBR2zHJ zE`H7raNPxL{C}>lsHvFVpzOe`sfym97-%H^O~vf+FDY{bW#M@(v`}(QG7}i70B=xb z0Cu5%#7^Twerk(tbulAcVI8g?`IRzr2X*f&^Ahre5EDA8?4(EJUNVfSY$_NSw%JECYOIGKO=bq>6OE61f zRw&KU8=_ZayEpkpWxlAth2~W#lI46w>`Tdo3xw~5XQa?2TO|2@b+eR8b9ro{lODO5S`qu`gVZ_nP6>b9YPb^jnKsqk5ybj~tPJJXj6%LGrk~ z@tyZFe13b#;xpv7wHBos06-~$ky9f8pv1u9sWkvlEL7`w*eUCwmEtY8{kB|DgoAI8RnX(X z)Sn~d`<>S2S(uF1!N(Ksf-f~BeE^K2dv0|tAF6b{)=WJk zXHcW(2R`W`v2;VLq3y}|UHw#t+mceF|8tbsK_P)+-hw*_n?OA6e(KzmG`P|QmRQHC=)?&B^FjU7KPjl2tNXy zd7m10uv()9sS#ojXwM}9I5AUdOCYEuScpHdL@HPj3mV8SE$zZo$6*^7 z7T>9WsgUG`7NJn8OAx3S09@HUp@DPj4;_*WoKflJdy4fd9lU-jdgV{;!c`L&%}nIj zNI_|_1@u9$aK4X9BrI~IU$TeA?ge*Ky~v;I)Sgf+-Y>OHY{a|d$HVx`=zbsa>hGF7 zZ!1;EXf|Cj(^S#}%%X(;kBFXzjL#FMkHYE9FPj$ed1&IP8#|wOKxphPUzjkb1T&Q& z|E5`GpHbs#uCQj+w8)qdP@|@54}d+>`9682dgzkg0iy>l^r6n}s4vqLFk=MC`ghU* zuF*^OXySK0i9fpI+<`?s2d$el!?G$@WWbgY5d%i_d|R4I#g3rWjv&dny0cf3ukot) zv9Uoh`yC9k-F3Jyw;m*Lkjsdh5=VZb>0h6DnF#`cbJ z0KgnFZfjXEX%J7bwt{N^KCeoELIK{arB{w8C-V0`Do0+Z!3ksH#|#ml?^z~t%J zxQCZj{N+%_>lZQD71LmBvu#%M{ z2bQ0dB_B`iG$EyGW_}tWm!|hb!F)o}!SG^W9@|+Si_uGcQX)WyzKLxG;T7Ry#M~rR z%;{I}Ry1A?CH-AE0*Mj$d8%)__W`CI{w04>hKA?0fie@0|A9!fQhC{$;Cb_ccn8cp zcqFp|p!jYHh~bHKgJi)Myt&>)ETQ>VVvI#X1VI^`l^wUs2A6+X%^Y)OJ6Q6)@7{gf z5qzP3r&c91w-R87M07T9bKdC@NZzd5m1!8}LwS7CQhIn)Zb7Hd?jc*uTT|WJJG8f@ zw{uYyVM;-ILJrTZMCt{_7^kgDt`gGm0LuDz7MC0x zG&E^C_+R9U1*r7DNQKn54avV-bdPuaiD^MWYY%0s*rWm0QEbd;MZUmgm4F?-SDtw? z&@a3!QjE!l0{timv(P&)UW8IEBwhY3->b{pc?0mOWpK^cm54;ukki81N>G;f^A}{t zMhvueG$^!ey9Ym_gxF>hLopu%ti1$>?NRDp0%3@K!BVvcmo_TL1PRg#iJvGwu& z?adm;WSSk6+y0QzqI?ThA@@dxB+B=D&7H|G{o%WSAFRP##>;pIxU>O;jABf?k6PZH2Y6rt@`OgdIte%BnkM z^!&MMWP8cZeYx7}>ze!TwzHjnLfkl10tqM}rCJN4(PKa9IDQ`UJ@|1hu6$mSa=imA z$lUqQEj(cqc?dLeK=LoE^*Z!i9Qsyx!#A)%g58G)k?>lKaL7VlMQR8xP02AyC8XNf z@mxF{#4Mx91Z`9ioA8fgicNd`Ol%?e40-2zQ?9Ly@f z8_6Jr-&O_ml*FoyoRsVwsWnpqYrUj3iz6dUp)pHjVc~(=kj$^|+>f5GTgg9yxp^q| zC)g5lghC`pLtI9@@d6~slEE<&Zwk+(Yod*9+Y@JE+qP}n&Ko-u+qP}nww;OX zocYgpbIwio)4lF$@2;-ePp!2eF2j;6Eq>*d`!|ioVZ4#_`nv7`{i&foow8vJ{;d~~ z&Z?mlT+9GUVs%&cps^F=dqZCd+|dwNsq_OwaD{T$iBuZ6NzOuzF~L?2F=nb3oZ^AAcp~!J&bT>Vv`9&{5PIU+Ht#2ZW?GN+^XDIix;&{=%PU z=3|0<>QJnWM?11Rk0OijONRxgwG+OI{F<|15vpmk8og2x{EZb8Q>Py@lw1Jhlr3km zHCy1eBz9#FR=OcxXVR(n+6fpt{3`3vr?wGdS8*u4l)GU6OBhBd;ZHedW{V)Ft%3pE zXs9Q87ST>&zRln^$l133*hzTS(!<-jPyaZ@g+3KDToU^bRPcmr09$1-<85;hAbyLk z6S8yR95eQJ);lvF-|GPf^gIJA4R+Ep9@is3v6q@U`7K5zjWI>OPzXTRoNcv_@`TOd zRu@kgCWte~H9-a9yDo&ds!Wwqpui?udbUU4ukAx95O%yP(F$RgFFNaYkZhjA>j{CF zPE3qosR|*Q-s58I=y!fy90$*$SK#r@3?pbW%lXO(L?v`%KuDX*Z|gOMy@$hfA=h-& zT-4CX3$f}*8pNV{`l&lK^oX&Iozu(2AN2gDBJmWZh* z^R#w%Xw4l;NV7AhUyISBzT|y0QfYFa$H)EIP4a_j9XuMj`me54j3O8PUD+vaO^I}4$utO{OWAg(pc+u@Jyb|BAZnPpyob5X2(Kfv9aP+r*lz+%?k%9P| z$`}F^IcB7p_y*^hE~E$AQuk=zPi5gF)VQ^9YS6IdS`Ltn1v6ZSff9Rpwgdp~c1RMl zg~5cB4RQosLtI=Wk96E>91j=bD~)SX>_!7GbEq#sk?q+00padXXq;85RRSyET5w}1S?)Tku6^F%X;ZzUAIAAvwS(xR?>-B_<%-ji_;3R7t z+l?zcMq7M;d=IHqw>m7))VbByv@g4(CID{_2I|SveCtBQKQkADg^ZUANgEH+7!eZ~ z5Hn`mmSzO4wQkch-6B;93C3~G{@L26fzuAzG zaWc!Ju>{~}v24gO8f(qEwdR1oj~p}5zDQ`yJoKL3cD=m$ijg7(=2pnAc0?=-O(X=$ zvLtv^sQvU-pl9LA1#P1Aohm$3H;XS*rWt`icJ_3St3`lr8aA#)i^hqXvmAFKu&p-N z*8)x()(9J8EZAdHaFgXf;HE8fn3;pG^XDs~LN%;<_^3Rgd29@jV|R}4Itf^J*(q)I zy{3ztxH64iz1vg+e18;O9^d!>s*B1*)RrRpi}M;OtU$YskX)j6o2U&5<`|395QLq4 z5OTUzeKcZxpGCYcx@D9$RC#G*oEat;&H;YQv5763RR0dvt*dOSo5I81C%jXZjL{G> z1zK9Yaow;qBa}BBNC3TimJ#=-1Yff)Erh6_;OB#>x|{#2R#SK4VP+B))Y{sIhyjQP z=&`AHAYSw@Z}`2*v+q9CvR!S0n^97Y&o<3Ri>k!!A@nGxp14kB%hRjwhIEH_%NsxUd$sKGju+*-H9NvJsQ>2uT=G#tFdunofD_w`@4d zlI`SNFUj>8>0FmDDL&^sxBJmLKU2Kc(0E9Z?N% z5*4-;eM2@~LA;(Mf5py*#e^^3I*z%xvbRcmK)hjx__A{{}R_1$I4KD567TdLrKW8j;pV zZ3!PCe}or+i!Y#w;O7qj(#PbCpz8rCW8?%BIYc=mElAoCr{Sj&wnJ`4koAdU#Ck&% z2uKMmfn*ENtnHym#qpLuR2T9$`b4PwL)1W#enjZx3P-=`1qr%IWBU}JuN zg?=6xnp@+cQ_KlN-(S>A)s@jS9Hk~3&Wmyk}7$TBMY!WEL33M3S|mV^OZAwvct zU0Q;`)7W4ler!hFE8Z>Q zb-74-$J;;=m(M1Z{}Yw)<0O5+!UY$N%q5#$vazt*M3aXBleeXhGB;uX^zJ36kDqIU z6DXJ`HZv$vHKjJjCQN)(nXC(t6%1E6?ZNs;I1gpt3*Itxa%uCwe}VAQfa*S3ZG-WS z6+l%OP%@O989AT=uVY&7AFPYoaNzHC8QtpyQle8yCvpq+3{ioteIYazOJ;S`OKE3kSK2g`@#t>Upcn^_FITd=c2 zFSK)Ps~NKKz$d9eKFI>~&P)@D{te75qdyMu2|@OSBuW8VTx4Oi0(DYqvUKU8&+-G1 zQz9z+jpi*+2(mhbYUT9K!ULZuB|?&on(g>Zg0CQO5wPFg#y(DHIZTv?N8~2*8kd5a z*Kiq4&25dHIl_&o*8A-KiY*)w*`ohAULyj0Kvyw<$_aIJXKIc@ zHIZ$bp=eHiV>{qv3U1^Vygx43@4K00gn z>u6qD=)o@Q6o3Hici19%8Q^)*5>NVbzP8o@ao7etNXQrB8#Q59i-3`=s~SS9oU`Nm zG`fHdcJ>KQ)x!Y%!5A2%O_;grBxM8Or)_d;XCh8UM)_CFyJQ<1 z_BpO#G!8RxAbJ>z@D)MR_)ueN;r+aG`ABVRxvFXmLtzf#Z2#2Mb01AvS1qsaf1`2| zYMf7|Fu=Kl3R>NSI^>}z*^s6=NUHES0Dh1EI?9`8x~q;D0KssvMaP%=B34GVD3|50 z>~Q>8yYT`zJ`_E5%Nm6Ey+LqVORGs4S=@jCq>7va+c2i)^m?T|a$3@4Y}?LdbgcdF zfX&^(%;ypd37R0v4iAVci|Lj%Mm%vo&e$}~|GorJ+k>i7tfCkkG7OFGrzC$*p)|s! z8xy$}YuJQPtAScoj%f8~+O|o^?b-NMl|fzM4TS(sE>|3N5_1ix5V7P~oR<|4V)Cp3 z<6A<9N*-xI4t6!%rtZmugVlFrxDZDhfxp9`D;ia0n-h%Z+qhekZlE9`FAg2wrW0Wn8EwuT z#I|x-JKn-j_)x9J{so%=uZnfV9pyPYgFHZY^H7;eO`$tf{~xZo0KNCI<1GDr?|3vi z;mY)w(fUZ$%0E3Cses$$)PRZ9UdNme=obw6&O8ihGL`ku9_1nYd*8p7ks6Vc_7=e`8 zwF>qJF083^dZ*r^*)F)AF_r`xo8D{$3f=>R3gV~I&C%hvsUNE`?N)8f79 z8OPb0KE2jjx8qPKinHF`{L2kftf0PFrl8JpVpRXhX}g0BI|Vi?1B~ukfkp+!6{UzY zi#~Vd)R+%Osmr|7+9vyt3|Hup@~6MZ5{=Rwlkkx}NUs=(9v0wczJ!q`5WArFdQ7=yLww629A5$v@w$>{5Umg4npc)O@EdDv|N36zG-nhEs`a& zo+>g9YLN|Q$G<@1+~U~GMoQt#7JOG|q;F4q5c?GE%!?G-m>nO9V{FV@MrB$yeVXpl z_4K_m20P%@UI(a)1lDYusg14hmLAxm1ozi44<6jfGj0I(};?tSTD%m7AfhXE%r`xF&+7nl3>sXuqB zhMtG5XzM?d=f-In1nRJM$i?|Rs_ps)c{pf!A;PH1L9WW7j%{GZ#)YKuSu|$!B@{R? zf0W{>e&BAGlw2v>mk;kqL?xzZrFJQ1ryR_F2Tl#&iLPRfR(B=8XkGD@4rZovjyM*o zeL6YtSwo#9`~b(cplSct5@hFq%0MDQM?yt9thCFI-^mn9yBDA_TD`Q7o8sLmStW z;-vHGs3$~!OHE2^(^hMwEt1Sk;mX8xoUt&3ry`4$j98XvvM|r2A+e8o-_mr{LS%Pb zetJ0P+<4m0KKRm-#xu}P_GC737%ndaThb&Xx~^0OPpb*{{Mt<7cNTN0=+{W9WQI%x zoIodH@B6Byk)V`Bh9Ht*TuTCDI@vh5OOOrLbsGoWJ)RlZ;0lwXiU&2>;4zC0)yYsY z2c%C;nemyaF`dg0C{F+_4qcjln+ZelIJ3Yxe2q5Z;|rB9=$6f-^PXzqV|0V;Nb*-Slc6|tG!!*nh%t)0DQi(L z&mS>#UZ3&XVE!RX-)0(QMm92VIxZS0hZrcO)yP)Ugl2W|N#4|}wF;b(j_Dc2+6ap9 z$M9Tpj%Rx&VCQfrrAVBYj9?!U!er;L)rhN?-As=r8OSr^1uLhjMM*xHuy*}=IldC^!@ z>tEQEJ(TV09RTYd4Ceb$zle~yC9-O$Y-D+EHPm{Q;!g@4&OGdPxan_91EzCTDHrFJ+6SPxop(x}ZU}$96-%u){ z6e_5T$&-@eyoo7nZk-|TD`wBC4)~vtS4vXsRw}AQLKDOuqcCRu0LKFD)b-ARO z$wVSEXdVY6u$fwL6wDhFxK|1=_xAu+Lgr`k=LOt!VK-e;cH%s+1NH)$OTi(%pDwf@z69oleYrLRQnbw0!#SMj*SJ0Qj@&w|u zq4i-Z+vt-#?Vrv8`83XwGe^c5D+_&5^DW8Cl3Qvb58tE{G3TsTl3Dq8w|gqG=FSMd zGHe9IQGj20o$~A8_Fi5sIS9~2Wp}_-fBpUdHkF+JM=^o7`0_Sg>%Y16FUza>w|g}z z=;16E0#l;FxH zq4`OX4P_3A(q5B5HyP&;g$6k zh~_}9olnu3r}a0i-ZjgFUk@96{LgP){5OcgE?ff)(dBy~feRTIPs6{^ zYt*f^8|+kTFOVh#@ykXz7xPV4|!ggKZ1?k`Mz--sUL*8mPxH;ssNR z`S2sC_=9!aSsx3wmX^5py4Co#oVb}ALyt{O(Mu}HxWgR?jI-n$)-Nob8{5-z^)1DE zO`B3SM&*^dvRuQZx^za_h2?JcL1$J-H2ADW$&WrEWEg5mseaF+?K&||v;h5}9e|PE9b?8?o3#Z^%xCNJp%)3J16QGDuCj>KIbI3PKKAVPcqfY3BPK zc?=8ASiy_|H+Kkb>fSKrdA6FSq#of6jcZ>P%f`F2qWrIGo$$>n@9q=rlW)A2A76L| zmBvZD!UN#t@fWdC;&-?X=C9`_#N2y$P>g476XYO^V=+S%q1x!qKKQp!a*2L+hUeFA zWsvUtDrR(d+x%H*7Rf6aGe+m4F*{Y$r_aN`1yhuj4&BfF@)H<|xF3%Ie536qc|Ztn zR8B8gq~5O_+bZ9&F8BR!CGuX)IuzMO3qEv|N|eQ@mX4Db2D4>1m_0 z!R3j|Y>scO}IPEqV!lSTQOp`GL zcSL_@{cNrKLFiD$<1u0ood*HZKA#~>n1Lq2vl2eaMQKI3cq zNsD@=%JdB9O6Op_HQrVHqxpX9Tz|z{_oKDPBh#Oci`G*Zs`?RE$Ryjrw!b1oeK3q2 zQmKZ^al{aC^-geF#uQ&SuL!+=xet7A?j3Q1_9u{Uuzw=*`)>FBSL?LKT1RiRKG=bo zYexS2T5)PXWg!tBZzEuCms;&=K#4%W{(SBi{|6S={R5p5o}r`eS6koeKxu)&K>J*+ z{{wj%{(&)(FphVB=33(#K=**bPIDK2{Rf6M{R3~G@1PJIms>ZR{s$_bPsaQQF0}ju zVW9swL^!RqlDC4c0)q{3kCCMUw}WZ|>b0qaq$Ej?jQ~xSgh0`f@qJ<=Rc!XXBj!s{ zBm(bg*e6r-9M$xtQP@1v0Pf0~jYdC)?8PYE?1if3)_yY2{tiLUf>$+VW(v!%!gK&z zq8XJw=BRjOM!ffzJ>IvKo=N+f!G$L~ZO+TeYsjW1E+CgRchwCKjj+^#o0}CtPVZqo zdfoZ-Wt?LA`E`{AyK+w8yCZ~56HZ_H*Z0n=BWk7iz81d$b)vvwgf#-tC!a!3=_0F9WLb+vea*Of`$9Zv_*kX*@jU%j5s_DFE$bFX5 z+WTp~jgA)peXgl?qFTh20E7HIg}#g;16 z3F-?d!NAhmaWUSjW;HxoiHCL<-;!PJS?nS_S>4QMOFzo7Q`Y~`XKUgQLHfLEoqz72}0|cP8fulnD~=Ah1sLmPKirj|vw_4Tsid>uUAFZLQ*V zosWOKfgGxg%xl=yGe5Gn&2)&O_sR?RkM;c*tg9~2G5}NiAk)3!1`lEN9d2tS+jqTH z&rYZ3#amZ!ZKJd`Q$II1qJ9-2KP>U<$0lc@%^a!Aju6UZ#J@dg{NUA|HviuqM7Ocs z;ayvFtjqpx;{Vu(xFUBpmcN;1v!xM=@u#nHGkj|0gcbLN;1&YIyas`UM(M2vq6jJH)%oRXMTsK0NBIb(k(Orb1 zp=MwxRc@7X1aCMJ+SZ!_Xu-Q*G|!A76)8;{y13E(EjG8p^h@K2amC3rb1}&(8327t za|bC|yw~RfW@b*V)QDbCQb6wm`Cs+Fi>p;XDXeN$L6#1J+sB&t(a-X_UoC=oVqO6y zaFJG6K@HZU#AjZce{Q(^~229O$U<4F{yQE>72OmGsow zGEXAyTlK!gM(xqvz;Him+Uc(FU0ShQL%kTer}KX#+eZC7vqRTxPkySOq#VvW@)3ke zHodsq7fF_vYIsK)XGII5P)Op+UqEdHD$N1EkU>4MKtCM;4|!3{VZWfvfxiea4dj3b zrjrY%Z~3#x4Fs`pNCE<_#=RBjGy^K&!z(0JMqpGRq=Y>DUxK+>i7v3f7^|qyS-#3VgZ(Ae4dGi?vd>_9uy0XGv5zKo*)wH#lYg;>>^EPgc~eKEh9sl#P+bX_ti?^Lj) zKr{=`g}iD)3bQP&Ne%7LH|LboMCS*GN7UWeZBrq&YTs|=vrfPE<6ZzTq?^Oae_7zB zA5;Vc)b^^= zy7}*P3~zU8YMqm2iRIj3MPNi3Wnd>*Icv-Eg9`h`@<~bISA`&&4L~cGWTE8Co?n^6 z?J7gRd2=f9(CW8H3R=K~07}xe0M!}LBtFzBnIbwRonS4XZc2bcBhZbC5>iq_DsF%P zd03e!Qe1>D7t|DFo<45M;MC#VnZ+lTJewF+&VD?dI=1MMP(@czxSxA(<7k#fd9|xGFby! z1692<2WmXes3=-+`b+>FyQRh57~1e;iu3fN=f$`8MMQ{`O9>@n z$aXtWbn+9RCa-tgs@5uu%4++*6w)zf@R417KzU-+sPQy*CUl<^4P*nz;j_covr@>ilnC<5;BxAZJwss>UO z>_1r{JQVcG7}>1r<3ncW_}^TLweYa9s5RjGZ!YcTIq7DhMmnKXgYdZu7RCMw zbUkW*`eiF!koF2y&x-;TLE`<4F@@ycD(F}Zish6SnA3_8{dzs??! zsqfVZQLqabgTX2f3Ic^6E7oq2mKR)s1E}?NRjRC#-Lxf=h(%akE2K=JpcO+#N5p!s zukdjJm?y=HVV+?Lj1V_tJ%SMSAI{3YyIS}huFLnL(rS>jcahuJl`zZas{O?EIJQOo ze{=Vhj-rai6phOzmrN$2?n_FPYn2+yR?FGT+Lw5&_?rE-BSScmg||N}c7WDBVZn{_vn$cq3d% z96U}s=WA5F^qJH&sm&7|XP%G9rB8AgrLdr@2tG`d&U1nh3tpIP0O@V;YmNE;>-uD|ehBV@BgwK&{9Mbe++@MatuCC%=~_ z*nT3TpLlv8(qX#PAwc(wRQ@P4Rn5a6SX5e*atI(vq%9g*#}shEUmdHZD{5Awketti zm?*blX!iflG7Cid-$}_%M2*Dp(^f%7#C+;U2s7s%&PL<^Vb$z^F zI6NMgHflD4*6{gTC1ca&$d?OqjjZ0DW2Nbi=DXbL^CN+<15-|VJ4v(xA|O}?#DZ}? zFxLg`)A(3E95gFC*<5MBpLgun<760Ckqi?~4| zy+7JaT0{GE32F|Z#SCMDa1`fMl7i)(vL#0{cIIA>O!gR^q-jp?3D}{7x1Z7@GA2wo zvOaEZ3k2Ot&MxY{u73lV5gD>u5k7wR%cYGJ`aOn1Gh9J&96R6B#}T;!pi!_Oqd8#2 zI3Kh83DJ;ZOZyZqXV=Xtb2mD+mJe*O!2&7ZLaulSOx5-RyxD^7Pj=w-TYPb%C?a$j zB%inGu0oA{j1`W#HS#a%w3>(zNJLSWu4tJHP-c+#wp5HRXPaM4gW+(j4COB%=Y~&&JYv91nS8(sE8EW4H@zS2n zm*dJ2+SO#b&DeBEb5PFJHR5Alhun%35A9guPHG*Hrk8A{6s8U|Mk%BAM)hIPYp^^% zl*TzrC;9IskKQ*q`cmTk*cx2223)1Urkvrq46+)Eb_)I7Q$LPN2?m2 zS}}uMbfeSO=`J6Fe3Qbj(VPKfhC+B1+rggmbfR~f0wPtbj~ueP#q7FDWRo*2SYWYo ze{rEh&-WW}ZOnVyxuSTwtyWhiOsE(JH3;Sl%mZRb&vx5i>96fT5S3s>+q*%DL9ZRJ zh{NM`EyH|k#9-V2M*`R-_d92OR@?IKFoedKm-zZWm}UdcanK&O#vLD8>CJ0KOec=s zN{ep8G_9-@1QnK4yu;%F;=UcS@R~pxK~_8vkUZq*HD^#aDzFU;g?uQC5A7l=hnKv= zc)QFTX{m6TOIQj8|A!!@e!`nnL6dr!6eT`xD*I8VQHwo8&N zAS!nwr_%rDr`q1Eq-pS*j<0VxtJ_~HLL%$uQ_WjN+6j4ALoHR?&T(R9YDP+FgmBCA zY_5O83L#8JsVmCI+(`zQ6?NO^$Jgbd^Cs@5lZRs?lzL!rbq^V@kpnyys&mfkn2GvW zki65G#uAkNh6J6LPC%4jr6(8}ffsQL%)S0Em83Ty2_~f8klG~TU|HS~{2PV(+htu& zbYtNauDOnGHm*J%b8DZ)Cqlm0CA}`TN|k);%$!is7TSjR@k8;_3DqY*`kV0#l*izc zJIej?SmrkI5>cedcL}y)6HF!Sqa&2w!ZNStvdyV#gCTYho_;%Zv!w4pP7>OMqfb?% z>TC#rztglO_9Q*2fl|h?CENE$gaS`e#t=0wbXi6qg+WiYVI>5A+=nh!0eABm3R`>3 zXLI~nwBfH&F^ib_a&#nOC`4*iUI1Sl8N*;}( zSzIWPqy-WZKgNc4-G+AtnQwnu?at{Y`mZ5i4swsNB(oiKSR3tt4~M={UPCV^y4Xh+ zLn=~zgXf%X+*$obW}>;s@x!@dA|r{8v3axEOZYWI-hJ!)eZPGa@6htv@h7VI7KaS1 zIVcKf@`^`!GZRCZc87eRl^Zx+`L&xKVI#YIZlQ zAwEG;QkJN@<0YWO`WaGb1ChiSmtOr#`5PK5J5Mb?{;lMO+|~=bl4Kc&YK%d#N`clJ zSm2JdqgCLDle?*Cdy0`mPGNa)acUaCKlo36QD@M+n<2pXt5TMO)Gg8NxvPxuOGA3J zH2;-_pmcL*@ch7g;ezF!KdRYe{BHwCA{BWQGdX!0%DM(gar2K^*bZhl^60|6Sd#Hx zp_A+hPO-<1jBxi=I*Tbl&x%t!M_r{WH>@NFSgFzXFO#$|JJ$rkmDmVG1HL^VumR$) z+kRVK>$9VY_3jNrM*H1XVJua4|7qRf>$EhfoAd6ao>oUfc2~c>GLL;AFw+TI&O?Fk z_B+iA1G|9J&(^UqtE2PxR3@L^*UQUQ+Z^RASV038)SJMCI}DhfB=54`phj zib^`o8lR!%tM15Uh0-ges^$?UpZ?_2$?5)2PA>OPVvSG6*2dw&!ryK+|4w0fIvy1P zjuQi(6=P6>7>YdxJP7Jbg!v!uV2sKqZf2BpY^Q2{7{pe4jPlxBDPtR{2PPTfVjZxcK8o1Jyxdb z*WeLvvS1bsR^0i6Xu`6i&}xZ|iqY2K`}-h=B2-!&D6Hhvp)QA0EOa^b(L>p6lqOyh zbdpI*f*6ig%1ocC|eN)mN-U%ANaZyQH98WDu{=Nj$zB+@0oVUFz zzsG7~eO=OE$#>P`K5H~N7HjD`lP5HK9~hd)x+dY9*XrGml6t%WLQJf?fJUq4NZOu9 zSdg}G`?AX~-?U2$eDviO%cG%hZp^oz&vGBd0dNqD6d8%eR96nzh`|^DEZQJV&c-iEqwkeXb||*aPQoBm&RXs_K0as0In|pmc{wGhreD)Ky}ftlsR;rILCn2E!Mg z9W>Xe&ePZBOgrYf7~CLpg6lT193r?A#?9F@n4Q*9Eh!#xj&%spdL30YQ~y*>Fr>TJ z-%)a>jIwm27N?$QD`=v-mnq@+y$h@K=Y*+C8IX++$b(Hc0RcnT^ahG7LI`i9{dPoZ zqvT@2Jv-(G6p-u+ty*((z#M|{Ab_wmjXNinnzt;v35|ZdhEIJ7US4&U{@yx%*Y&Zd z@e_Oz;NJe=?INAlsK1Hwu`4>Y)#NqzQ~UD#gAEKQO&{6al`W>wiS<%*$K1x`c=*d? z#&@1RJpYN*l@b%R z5lX=a@L)qJ+tx~;J~%I0uN|PMsP^&y8i7xhJcNmoT()+)r@r^R^*>#>|IGS~UDIOe&h1nPD(RP1*nQz+!n)>#Iv@%BB3-fziqD zpFN3B?_#HB_B={?h1&gPqsBBLy-#;ilAu<+tk6xmfKgm{xvaUeirRRs9} zaDuIQd`UPBeBZ)%ct+}JO2i24Ovm{^o>zY)F@KYxYNUpZ^%hBlfZx(Il(3}1PFQ75G;R4M!UI zBlX1z=s~9f0Rwx6fW^rmt_ zmR{xXn!A6er8}RpKY07@zGO}gc6Bon#In2VUWV4W8b*pd201NyxBAp%b?`d%APFWFZ2A1rPYJ2m>Qcc zCsev=EzTE?rFl+EO^AUTp6-jXaT4v!Gh}MyQmPT-L?OlsSODa9tg_E-Vsz3fMH8x2 zOtO)*TF5laXJ}g4GUdxyOs=q?CiCT%TfIwCf3Gm z;*$d`R^7BDbdvciR3_iwOzCp@am5!;>HPr#UO`L(g{lxG4s0C)%SrLS=N@tZYa?YA zKjF7?rv+^Mn1H<9;?!b`rUsJ`y_}K-@XsX2B(Y3lb;B(|Bfqu5HKQp)*glYYA{%s! zzz`$DH7;5dZ{VmAqk8-_Jn5l@I=HDm?%~tOF?{Fx_8ccKV^1FB+VGeBRS^2V(KoAa z-5W~#R3aS%R#Y=6?u4ru%tF8u?#mN5fC{5x}qPM64@{EnEP?J|z?7Qr5 z1U(R_VF2+g5!lLa8K<2(?A;=oF-8AIcr>_SNI`uedRI!;9=-q{Y7(>Vjhw}em8B&& z73k-=Q7w7)mw1X@1=_+yho;RdiPO7J47NJ(lBc&0F+iWf5L6W&vC_I!S%Sd856w{QpT&tq zN)J#9FXU_rg+qH)%pMW>Ew=;S!N8=I!$=ykppUZk{_ zWI%@V^b(G+j2Ij?x(~+hfPO+kUgx8&oFg?Zc5t$b3_UyR=2d3(TyFg65^$bqpZO|! zOd;T`!_b4TrdhB*YPg0|Scsu5xBDq5di)>`Q8@8)f%SG(deB%Cy^Y z&5VZJsz$$?lO&>OqG(?JS^qgsoDvv}fCJzVXK+o;0W*Y%VYyNUa3qFAFeP*Nu2HvM zo_;XA`vb~TZ}~}*@HbHViwZE9{Ssc5=_bzQKPBc=p6??=$wwfDfyEV3X0iLaD;20q zy!&DHK6hTaxs6fRHs^nN zg!Qif?CJ`ycEi!GFO(zLw1RSP8QuR2Zs6q5FE_?jaBW9X#em|rHKFP$tEO>Gu7;KYm}MggO4sAclnb4TFpc0vH3i+RXG`7hen)KcNSd|7)+aJ_h+;!48-GOa%aE+(zMGwJPJR>tAwYZa ziN1TgfW=PgT-)9vwcXs#0hG*6NNO_UdHyY=|1CrxnS9udo~+)E_~C?;Jk;k2x8xb= z?jDY1JgqaAPVJx~OiHz-q(Mqah*MQlveV=7Z=8huU@N0R03sb7w#rK@hCO-ZYLku? zyAe2qqX0^SRBr3_slh3|Lz2DJzJ_q}9pCTxGc_EA1*`Jjsc4;Z7$6p_`vG)D6ssL@ z{HmhLnd5;oiA$mvVA=@qaK#&pXax+;`j5_H#}Xp47+^9#?h+fvA4n<#>w1lX!u5Vc zTYT*L$KRL?%J3k3T_f{l0xkYhXt+f{A-+p^BQSjPVniD_H`W)_w_5g-qz<2oENroC zxlxLvx{Cp|;%e-D1jHCGknSm&^Sf@j7Sv~6@}^{O3A)=sB2(dY&qu+**%(Ta&z^g` zW3l}~V!nZ;wfEE!iAe8={DFFMw+VrM6nO_sP=c+p5z6+^cQwvOH`C-OmLsmoCiS?= zM@^Epxhaf{(=k@=@*409eZL(j9r3PLG450|@lEA76qJNl0w>IHMh>U*n09qQ zo-vfp6$2+X2mYc+3?U+Txo9g7&`7$tJH7N+uWy5&I$cDGls;xNW)@fK>pYnFm|WeZ zmSO7AwCipBqOP8S6v%*#Y_vp+H4i$#(N1r!iM;5b1V~(9OML_f?+|W<>TL~Gl(YVu zE?k?N`g;+!{^jF=h?3C%DE#rPJTW7q?U7A6h@k{f+&JfWQy*&tFRM}!)I_Jug?YX< zsRHkW`+zBTOP**+6hWjMEPN2Sh*x=!J8{?__dUHwNZXVxIN^na!#PK|YB}ED{NrPr zCzT;x4G_>Wqyjc`qL%9&=b)LKz>`%mMXzIHi9GlN7f61;V~r`+E`iITA&re?c;C%z z;~>OO;fVNWAU$Cfe%_-@E2j&?XI`ZLH%G4E17`+uIfP+(uhX4U$H5NI1*BHP*6}YrfQYMhn)1Ll)HND7ZA2u0jm7d*yGk$<+7j_R2-Duv4s6t=`1>bOnFMHDdkf8`%k@z03(E28rv`io1#N(j z@|=MUyQx!#%QvdLxp4eEZ!dDaSL5N%hQq9(=#|lK)1UWhUC8AX2j9j5bZJS2J9x?E z#v;Z82Wi%z1aY=5Rg;r!je4TW7v8A85vy>=s*<)#*ctrNvF}nVhWY2pfPs#>VlYj)#kg1mhRw++^ zc(;0Gy_Uvvx&G2nhKJBKo8mB~B%{ipr}x$GJrnkgXN7;LE;cazoM-iwzJmj-~qNV;oZ=&J+YtYX287;e>-b+TT1I+~ILT|^0 z)@~VO6-4UH`oX3TpmB1?M4Z@Vn7NpQ8u`drEGETdkHli^!*j{`*vQD$8mY*c_^92c zz+&tzG^)rMnaFj7`HY2Hg29GE!K@ER1BH!P9P^1YJZaQlt-44_4_KlG*n&ldLM^to zSTfcCaY(WjIyy@%?k{bxvZy4+Z0+`BvqK&Bo^J|Oolo9&JJLQr+Zf%<-Zit4?WhL{ z2Q0Xx#w`8Bj)I2TMigCcsU-Y7tid>PF~uW_sFdy(@Kz*G6js!%F}pkOVH0yf#r``NUZo%i;nHP1mKRq7*)IPe$@? z5gWUIq_=14GG_7#S_XQX=$7+HcTAL6G!d1kbBa$xKN>2T%h-h;uVqZlKcIHL^*+)y ziTF0`R^cQD7-*pF<@1^5tr9Fb3~pwpgU}m-fq&t&^645?^-i=?@G+v2YBhwj59WM? z$1KP8dnT=GN;=rkSb6+#QkgDW$UW3(EapFN3YsZ~v2%1dFCC9kb7|wiG5OOwQrqz= zf%Dvg0)7@wF%`wAM#KTYs<>hY9oxNm^~RQX4jZ>t|pzJsR--QHTDx*uRlD+e<$?d$tbMeGG%s%H2v9xGrE zD1!w|*MYYK#Dn;bDiz@Yc%*YbTW+RF@(W3E72IT9r_z!K ziK>d-#+04uD8(RP^={nH$AzChwdRA>qJQ>6>gV67&zpey@MGcQkG?H>j|b|9nV72* zlT1c^HD71Ut`iAT<)|PzU9aDrA-uDcKD~JUfq6X6#%_2F4#Gh|J|P>H01XbniuQ7T zW~=Pb>eLJa5cDsF{%=5k?vWe=y;Y?<(5_^IerJ}jDB3^CkH;bc*N*cDoI%x8rhn6w zh@5ZoHhn_6`qzlu!?wB01g;X#n}u0yiwA!{9wxw_4ufr;X#avilKh|t-68Toa8+6^ z!gnf&!ec>&*9hHSuOXeyz`HP(*tc24u0|DBq^=5IE6nqsw9SXdF7g9#VLrZ_G`CZ1 z^2?t$fuP7)Q%F{tVVR^oXLSYkl7A#xAU}1M*u}e1izxqt<=XMw3|h-x$wR>+Ud^_= zyE=C>*>3nGJPZ$dI37lSaH^)ZL0rRfo}jSd4kqth?>m#n_6Yi2KZVZLwTQ>-rNRdO zLTh+Lm1u9#k$h>Apipum9u0>n61Ym+CGLe~6C6}&87#y{PQ;6OJRX|PF@KK>180d6 z9Mv+j(gVi|zEB9`8Lkbc)Oq24`$dV_0-5wb6;=rD5(q3#4A;wEuE}hLMMq$oS)q3$dE=@B-aMW> zc_i+S)jy4eDKN49d6_sK)PE|R!DP1>k5?YCZLMo9uIHh5HXayiBu<4Ar>Z5W>Iu_u zaF<}Hq_j+x7pklVcK`iX14%)5p%Z*3D3I=iC}AF|PqU8;UOSmVoO~CmK*PY4>KVBA zKG7b2CVM}VAj+&DRZcws2c`UuY*8KGbaMI_Oa) zSY7C36wEK1fJ`ezEsS(wlTbu(oUlDQJTsi1GNt~?8Zq$P&KrMIgH6T7W1Yh3*4xJ( z^S}JRb#>8ecHwFs8-K7ncEua8Ka9feP;}&3_Lb9ORKw-yJiZi_>=Pk?wU=+=05gn# zJm+!j<7hM3JYM&BlX+8{6Xf4VphWivP*EJ!C7+Xrsj5?&0=8>)q3Z;$E~+>=sB#vM zNBT~myS`$5W1JWnnz=bay*+15Yq+pe=asNX?RU--v@rKCmw&Dw&iHWtQGr_;b!f#B zG>(rBK*lU_U0z!A0d--{zTA9)vx|!DIHRxSVdS~LT$f^wY~L>)-d~wrWVF?1>C-dS zT%V|zvgEqDvho@MhmTjSMe`>K+{LI#=-SDX=-U1JX#QFe=>x@MAL6tuu+xaHp$Nb#fJN*}CEC6LtqEg3sY-cZc`V`Yo$IKO2f z@qz&!G2D}XA%X7GFEb6CbToN3gayUD&JT}PCd?FY^?$1*w3j*XdZH+Si%PfwUaBYf z;#d;V`LC&LxKef{4l=|+hWN353<}@_h#%{T9}Mw>A?CI{MIC$xF}ICW!A$~D7qRuP z;NkQYcwl>=xLRm&mKMvdEO!BWS?#;jLsD0)M%bHZZqTQ4m#RIqDKIcJG%&C!w7tEl zsa>#_t$!8u@Z35HR$HBaPI}ogvRk$MwX>AM2I_M5?-cQL*aXg9bWv$R-Zfq#~UWUieasbN}`~e|56ZGprh-2%k^K&aoyRg%sg4F$qI(2$7 zY0+9X`|!8My}bFTL4Wk6hXfpJG;E1A$Do5m!hgcE+^2uo*?|E3;x>}jN%B2HqodzH z{Jz{k`cK;n^XsI+(QJGgib)gk?(RCgTdt#P)6!5pk7KNfa+%>g;|+#Loxr8(V)ZDJ zkI|A_rsfN%h39m~-?M@)#ju=Ta*8oKS&T3lj8$q`GO|$H{gmcv6AOy7iuj8BeFZrp zG=IvNHufZ+br16+)W&mZZQomY$o|FhSAlz(WI-=~2MpmlU%d4))t>pajr3UkZa}o~ zDAC;%!cShlc2T$p6w7^yJ%4LGSN@Q7-*#R(T9r8Cb=LitCAz1^2wr!|g)|<57~CTl z&e76k;RxSx8ePb8!g!oh(CVHntYx_o2Y<>8`U7IU&S;2NcaLGahs&Wf=U1F&FedOg z`6Z73H;TJ|LvhjXP^@6(tnRxsSCv|5H08ef#vKX{j*SkPcV;;# ziNty1YbX%#&>vNcqDM^~k3RqDDZ2B^rRr6?a)jc|XjvGM9sfu>Zedz`I?gO`Q(9W# zp$fL(Q7|0G;AAY~(Rd@?02(|35`Q5D1Q-QD0(RS{n!9IWkhkEqc5eJieyP`?FV>5j zuVmb~r@m_X=ENt$2W{7CFY#ADjeMt7Y+jf%W1gBgN>m!xBLg501}Nngh){vry$esp zfA$!K2V=+kuJ9JT{cRUG2zWq|YBItU<}inV`t~F`Q+8B1R(`y)lRtiZTYqSkSQ&N@2L~RAL|D3V>lGt5}MZ#z& zo}*5_^SQP6+glEj_~y4k=Syh^%~mKv(8vPBPCUj5vmC>1hXY_oS%Yq2DH=(zP z-JIv38F(B~z0e6f17p$5*?(4g$Eze5W`=u2T!pt1l4B4Iz%Ukp_rXp?FSjD__*(*)!Lh+iLVw@CUAkcnNR0f6 zis)Exv=NI-7A^EYwyn0Yp{h*^EYTZ<^18O-4*sDrSi3G`TVkTPctPZh1?mts9%WV6 zpxheaAp7jm2hCMNMe(VFAFA=F?p^( zs)$}sFzniC5VTnl@qb(SCFwVgXNmfvj86@FcU<>v2;6TAwujGr^s%}N_xc(y6}lZs zmH+ZOIOeD5IDh|4?%Q4)9iaA)_8u`4kFS6+8NvYr+8fWuqRcoE zFCbbn{Xju>c3!^F(Lt~I_)#XwsW-0x-9<21li3(gVUq`vY9m4DtG;k#GZZZu}Svhz-lnSXoqC@EMdi4M)(z;DG95FWUp zBB~-qYz=MByuHKLoca0ArD{)i6hAEbR(q;Ynw5oiys}NvV_RM}+E*!Xy1FttyyHDo z!8gDJ1TMt7n}rGTLFnH|Dt{&PSIXxsgH$+>iNmgYb9RUcIfep#p{fYk$5H^x-f(1iv{2?|r-Atu}9Aru0SZ zbsogWUx8Z0L$XyaXqLwp^ipOw!2fIMA^a#}$qtN)Q;MWWL)V6+nS zk+>(a6F92g*ZQ&Z!eb+sp{vyb)PswJU0{WlHMp)BJz8hGiDd0p_#mVCHvYyJCokL* zdVf4?1h<(jFt+6;3~g?4x&xvci0fb|f}xz?Nj#jdIu~(|w~uM&VG?iTnosu4&=sod!H`M5ef2uQy~FYC^+YmA>3jT#ZXI_I#zc%-1Vwtr2{ouy8OH>?W^jq-cr$r4ZroQ8sVw|@GY zHQ;2rhYK*QS#r7nLM{j<7^wk)E0aqhhK#Ga#Po$bcH3sAd7^DRc4efN_u5Y$vE^O> z^YvBf2Q{!GJ|jl=b6fnz(o@@O8e6MQzZbNBdyY_3-&|zo?{&=c^bVOfcaDeyaDNcJ zGZpC*)yXWkTb^Z|WMA}7ljJ8aB@3AgKC&tnjpg1;#p3x&v5fvrv3&VE#nO)@om8;~ zEAVVR3_LGz9`a=C)L{Llb#CC=ew!S|vv@F>EEKQ-mVZO$Ob0>kPab@wNi?rDN#^^| zbx!fCB2iie$*Wfd6pI)BMoTN$H-G(BdCkz(o)zHx->vLmHDAX6Sa%csr9+s`+FL9o z2^L;b)LAYlEq8l7!?cdxKzs@&EwkXSD0Po6%b*kS+HQXwCdbm>ON=gL9I-!mDl&zN z+J`LE|5HIH=jUV`;`f)Jnj#U(<)?H>Zcf21o~Zq@1bGxWKt7|CZZ%U>vb6j>9cl;*cO{G2X*vWiNTIK%#h`)EX?kLy5 zRRYJ&o~@l~VLP4$vsS?7VXzs&=HW1ln``NKc~;z3Lo7eedR9TFAx)>tB)$yC1(<;& z^m%d=qoad@vW?qB?IpJIU4NuQ>OIzHgtxIT&CMSUMKl*^ea=CL6+M&3txF8Jb@!oD z@^W_7^0hgIWqBfJcn-zSaq;hN!bo^dbF)hJ=Hy@EUrs&GBt?~cSt)e_252k}_L$Rp&tbbc{1 z7O88~P=e51#H8X(LftSp|Jnzj;lY{d9@+ghoso)kY3k@gR3*rV7<)M%waPX`SIS;W zc|EKp+q$H0^TC7oDGVHjf71Cy+1Ul^${i?K=vI$tgp=4SuLbw zMx|^}2iHfNkJZ<u;d%x7zIQK*PN`E`D@{!_zI z=IvaDQWW(kay=Q$I;9oKOABCaWnmE`^s(`cwCj!R`bvF(>3hUvG8(gUjCpxSFWcEk zxyMU#i%j`B*+nM1e*X(D+XbDMLHGl$e=;&MK0XR_baG{3Z3=kWrFsWg6xZ7SEX(X* z2`b|noiQ_5WA8>yVpQxEMX@5i_qJ4lr7T;{?$Uc*Sc(GzBG`M6hG>jQED>XZnwwY> z6LV%g-241zL5<%RZ@%w-f0k$TnK^sT`~Kecd*4BXSz2Nuk!aY`HJjJ2vY)tSf2~7E zkX!KdX_Fnid}M)c;pT_S_~HC}pg+Si7|)7$+Jd(g^CK+L*#6>u{Vlug(Ej1L`US$@ z!!S|u0O4veV-OGej}-nl?)Uzq%{M0WAA=DVmYd6Jqm77OENOVMipRHT4r|qgK zwri)@t_z74?)uq|3kkM$_wscM^tKK0w%z2l)m9ea6&_*h6CNT9jTk@0c9XAPgl%+4 zcz~_&Z@5>Wms^CFr>!j5(<|II($~v&x#Px7w#!0-BW>6Cd3Xg!c-c;#e{5?T;pJuP z8yOk;;nb;-GM_0S;XYHng*6dV1A7-mOf`RR@-q8%n9ixv^0I~Lv+KZ+&df6?Ls@o$#nEj=x- z;#=^~Br_z3h#5qom8;c(KFj;g?t7)*iheu$HT1XaAKCw#cXnA*)-l#C1C|VUIxukH z_k-dFUACEI6Jhg^3?R=ArU%a(Y?Mxs{y4e}(yuEw>$I+d9H(#Lf|4jnt0v81=_!`RKecgT{a{SH=#8jn<|V zz`<=CzcX57avQ?M67~t%jdB(RnsB@@U7a0I$Ey?x=`8Z-{wa2=$1X?But4HhJtR~( zM{El>*66i)S{-``zKcU3If*9YTBS~*q=GhrP$rPjH-7>4f6{0$%#|XU1X{wIxHYem z8{#-va{q|Irr`$kxO&}4Ci2l;(lg;3i4EZjxxeyYCIg*_cF^k6!nAsBE7?KMTjsPf zs3NYWuB@V_AiZ&?mTjs%n%_VlJ?lAx^(MBema5hSSuOMn-{L}%@(&+{U+Ort?{GOo z+IeKux*et~e=in&%c75tOG)jd#eUA)-J6b`ZtsNivKVVqxr~GD+%-;SfF%Z-_RhVR zGL63*;Uy#awYgG{Jef>*mB_B!cg`K*H+O zg)855P>13>m#kg1X@pzW;-(qQv=A>b8LErQ}`t$`5BngfXGFRp&VB?!Jbm z3t$9bs=EuM4y)Iuh0t>&AD#MkPxGl0tih=`X#d*skmfBd-d5J8t%6}Y46v26fovx{ z_sH%ke|gZv!qw96=Y5UD1+NuAxu z!Wy`qAT6J?Pg%iQ^C#toi|z2d0eZLFJnvZ9e+hM+2)(B_vgXIf9^RMQ8W!@R258h5>eJ7o%(g{% zv-j3x6KQ0RW}}(N6?wo9&~&&C&Up-3e`qBDwq9<8jSpLlqCK5(%R@0g6ZVtlB?DE8 zTB%SoQ-W6|dDEL`?uWDCoIC9&b1!Lpnpk(0A}EmxD~qnHsVLojWkKsFXwX!Ip@C@d zlX1`rQVpN|2gk|Of)I4HS%a8HAgT}hA&q0}-KsO51C*}5ahS>{SR z`_$}>V8hx}XWOV2-G%yt3|G0g@f6+EzRQ_o^W%Uzma;a@7b5QhcaMW}e+0dUcfsvO zIMJv#icPjKUm7k!Q^F(d&_Wswdl@Yi_lZaO0UxkNSQajsEf1W)OowSNgG?%clWR92 zwuCiGLZA%qzVI5b%GZE>CFymVph{?G5Y=_Ul#Z8Pld4NkQ7cl_%xK@~Aer9gvAZRb z4LSlknkm>IG3Y_%6URqre-N^oI$F3=zfXV!v_1&MsOaqLf_G6XDpz4^I-w8jKHp>rswKFl5@p-HFS$)}Z^h5{saK_nb?|-;xO03Sg z-HFLhY6&;SS#1cOy>T2h;@1_wL;R=CKbR%(SE+;N4trk)4ZMx-f84FyQ%YU@to_>c z%Uc#RmEBV5qJ>-L&0hRz=edT<-w99*n2*=R91dD1AUr}q_%H_#3At@}mq*vFu5cq9 zWh7hpKlmNe9+(dO6($L()i>P)t#sQ1plW70e}Z(F1PYs2sJTb{ocGEAbCUfhGP7Zp zgdE>%g8mXX!MG7Ieqa9#8Cq+YIpC&ZUn->Y@z#Xq#hCqPjkK0;OH#f8c?-1R}Oi6yrsc-2M#+|V_Y>Btda~tIg>?7P5&j|0ZowS|9$@6h6 zxp1LIuh-<$e~qQa>gqV7e}Zq?PL`}3I{WGbp~zeP`ZFZWdI)BsI9?Vlf+w$u`2aXi z%DvC;ASysse2U7P4bg>eKRghY&oUcn5fc?C(YKud?R5J|plW*!+V{i~PKs0#sN(zJ z)}|VvUMFz;n4YZsL6_JR0n>#VjjUC;#|J>~!v;1GfA{rrZ+10-ED@O!vI=c)>dDXB z8ZZ3uU^;rgg87^D+z{Y+Y8;K$p%2guza42k58Zf<%R zJ!RRle@|QtUdAXkaaXLrFBMqm#YHpraRII#)Z!Y4-!A#H3`q1%UkTiC@7F-p#J)NJ7Q+*$_^nHX^e+VG zf3TOSA6i_6URTNMe1nktw}gY;8WwIO?g1{anJG>1uh>A(ak2M_XEpE_3Hj(v=27}O zcyT?nG}GJ_a&VA^Ylz>jowHare@>JS%fzrA+Dp%&vJC>Q_~*;Q zH@r&>?+xL?h>uk-5z^=1VrtCle=Ml)fBA8b`ZdHY{Y&*#@{gG?vu?Kp-CA$;=qA){ zbK(hXhoa{;-~I7n2Wf;r&}^kLvz6t=1bG(OnpOBLS0Pk2!)x&@^mtQ~TC;~Ghi>A3 zk=91m1o;WQU1(L9h%j5Y`8_E7wKqOAyA5~##^{Tn zda;Ov%W;h^JxfnzT)U8$!(2MvuB+5q31SB)f)LtgtxlUDh+VG9lP6Nq2}x$LM<8pQ zk0i*ZxBIh54=rB%^E2Y|Y5c~B_KmSrOq?>t{2bHc_4OKcy%6NM5aiL({EU|c7B(Bn z&-hzC^ks}ZL7)mt=y?)ye_Aga+fD2NML#i(oP->w@|gzQY0vpDp(3yUcXC%I>2YSk zK;|eFcaSa6taXn}{J#kD>f2=(3vu>h{7b{y*1_UBnEb8yh4?M02hEp+0ZnWgi$c0D zpdkJ%ZV-x1B#q|3<^(Dt6gZ7G@7qTY`*qk#A|Uluj~(TPml;R+9Xy;oYC82dX~!#${XSt)zB6s- z;HXbehtgj|0OK-|4wBylWKl=x9XA+JcQGYdyO{j_bczi zf%nO$Ck5_$M+yyyxH4nY_E=|E#@#v6Z6SpQ{V*O{UTkYWe^5GZlf&JA&nx;>%H zft>nME}~c#AC%&`;*|S$P%4z@;V^)m`cOL8Z^BGQD7*1H!KFYpwgntJN}U3SD_fXj zwR;Pj=tGTu&ZR7Ag%t#3tl3GKM-DZnxkfX8ad{>-dBKNL=!zx^jo>P@98E^Ekh{P; zrl4tX8C(S?f5Ms2nHgOqMP=x{Ia4Ph>IYZ^3*gu*o!`SzOHi(vgUF5iv>xuiyVK0H z{H1X4`_IukXwU>C65>_*+eFw0zVpjtftbzBk@^5fnG54Aa|zx?ySh{!3T49&fQ!vk zD>zksfH_oqxN;wTV86_@hOKc08@#9K>!^{RGbGjC)jSGMyryhGXdu8_&wN1@B6-|j`j3Ldu!k&&Zg-ZxTk*xH$Ef( zFj?{n>Em%fp!XQ`{I3n++Y@XGoKL|15c~EiJ9>x{5PDs~1pbJDRlTiKmjuoPBet7) z0ou&Le@O;@7?)tQd43g^bdm#K&L1W`L6-B~Tx8Kq2l0vqT+3Ftu-(3|9m!G;@ju<| zVXtRLM6~vP%wfZ2OqCLT7R6resLzk1sR5+*r*q~ zqD4>6iQ!$8Ce;I7Tq%PFL7M=$0Zyi%-Ck%1e+R%pOkn}g>8Wg`UXeU~IU?6HTaiT) z63?OL=c9K{Bb-44F5Fv{M`vZ|v)|Yl#tS>QL%sB-9KN#&;zGYnLZT-%%74g4{BuiGVhbt~J##WXi(Yipu783fXoSy+vtLq`;Ioc+vn* z^g1tiHrSdhH--Kn%>wy}a*&dyVU{R-W5em~smFgzU=wf0Uf$lgseIU@>YEpDe^Ngq z$zAk5gFb)5!O7s)F5Z02TvV?0bf&LdJPQ&;NjvasV)y!hz!lUg;L+yAkjH)6PAhiP zH%sr-u}H?xlrD?-5RGGy7#2vXK!HKe=<@181$`e{D$y7L!{M)T@AHo5_efhF;|EC_ z0_$Dvd{($7FwnxBY1y}B+P}81e^Ur@+>`dMZ?bhjqhnN>=%g?zq;i*`%vjK1&hkQQ zwv>YlxQiV8uugR5^5>V~n#*Ed3D-%VuDmm+fDt8&0V%YnrX{G^s#ECxWzC7C8}dAT2*ztIN-3fIg$~B;&_j z_UWQwpWBb2g#ZsDH|Waw5#=_GN1*$W$Rp%j*bN6uPX_HyDq#E@JagP~tTyJaC_G0s z)wJD%7Marnb&NJ8U+AEFe%H$NK%Bs%G9qgi!wbzP`z9k{GGPWVC zPVr@e6?xsDyc55e+Un~ue~!=D?_!ujl_n$krKCf9B+b-n%gY&^4(Q6tt=tYA)Kt=t zIQ03K?CUw)-%jxKLhn|u{>t&yd@fV31x&U!Uzd|@6$0k3Uc{uOf11PIJfzG2@;06}wcMpe5=rBpbNzcHuf;MT}It(czVC& z5LnAGW!_-xcC#EWGv*ooT`_NO3YO-lm#K%K`{DuFzb5+dFYB#dM{%wvvU!6Ew4vz{@B2Qd;9?J-l>3Q$y*!RYd9K{*X4 z7W<>wMdlnYe>cL9qG2ir*F@X=b~W4xDI@s;eg_9i&xUUz76o~EuK*898OXs=92#Y& zM6<#rnt4IC+5djG< z(|%kDMbP@egI{|_MK>PZfXjaWg|j*K`{Uoi1M&s$2y=};=U@>?=>w(PYE<~!bg*w zP+uc-VE93Q-x|I{pb^jt37bOV{*O>n%IGUVf9^gCUMCvC!5%hjo>U*<;Qlve6{~s} zanGC@LW10n-v2WtFC%8{SZ+5*dH4iF_J`jQWLxjkn?N;#MH7hmU>cls=0M%2^~`jF zTqr1pm>QA!Dy{ivN*E#B&_tO&;6&x79b!{(kBaI*4^0@2BxWs7Xez@ZsZ^ChtzgjV zf9@!>k=NmhB9H;7`m?~u2yLg&GC@&9npb~T4!nw3xU2gG9+RD^Dx^zwnMIi_jNrd3 zYN@Tiq8%nsguEzzs&F2kAm%fB-l3@@gEf)#Eb|5}n*7KZDn+eS%9$}J2U)@fTv2E~ zt)>-}38x{E3J>+r>Vkw8_fm!;u#knLe-XqJvUKT%bYVtrp3s-Q3vcFDmG18lPJ2-( zB(TR^IM>YCl)Z=`x4uyHsu&cg38H%q`MIXTKZa7MQq3w(=ypf5_(WWjq0Y*rcAo<^ zJt{6Yt7vUrP0l@A3497z!&1a{FG90QH zWfuw}&f_!ThuvBK<)%_tiztdY@E%zHO$ z46(tK0;tmynQ16@oB))vK%>i~YFj~tAjc>b9u(Y*Q%i|DF^|nu=;+r zBw+lieXKS)h)w=OxENwfR3;b2A|LoAd=Kt4H0){UGS5|zScQA+0D6y}sfs}sNhPb* zX>tZh(0n9?j<{N%o|8cp7)tkR%}Dy%nUNeKNLEgqE>8;)D8L%Tp}8m>e~(TG+Buf) zZU0+N_i!U(r#7y(jLOw#Wal$*B=m+eP%5rd>Xj-gNfzg->6x)ye>G$2c@+aVn*v@- zs`x@7z{vHEvAX(57Ey4~?!9}DR@V&Un%jyGn`bNPupl8Mf;Q{4iGuK?ZKXOVF`kM~ zPE1!YYv<4Z1y9KXx-6==e>k^7%aDbFu9ymsa_W6C{DoFyf0%uOq)zrg?c^|Q!;bap zC_#8#4X3T4e=@fav!*oO;N8SHk3w$*@$f=G0}2GqEf-4d8iVtgh%i+LAXq+(wK3uf5$=XfM+kPWyF;n zc~}Vxz0prN+CsdQb4C)MsPbA_=tw|E_&I*D<$Oki8A9Y{D7y;`ybEVjewRG>*I4E> zC2`?YvPPYr#EeB6frT1yWu7`CgQ{r(<^L^~kCX#nA#+UV7KN|JH_1Ylt)|Hv>5-r; zhUGGH3?)=eOi5(4e=IS`x!vd3rM9zYs~Nb2Uw~h#Ij$`c#DQQB|1VA`-C8k!7FL+w zrm?9plhIll&6V&&`4@P0KG0@UB?=JDbZ?T#duuVCz581@mxj|N-NU*Oo+byHR4OhL zR5HAq`P~^X@`HuuneQX!$3T1Yu6-Lzf`$?aYUq9kPZ8=$I+c(u=nOk0<{E1-4K;{bJ7JE{k-Ng{(%b2`eZOLU-Z`(t zjkdQ7o8ry}EK8sN5w$R5dfNi#!~NHzkJ6{Usr=~x+i*4W<}GS&fpj5QE?><|+T{@B zOna_3{v6B7e=mTC=c&t}Lm*kOU-{R$M!K;hc3e4|w-GE@BhZ`My@SO}g9z$7fbbF6 ziIr)9wApvh#`P{<%5ZS3j=)@38p$)H1VN{7AC5b`=@`E_>f9Ov8XGiN|0P|{&2FZtw2GR2l z=wtpJY;8LDdNwE~JXIr8agACH5(K+IT=L}JzE5{ICr4H=?rKFyJmp`LSYB0Cvitm| z_C+%tJa)x0O_6RD+vv%t&sHS*A2s#)n`bkKL)nS$EUJ2QAc+o|XsM?5e=lhD^!wKH)lKOkwXersknCzUcVBRfU=Q+i&kN~SS|OVhJYJ*L0O}3Z$nL*W zZVKurD8&3v3cXe6*CHu7S&v9Q9ps}o1o{`@qrjCKtxm}n1-Jt_JrapFj`|P5!~OY% zQZp73a^R2O9QukOJ#%Y8N*$Y`j86`uVsmzte=5wR59Sy|fLEIP!yKuhTPY)ihM#Ai zL&s>*mj<}dVD51?N^9b3eWDYR6$(axNCSYnD1&Oq{_@hNOhNCkBt0WtK6e4?YhUfW zzp1RYhJl-h{O4aXpZ(o)5nR)IvO9lIdLiPV>#Ihpq9`vbi_z+IS^#tjN-7|2@tUppEM5S>HcHi!!T^Na2ao9 zBQx-eOJQ(+mO;YwwcHfazYpl&kL!E2pFyiLZ9X{CeP&ih|9Ac$ zO2v%=mqGXg6qm*t1UMP^U;O$1zJD|S|NsAu0TXaA-~@62F%=4*mqGXg6qhR-1U>;Z zmuedXC4W~|*_T406tHyP(xz>?rA^Z&%{IxOee0e!-J9+U-JpOVP!8} zO7!H4Wm~hNQj%i)&+Ve;(+`1J1Wh0`$)WKnw10q0KRlKAWE(g7zh+Hg7R}=J&YC(N z!Sv5ZlfU<&4EM8~X!{s;az>rrId6oiA!Mjk*2R=VlCttv2CrE0)P}V5JaJM&VwPa#iWRGt`ft|=)&~o=Ma2lyax;ZV zf`2GctYBNPU}vykS6VLnXp&%Ynn(~Gml%~2FG!0QgvK2dWM{^SGX)9awCwcECBcHw z#H36?ZkkvqVE>EbQsSaA<6;HbqS!dGAS*FWuzCN!P{GS-qAbCVq?kBSW}INzGJzm7 zE>4h`m6iVN^5t3C3BhUNgyr$xNCc_H7Ezl4J?u z)5L<?J@Sf@S3igb)obeR=%m_lYYC_#nT=4xXX1Ep7rc%J%6~odG7smk zSGlwYKEih@fvQNa&sG!rWRe|8cm`-Jvw;d*6L}TZqvkSTv|u&)7KKoiq|p=o5@Cf9 zXSmD^W+}61_0XpGItOY_^pb~MT{#_iS53XQoUH0Dxd1R`vxF~H?tC^BKcYO}GUA2P ztB#SQ^+O|l_&|MF6ws@5YJW12iJOQ9#vkLrX|KWbH@Ngs*u(#B_lezcNjbtK;!W6w z8caqfz#M9ml2YjP6tP%|7U|`B2_|=fvg1aTf}&)ASUgUmdP)%;hdq64^E+@VoDLs{ zj}gqh%oe`5D00(5T%26<-hiW{8S+S59Wa(x2lO^~w|C=%&b`8@bbn^1Xge7=obB~3 z^K#(hpK^UCeJ}70W`os?0liZ}02L^f6Fb(S*CInI!f_^=5i;3K5%bJ<3n2l+AO|KN zcPfBJtpZAlWL`MP%-;SC{`9J|aKXiT_~dmsh5X{`7egQ5-*!In6q%tBQkcRCEH0Cw z(o9Tb0(O5m=;6RAZ-2t5n_N2a8@@&9Qfl>jg_2mdZlyLK-!C3Kce?SP4adnVog*EC zxNA@sT~3CpK_tMWE@^FJou~UmWY>1)K8DXMU=}Stzx6YC|Bb(wv+w^eW^E4K|1Afi zkjsTx!~8Z`gD^&%C=%8xYN{(-W(!g9V)*tWF#$y^9<&%`Qh(X1;Jxr3IFktc1bBTM zFUPm#2G>_XZ{x#9p8W^ICzvZdshowJ9k{)XAfEy{t&C*w@m@4Zsa9^rC!TbG3KCx6 z!4S9)Cc$j-nQs0b5wm;sW5nJ=8>61X7xGeo$!0Y<4OS8o^a$GFuo>F$zwkc#FoJoI z47`mHgvD&@uYY2;+*(J%N9e0}iI)(j5cL+MH%8qZoVVogQ>Fgk-@ z3pb$+CN;>x#}D)J6(FzB2CB~iWibFsZ2`$(<861=#|2De?=e&F&@eTKJ4%4Nq!>s^ z1#dmDmzsgmTuxqs7W4-1ilZPsUn|v0Nu5fsr7-rOnFX)gLY#r=C`%NJ1#=Yvs!&hm zX^4$^Qh)I?_zS$tumo+h`wI%E^S<+>yqrl%s4P-1Mg8Z?4CX511URES?(4L~3zz-A z#={Yh!HZ*D`k-$vzdyP*dWo2MAW22!FjLU2e!%6jg)Ap8^45<}FWRYyR_6pIDGS3A zaD~KFE+<4Wi|Hh)%281!Rar4v-KDx6Qgz-xu8(Js5| zbSG}F(Me0mRE;b%7t5|vRMgj3cMyU9%=SW=mwxn?9ynkr->$V36DdiQFfzgvi7N}) zSX^u@c3x?vUSCSqP>$f38P=5n^K6S7{Er4(t2W?6buB+g7_rZJ0|hgT18e(z*|Ur7m>^K?wwKgYVx`6IjJyr2S484QPH_uj$-ez+l&=qKjbY=RI5Ijd;URLjHu-B2*r~Ba4 zbJ)kBo0>E!^EI||%2rIjud(GS;IJk}bEC&!*5g8#@@VpZBkc)PDQz9C-iP;WKkTV8gvLwIXHu6Ct=#W@v0EZ7b~} zFT`uA4=jFOuWE`k{QbXlAgg< z&RkK34X5_+TYP|dOf~U&z))c&F4gy5JcZXAv-6~sgw>ZP#`&mPpTgX;9@pdpXCB$% zGIW9o$mNRi6C+N_I&WNi?|(fv8w13B!M_xQUx2TER62>Z;mhaQek%D%=Qvm>*?bgF z*VR_n+L{a&(ozEqrP$R?jXNAfZCOoCqc`CEsh*(`+-)xcWRyyisKg2#k_JyxRd+*P zd&GgrsF);T?^dZaG5;U*(s}?lO>O~ppfmn>cXeZZDN)%`cA33sD4D$K*S~+B>$}d* z&nl1`0_+X|?2|m|W_e_{U&3n~w`85UpO;OsBq5nE$1m=q&!HZj4rJm?&@YWD_m7vz z_Qe%N=z^4TeO|GZvXL$ACU0v8<((LvOH_s;a<5U>P>z{^)qh+;z#zH_HSk8qzee+o zKvj;HT5K*WNl*82*oT>i$1nZ7wRZKGy1V{}e2`}CNMDj^S ztz}N5I<;OyVSjRaL3K%`&21xk;ZwKNu=E5lmed4{H20soh7W;*1?ei0u9)1$l>ToH z{hEZndkeQdFW2{_Z{@8PnoJ3WNv0HB!vaz6&^yReI(u#oR;*L$lms(nd^@w7u0$); zdP5G*%>J=UJnFjU^TpZ+S*!h&@a!% z{d+By29i-#qf&A(h=iv+s&mnu)(yy}<6Ao^lDi+xgoIwjHGD-4&e!dap0zy6fv1d+ zc&@fa49_>#$GRTt)cWJ0_fAFo1CC!N0( zk{vNEkGoXB^q6ZBur;TxjEOwp2qy!?#z|slzjt8Xze&zA1k==|Q|8ogzEN9^j3ukC z?%Xhd;~r&F80>5<_{@kVmKCFr;T1MzD$W6^YN;x%es5Cer<8i?*tdwvPcJfuLxm5| zDot|-sJ;=yFj$VG4{3XnQ1ct>07>eC`yTTr`^7bo?dkDZNdS%gLxketIqsfJI}JQzqs2}YU|D&j!&jFWb5haN_wj<3zj#|Y^-4}xyDV`)EUa+kK@Wl^ehhK)Q1t%J=C|eb zI9EF_+)35wK+pA~-<48{LeDmvPn}pD9?nnj!`|8pP2WN`Y2*r!{>;!`lUKJz_xh8y zNhF*{Brc(n6rL3&WR3@v_=goz7nD7Q==6xB!ZLe86F%U7%>)grM`WjP|s~I<-PM@q5T%8TSCd96PVr$^J<{?j)WVmO`Qu2LpSeTIRUZKK3 z#2_?LH1l18;TjSKZ1?Ek_EJ7Ko5UM{102_R$9> zHLhrmZ?68S=VIlK)2i&YHR*gF7J7?@Pl_x1lQI;Klfk+iY^ach*5%pWRa6wS`gf_u z?Z;&1VL&1tOd~2eD|q3jw+Q2r-d8eCBavcyoVKy7k~W`lfPAuVK8D%MY~A?xhcgPeks-J}a*}n3zeJJX6aCTrCk{q;fD4z4_A$~L`VL^ zL}#PAOTq+QD%JSi`%9QGE(M{RQd$s32liqv4_$O9Ucarv{p3lrh@}Fu4iM`~0<|=w> z6$Ut&K@mvmN>bl;I(}B-vsNB(qM!+#Fr`;cSkum_$(4H7w~eDT5m>qY>Og>9bz7xh zWmD_c6WYjpLwzvRj8sQW7T?YZ$$4x_j$3v&WKY`5T%koh82cM(jgu@{4K5tEL%Tfi zdA}I)pN5E;B{}My*rqGOwY)lLyj@as(y^pq#oZ)IY?m)uRA02Q!&I;e*U9(A@ynn+ z?eWJg2hhhB#JNmZurJkvxpTk~av!jU@o!mJ0^`D%(*N{X{jqCe6HIKQh1#8fQrTF| z(dhUaL}J1^)Y@-O3C|(_UCffnP6!f6{$vtT&a889957SuPGELhibXU-VKWQHYiTomW3*-hNULj#) zKbJY)dZN2yhs_y0p+)|keEr^`%SlVP%HwJ^D6Z=tATyIikjvm8m`p!Qb95^n8H};I zv{xuvniv+p3HsmS9=kGvwI6B>OxrJJJ z$a3>sx!#r0UD=ab#~a^*{`SpJ4+-&OlTQ!S8~J2b+e@}r@(s@p8hBzG4+S!`O|#w3 z#c?~(vOA%nfnV%T1?Z7c37j;l{|w3Wu`e@EM`m%$`PLayKa&G-2B`f z^yy|}jUd^}gAe~1QR$toAZ3+Nztbj=pIsZccXLsa$e`5;IQw<*F;V~2%qlq}>hGim z$nBYAJFK0YQ$Mz$+o05lQv$9%+#{!@wB(roi3LX$`#(_6nsQ_*RvE?rP(4qm zP4S*-+TvBk%gQy%7u0-K0>GxY`VvkR9coD{x+5_jm5s8MQi4T!E3Bj6SH;hY)r%L4 z`c_0o@*av%Gz#O9ykZ2!ois$_vG*mvN`+~|V2giK^I%8^E5XucDl4O?k{9LYms)_5 zy^7q9Mx{o5Ugo-CN1MwJDgV%=G60+>_gR9?7AD81?9vt3H8OzIg}~q%Xt=Yx#$;dO zbgFXXFQG`qNTwVfZnu$DorBEbv5~AsbRDY^nGvX{n_6Ce!^@yo7zN5^IaIm&997=4 zaM#i&M{5JvRAYFdw^9p!8NC~O(0S|Mm_o(&RUIudGKS;=^GBM2%8NMdSmK!k<(F2+wnJHMgp$? zej$Lr28~cg-8!(4q;8ZiZQuaPD%gr*T=oc6MI~XMqED_g;w!w`PT2N}_VB+ZSkfR2 zmoNIf8dwMju3W2Ys`hf2CdXF{fL@gCDblWJo?7{~IMT|~GSD0W+1eogb==J{HfOzQe$c(R_&S zc4X+aXoiDl4EQI31)-;Ln5nq$$zq5-6^L=n=QhmId7!~D1)DF#eDEUb*Gij5tujGd z&gmYM1m?O{+?ZRLD-j>5jZ_ENhct9ccn(yTLOF+q76u(7(GI<2##Fh1iCj$kL#8$) zIU=4^m~6?7+!<1~5(Ja}s+vSj5R7kbxIfZASxX;^43uJpJv|jB5Uzi2oZqiVt_!YF%OX%+C+%rhziJ9}VEm4lCJb0I+H9SrT`A zJatrU0vW@QYn*mG9C}WYX1WDk?*=!h+$)X7t{qg6es}HWK#p>y-Z>(Zhrr1Arq;~} z@Q&s{NGf?*)d_WE$EYDMaOF8&U-^4$2b1!}lIoFNtbM89qtHNqzX>pBekHzT;B$5D zzii<=hn(IQJ=|<{Hu~aNHz^~TM>Bzn;ZOnxfFJDNUL+V zMXT1Y+Jf9rqMGMY7|J3ZtPN<30dYhHBrxqWyxm@CvkJt~eMJ9hUNS+u2W0+&fa1uN zM#TKI#?)s%U-!SJrsnO}qBwv1@13-QGA2Y97(};{;Zso3DgB}R2ryG?O>w!qr(#CZ zZ+$5I86N_x7;j6>yj>v2N_7HIXG!liVP1_3Z6HlG;CU*W7!ype_38- zP^UdCESKUHA~dO0ahZ|0ciQn~ccbeFrXno&5`5)FH2h|U!8eEpc^)8VdyV44a);o8 z@T3a}@Luna!MC=tH@`D|5Q@eDp5UBJvII&-8-49@2_Vu0f_3R&5WGRGU;g5p_5j-a zZWmXUa7mX&)j&~kJuHD^4v}4WuL)=JX)*&r&A2I{6gv5Cq;A5Gmobyqjw2UG*6>_R3sBH(_b6Bv z+9rIC)}uFSUW7W`p4LAEI&`B>{GkN^r~ko_3LKrbtM&%ICk^dGU-`JICpV#_YLx=Z zBH*$Z9(n)GM04f1{L1qJ*6Gt{!xFMDAf$PnQlmRAo}!W0LQxO^LSo>^y3JHYHvD)2 zVkG>MY{s(PDdmzHf^EMNo|a{)fq+qhd==Jw_R9;Dj)bFm*NbUiyoo-Z_GU;|(5@#a zeu&r%AuNU6R7RVp1AOGbsk4sgONmsPVUEY>`w6TXshu+wevLt(mj6Z5#tOJMygkG9 zBZ>52tVI*j{lkTD5&oxqid(KcA`|lsyf6&?ca}Uf@k@J{(H@H4w)izp5}JWGj4x}i zOFsTD*gNlXz^h+^M9d;fE+V$6<3?PVYcNQv{7=z!ae@v{0lN8SjRI1_AACNXZ;z3v z!g9EMx(cPs^Cl=@a-G+41SFRQIo@a3$8nSe7Var*yw%2lB0d+?d#@F`zGhaj&`_xG@HF7fI>Q&SUNhx@&xzxKbJQy)(m zQxUQw<{xIt!5tb}VhgL$SIvL5XzXgVi>jQ?jGx^$(yQ@@7Tn(S9|97~;=$1^*R@6m z64?mw1YN9FS)G{8a|PK%i1c?DhhcHiZxdz#two;PWmx!Z!e~61knF=C5yp3|D2IF^ z#t+~vUtWd43VjL~XGZ$Z{gWBq9TlVUh{&;N1&epEM)6{b_mMhV-%wiqqSbpI`XR*C zGpu;lkuIci7b~uRGXIPm0$F*NY;mM|he53V}?}CNJdEVWgx%0nmG(j*qc5Jxykjzz(1)I^4#0zNV5_ly0AL`zE%G3GE4J z#_0%GY!=^N#+_-SB}0`@4!j&~?pJjGRLEb7cK!rpmFkKy}Bhbd~(D_ zlh}oY%m?nMX^>fQ`%A*n;0%JCw5esF9K{lPM0nmYZ2kjNBg?x#fG+>JhmR1<444)< zU>WEPK8H-$$L*_9n9Fb@YyO0MQZ=!#&3;aFegK?K=;6G*D_!_&R5du-vYGcN&R?iFGc3{9B)62FLk z17+tl|G%;lhVDrZa>2ig%m!`Rpk~5>7`6L5|93OU5fB$%4o_%tsX~CXE^XkaYMf^+ z8_26Fv#X6EHE%#$bB&S2g)~uTl!y;zl@mv|?NnNiYwEd^m)ffm!uD1x0o7#({7-`i zEIwVK)c9&4C3#-Bdm%mh&cQ8=L8;7~#4nL55l>WzOIpDkGfzabM{J3E6;%wxw=t{= z^l|Z!bC_sjX1RFMB$^%Tu#?mL({8s`q{3goRgH|P1+!8zAcx&g>!wsN_k67vDf7|#L#7SkDOIcSX~^TnKK)1eSKt!L9{z)=PBE;w447QDZshi^ zL(V9d6ZK^`n+K>?VBi#KaY@gIi@T3U6j|g_e(Bz7=Tm6t_W;?zbK4FaFpiwT@>M~O zGMxoC{7{SCZJ#ZO0LGCgZ+@zPcoJG!p(Z=3pIX1VsLzsE^i)GVZHe5LZi;94?kzfB z$jS`4IJM;mvIKhoMb+^%c1eE+=tooh^aE19{s(Y|JJ|+Fr~2!cpdDqeQ*MP}%>6VJJbg-gV#76hDO{6X)OsWPnT?*t4g%gsBRHv5BEe3wbeh;lF zZx>$Pb;=>2i3ydjAUeEbO)uOqPNq->qsbhtHOTpNT3m|gz4Q_vdVjoV#^w&nMhIe$b0WxGh)_hzPTr{he!S6h(zYQp)#g(Nzw}Ho0L<+G|j3AH)SnW=}A@QY7z#no$8`d z16?1Ro$i%DucIkFbI%yP_MzX4WR9-7Nwm6X;+0_;-%V1f*@57Id|>(f*r{9f|v9y_0ixVGsujEVnlEo?Q5COgWh^qf|l^&gH}b zH-jFHPRMpg&kOqI8vl>h)DUwLJqnu0^@oHo z9wu(@q+hoo=0n{lcOB#2;P^_51YcXNr1)e>aiyRcIgNMthkA6m$hhPZvl+Q++6keq zFZ98hgKbi|l6Faj4dMBaW{>mIoWnXuX5R-bni%vt?cIL~Eb6#s%|RYSjcQGK^Bw&Y z@S2~2XT|xLH>ye#J8?$hFtPAF1Q0nzY!9Ol2_tXF*X5SdE>pMG&Oz6l>GVpQ38qx~ zugpT~OS(yR-}APK!>MKSShUjI`8~YSDzdz?@?5wq?$LQw0zDGl*7fa3GGcZ2;C=O_ z$l&hI{cC_AGxkZbit9kYApRALz8YZ?Xv~!YE9%6R(oJK@JOBNqanxtXV-v;6SG+}@ z)JLw`uAMNp>29RT#&*^CA}%1dV*Tp?#C>Q!gn>2}(Om<)W5Q zDr&Ase7fSvStAXmknHAt`1|B@e+za8)hF5MGjRBQPuoMt>D%J2sv9A06{3v><-jfa^Q9z)enP`K_n3}}S#Dtyn)T^OO-QCx z;5S`f96pFw@nD zv96wR=cZPw()aGO`+PxCxTS|KP+MEus*$`?dug$>!s_C#iy28~^ajwM65s3nMV8zK z7eLevDf6pkg22trfq%0=qfQE84dE!ho6cP5?fw&!Z#m-S&GwquPuyaEUu8_{+mvZ> z&@2yK%0)b?x;i(XJ}0=ww*d=N)k-PPq!jUe)*<#&UVp44`rPr)nO|Ze5X7$Q)G}qC zUlvcXBPQTihtd?Hvi54!wM8MWN=z>{r%afgdtg&5?$SGiiTH5sv=(1N;(XI-mIPwF z;ZbS!!1%`F!tuhyghV^x&K|tyw`4b$o$s6aj{yrQ1ZrIpHV~n(5JUHD`wtTr*_+5q zT|Mfs}@C_EgLVo%s^R%{KJ9?i0H374fq{NHcoY234 zfOC{+s!grO*Sjn)AhUn4q-}m*cU~FW8dp05PgXddr3|9;j1YSHH~YfFetA$YN9h4H z+!N4jvo$Q+9=d04OK)?2i1h=ksi{<(cd@LozalyjcjFUEI_n;yW>!Zd5G@-*J|__E zfhLE|`+03(F)u+Ul4;~7+*8f@-)wH<^key9wZ|tr-m!r>@ai9A>dJqaw|wV)c|aPHr1^BuMWx@j*o4pcpR5PxjLFr7(Ns}7xgV)6A315{{$1s?s1)IEu!A)3B+S(7 zTZ{Q@0%B*T;dPpoHsu!H!IwgkPzSq`S$ZUor9PErZ-kvxQs9eeDCmkCwsYXqJ+W)< zL-QkOz>rxKKbPsHM*ST<+BMqyGqx2d@SE}gh4N->JS@-L7iVjd1hw4|%YjcpFtaxr za90Zmwcy7|21A&Ei(Mci2qiJE5S_~0%G3a&138xvq(XC8(iZ=`#Vjym3dK_GAN7l} zFTA?oXR~qZIXgBn8IZFkM~#h%*KYFW$Nv_-eV z%tFX=lcA%S;O^9ePj~QKL@`#?agX~=4X^$U98iC8);`ZZd^|48)neJVAw1Wn#C_`d z0d0G~?*z-{(us}5R>)VZtZYP#7hYH9mgN(aU%3qJP{)N)3js9xeXQxoSUZ!g^l*t9 zs+5My91Iunq*fHc#L2Ey* zv3C*)#4cM-*&*ZFx6MBLljg6W64ZR_Z*212(e;$DyN4LSC0z}7zb1h27@Kel*y(r$ z!M`%7gljmz*0*w~nEHYx3&AP-Rx?})h#dK~TFw;+{C=)%YB1}9e{Z)2(R;BWMM z_*XG;A5iyd_3=pmnU?x>C7c+*KW5t3l;2;yE1_hl<^VMppBCU1{@eEF4bLPwjxxHo3JwjNEq#(wup45rsLTL9yqKJ5JOn$lNWIId<0?%q z56u|t0WqQ{w&ZT^zq?+bY(WT>vwxK-$Og1cG_u*v>c0c9V(J3|SW%b} z_;Jlk2V!cD0Yu(R9Tjeo-dv(Ahegm%he8VX#sW)8EO}4@#MVq;h#RVB0nI#=IXthQ z2@f2sLo6GnDjM|(zAL&I_YC>8a17U}wnaEvE)o1=o`!!E)+rw7QD^Qqs3<>1qV_Mk z**}o8AQ{x1&AXO+0(W8st`hU)TBG2(DX$L21Xcw+z0d*DV0KRZ>bR1d64vvO$peCx zN`ZL!g%pZacZ0&fbCB zIEIO^haq_zF0UlFRg$M7K(Z^g{gx=K;5+V+GSg2S$-jz_!vI|?;{CtQmTXoR_A?l+ zyF>O>vX|qg1$ zDjl?!9xlQ8#D=$jg&|>SbOUuo(Ul5&98ZNC4f$u)$Z@8H39rHv{@sLy8z8u{SAu+@ z2Y~ufR)qybr2Ahun)kv(#0D5D`g!&h$YsL1^_gOLM3r#=CI-aXfuoB3QPeS(@zcsD z3zIns6rFmd`>VWG#ovbe;(y` zwhAL_GMm+ko3j+$@tDgpXO47pa39}gE;;Tf^W>Z-B2kU}bLV|?b!|@1+*ElX63pyO ztC`5Kh2E|N@V!-iI^&V@BN7UJ>Xdj?vBjM@%8Y~oF+>oIl@}-k>o@pgOeG<<3i>l# z-|X>kb%{7~W2JaUhYz)DJcz(|N=tB-RSrGRK?TIm8Pi;h?*JtPe4EoC;L_x52^LnQ zsi_9cIk?3^#wnAs^suHL0r|Y$VYJJ&^uxqgsl;PJB@<6(I_~=uZ^e-2_kbseVFAUY zG;{^vJ445xOv+rb^_R0%H*E}$3VQpbqpJI2wFSRO>@@d$oY@gd@(GC&{AlSFzulM| zx5uZd7*3A|yWF>k3&wC&QMsqvbCrs=P3>vO^aQC((z&PnI{wyClBt{*_8f~VXT8_3 zGcBiJ8RpK_<&HI1(lgvM_?KZ(Z2!I9Ocq7 zs4PAn2CrH^Or5+n<|&iqJj*=J7N> zhixf(ugf*0glYtSxY+O!8vb{G`UZ>?5e;y9(8v@!4RCCl33@q1K#BG6L++_~@>{l~ zJ*#_RaI^HPPof;_hk%iw%`WmQE8YgvdPyud_2_Do`rHq*_#XlWKD zk?ku+T|8koEYhB%5ucNts3Z922FD8N>gopa$Ot>po0DcrD^nJl`s71vDM&7$=iYG^X5c6?`H$mEaYVIUWswo(wzh@sS7qvg9h4ftT2m{G;FQRYB&&EeSK- z1_?8oywPS?VpG908Zsu`ruQ6U#bH28 zO_Yaz(qlvM#r&{T498SDBLgNQZh9j>n*0mQxJ&UuDU>~i{OaH+Ws^kG0(6|BQfhH= z8d_;3rHBY+)x`XKbd3MG1wq61>%z88%SS6GCFA#qh12s>Gx%_d>C|Z{Xl=*ZK7eg0 z?{4kz_1LUwD~N9m<)bXw$LZ;xZpxSzI1&-fw#%aW+dtK%ZSsh)>L;dTI16n5WzYq! z%5{tV$?TLDEpQs(^S>Lu`=vha_SGDHQ|@b34mq_2Rk`f=&tCGMaNg@jXa%}r0g1C_ zrOc-nniJ8-h?pd)Fwi2&fOVY!`~gvyBqV@CasWD!pWh7vD3KpAk8*4fVvR=>cn2zK z@bf?9tb1YTa_*|tJ@0*b@qKh^9)&rs@@DHug2o|Nn>ueP;eJJ7)o!{xH{{C=!5UW^ zdo6;NB^#y|Id$<$8(fMi%SWet4W=e0X?eHD@qQ;php=I77YM}J)dwF6Kr9IGtJM?EyjQMcTLJYn9IJ}B9ZSRd`yBo}wELSToy zPoJ{MvS*?^Ed{LFer35|HtT6(p}c-lui$x?gz>=aH%soh8kOv(5PP5VV>bz3C*c!^Z@ zG?vwU+dm6RpM0C=K-suuITP(@=>$U-R>#VfG1CTwgyBc! z`*vu&fuSTJ@Yq+(x~-ij&3?j*>IW{i$-*Db69_*qWN>~H_4VZo{`_R?;p{CRY)l&3 zw(f@6ezRnyB>%mdSkq%ulgxEGwR5~OxRTl+U%oKa7~9@SDQnPo@aE>*)EHcv$vma_&Q@3UH z{N&$NwROL+s2WJJqC*p*lOgq_mf^3Xyojpw$?%M9gLjD*Kh31BXRB z9=tk!elCO*A>DX4`pJUe^`K(1KrBVW<`8|*dnCgT7?`7XIKii138+)Me_%Bo?x{V4 z1VdQ3WBrpP){t8-EtuC&cC3lOnuNrX+3OE-lffMOdk{}>`{*9?u_S#Z=u&f;T$Q4# z_A*A{Azmw|qq9l#GBSPN8jHYqfdf=GDUnwva<8tU_<<`KR|hi>9KWqJ84*6Pd#Dub zrZpmurc42{SrLNi_T$vIQ#C~LIbSmq8ul714|vmr{Mvd9zjdgNj=j4&#oy6=8)oHk zHXxXdb_D5CQgY&c@v`x3XR4rDbfzn&v2L;r_c_B~OgtQ9OjOhxBrMo^0RLM=)F>5d zj#Kc+W62*;D4dYckA0D-O?R;g2X2_n_RbfM)Np*i(XNJY#u?wEPc8UB^mJt>a}Rh! zWB#+B(M_L5rch6$GwW=bbF#bn1-!rn^ru>K3Yrv;Z9U$Oth%=$madS>H{lkcbO~52 z#rl_P!K+Mhno|+^k<(F0fZ{#)Mhqqkq&Cr)rQ%+s^zDZxfza-wZ?WzQ@<5;Xrwii5 zZ%I+DyM*MLQ&;)4P#`gNE3u@5aDV&*uaf zD{&$bkA14Dj;mXhmOO$6a|M7L)OKdpq{(TqYYFZ|LkrQiFCcRrDEQ_1W$D_4vsa4s zQBX$9t`$vz2d4bw*?v0&rqJVFfMICuiYK)p;k219P`8N_Y64b_gBLRWA8LI0R+AJN zrKtQ(FWJ%+b4|{}`xO-J%P<;jWxR?L3R$^|#6J-de)>RtrnWM%u-P7-F`}R^hS@rJeu3v9bPF+M4J$WXoHHqzhSrRX_SsPid@1A`fy&tY@YTWAmY0F0-x^>GETPm z^NAE*3hpk!WePXC24dt75UWt!M+i1>+(WL`&^F?fLZhRAJh2LYyFXsr35q21i+;jI zV~BpuS$pF74PVZ=es-`OM&UM4#cZLBn6VLgVM_}6^7DDz$XLTeBCy4fA7B6ZU% zC0;XKDK@fUN2fIqwZ=q?$qOX6_5j{4A1kK;l8T2y*4!nFRa9=I8={wmImw|r_mOUw zE?J-!y-@(I5bK;o)P+4C|K&*H&FN2!Z4Hq&CnH0-P;oAS0yOO7V`PFCaMtwkPf=mfSv+T5DF z67QoXdsN$CF@sTUQrtji^J3 zBv=Q@VmQg+p$`duMki8@4fc_;QEXsC)2hl_?#!x0aLkVnPKvA%I5se9H=Y0ULJcN* zd(vJ#;~q=>i)Z=WE0rET@glT#uT)wHmr`+p0a4rsxGZ0#8s-!A8g^-2Ox}*)xY$bB zU*UL4|N6%~8s0Pt28$!X-*$7lGMA0bdcbw0gnX_HaM;gbUyL3|Js|oAdb8hg7c;3p zDpfU&h8tW>FidntuoDP)zqEuD#z+A2N6#|_u;HHFw(ERx*`$cI%OqfwT&oWD+v*IQnx}N!9fY(G6kbOvUI%F)V1CP$Ci5oz4 zjxV-}bTdQPv!Rvu4O7{qxBPws>#K_ZDMWLvdGX!XS3}gF*;*~W`L1D3@_GiKThNv~ zY>KjLPE9jv{R3=?*E8G$V8cber~Z);XC~(*WSm(7q^Rgg z%7bE}>;DFob+*Z>@i6w=SXsi=5>ugBIIxdcY{VH0?gCri&#!KJdPeJFwqDsv%R5w? zc0|=|L(102E#`o6<%^NMDl_lJs`x61Ta(4z!N6uw#p6m2+vWDCCR~s`wgeko&U~JN z100R4whPg_?)4=RL`Uz^T9k$Dg}km}+A5nzR}(q5W9Y6)Arr52st-&>?MQxixhW#mFd=|C)4goHGfKq}K5peH%GRTe zL&Il5D!*`OUfEclRjMAxBB<4)Sz74%uAA#D)G0H27*RRo%^9k*A0e31n*sY^HSRMA z2jnQQ6!#8OLnr!@5rIP^(xa!7r+bb50(g*cG$h`}Xg@78s+90>^!_>VG^F-+a@jln z-yghAm^@M_*# zb_?pBG6;wO)%0zI7?=+F()X!im_=-=1+Da|VwH#FrzXZqo<2YS9yNDo#$5dRb3~cJ zBpgb3rcck+qVZ6ZuyLFD+RUrFZ8I^!;g1nB*7yTvLSUVe#{!C$B5n@O^4o-m+0cyD zjE9rmgqxManB9GL#h#fHC2p%)2h#y?w z2p?j|Enz?|v8Rb2I)@!t$E_a)v;3FW|1VcKzmlwQ@$<~A0*L}?k8n0UC9|}7@vH*H z$et>Tp^)cHA&kOe8o(P9ZLsj^WnmClm|~F~6K+&ZzeEXRzAKvJyCjkz}xYYuj|I?*QZM{ z2%KXRcSC*?Q@@d8e1p%!7*^BYKx@Y=ZnzuEzogUoK=zbd$pc#vem8$GoejdV+r zJ^XT~XVW)x%jp|a1%T}7eYvI29^vftvp3??A9M!52=z|9Vs=O07$B`!@V}uv&%fqD zZ3)oqYaNxW`Q&Ti2Y>+`kpEAm^>O0|I#MGJAmc|DIQ&ngMfI^@hwNed$6*H>JK{?i z)3RZY$5 zQa7KaA1@i{Y_Ma6cin0_*R9IPrLTl_>6Uv`t;Qs!16RVYE`h^IVO?t_ZK{`5xKkHH z+t*9Fl+AQv&Tw|U>UW2WmOUt21gF>SY^T>;?(SI_3U;B>9bRKwJZh~3?)!F|bkFkH zH$BB2;(|9LZX%&kZ4#FUuv1W7Z*j+8MjxK+M5rGd;8U(fKen^p zgBid%DsN4G6pHj%j|Z@+=>4=gAZ149Tl?|Bb_2@UmwL9G5YB^;D)7E71=a?f2$qM3 N6_$cRTtNc%e*u!-v?Txl delta 131626 zcmY(JLv$q!vqfXuwr$(CZFZb=oEzJ=ZQHhO+fGOC8~$%pqgtybg|q9-Y#}$TBgeA? zn7P?G1O#AQT%FC0?O;4MZ?b3XNjc&C?|dUY1Ikfec>NDV16qZ=Y2tMkMDZNFsJzZU z4J!p@lCOuGVlf_gM6Oy`31pMsBS^??QhzZT9Dnn)=-z)n9>4A$myRBf7)_8<1LmiW zqWWf=wFsJx6zJl{1l_Z3JJPoMqAX_tGnob`U%Y2}_-}}dG{5wCUpa$@(07xD=v_Vs z>Gp4JqbAdlf)QLFQW*PK?U(*W4m$!?b@)T1P_`RTVnEN)3JN*lerZ|<+ zIVA6^voVoC6P1j4OCL|9-m&H>eh9^K#bwi#Dj{MSCxYhrjcn|*--P-vKd*~CwF*6r zR-6bon;F+y6+dY&_>rx749H{vD5ZOGk5X;*`adeAUK}G?{`3+4(>{Il56$0ypJG(z z{sDI6tcrII(*k$+TR$8mW8VlC?q-KVianPHPj8!Mnf16=b*8^mBKGo4nEMd-t4i#ieDOt;13k7$dDTF4<*Q6VPyA`cH9#SUk}?DN(Y)Ii6@zf7 zG&SNcrHEDzG%_XiA=HvNhU1E#FS*Phb5+;oo&JnFiyVWnj5-gDN`-a?2h<-c>>fr; zy8?DA$r5?1%BCmvD`Gu>Q1UWAbPucuwR{kedMb2~IYwDrr@O;!_fffefBQLDrpvQC zh=phZj%cYt1{JYu?jrGLfPAqBHpAHGBZXETsv69IdVZ@D9@jwob@sd!GA<=s$V$eR z858t02kuPF?s-Og9r97nks?(qjo~TGAMreWffaFVIOU4=-HutnP{VLg7{xMej+1e5 zt#L$t&FAdd7dJzJ>N}A?dEA}8|M@IL_yA(t0^;vw$B2jyZb^$gpCIo%Jc0_sLwGS$ zHI`WteBI#4D{QEH65_16NroERQEQiY@*!KelH>G+U*D0?ADgxU^tuuF8uunx3J-)B zu%sYdf}phX;z%`s;pl#a$4*L$1>ue}w3+2=y53fl{dKDw*Md5?bvr6-CH_&RrhR(M z8gsUd5k{KovP(UuV6M1`(;DuY12a?E^Z8_Sw%(7eyZPNGoc=92J0?uh#WPo{}oIy@Hd-L%?hF`CTw z-QC_h;SA$ont!#~l{uXiI*{_=QsYt^ZHm&wFgO873(Y-FdRk+>gzFxwv!{uJ$4UBo zQex^asWDi9H?1~coqo-h2%o$5<}$g-QILdu9dfd**sO(R zhA-t4q(k{uD89z5>Us^2dr)o-X{ty+U;m@X(p-<j?6*j@NEJIf?-gFviO90x(_7a#5bjfX|_}RwUnlqNn z{RO#}r0T}uVS@$RWEqWkUO&f!Vjzb<%G17x90D#3M`)bIks(vP2-T<=e5raDu3n8E zcwP7-G_>yedBgChWRWINLwQhxCSA6gc;DLI z4*0qke7}i6O5%Xx0kHh<3OA4DhXG+m3h`EaV5oOuNs>cBf)xg@33fFpV6Y{|*zI## zbwk%a{bk-8LM1ReNLWvF^nGrdn#i=U9b8u|;nhHYipg&;4BXt1UAim3aS}%3B{8mI zlPfU}O$}!xj7cl&9O}gBYUz~c6IH_;%4@*EsXjyY0X=}M_rT=Gk)Jqu6d!#Xx(1JY zXB|$0gXRIS|G)Zb@Z{sjcyDIw(n;}3rB8TOY!RjW!6=JUxQGz8wj6eWo%VkX%ZD3G zc`Gh6cPP`_Sk)trxPDqy9e%yHcBg;(Zs<3@e@|~d0ee5sFE??3ja?3ai$JgM_qt(U zn(hX`_vgw!`g0_`-q*?Emw$s1aL4fR-KMp<^j)X)>vb#mm(ccN;%C&VVGNb!3p z{pR!M4t0OU^XBgBWY6%owdi2)a)OTQ<+&p>qS1S=~w-hDKsA=@L`u=dBTnQ(?8A4asAzuL|L?uL;(s3@MtQxU{?Hg z3!1mgJOCUWX(L+sERUtvW&C!&z6|(|buJPWMGTGeb>eB=Ir$`tnfo4ltw0dyC7FyjY?JTTmN4o!q z!(CixE9f{r9Cu?)ZgLU}7$Cl%766i7J3Z^l)pTF>7z(=uu6^$i8niW=istD_Fl|`oUK^_y2K9sxGkHLU`_*~v`R8wBTiwAj(JbRe=F~A}$wOg88mBQw(M|2Yc{iRGST(Zo zG>dVF+rggiA=#`c)t%x3{w~IbJAudmhPtDuF?;?y7lH=Yw$|s0Vx{-qm1RfH>{!kJ zS}jPp2P!+cL9cNEl;XL#bjTCj*5HE_fS1>^VNyVL(_GFE1k!PV-_w8|*0-w9kSu-v z3S{Arx7^e%Ynf5GZneihO;V35$?wIds7*3r&tz0gqU6$He>XGdS}PI;xsUI+bx>JK z8I*}-FG~bT!xVnAn>y#GcY%aU;P8n3b{esRIEqZo5DfqUn8jQ^WAA7Sq@nwhL`hyY zw!(11L_$-ynm&oq0VhDRMkFwR0#Nm{cE~V^T5Vx#k@O+9 z!MSM?taeqXDhOYs~w9wPwzDD}IPb8BC0!bmLN*6C@byNPfPYuE1?PPWHe6$TC|Hdmmn~q3E*+7JX%KpGyx* zN5XfuhbLQrCq`m(laCZOSW3)owJQ&IDH#B^46G=)^2G5>Zx224Kw@0@SW8>PELjX_ zLO|gGcdwI7FcdbNCBuD~a&jCR+?lJq%f}ACr<8IgUYxC=m)rDMXQW)e>eXxn`d-2V z{skJa9!FBdvZnaHX_GQ96&vbc@3R@L5M~5n;i`h?^YlXE<;phhUE#1m{!&5*Rg15Q z1+Mk*&3U;_+zyIh{9#0}7BrzSRm&gnigwJizI$%Vam zx^HXI?{7<%2y4(NS>Qx&v{Oh@VsPU2Y|>7#B8RF0T7XlF+g!*C;WMk;{cH4 zwC9YKqXIeP*d=Er&oH+PtFow8=EoGD1J7BS%Mx7iF(Fzj%jJV0mDY1@n`;5Y6NEDpSlJ~L_obbLhzcR~5><_W8O zdvS}BGhS-7@GECfp>v1bA<9B$%R!GY!D$k_Hn@zxZrDGe{LG7ao3I;0?8tjxaN z!5rlq1n82=-H{4~I|`t;ewnNE?o?K^$4)e(I!)V6;h6+%x0HH#THb(T&DE=akS-+oU@P}_@OnX6o3An8uNFEa7PULs;tP=KvimE!FG=e!|{d6iuDRByrH8rkcDC_ z?s3s|bxjAUG6i@pU(W%aZMrhzQju-_(Usu)~)7UAs#O#UMVRg#USf2{$rpwbNsXOxL;3P?N zE%fYLw&RMMj+2_Ze~vvHlcdJ4ui(0qxxW(QfjU(l*d0q#TjKihXAcN=Oifg@fvx-# zMqs-pPF{VObLiF$`a)g6yG69XKRi+ul}dl0q6S9GQ(Ci?WT9MsIASWGvZ}P9VvKm9 zR2UfEDx(!rp(G7BzEQL4Tm=UQb0x2A9I4pN$u!zu4isI=b)lT*+|V{xezj9-oO^_8 z@ulRc?98EqB`xQdT7Hr6j$gVFjzj;NqL-d!xQY-MHyUF8j@cC2B9Xm!{aoz7YYW=) zBPrQ?6%A(rP2)%{9IvY04AEP@+GWrE8&PRjc~%U!l)D4ieM8%zPRruXX`CIYiHzb& z0lm}%H^nN>I3Q8`na$~Icms>?Av28c_g41AweG#F7m5(A$U#e|G9ru_G!^y51pmLI<}^ac+B@?{=>%b=Tc>3Ih6> z2Z}JDTJoXFh0^WN&2F)wKBq+kRM?ENTd=E1C_)d{^C>T9bGKTMOV4Ad>KeV*TwfsX z#8Xa8fm8T8!Id5*ZPl9I`a25YVx@Mjr}O|!vM?cd)d%u2SHRl4)Yz84Gci{El}YIp zX*vR5WF9S<3Gf=CjwLZITAGH^Fh-YI#@$(_zIG&VciA_oHhzAuS_y$TL- z#%+FAvRj%HW-X3y#~A)R%gqiogQ0*tZc0wbX#&erca!4d>qvskm<-JmOz~)>-hHz3 z*6+M9O4Ww;;Z0mJEPqjM!-k=y(aA>w{jy`CJtURvl^XzhX3~k(9n9L4p2_MsY5oOJ zo_-6?_I~^NJri2-nAa3=+!}`?Zp|FNbQ(bp_uUHiF`NeLPT1%~i8kmOKV2rm5-HYv zopS&gYyF*7h|#=0*9s{a;!VaR%iz6msCrC8)G7C}*{*T5F&U$c8g2Mk z(KSt227i8OP`(h^_rT$=Bp$zZ*k_z{SUtWRlb2hK6Qne4o8q?3^1rGHKhiP6%?HbP zmv>o^PGT~xPQ`EZL0*^R06PzM2YjK0*J zhbkVnv@`HM2mEmGC(i97UL&4@6MMf;h^nGre$(oVg`-hlM&i}zGwg<4)KHp>GiOD( zRWGqwYXk(g64UF^SmJvU&yWnD(Y#GK^aAeIZst4?H-ZwshmBZq>qcyG>pZIjNh72d zNVi_kvYC33QiZ%u%|NsHI$VH~O>Fm}aC25GSJ~?#d_LHS+!W9uNv9QWwbk?@A8iv= z_o=T5d^D(qoZ1M#Y8s91-6vgMT-}MbM-AOmhfza!&gia_>QeP1x!cgKSXb=%mmo{s zFO`-nmNlxF8O!?!o>^rrqFUnz6b%pSa?cp6S(o62lNbA#KD$k0ZYMwnQ`(lS`K0}o zMD@ZVGUfsu-wC+-ZlM%*Enf@kX{0 zZO9mh65Y1@55{3ZegUAtbb_#C{;1jBD@8iC(4hHeEpEAd)ee~g; zpfySrf}f$6slHP+kQ_=1{og_sX*#ul<-n!1bQx-RogU=|@P(!|vwJ#5P~?^BYi&$t z!>?MU>KV0BFHzBxYE_}jVGm~hWgipVwnJ!&Y#57`3UqMb?^jR z{guofK!RloX8$^WuG2|W$j1>6wnO!~d&6){>W7K8lC_w20zvQPK^Xjb;up*C%dNoP zz`~Bs6Fm!~4OcbDMD4?~aY~mFZuefSJ(8E7;*Mej?JtRT@Qi^>m*GL&gKr|W0g@r< z!Feb0$3nYu2Q45>jrq%hq$>jbu}o06*e2KfV<%B`HAKG4ZwCh`RaQ7}yOCnCfn}fe zU41PB*SEfLRcn@`^UG-QOot?vj%r){BLNYnVKkhwZ|$*2pM&G%z0lxodz$m_~N5LV5M2aWARTOD-$J-7HKD=rtqjz9#j#S?^Jg?AX_RqwQ<%Tr(fc z8qi%XVS2zA+_s12L|vEv#-CStk-aK}=?w{xr|!LXS38h?2iOrUVk@ zjR!N;B=N7wVXvDv!N{}-Va@3)4`m0ORpXup$;yB~)Kj4uEaF1&WS8o+7@0VF(d{4R z)0P4wpkz8Pjo7{$GJaU1X)Xev8PJxlZ{mHsW@GNq?=8%_i^~Tow@)Evgb(m7zve4H zma@HzI>1T>ZTF0Ibf^%dVd=Bc@Xl=Uqg8W!f1_uMkm{}NDSeQ6r{)_Ca%&bIgY}^dY9Na`~ zOe_rC+)aHaBpd)XPWJz$OEucO4#ylww@u`pQF|f&z<6ancGTKjRY>@3f_B4oh(nnlsmBQNZj~@dn>NXPnHw zKLWlHf_b+O3v$K?8j5e0WPMna7FDI6M}WI3q)ixOwJ*Kk`nY$>LwC0>EBFWcVb05! z*Sqh!@evlxB1=qdV%QgU2jGNWM$UNaqG81svDec8l4a7y)(Dlfm1fcIj-c`r+XBDR z6fsNiTUnp}{U*9O4Q2qYqx(NOAK^o<)ANWvZ6#1;w(%~0XAncY`F3S#R?%_>AOICv zru6gmhNQFh(|uFR^gwOTwM7X{K+NX3CA7k;&|(Iitg-AWx2Qu>&gOz@p(?ER0Q$e@ zYdU4}sfZ$;X{@$3A~c_q-e~S7V=pt5?wVb+ zQM}`>VY1WG-Q63jpb)VKZ3^y%%&zKAJjj=^C+KL-5l9A`rMaHiObN#GmgHs5-e;qU zz_l#zF)74i(#++WD1qqgg!m7S5f$j0ZW70FU`e&5{5_GE?kbGBsBC$H|BGArXDEs` z3?JGJcd~3eq{*dsl%fp`+*j8BY%b%4CVfX+5lulkEXv`JP6%xpoIp$NAo^v0Hsf=s zbHKYAK}kzTNK}`dE&Pg6hTSEJWSLEZPw#5YRH6=fbcN1b^%TZ+D>=ZHTXI9C{d%@8 z6EaO3j()Ja8=t2Jnx{DkTGJD)(5V%QEUgthcpOtTDR*3{ND2dv9|yjynJf~am86j4 zPpdjyX>uuqD3AM%BQ=^^y9#m-y>)h|7xoRCJnRLLdv1bRodMPO2%wPg*X=LVVTZoa zb8C=YNqkc*Y>QH=cs#(V)$1GztXS-f!M4(D$;)jK{;P58Ao;L zmY6{JNRDqQRCbP0{4^Tg>7N%v$e@IvdU~ZX+3qM{?uP**iMdjbwyk@x?!lU(FG>`O zLYp)6PEhG$DjLoA7=8KZN-&;dVbKG!- z0Rs-Ne{XZ`mqT!4T!ml7E-kV*5&4AfPN?teL1QMI*F7ob_fja#7Sy0Kz}0intd3Y} zOA_Vo*r+=fR1{PJ0eCdZWc*@vdsTM1h-V;tkf%TVN}jb@k2?x?U$cPn7nEUgvI zTGYPjX<~BT5P;Q8;k?_m?fNfZs*EhlexhIAbN+c!)i9=Sa9_eBBe zdiFM%UKwqKle+KwY^FEkoA5Jr`=`$H^Wm;d(9iqxWbM9nr}ccV*Z0<8?`dzZm;cv~ z)1qPY{rTZGXb-SKI0|SFV|HSt;4)1d_#L|$D*5(}WOIi8R1JDsav^NFb$lHEo@?~$ z4oe;z`+9Ebcl5MxKZ5Zrxj&}-IohdtgA2rf@(iE^F>}pr5C23%#T{n3k5;2{0gYxH zPq{gE{}E=oM*OGimp2BC&9Z48md;((3JF-{5}&r|;kLC@IFVvA35W#qDzv(X_GP(sgY2n&M%IHHV` zVb>ziiWIsz90fpiNOEr~dhwd$_)o(f)e3hJl^rf)CcYF*-!iqyrJGl9U4z1=AptkF z?=M-%5mWvoChAKDQBgakHtAZ7aZacoj2C@@z9OE1JI zyJ|8#h?^cV!=r6~L=|~rAQZ<2g_xG~r6{U}!WM*x?XqEzV?wKwQKywgK_66gvT|v9 z;IUl)sou=;c7R-g@w8N56l$-RqMxX7Z8G=0MGYr3il7Cl@s%>Q_>{+GawQz0D84F4>;-g0g{ja2drInv z*e5p+{lUG^-q7xXmJPdQCU{7MND9TD7@LpCDOn9{7zXDJ0x3qDgt?Ns|L}Oy*ug7XDnOLCj>SfmOB~{2rjA_6&rzlM#rrpdp0UqT7soPk&**@sWK^O130Ur_9T7x z_I&0nWN*hmxUC1^2F5jN_Lo#Mkf*XeUP2sIRVte7+N+-)Yr5L{w#$mG{4RChc61)$ z^8iwY9AMyk%kh}RwA`)34b8BQaZcG#P;6k#p&FP3HUdPi$v{7FlG`D+e0qhQaAtUQ zIT=G^mBcV1zt8kzPHpTrzY$kIgm=3?n}Yu|F?Vi+#W+Ckw!EUqJffox~5Yp#b(0^djlh?xE~XkoO@}s|23I#-$&Qmd85H z7B>K=LXMCu#SD(@khw!!91;quYg94 z)>D7kpl_HMM~n~La9gHlKE7h%(z4t|j5)7Lb|oS`_F})WlY1*W`-k48 z(rhT5hbkq>)M&Si|t%|lkvK23_kgqJ;?yH=sE|hY8VTnXlLSJK?${2A@D&L zq)McGkXD-R=G=}NJ`r#xYrBweWk9(^YjL0k)Fr(L@K8g>>VUi%s)`fG{8gp0b&k7q z0%fFxr=bGm6E7>A2w8+`fAjLFq&A+Am+1OmVBG9we?w`-L)V!Mohpqv?l^eHj%joWGW2tKOd}j*BLmYJW(IL$0#uQY z2h2EVP*uzp8m!z+ilh5!6F`Mo`v8V99sd;AOYAKMA{}}!f4v%8pj4lDqz*?TNex6L zM&_$CLDD$3XGqC?1sge^3oQ@H@*6 z8Wxxfd8PMB(Z5;Ak*{#fWsB7wyf6=U9CuW{80b&qVZasr(s^1FPxvp?qB0<~>BAE_gnNTqgZ#GjTbVVamr@Blm$ zJ)I->Cztkd5;mnV%%qDyZD>7z6>!FsxoWfdSMM8e^<%sbJt(k9$iWtkRNN0Oq-Vjg^$6X_S!&U~Hyn%PC$ zq_C|P`lCTqgbGvCbl%tWJ?dNHuO~h8FUtBZHP%?~)$zbAu)-`659$&08}<^J`;y39 zWvjm){kZm59)O|n)d(+F>=EbXl7FN*e=@%OO@g9fn3SB|8x+g3@!XR`aZ;snc-f8= z@EKDBByzL6t|z#8rK0>6MyV$4#E-GtF6~X(<)?L z8m}%6X+&z?lcfxdG27acW}{)Ew&5R!FIdnfx{r3L_Pw-BPs8`Os#_d2t~y{Ua7xD~ zfRfdF)5_)|_2o-dzEEd_Snj8k#S4iyEKk^V$Xk48?sIV z;p2=pbr3G=8^)_xC_gzMl*ad!&DaKVzIKEvj2p`O$KFcZZqHnqpl;G)N z5elGWJc*RDw<8BhDmb8e-`lp`@`B0w65<++L!nR0vZ>hmvJSJIFas?%I)N~}9Iy^& zVtrPzy?LVi=6Z)18@DH_%mm{+A8Xtix#r+V`=EFpX4ekHZ{T$kboq&=ahPRu)2Ub! zX342OOExr|m16;OkH@_E2f=YblkhtJHv^Er+#}+>N$EBCO59nwBaHY`U;MWRmuv#U zY)_j8kpA&_LHBf$G?`jP{AIiG;jt=kqt3H7r313UbJ@fUldST1aWX@Y zOj3`1YN2X60dQVQdg5$4zGZZmeRZBo(sdZ+Y_f@QI)CtH)RISY`*9FQWq_tnDg;Q= zXLqN4pI%Dm-(au?OGLv*MPlLP*lzl`_L~G=sOF*=l!ajtuLMJkk9+vU9;P2sP^7?gOZ&GJM)2{5Bh+|hQc zMbb!_M@)B*DhbF}k*jivM}_POVik@}c&<$d6>hhjJ*h;@G-cL|mJBl~xH(FsSi4V6 z`XlA8Nq`T(DI?0YN|Lde4?O}K6iF6&vk;7YStukTz@kD{a9qzCj@sV_ECo))nsD>hU#rm6sOQFtr zQ^?9r*OjT^rahSQg8E|f?$?|ePwB;Sca5%zYE=gcv0SF{i+mI!DYr0chKRMmrvJYCKFTTR0%I;`sItLNAI7#-Q z<}kWcKh_+);*1aEo$^pSgxbSkR3j>FGKf0$c}h0)dwDFCvJc`EOYa^bG*9mKsbAVy zQBH77#U>C-I8G;%^-M!^3gh^17S77SQ*tX!`X1CJ1dbx$+JV`4048BMVYFbN41gdkp zukXmQSU*#wpUM>PVT+trtl>;O^6N=qd+Gnw;;mcGWVMtOQO9m*%Mx5TnM_wZ1 zk2+CkSpv-a#QXKvc9b779Q#cgU+z;$m_yJ9`dOrGKL@m5-R^kXU>M zqtn<$d3#-%0PN<_6C7?Uy<-RUYN2TVYIs!bKGfdszh*VOo&tUSf0*AlWg4+Y4%TP~ z&!yHJ1w~^eF5>=zZ3Nv{XAFMK(EWo6tIVjG!g{2QfwFCXF97NDictOo69Yt9ZWxKa zcAJG!_0MW>b(gG|8xwBU>DQpvrq-Q?!ikWEvz}lj5iqqysu1&F+43;vu}g?6iOKG-c?6~EY_H|I;@g*_SPa?u z=6m*~{SL)Iv9G!D@1;Y%zo6lMwUf3udVaB7S#jv!G7_pPDRVk$DeOGesw(xs>&$DG zw#-@;a=^PH{(MTZdv!$Akhy&4gJlIf9PQ0{6xl$lp&hh7lu$6L+5JTpUo&Vy`6)3Ho(`4eEaz6}7gSLd4+~Sqpen7-XUGwRvwdXP$FvjV57H+97RBGHUrNh$YCddE&&9IA@B^xZ+z7Gu>c8(zzJn_5dRhh_ z)GTz=BR?R{3M|u(I1m1)7gPZLNl8pN#o+|a)l52DG<}&AjU;JG7mUnmLRS<`S0)Sn zO!bSg-xm~H_K*#bY6wN;DRNziDM?+}fl_34GDTd1#V$TV_e@4G5J$yu9&*16^0xoO!^Yv3YtNEh_pU z4Blys%cg2-gVoP_vJZMvgd{noq>)m_B|k}^Cx|E)EM%9MCwDrTC`YFF&NpXYXYUct zhI!+%0RmHL@hF`Ng%GU11*EtB_4qT?IJ4|AR~iQ7%UJ@N%e)%F8PRhU9>r+MK0YJU zU!_jh)Nlmb7{+wm!z{q8ci~t;o|fw0m|jdD(Ljgo?CwA>W8ZtUXoWT~^G@%39ePYaI3mDL64Al^*ty%~le(2Rnl> zc(@2FHM{+;L8Y=4^ksjD2)}|Cmh>y9h@W>kR;f`-Q?|S*dvZYM(e}*}nb!I_vI%nj zkq?av0D8A*Qh>Hh<={vJ6XCFTF`N2g zz$j1&-V1BRm+H+z)E-&XKUPc-zyT*CfuOS3o|~=w*)HPOP8W%2+^xy#W zmM3NcjQd}@_rYPMmlw5;gXT2zqjH84Ix2*_dZKlf9DvN6)Q887URyIO3uWVTQ6OS% zgzylO3v#vw%N`F}B{p;Z+B2%=uPx$8vTlIw#R>Y!mH#0Zl9Ro~6m)L#iZjkEs_xYv zx`>HQVHEL+0wol=PEJ1Pr9sMX($CJYl{?U;+~!~8@h$`d2X0iacOEN4vsebiFODz1 zujWWnF2DqID3=<9#~K77j4mv-Rt3;;4pMywmpnc?kTKWN@`YrAKKW}vPupG1*>EG;4B70T2!4{bgLa6>fcfH8XIDE3p$1*pA<6K z^(N){op-M?gA}+h3Yeb$3Qe+yZV}KS#z5e<0RUM;+4Xtf>*iJ}N~|eHeIpuhWg{%S z_jyhWBWcS}(QzcBIbnR^pUeu^QxP)n;zU=~yVE2u#BEqlBcQSJUwB7IA;#kOInYmJ z*=2rn{(9)J1?-J*xocKDhH88@ODp31*2J0w+=*8@HG&980QD_o%IcnPXQkuhDZ?jY z&wr+l@yk*C8NeLD@1;?|bIa}^sL$vj4La3tJ4S@*N}|swve&&bNo(F;1nk_%VbCHs zXvZ50OFG=Ud);)8ber53+zU#&xAivtQ+ngpP^RKjacqPDUy6|5s`xJnYoYS`Y)wTs zk1W?%r^%2-paT)Nhy3B;WC^%k+E+!IXTbPJ(aZbHab$mr{fkqtL)&|=!1nw~l?BtZ z@4_z01jxghJ*3E%>SwJ@I9I2k=y`>=sBm1eEPV_n3O7B4c}VG;M-3^7e4-ocgvLy9 zcI`=FhW0XEgLf!t^pGLu`xTmt91gS!%&N*jDZ*v+BzXK zhwPADb|CJk?`wUsLdLvm*SRzkc9z{_lS~riCN+&bPKVj8UTC5obJ^aE62Q}NY*{K; z9`pt-B#CdTncp%kxN^iv6!zU`qD931h|3(CE0lwcogHIFsM^}APBZ~^J?U8^_qp}c z$0;SY0UuHNlZ(rDtLC4=uF{Hg=jn^O$rS6AH%`mB^_BWall^P?XDmb~_$JB1QdW{& z!<{+Zme!q(=#H$FsK-1iCIILLR(Pfl4ZNz|f`=;*q`96La3Std$8CKqK+=nbq}e~~ z9&_Vobs}>7i0z%-BI_1xd%6*H@XVK}GsDK$+MoLGkbnWT)>AVHN@Np@9*P7VjuF`b zKctPtq-$%bJws(BN{73g(f(bL1M^83!RE5s6V3SN;nkbwT&H)*9YAtS-GE+Q9#L7v zyGymC**_*A)ib*(mS=yID~~=CB!Ex?$(NQrg-dDYYs^UA*IFh`KP+v{x!@dYVy$V` zv9RaRU8vRtqT=flQwYHQT|52ba{#|Rx5hL;xLkQy`$>N0)e}DL#NFU$ zi|CLb`DFiZlqid#P(cFSdA4`W%S1O*Tpgw+vi*z0@JXIZj<^`!JG^rlI--|t(MuU- zCNrC-tv$iaTDzwyx5+?xUgY~>K&G_v-}`C*W0vZYqWi}a#gL-ABO?x z1sMeC2n|yOzenglI{}bg-Fnsys~01WkFRr0Dja+c6yLbJ$<7yZdW(1b-yAZY@OQZY z-;XVmWPQ%G@P7T%7N4H|Ja*5L4WPwb_pcA|aMw?bh-If2o%x8lz-2q4l|NVZFe-QP zd_q{gWW~`~zwk2D-`EpjmQN)DS92NVp}0F4*H^xd1AKYa-~fXRTTrf^mc$^bZy0{{a}MMbFewP=M9Ntzd@id6)I)JSzs=p;x05#Abs7Eb{USm zipff4Dol+&Xzhch_>`JxIWVz4`vjk^cu*4}qC6KFDV}u+$gY}jRp%h>mEP>X zZKHocChNLN&j20h$@DrQE4_0t&FodshPL3roY1yUfvb-u_K?jJTK#;S!CzTewv`b5 z-WET!IAZff#I9q3CB;4m$m*Q&t!aKup+pJ_aXdZe6Iq!$1Cs*YfMbZ{)t2F_2 zQ^{zMo1`&L@VbEwlz2wH9N+b!hSN7~e^@5ThP=vvv)XB%=KYVh{jncfX&B4t8BZbP zvYvZ8bpe&~DAj*x@je3|>sp5j%+(HFtvK*$I}5|pDo0o2aRvtL@J!Ky3$>uiZPE|A zCpb@4GRBx=dWU!K#8_BKi+$x1S*qJ=va%C<}`9(ZHrK=FCy@RAbu>sIjhL7}-7qJeYA_ZOb(*9Zj#e0#hbBX#8vnAok`&K74NNgwvdC zc#)xd=-H!cLCs8LOkW4m2_X=>*WQ0wk$_OB{A^ZS=X`#aV05!ozl2T-5#}iu7Os*v zX~iN)SUBAkx$UjApcDF&UI)2@ewK;INs@}s5NnbqvQ#I7o`&=lEHWs{?^+0{3b7AU z)xP{bLkBK&z61HkEV0+@)+x3tpOqr$N> z^Aowp7>ns!WKw`pHRmd9aAJ3}#rFc%v=`8c@Zl_yLl3^XOX?+bHZ+Ay^NxjSYI!gW z0C=9h&VFH|8b?v1Jc+R2*bxGAaQqP%&cBPTN6WSj(K&hpZ-f$1((lP_-;YaX?lecz z?mt}iVT31FbA*&#Z<*+efZO$J3Iksip4fdw;=r;>jko8#MyV?D;vI%JP)*#W%*79n zf1LCSg-1ZL9wU_ID^fA_L1le$mK&P?-Y=|+mqqF@1r>!p*-=pYaNjy@asfH}kZ>$-SjDfuf?M1ofhj z=<>*HXj zypx!LJ?=N3ZB$ooDWoQbF9`2#o}=QLRtyFFA64%VpoF%;^+qSXGwz{>*F64Xm9h4=ifY+lW9s3;6e}DSC-==} zS_juf^6Mw)Pv8?;Yz#8-LRwrPGPDP!J~XYX<3yfr4Pq3TPBwtvsN9TQ_@@hdS1H`nXkXE zAb`o&YuaI2MFoFxpM5XuGEqlWlkq>A=o84i0FJ4!mo$-%MXM(wiwo0roQ~&z2j4%xwesv_ z?1Pr>iDGRpu{rc>8kX-d5AIuL@E*r^^Z<8-DCN$Ic4)g#{YXTf(7q+nNX7bE!+0Vt8BnUt(y7`^O!&B6hf@3@mUw9>1%O+x z%egaunYH9wBv14B&UmaB@{S^3VHOU~QOP-yGGIvi!6dON1~fN52=W8%(?1(d6XgZ= zj7{>KK3I#0;OVqfz&G&$G;PL0D(GyoJM=@V%COxNj#?ixM8C|&q=|L%7?2l;i?HLq z4wbyO#o?A}>^x1j8I#x$AoI={TL4mKF(CnCjdxNv76_|i6g&G4)9I{IWFcKIT3J(% zq?YHV3u(e+Yn;|;nKw&#byv{Ha8=WjR+U|X5f?}Ekh&<;)o9(&p`s-cCL(&krYzA< zXk(RqE(Be##fbpdH0o!)m=il0;wNL3d5N}u+hEo+qs&9Ab!ywbU?;9i!@u* zo=V%I)^KgnA21(_YPALYVr57w^(F-d1C1U0WCjy_D;<_YB8eN~p~luEHK_;p2mHkj zqo`}@YfFr`Q_0coDu)gGT8-ep2J<$+PqP~a^F7a;y8+BRwf|anP$nGHo2rh_!3VHQDKbf7FVuxHC%1xx;JPl-XUIcYRGPt9asLj^dhM!aGXOQ3rVtKOs{}&NV;{S;V z*8hj9QmrE$OUi}R^GI{S>2s#jdmU7OAORbIV<<-R?|-JM@Z#eB%REc);O;|irYCQA zZs1Kjmn_D*``+8@|G3R#G=G;e%v=9fPQL!?{M;Qs44S!Vrn0R~rjEY6u>F2M9RJK# zD&4%89=y1<+5O6G?gB1fTGxLliwis-4ZKQw?Pk$<8Gd(0G#+0rynhyaE9G0U0{jIy z7q%bEo}uN1-pOqQJi2`_9LV|Q0HaJE!w>Y$s*kjrH4`!Sy0CAe_{Vr( zj~FLFk4Jo&+Blj$6_>}FTdwShuWc1pp97t(>WLSDUtD-R&j9U7JL@6g6j@$-l3-qr zv|^;{c&O1mFJ(OQb@^-a5YhUrU zT}WoYJETrvEr5-^Qt7>_d-&a$ro4ELa!|E7R>+KFtcQ_(U9~{hC~bkX6s|mA6xQajn*P%i;J+RuupH3P9ZQo|J)3_*lf&AO|TI2P3qm zW0gTjrKJbncbpwe`o#>(-)m!0(%X70uyWUyEFQFNipFiZlL}%e6b}mU0Jw>%HBb?T z4T(;|*Pw%xSw#C=@a6zz%;5gDj$A$AD8m+5Uu3If3ghIlslpy6<-AB$;}gCeEO~Q! z3SVUOa)5Q(+F&f}BgnyGfgq<*Yw1gP}=l14%P#ZzdvV$3d#y2XKuIS>MAWd2Ch;Et)LEVReDY> zr=^lyR-&5M-6D&;a!S+lB5V9&1Fj@59t_md2*6lR6I>R$5_PvA%VdTa*ak0+26>TD zP(w{!(}v?VwDB;5lfzS7+on-dxV1sjVi)KXBK~b{ic?CGkrTKyXz;M94EkRC(2PNs zJXm;bQ2j4g{Szoxj2Aj*OmCd@$OJhl6I3~LXMon4~C|iuA}InOS#nG z7!LcrLGS<)4<6LE8u6I@?{5>?dB>J2wo;SM%gF8th-2TMzUmKIMyi#N>`$xD$aG~A6Fqf3 zpU3n5DdH;U3o5r|eeG^f)nhRbNdbT~gd?}*Gnr`f$&ei>ek}R(8;@UDrAT|$iP|M2v7Jltj8K7`bB%W0y*!KxaQBBqX}kS5@lJ` zgu-HL2aL%2@;on77)fP-P^qEhh>LIif`d7#@SjHnm>DoG7T?b)S&t&i@63UZ? z;B*`@7KM;faGu=(J)KW>nE)&^QNC~iqlB*dt2O#mop_k&#wujI^Nx0i0x`h4HwmT9BHrZa}|_M{|l3`X7YVc2&%eE83npidgl1^N%f|@b=g!DaD+lNsF2!FIg1U=|7N$`UDHKhY~%C!nJTGjbzjo+ z^LUndSO9|7OgNq@TlAeC7_WAHlstPd_-EKoKb>r(-dMZh6hJ10hhPmA*Zh>wH-9JyeCHsQ!C`418i#^(pOozGwHGtzlu~AVx_MhD4TNT61vO8xPem+k|6t|(QO3G}roiMT?}%~n zz|ZB-YuHj^6^}R0I<{lP7(bXVE0<$05#O^3-zvDi<21>_XPs=EGCDe@Zx?Pi(~}7) zy@dxYJSW9RS@n6p+Nvq3XZJoIMVujT#9VzxH~}6&2CSR_S1hxP>t^((ZzW zp_r}r6$U*jXv3D&+9sHU2;1-W42@8VWtbb(0O`P8e8LLNjJ@ip(!LUzAAu3fT|O7S zO1KMU`{7k;@XFlHakO&4A#Lm7AT=i|Q=+xmcr9#~T9!EbBIv!#QV0KB4j0*xG}Ud^ zm^i|TdVpbi-DIxW?E>PL;MGfK0#-0hb;H$NgT?`hAf=q&kk90xQ*9o&PHH775{FOw?EBz zMV=&dmN_rrVo?{5om2{!&NwK9jpu<0He-g<}H_{ z@<#lF^icZ0c#%jMkrE~pp!@BHYE`5`eu0;}DXw!LF^cE;K82Y5Y zivoJ&X4B6xtL!Jj;&)73>4jhwO3YvoBaJdwxI*68OF|e?QM2Thj z9g?0b?tm67=6tWw-RWDJUD3i|fJtk8bj}}+*b!mtcP;Xc0=*7bF3n5J&q{;8?W!>t zji|f4b{C;4=IUfclh7^8uzEI2>m@SMLcE8IB>g7<<3q;RX3CWp@=5Nb*$$+q8}4*7 zvofN4g5Ew^CLbz=mDNf^TNGcs`#-zXxh}J#kWm1daHF%M$tSC9UT-KG0DU1>C;g7w zG{#z;0(`bRE!~EzW$A67tEzQKu@8w%FnfrX0DwDUIer##2YNq*JfIu@y@~%aK2$Es zLwzc2ezgsdPhRK`J~z&(;O6M8dlYHkW}VRLk`B?y()gl+%xD+Z`4;a+Zwl5{m-rD& z$+GRHY+%4utcQWQX^u+@a9heKXROF0cIAVbW5dcx0Lbtgq?{VNd#3>zZA` z&Y9hcr$2k_RLqPrz!O7d!sUewS&UVd5Y@IFn=C(}p4z4w`k95wf%BDNFP*`2Lk61snjszQkq^Sgn<(q=REJ&IQ6%T_&s;s8@hW>ekDs+CJ>>m%6)8O) zi(lmWU|c)-r|B61GWx(SW41l;4=Ac}?o@Op^EREJ^__fykiY@|xExPv*wVPzJ|5Yj z+ZSEXc9Y{SP#myEI~sd>ytj5;Dj-;J=k^v6Tx$D5$WzrLp7CUAd-8+5FB;0vWB>Fx zGzQcn)r4mNn`p&zAS<~qjpWd3o}ZzY?rJtz>V^%-QSQJ1sHzg`LuqfIh`1q ziMxk_jb_W<=wE$U#;M_GbE$IAJ23I{vsvtVRxCGr94h~s)dkDK#k7%-d(N$B{ADXk z$gZ%a{4{e91=%>~oRhEX3%bllMhslgmD8WcXwyo^iJjb=6AHw};;TvClviIq>D;rn zQ!vH>*<$~JX5OVrD{Kz_R-Z|Q)o=U>OAN*c z;w(q-KVkfG#BR)4vaOGlO&m)bbdOO<6eoe#g%xgL{?ghPbqsCyIO9AQVV*+@x%(5d zU=Sk4J$4XGv-^iQny(8{YKF~C0cI;R1lxB*FS0!=fIW{t&7Gk>FZC1kgylfp%^zH; zcNXi7OoK9I`GY78s=LEb_E%ysr2>jCnVp}dv33I#(jRRaJKYF?N zn`S7@>Uf!01NUcj_luzR;#~KC-O6EgAPN8z=l=s&o5mTBq2;=tQD3Ux&39VZr$b?* z3u3h+wI%uR8#=tZP;KR8M0N_89gP`=XV6sL=0(gXu4EpJS+4Jp>&=<6ko`?l4tl!v z{CJr>M_?!=;O|`Qx$4i++gaEg{d#|Le4kwG2=URq*8V`qA*kM503<@rA};DbUSr*P z#c|MG<>a)n^oK})AgrLxoUf-4J-ot-@)X-u>ZRryuXPnl*E#sS=n=YUA=m|A>|hQ` z&C&a`oC@8F<}mIwE49|_AO=H$I3^O|3U|QpO=1e~?|wd=Tt=1J?usKG*f)Y6pak1X z{=f#O1>0NgAiUj-uTneqZ=ss=P`Cq#&0Xprav(BjF)dV9W@F1OPv-ej_) zEn@i=Gu+VjC%K1O(86A!okD@62buWm+j_Gr;yE9oi2u~=n6u4mo*^p_>i#!l5soUM z4qp)zkv^}rM`2cgL-xJ$u=@~M5}Sk>Ldk3#ElSa;&iz+Y7T~XK(JF-`MS%>uzib62 z&s`+dn&Sc!u`&hVO7Ln{Z4#zQLaKdQ;bFJg>^9eEiS~3LVSR(a@!8H8PC(nt(hD+A z|LX!HY_N{Uk~B+_)AlCvz$BlXNUIu(UVs-3QaJ;jJxs0dDSh-*H+mX|C#1K}+aa|= zqounpzD~$D4rrlUBEL%SC*ZeRCJWR|ou(+Ml#lUO84Yc{-`m45f@xCA#cY*OnamVn zMRwbprsg8N&vRv{r_9=}&=GgCgtrOD5jKCdmhLfMl&vWp%A9 zgr5D8?Lsx8E-xt5P$MstAQUY>E(bj&rWTlA;ZJoi2%va{Kfus$}Kr*W(p zu03IE1pI?hNs>3nyrxK)0PmMy`-ipbXMm0!bV8d_CCb`b8zj9&k+G1@y8MXz$~AqX zy^UZ!J%kx^2nxvDTi6d5`lYo%x?mZOGYZ4FI71l@r>BxuJMmYcv1;`1YZq(l)6tY^ zXI5{@Ey5*pM@f00d!h<`eJ#OldZ9cfb>}N|49W`%~zos=;f}{W#JTW4w{hw zfx{~x6pmZbkE>Sx3 z5?}z20iFr9AL0{vy{D(iJul}$CrSS96kTOcfkc`t_uw}eMk54Dwi7+g`bISJ=x<}M zGR)SQ<$@If{+B!tw#$TqU-c1fx%DE(o6u!lyJE1;Wj@o*+TMB!DFRf)A9yoqc2P?) ziD-i2r`57;d5^xpRK3SWIY+txDr3Sj4B(J(#6%%3sYe+ULX5gT;esTTTQwo*Z+gJ& zs7NDZdo9(VsyRF)Pb@#kzsyd+Q{6%ZexI2|Hrq4zSG&sIW!Y3(NkCJ#%B37VxQjfq zUY6bH#fM3W)puFcXhR>GmrGJoW<^4*qde!2e~V|9hf?S96W=dU6geJzU1o%H0zi3T z@onN{oO`NX3fZIEHlgRi3Y}$5_Y+d_C5-@g~Tn<)VyHM(^-=8#F$ZV7N$fA-vH zM|o;Kz!J5rZATkhCt_$u1%PmRv2a7S#m^o1?#CLNM)OI|%Oh)0R_)9StM`eX63@ zIW!rF;@hZgKAkvYWK|lzD}jRE%a-HiPKr5M$+27{ppIgm@(-ZmN}a#HzJSrpJQ;7g zkp)(7VzzJLtSf5X@oK$V8QMG3NqnLeQ)q`4WeZ?LkcAs5VQeZ6I&kn*2LW&Oxz6Uh z)(m%c_N?x9@ubt?0dyxOK*_6Xhq$aWrK%B9CEzP9$1iKFENce9Gr6>AMl!nt_`Rc5 z73xE^=LEc8nthpZVy;mlOg0eGe|Mlbj6lxa<8e|PJXyxhN61$uZHHB|n60vc{)rc%-VMbI7%{B!t3 zqVG+!r~aeQ?}H6$lxkx{DtN<0NB$}4ogDQ|QR%|ws5xLaqfcyV0B`Km_a_QuW> z>OPFykza!Cq6jfS3+1)wnS@SB4vchDrv`gJ&wJiRZgt$m3MIvQ+i0n|5WAH3^c^OO z`EUm*?^A+c19;Exg;I{x?Kt9HQ^mZW))Vnj+umzl zq8LUkDiyvAmEj#o(@ot^V;EnydDY84*i!t=jM>n2S^9~vHn%YXY1*^J*~9CoFS&s+ ze7RmdDbta>#`dHM$*bT9uow)o+Ysl->RBAeu+=A-19)GyW3iX;O;+2%FN=J4Yt+>* zh)7=}QT}@-UmumiLy)Ekc(D$$crG(YP{z1W6;Y>C7;GQ+HB(--q!`-LzkMY*0egj` z`-GuYYwpb8F&L(hehE>EzC)rnN?aYvHwcpFU#KzNTm#ol%;dJ#mLKK6-`i1kyO(#Z z{hD&)1~?nupV(Bpvu#Gne$s6e^2;wO(Fn;eWa7?fmNn0n*`(=jxJ^y0KXNJa=Juqf zzdE`>?y@zTXcoshix>NDc)FV7QC*g_xAaXeEy2#P8MC505N5?PsfgZ`bWThYT!qyT z;6EkZJ8z=V4L`_cGRwhC!V>qry6qJ2JrBZ;1D5rK2kaT)-(<%#hW1mwQ+%VdIKJJg7tS01@9p2=(3}j8BBI`srza0Z~ z00kKjd$*+m*}f(7#-SMMHg#1oNCKV!6)`2v%n089&YMX8#TJdpVh8&3m$k)vo&IhD}`&89#g+1DMJOq4RYYjo1{27JqyPV=TwcwNUdZF`qnzb>g zqcEXFCs8)vx!deRSJ2tgiMm7-Nj9$lGTq}wyRXU2{7vhXPFo#J4z%5U1|k{2c~Xvy zYun2raG_ngW#keScNSSlH3#;oyYSju9G{XlZtXLCRkZtil2ddKKBd2%wwcRpi|ecP zgla{D(>Px1U&74_Ay<^=a>})4aq&IKihoukXrquJIRZ?yz62Eln7*!vuU=+=y|8h% zsMhND?n=J!?8uZt=js364lAkwGiHFUW(j_xx-rc25?=%_X%TT(X7oxuy0x9re$gES z_O%P%9{;C|TDa=A!`gn<4%;!~2nfyY$TaQTM~Tsg3UR6*&uPEuRN-Q9;`4}dQJ&{* zKtLZOkwx%;7Hx^Noc{uPWu_Bw)1??v1mGkVE7V4EmkYo*!i5VV=V3aEKSq{&R@$82sI9KhKM>x|w~N+E-rIFLJ8%yAXWq zu=;x!@P@`;tC;BFfxrg(i*GsL*6FEBcrgo0|NIbg#NKnE8zuKEIF60l#e!paq^U}N zt=b3pneGMh@QdjD|Kte}Q>r2>C|RnHGZ6iMb-y4mS?jzrkPS5uOFR-;t0X%xI1n&1 zTRakJYg`@>A8@K=9uRr!V*!w!2oURk-Bj08AbLDbdKN}jW@uJ=CJts!HbQ15R(dW@ zRzfC5E_!B;)Y?-ZRz`M0MnWZieg-i+TW4Ng24QA>#{YmutpC$xP+`(%BxGXd_}`1l ze>DqZBK`>t2onoS>)$gVI}jkYR0CX4G63WMtD~B=H6u-0k$h)sIb&JUysCVlR%IdU zg@HlXEfNLE5u85dj1aI41wenlC8(2Cv}P7;LW}r(X6BVDo-3)JA07uV(0@iTXa;`Q zAD%qk4-X%XIUMgRIUGH_;q@8rUytv9W@(HTc-`@S(W34tMxp=+0U+<3xPbdVE&bJ9*oeZB@|-vp@$2a15yv@x$&dU zDtwY#R}&|Ef+$jBt`7w?>qzr^7s`p|=8_t+F;Nt$0JiXc4JdL^`X! zOhVzvN=k*Y$GuUiuP(=_p!_>K?2Cvht1_+`dYUy`wQXBIM+Q~U_ufdoz!O#}-@WwC z_1ylrf(A1mL`10AP_M_wtGiQQNua>VMdTs_fr~_VFO8E)!c!+5xdk51lk{T`e=V4X zj-;Gu+$#W@ONcaJPZIRT5j61=vIgrKD$9~YrMyNVcpgXKT&{qU(Gh^FS-7y(R-;E$ zX;=3>Q-B~8lgbc1uK8rAt`_&BV@ic93mzDNMDyJChX%!#F_sB}rmI2;s0P&o^`|w_ zJyNRwLa~}{HJ)KCYx?WAMq&5hZG_m|7{-NmJ3V0yWpdq8`0*}Trp3aeRt~;$#83&ee3K0S;8r}q5-n+KFGNJfQ_(c3I zF^U7s_vIbY_>it}0`p8zmnoD0SBL*c+6ITKYYU28dLZnRkOhI|B|;DZ*Et{3x)uV% zofpi-eY@j$+GXYe0sV_wMy4vMQg|u2Mq%uNtjtyNy_v{bCwHmaJb+Y|ac*@|u8O5~ z30+-mT6y=E`Y*2C&nJ41Q%l;iHX1~lY6c;oLG_*WsFZhTmFx;zECoov8}DV$+J)Zk z{w8%Cf2&qUo}GxwPfK?FFe5p(QSaT)gA_%OA(UDS(R8Sk2E{dN>W6oN^I_~{mIdl@*)a)l z*BKrpiuvEVm||HYd~u*m)wSaQlA17Q(NkDu%I@hor`#cx6!M}|$_Zbzr&u-5!XH>) zX7hH)S~c=bb5jvjFck{W&hbWvb%?YlaQRRNwqk7AiznWKw2m@PxrPR}Q`;$0LDm$B z)%xUo_g=B{1Yke?X8o-R!M58$193EfVkP_oU7)FL9~s(SrEQjAW5_;?@2*Ba19MD; zmaC+gt^Hvx`4a>IMs`w)gg~wb7ZudE6G!QM&=2$DKc)WFtKOt0jq$yUv2v$&?fkul zT7@FALSRJiT-Cy9rUjKxCJ>+G@8Y75Abf~u;6!37ZuwI!1ezorJUbBIwJvag>o^M< zZ|Htc#G+}qL&z0KL6Ue^qT?vb;3{y+1Imvp_gZODJvU{RK5%;y>v0!~C6+H5X$NW` zgPxIuW>~e7_>9JpOIjBq7FPQ0~W z{pJur)B)a!Y}k=dPx|u9h@Aq^Yp?!egsw+CkVYqD6*h1ODNLVm>~u^E=nIn~DB~f; zD$H#%WP>bjLAZQ5cdkT2Jr6teJ*59b45~)8=yL9ON{K^Q5Y=6jwCW3AUK+lJuK(rrzWIR1 z+J^ln%Zv)|+fC96}obRB82fMjinQD{DA)B_zq^2M2&&M1w?qAzaQF;f~ory=84 zsCtI+FPmUA*jQ$8($9(VV3Afig4>xkDIUFBbh5?sO5$ZP!~kRb$2VZ92tGHkU9#RX zn32+*{aL5c{=NwiOR^Mtm1(1&6O(A;=!JXG9?swKRFmJgDZWLGph6-S_%nRdylwohfmY3NyaAB2**&jAc-Ot zeA%^UxKRZ@GW6oAPC4l}=^Z-}b6#$v5^o_@FLB$XdjdTuWpnajiB_#fb{Qh?zKMzT zf9AOm*|QIT3=9c+rF73m@+V??CC1tbN%+Q1&A@rPdTIWWzG;kB^mOF0jfeZjm)v6! zElIjvbD+mrjpDZFHq7m< zIg#FleG*TX6427DCz*YVW>zRyv}3V@8L-F6sUip1OZRI!TZY~0xC2i1=D4iCKcHow zKoD1|?v5`A@wnh%$EAt)O8wb5Nc{*NhgM=8-tOeMG#XnuCt(|u_j)xA8Y?O%e1~Y# zPIec-WnK(gi8;TFED>E4L(7(T^00tM#(X+B5}g61L^H3mM&hUVL;`f=n1A3sg#o_F zMpjOFp(K@h{$DIwrm$GjT6BQZ>P)q+0jymS8P0fQjoWcTgDT`Q4^4KqhB~>nZz^C@ zu5Ovly1CYF6#Iezw!CbO!F8EEp8dtm~ znyjP*%d7U9U~L|(K9Q=&pJG^w1Q~xRL0v?bZD%pOuwl3 zlj(?L$otvO{tqRWy{3EN(gkz=_z%cF+|b64)=tr&E$-6#08ZaLAkDy`G{ZWd$~pvq zmIQ^EaUV9z&#+Yv8vGC$JwQGKO{v%3buW5JXAkMJ4TR^Zm3&BSOsa)M#czps#s8soL|8EKxv1F$9CU_0}^M z5V7FF7<|mj!-`r>vOaaP5Mw;tGe&#rc0OK$Jgk44Q`#qI_TWBxS-;c zb=jTXd;|xaq@+X7vfcTv%== zygZT{6dkBx$uh5Fm0AW(Yk3>tFrxJKk;cEN-?}_z;VoH*N_6rQ#;LPGXyDTbf29&y z79cv@3K?@?5~?BoAzDw}^*))*{Xqd%hL=@gC=U5aK6p1&tC&?M7JG`9`jpokhPw}L zSX$2;v1`<`^1b$f?h2eNDjH!Z)vO)q_&c?M7X!C${h?GG=4C_0ZDKTwPqg4ovMO5IKN_osH}NPK*uzH|&Yq4%c(4{xr`oV{=YNl-*A( zh)dY|r^m!8&2^SA75CwnfhxR6g0G@ugZ`F7NK&%Z?iUn#%XJpL4+VXNG{jeic+ZS@*>k z)>CE7W~uU$A@Gy>u4C=>ZuW?6u8DV-5KQd7cINc2Eu$5_5y>pkDp`a%xz8laas6Gb zcds(Q42&$?4VaI3A#?Oibz!9@-eR1@Y1ihI(=BJ!Ht8ak+cDTDO*;qZRq6ATYm@1n zYA$L^$3IhS@DcFf5o%@vv1yl0^?E|xp7Hwrp%iMGa&(iP#A}jA)oKI!`*B#o#O1e}eCN?~rL$U;fl#gh8aDjo_6J zzbf=wC#MnRVVV89&dojHvNeK_p|2k>-NpRFc2UV|!3W54zQMS$=RX-~IIyz9w*mgf z7Pm?fkX^_yqb%)tVW!(4R%D$B>(>SkU3GpCXO^oC!HR~o?7)N_v=o0AHmN6?<3_{P%l0vMSJR#OTw=A?^dg#xc~nkN ztWxdD^a9Aw3ZX3x-jlauVT%3;xK@u-sB|f`Vxfa-HjEF(;ftntqKN`47uwD{vzV{f z{=I`gg#B5WhJGmex7CAQ%;qH@Wwi;$aA4J6-sS9lMzvr zLIU0Qa!COC_E4hudux<^gmFE)E;lE+D>lD9WrxTune#-bESe*jPm((Mz9o^baCt*I z0;FwCdRmOKOd@%LGPhULd?d0cHC2p3A{8s=o zB=SAtR(hWUKZB!*SY)lpVCiGrp9E8!8E6aNZCvyS!F6E=f$KBWJhjeOle=$DzG|uV zP;@6bN=PRE_zfy=&>1XXI-~3sP>SDcwi6OGyW>kF{@vPs00LdbU0Z(A!1Y|$q6r93 zZ6!#Q9~Dm|NO$g&vKS%7(Uj-y`DkEhNM*;rIQB_RAqXI=l{_8buR4+L2__XWG4k;m zgb{1K^sxJerz#;xZoc#Yn$CP|O)00bLo+gmqez%#B{6`z+wyiH&pUIfps0W2WBKKYSdK31lgLT0bzAK3I89zP1+sfvoZzWz{ll=TZ)bPuo?pl3e`cvyK$hq z4m&)^k?%Lp=RiIYJnpX$7!?2yroDxD>4Qg1Q8LKTR58f#=lBt`yqpZ&`iD72F46^c z#OH%o*l-Z@m@J&87#rLdUzis^_ADrttVktFZpn&*b36+OpQl5tcvik$Yyww@#NIJM zvkE)Vw$5e~)xsto(z6LLxc1#FDLKw?I03)7C;w4JKOfp z&QE-3&}>2nF4V%3A?;A`d<+>9*)7U78GbYs$}i(t%L8GtUXGaEcEt}@*C)NDJq{RLsDE zbrCoq-ye)=r(jMUIbp?GB!3^q(;X5=O>lqy$ z#1}20S|{BT)m3hhuKg9`z#UM3OE*|OSa`UBVqdmKK{9ZM%6vH|l!BHpUdA((+BM-< zDKZp4_QptdHqVj{(z&&kZCP0i&_A6u7Kpa&(g&c1dj_eLkng_Bf>YA{sYLRdhOWq4 zbo+PT#4sZc5j~r9prTCjLvv=aNtAyiiHT#zJzFBF0w+&kshC;wjS25COqN)ng-go1 z$XLX&r^=Y0Yz5Lmm)2n(eIA6OS~DT%JzAs`H7_{tvLkjqU}`2dA=L`68S4I5mC4Nm zaR{(=!A|y6omiD<87qOg5?&b*62x^pMLJo3TYQS-N{%nOoP?=1&W$MxLb?JhFQLzd ztkAA;l38nUQG`rcR*r}T)$XH_{IZjVw9j^q$Py+%7=1uIJlueHUsf4nj!K!FhRbXD zqFaVgh5A2u^E{_};GI1v@gLr{G!5;uRKOb0W;CyxCz^bbYCK-jm{CMgV~$*4hqW^6 zO3>9r!MR$e#zu}D$?jso-r15Ff;00dBc2RhQyaoU?ie52O2zvt`d2-1aoT1^pEG_^ zOwV|S$3g`?#LfMNYR^E6DLj3XAMOfrlP>!gY!=e#3hs|Pk&SFonsE&@)tpT=G{B&E zj$4ghaS}f++V(mU+EY_jeO2~k8!jh+1%mBzZbMza;KjZW1pB!l7EdAmsfv5ejmWZ+ zzjCu#_>+rablo2gB8qgHPLTFOGPS2;Vx2)(x`ax}!vkNQNx*Al%y1jsN_f`7`b>%9 zYfgRSr|gFn$E9P|`k?5Luoir31%SFkH260zVIp*WZSJQigPZ>{hd!vu^|Uw;Gi5KQ zyx}KJ?5d%lek`;3JEeLT#;9r=DZyb?cxnhfV{<)U3C9OiPNrO5ZVT@RBB0&t(oLw6(2$V6@Ih+3g)ewVL-B( zE9JplxkO*WHoVg$=H%}6ubqeW@gNGb{dCZv?+*4)_X7US$f!HvV5YXhv_4)KE6}}= z@1X@^HmlC6JiuFt=WoIG5)gw3cfL?|zZf=v62?y(qbEsg4l ztO9x&w#3}-sU3KHpcYz(_9T)j#Ji9Z#W_pau|seLprYbA01deO`%-y2c^=Pf3%+55 z>AC4gg4BTGr-=EJQ4*x#^v#Jju=;pvK^9t3a6JQ{XVW842e1j(W>=iVye_}jIQE&j z*)~Fax_iYOj8gnM7r&HLqfc8Lksfl{>p#uXO_|mzp_>*eyDFr?`7X`+&2MNuG7W^c zIK+jfacrzFqi$}LSAyE5C+6Mc!6RnR7_94sYTu_~tdY1tsBY5zmWs;W=PeYJ&$#Nc z8f163FuMD^0z}z4%tkYq8ek{Se0KLk|wuEMeLH~aou80+O6 z#=dbL;DzS6k`B^0wW2d4rzj&%DUc60uWIoVF*M8P~I#z z*^v%MFo0|&3*EIIEd29c`U?_}{c8tpVr%@rOWRYeUV#_^%&eUMw+1cN;fW<}hnxAP z;qHPdsWOuU-T=u0$~7~1@!=A(=_I3!VR{oQ_& z#rs`s{TK6Fxj7231N^vt9@gHZv@~sQw$2`2YyW({T))?LDy>j9p8_PQ+`d-%k`@32 zcbgfn99E0-6PJhTefr1S6o6duF_LtMCYRa6+rnUFMnjJmKlYn#5g<4J^6f^TB2SCD`r46$+4YQ;`XJd$|g{v`oYsZd)g~^>=80A91s7n zYcfLc*vR_FlfdpzPOI)^?Nul8XHBTj>ZH$TYblT2g5&ACx85PcW4KQ3HR@?x#zLqw z8h)i1O%<|*YGevM`vvYbN%XdHH7ykTNY`RxhjCV3gxy;;oe?j5@OcaqSv^2h9f?^) zi1At@P26OZV%Ju`H4|R$$xQ78

    J?T)qjX>_$q?IQLh`&QW%`F^IhQ|dStb1#HG zxAlT)A~4i{?p-(SmWJfM0t#rkR^Z_jti^EpIL|82Z2a1c6iUat{pQnJ@{M@xTo`<_ zsFX=ZObM*>!*ihdKju;MvW z;YAXBis-%bq=*+piQVAqg_GxBGTxEHytv?X!i!1^Uq>qOWIp|UtF-A!X|`qg;moQ7 z`yu(QoKBN2Sw@$&S_a5H@58RqwHcAT(s6A`EICnktx=MrieHX#XhK;4Bq+e99Z+N& z{s?xOHT@r|&MCOEwrkh1*|BZg>NqR5ZFTHqb!^+|bZpzUZ5tgs`Sb04^d8Nc=TD6q zHEvw%EvszR)Pun$DizeoXFw7s|1G>{$&Ll;e-^7am4ajmVBA#+FT(<+ON+gmlG z1BFh4EKg8=4_DCu^Ic`nJ2FN!uH&jA=d(t@17@^|V{xHtoO8_CjsIPP028T%a{`Lz zX_%@EpgsLAQ;%Vk0jpF1OV6VYQ&r(9Vq{$RICf+NOI#9)oy zs1&u=bUg_YaPv0K)x%hk}ZUZUv^QH0gIZfiG%%6qC8&pfo8!DEd)Ol24F##V1{ zX6ymBuXtGaucPE?TjVl;fLI)l1R{K-8jAow|QqFQqFPAK`nUo&{U<4`~Mh z+0vq^CnaPudlPjag!*9e)UBMKR?xG@uO!{T-=8$Bk=O8%0H|?WGkZSb(5mt5-O@x$ z_`vxBNR$Y6L*%2{-HeK?L?KdG3+%q~!>oyic2^XSxWgBDb}4{9jByD5Y?YhssHUha ztD0gZfd&aSg*O)qojoc-MopjaB#$Og1=$6(ANo$iFPt1&Nh2w6(_lYx1ODznWc7u&Q!Vy#KqewsXs<)~yFh5rZ1t`iniv-_%gj{P zBRw9~FL@U`P)d}ao4R2uwLD(AP?j}Al-KH~nToAwVS>;j_|BR!v~n0Cu# zII}fpE(K&kQ_s0|DVeG~r zO=~0k+N2>fdCW-i@SOA%GKnmpHBUA+6gWB;Rsn53t1@Bti9S>p#<6ws&8)YxC*>;2 zUal8cT9w@{D0D>j?$iVfdOIV`QI&pw`6Ng*mfobO^FmbieEu)-Am0b=7lpsKxNsQ1l6zjO(bvi z92RN4Q!6-WWD44hR?sjO`1&O*%ns7#MQxYHANwf${~9|v_n3wPg6e1jEm&0=Hh7wl zt$t0$e4kGoQSg-!0{eq5x0W-6r%82<1ncbqt;BbdCJD`b($GE0{|)U8Q7 zc*ML+MMgJtj(cO!NTTuI?y0kbWcK$6WzREKwXFI>=h! z^+0j8AeGdMX#|Wi+&UiM^x^4TX969b#^~>M@$(1z7km0_Z#^M%Hfam zy3kCf*Kp#imJmlYfnS%#&bgb8lM;H5(;9mm(r0Rc=B}q1C5)<4?E44W>AOG(gF$k! zcd8WdLMSf^l!hJmLxzpd<6Blwa4*kQ8_HmVe>Ye>QA)M;O~a z?@swHEi*HZ3st5!3tdzRYWB@dHprN4zD1)tdmQG-DxgwJRl;VrD8G`0$<>1g11$Jr z+DSJqIeaZ>Ov#|9QmH_p)>@Nj+r#Lv)W|S#AfLW+U8+@Gpk^4#qTbcX_lO{r%e#g= zm8KCVUHYBQg?y|PBC@#>Nr}4+==Y*(Z|P$L{~VJ8rpa?Kp6f|>0RDYfn7zeez4%LG zH*>=Q$}RWcj7;~WdA*2-PmF%EEP;fnak#1S6Z{)1X6 zJekC~ETer8B$;{#!!jD{(pts^`{b>ikH-)1kQA(yCzM)RTZ z**Nx`VcQ%=L;ZO>?O<`1G%3vEXmyK^8V8l*vV#bp?8M$v+V=x(G5PpxN=+&n!WWq6 zTV@?U>SbtlIi}1=B!;udN#v)!zq|$}b39T_abbd^d#C@396{S&6g!T~YdQCmQf%uI z#Cfqb=jde2`8}AzF60?wNFiv(nw%wtMU||-AB~vu9KnB}X~0+DY9&A1a;33sX!_-5 z;4ZjU7tvR!p@x1n7;U~{UdgB6>99GR$ z4;EG4ugrKfrO`?Zj^A(~mJMdwSi+%QJsq0t*o%|akVJ-FT8)Z0Uv7F+Tr#}k7m@Aw zIzZKT$HTLpZT}YVdO`=0=1p0;&8?VI@H=KOT)*fjRe`%P0-;B-j8?c&C#&xXtM#^OBw2yk@{)&JGKmgM>!TBCHB!BFi1n zZg5)i`dS|&)@dHzHWgHF@#CnD*XY#qhctNUW?6sQi5l#_gIvZk2Au}bIfNNhJ{7JX zEiy+SNYAOILh}MrLziU?7@xRHHTf9KVe(t35nxnzEc}&04o@qfS_*&|5#14o;+48X z6YLJm_>}bBK}GPQs=_3$H5$GpJwner^7h4W)t5m#)vHs?8{m1abuN(dmP2onOol9r zl2sTf&6-UYF5EBVU>%oc|J2|@sOs_2-ztC8r~SU-I}};~!9+J%RH@b1=}zG<9u60B&r-gFD^)L&*xurZ|a12P7bpj?z_QiONUG(x<3# zp#e$^poS8X-J^LiG<%i3d2W!(xt-9eHWX7cpX;9GMZW}d!LL;0U@Gc@T z;|;G5&u`(}?gKdLYW$i5Pq`}>s@86qI*Z+veLVWlPRLHWj!BTqP|FF;gtF>2SUkFz zYZ=#S?+whi6NCyC>n(XY+CzMMujRcp{x&`&flX(V+Lnl)8^EcN1NnIwwt6YuZqp_} z6A7X(-Yv^h=yJo)>#E$Vy&aLQVNz-3iYLRmNvFP+=OHnAaDc=+H+rRui3RoQ8qdw| z3T`GoS=>+ocBSDTbKTe&UJEVLrOi1~&C2Z0c2rYx^w<^TL@B+N6eShCN5jgH{_gUCY zXLdzInX(=0G`!`oNpQ8sC!oo#X(rn#*poz? zvFA%4T%p!c_nFn*QPTI>!DMU-MNSi%Z&iiiS%sm(EGne5f&(ifs^M?;Jz*SC>1kV= zqOTMI(3y9pEb8($B>XMkmkg(!pCgm#mrO+@(TBekpw`GZ(S>w~kL} zT}WvUjB~io0GIqxxC!q~J~J;^j_M~;(Jj6s-_BkIYC6HHsg!ml_;bp=)ori#P)gwH zU&|^VxL9$6M52Y`7oJ!`IrYDt!oQT4wd$Y8d7{GQe}+Nk^{Hc%Rs#10$5kq-dmahx zrUf&WB_lEGBnC7p1hKSa+>6VzH5TZOdLJi0Lo_mp_LyEVV~u@x8{^;k{QAq?^UN}y z_~t}il$*iL;JsQiT+j?WkRx(Q6QiWT4;lUYIewkT|q? zKw&Ey+zOsiF7o5&TY-Jqiki*{NCHNWn78N~9JZ-66K^6tZ2%;fHu>c;0RFugfRc}{ zG31{}yOL7LnXr7O^Bc`-4@RSu_rZ~?I1Ry$c>!DPm~fuAop@d|#N1g}Ix2Mk~!{YkL3K#L{SmG0#{2X-Q69*%GpA{;CR5Em?tcM9J<`c<*x{`bP1z zAaC5|t18_EG?2DoE?w60G99+^gKz96GBjf)q>O<4PY6MUPGM-%q4((@$|~anIBEdI?U)EFRA19Ou&1 zL~#nI23SHj0>`@2E7Y*Iw`GB3 z|H%A-Z<_?$r~TIO?YY+`L;mr7(lx5eV_LJrAwmZvI~`seg@Zmt^Jc*wzSfUKs34YT zP&;d=i=*t56i<)ha0abMF{ zz+kofpWt_hljZ7H^LrRWy3n&%X!_{PL+pd(e?BnRV+>;nLJW4gqSr`-1Jdb!PGx5< z={gS5JM7x15c789FjDEefI}lo*m8Z6j$UThf(CD+J9T~{x=wVO`~H@-X5&(y_I06? ztNW2L*;*Vtlf3qsHrQD8oSW2KQSq<>1LTi>UK7Hmm{F|o9}*_`b&3CliE-xHZWv6b zSM$@v7R7d*5Y?Trjh1O0dprakK^wpscVR?xO30=JfDJ~s`e;3zb>Mc{aC+ATD3o3WRO+n(v)54j+9c6!l} z9fRKy>p3CaW4XGcI*}+0pQLDj70Dwl){Ya8Udy-fQDkDyWZRDS+Hd>=x<6=yraNZ% zkR%+1P`w)rBj#8-!p%`CS{9T*7HB~>Doc0yq_!_)&k_K-BA>#oFQi~*^)U@K*goa} zA9T1D2Je?G>rvRF`M13vcblUUOqq75Nm-Lye$T-vCF>x?rv4WwO`x|#kY9ozt?2S-?FVbjA9qu^dPQCYH)B7z;FC|_We7vQ_8@I92M32Ik-vqv_bGd`3>_*|6yGhJUX4#{AZ{JcguCpWh_FF(>mQF3WTA&~ z8jek04_Ca0r=qJl#-Fv>(Hreni~N3$UMlK6YP!add7H`ypp*G&g$xiyDCQgklZ8#h zXNw~I@@bGD!6o3nGZ+6ftY~2^!yzk`1MgWHzodWT>{!$h61`lr0$(o9IJHX-_99lT zn*P2YU3#P;zeTa-sChOTWfTXscwG|DgeNW}X034930b=C^UL~LZU!3H_WdR}oZEXq z&bv)vZ&>p+@GiS4bFpXQPyU!lOD?wl>Qg~{Yx{u85uxr-TSxH=#!_z=um9H*+|-{A z9YQQn^Jz_pZ5%7^1pJ}#oAt0F-S^g7t)(+UEW=SDr?_wIZb88_=XUN+H7_vZ^|Eld zb5KCm)S4aX?Y9IOH<#WNwm-p2m`ML@XZhSn2jVquy;Gy3NeVlyM(K?p6=UMjU=z@9394@D;_@i|*^?Ivgukr!_rx zX+F=qTHR8{oz;a%5cAj%0a`r*8!&Ig4Mhxb-GDxSYVm7_WLAW{_=7q9clMSFIBGL$+o$;Z1*n8VY{7=6oF| zdMeV8K4n$So-nb3e~HKQoj4XX4^5uyC7&oX@ot|voFFu79D!wdd_i^1){7P!q zej95P^_8Vr`JdEj*l_BGz7zcZ`k8^FP`YVAM4KX*Ah2E08rJTj=#^Hcqi_(uI$wrS zUgooV3X!gi<-|(d9mhgS5U~*5b&rYiLg5`UCo!$FWNhF@*duRysna_M9)ASsewFZg z(rw-PB5`+FHu{Y2g0rgx)<&J?$Fncj1EQHszD<2<)ibU!eeqYCUwd$M`D@Cmc(^*=sOx=1zkq%!&*3b32<1jY7B-8Fm;9Xl%SCIXX}b$_wL!@ znh6^|7b~q;&}hT*iP5mj#ks(s+Gr!UWVyvJATbakm)Jk**wVd;@Nd$uwBw>s_peRt zr_G*Lze?cK8?-0HCT(~28{yNF(@5BFnyFQt{lgyTe|nWQL(^RLJ!P>5S39j=8}prVMESmM5uk793oUI=kU$IS#4usK1 zpRgb3n53}|-f+61K7%DX^K@k4uNt&;6u3wkIBN{sZjVvnBbQOb4pM!f+}|Hl_l9Ne zYg&)HoNPTijO%lh!@?{$RDC2_#ULxAdjuQ_&Xi&;t(K#+(s15Gc+!2^@VLlyWWcIk zmS;VSnCh3n=cO?83hutwolx4PW`4XHfysAM!CynO2cx7uAWnvD=C|Ex+x#4(f7mM@xbhiwC z2=l@6CfQoy-88p*tIGo}NsW$R`LN(gyu`tO-gY)zg9FJIN#!V&8lvff#JH*G$G3$H6uC7g2sqPab!Oda@(a)M=>; zw($GO@rSHGIG1;rz^ZMH$t)Xf(r+`uUgZ&E;jdpi7;VdBpX$&sgh;DLmlFpDgd}s( zer|q31E>%<+Qe6BtdCz4T#CQ!c>s%si@uQT(h)CMiG~2da7|PWBPB0&t{^ z;4^*B#w+1H6&YCi9@V@xTm@in|zTYEkvG!aZ#Ng*!MiAYYsK7q+QV8&+-7X_xxX z?t$`Xa9wFoOK>P5EV0>(8`YfhYXM>Ux+#usmsw?d{wwQ2GX2fM5t=8<-2ED?dFs@| z#++I4=)dR3{4d}%RkGV=idx`T#9p)YV`oN0-Vi!jQA@-BxGj8gSz>46cpYOm_?gCo zd=i2aiX?I^ftiwHn(RcouY=cu0K4OMRSR2y79JMw{!MSLnroR3Q~%HEu-a#^jvP2p zR;C4*_l17Tuv{9&7wc==<+HqL;t?vsNiFCdbN}e z;p1Q=1+8aI(Tl$fp>D19^q#G3RUX8cO#BNyVK}8Dz*RaA2M8u+fm0IvY=7fln36-( zxx5=&SV~_h?qhhyk=?nk1w8Gkx#rWet@@9}ABP+%+gdYYB4yRh*yt(;J zd8X#bkm~?liFJ|8$N6np7}&s4H^L6C$Aqjfh=X!!Tn0fhtTWA4}j@5XjOAV zO?$#+#<%`7!A(^c!ZareCv!x@HL7kGt-di=4ZsO^dTOc@PLPYeMMj8c@2TH7Wa|6< z0Eecac5JV?_J6Y)R z4WX+CRU=5k`goJmK<^iD7_oDC(r;xV^3gMzuylt(2*VVId6&fJCyPgSp! z)A3$L!Buda=>G7gu}=I1WLV=#fD!!v=pl6(*jWbWc958{~%jY9BC?@b-)j(OQJqG}9hc(4s`-afbp zY%V5yhjsd`{=EFa^r4f8(XO`SYz3}=MH>d3Ut=n>gI5}d(zE5RgTJjJ#C>1$26!2pM7mOc z%C!&y`-_Zt!l?WaBPT^)u~ng_;|mzg8ccD|T0P~-GwHRus9mw_Hr}TCSp~=Hv59IOl^ga4A{ z(fhAN|Cr;S0*yqpd-D`b$wiQPDDKjJMZ>)+eE*xfbj(+&F~XY8#*kDIK<6BD_;a67TYvp4;lXM zzM8@%vsjrNREsLg2BCC%X3vm-RV{+-FH8qg@2-$MP4_wo%SDGsXT-BOo)FaD2zrN} zPb|<(-j-f`6EnH0$y(DFGDtfl%jz9bAmItrmq`W7@&RqTx~X3lH3O$+JbK>oA}ZMn z2~HV}K}lb=NB6@wvqC^AXHzFkdP_gX5|ha4-A0lR!LJYBTkQbr24FOrOa4M~BJ~CA zvi!M-CfzwLToa z=ecE7@hK^BDVd@t6=U$YRiXfJkHzM9)ziIn0VVR5K5{OBn;Ua%jcDaZ)C1z*(XcgKLVM zN7o&PJTDG_^=xDL)$$zb#CG2#uhnHxWY7KDpR{FSZJWc7^{t9VO|Y{c&6>EN?#=M( zS`v$t12U6k$_7CF%;l!UGCUp=5Zi`-xi zeU)md>w*^(0(@Uz*chx`$9gF;HS}F)l6cP{&2CPMrvpRGsj@@|mG@0{I@`M7o%rK< z<{zp=TStNZb%2@R@b8q(M5vWdkoXH)0BBsggNz78&nX%qL3j4Q_MC|yMH5Ti?*I9 ziZqATfu9`4Gk&!(mG|=#Zpvj6wi9ovpYNAJQy8~raJT!%j=A*)Sa#x9k6+SIT6&j0h-ug{2OmBg$ zRh27=rxCZ3FNscEbXF9{WRT8;}xD znMrz4hZ$>XpqNn=ktV|aC0cH&Uts}7o@r5^hsA1`HgVrHeTMKdFG6yCh9x)RmD>9< zjzPy<^txYz&=AaWgMQ1LDpm7B!fw0FURXM1xjndGT(~FaSyQJbtrCd*aVu)SRM%)+S1=AWO9)IV;w!geu4f6f#swayxNBRViPjeth%mKRF`7DtFRDQ}q+ zD9FTLI`A)I&iz?;L`>^p#jIogBXg zyR<8LBXU0K>wv{za{`=WX5=k5AJPb%PPSIX9%ngccj%+}VpTbpnX?z1^tZNQY!Jro z_4Jv4?=me*bf(YFtj?HzaVdIUa!NhHlg5=GLmj?f=j1b7IPO^QCQ{B=E~aIrMzVJQ zZHccHYpgdjeJ#i>>!lOd@ zgpfa5-iWTV+=kFvr;~2w!$h$m1AGz;87(Fs$4*0%WPl`u%x?8SVz7T`BjFJuV@De# zL-{Im*1!7}x7Z-%__8N(=CVTp1Qi*XQ5`!JyxN~ z!lK8NO$ck2V`$_^Pg7GI6)kOZVF=4jXYJxKh=8&jG=T^z%mcT8@@($8^eIiGzpkhs z_py5Cuzy$kU4vqwFizXa1v1v^V+BZ|2SJClo|j3U%z|*zQ~%{!pxTTc0kor;xE4GW z?4)HbmQ{@a7)_xJNl1hRS>`Gcr{>ne{Z?fkl)Dq2cpM+$KINqbERlv9G^nd2V*$#9 z4708E7C?AvWaw1|hE92kr3b%}qf8LaIJpWD3bh9*#z?@>CJ^$bbiJ$btDhz7D1)Vy zF6pOB?Yx5jvYyEAcsKP9fTWf4TUvk?265g)Zl6ovB0_2T|2x%x zH{k-scq`rqxJ0@OF2k~FEb_;74zD69hAJ<@PfFCs(K>9I7Qc2vV}Nwa`I#1AZ56Lo zrX90bsCzO!oZ)?eqlN55fXn0S+=5HpddJG?ZS3>a+-uK@iOy#EOv4r%<+uX99?ATT zOo>UOUnmi|c$Kbz#nV||V|+;tZ88cjqxVazBr8R1Zly?=1B>-AkIfv#Im6LhiQ9Z? zp2sqwM3I{ni)e9$LiRPy%7uX9B^T4CEAk0`4;r(}7B2KP+`^sg^POz?eX4&`{UAnI z*S9{x4*(bY;9yoRnN@eP2i$r>S|lr6DeZ-Di4cFEANR;WELsGG2XpOBf?_khg-uWG zWZslgDW1`GL#hDJ<7@j0-uLqtZMAr|gUakaQ@n{pa$hz5l{TTY4{HUouaXTZ7^M*~ ze6%=?GQt4$vZ5w1n2}b(Gh4A%NJM)wv;00G0xKF<&8h(-{)D(W7;X{VnWdt#o5ul> zLzX>4NvjZLI+3+ClmNkB z5qczM)2qTvG|FWS=;@l+3QW0mn^~D<_Ll~nZs{7Yr6)y-Rm_SIpCQt)3>&|nz4$U{ zPpFD0iCe1A2}s)0U=vL_o`VfL`$igAvfezxbc-B7VQNLCpFEvU6P4k)nW(Vab7`Gh zOVg6eNWJ{GYGMB%EhmgsH4A%NHe}P6C2DO%k=FUTRJ1F^U8*;sx|rb&%US+H1{tp37JWOEia8PwcM6FJaCX?{RI0Li(9%&~t`e&? zgt;IF?#f#NOh~uXo_L(ps0320G`O5gHd4*ZblSPL>lC&tOv|*4w0_cV9$hjQGUm{I z9VR0|mH6HF`T&+^Ys>yt)&?fac)-ztfk)SH`nK|?|Bj5h-;&f*D_UINviD`y7qMM} zs;t7K)AvdWmpNPnd1cC`@i2S$pjXTOtJN9|EcU3Ju~G0=>~AJ3uh2lEcmv6I%!N8d_7oim@dy@HMyE$6Qci5l^ z2)E^A($`Q{e_xPS2>{EqAqt9M&?FCE95@TFCpBv!$cbMQ&y9+7*NMN56Lic0%Rz3; zh-GpQ)Ikg&IJ$vEziWmYtomT}M&`QLS1chHH2}S<`WovJQ!7fVGXUBM@2;UWD-AB& z&D6QeyM@VJ3UtY0abw=M2DjTQM0Run`|fd)9A(%Z@|xOoIDLi4#y@vw&yfqB+fD>{ z&(UVr@tWps(GMuU%Nn{y=2#VegFoJ9+1N)&r=5|p%yj1f97jjvuS*#b=R~c;q)^fs)m38R&2EZ zwDYb|=fSKF`1@ucp{bZ2DiiO|bq|jyY{?Uc1D1k#Apzb7^xSA9m$m(q8C`DPIS+2V z%F%0@Xg5i=^oT*M1J*lDP|18p(=OsQ_&@JKOI_ss=G>XJOib|!jEn*wL0#u&NRzlbQ$MKFmr|K40d4qX~8_+XZIc_kEYE1XLgel4lYoaXZS zzPr8Nt)ITddaR{PX3npZJ>=Y7&#zxzV-@Op2=HCbF}>wFZ zb6e$v^rv}07}=S1tUiELNU5o#6%EV9NU5RCK7xDyu#n;Vf9h7`UfMer%a(NSbJgRJ z@9Q+hwg9&6`ydQx20EwL=+}8ccz%HlZ?#Z>_w&c>(uzbFujgjtq{PMzn>n_V&UeV` zGnM2+p}m}S=wwwUzS=uUzGoj+ja$(Mc&S^6>142(lzS3AjaLAXke(n@RQO6N`x@W> zf>A%6mj^wrAR8(dz~LCu%|U(5w{+MO4)3Qw8d^=5Y$4xQv_PGJJ9b1ZBC0MBh5jI9 z;<4@tkxEqel18n}-%fX@^wk+n{F{!W;$sZJ2cxljmMg*Va37i(1rzeHBtisq6$$1F=n^o0r#LH(+K0Fk)st8oklshs4s zr5yyjjLCuZPv2uipgu?0Tl)-^Bd6dJmgD#5lT%7mY31?X1xzBL=7x_hwuSY78#Mk$ z;Ft6#-SFjdmJo=S8(tzCF`@pJq=E{Wlm+IJS*?`ZPpLpI1g7PAYpg_F)}d4{*T@)K zpDPR~95+hS5LSAvv>)89cEdF{Aw}U9jf;_Mnm#sa<~YD~OR*%IbgO2KdVQ2vN^92F zj&_T~KeG@c*Fv`K-C77l%QSTi(i#n+kQ|-~L6ij2tt&yjt-q>yQ4rTGtOJHp2AI-N z`JX^WH1vV5VUZ*g34*tJ&!%ELL>s@P^G%kj~W@5*kw4 z%u_b4S^}+1hT`&&3_J@zDE7B0NwLVe!cGcUM8#^@=6hS^!N_s6>?Xx8@XPN#)ev4i zsxROiAf`DEe7K)2=E08xQMGRMxp2^)r1U}Lw6lOIG{kc-O$@;R0H#ozd5j1e| zsrbo#&x6%wMF5bR^3FIpYZ%@D2yaB*i5%=dPl{3M*OBq7{ATZ$nJLguJC|12n3cB0o9NuUgrVoJl4#_}{O@lxh8_dsu{ISiYKc%aFYs$vM7 z14~Y3;Bwp%_BTGzhw?F6QG?=U^ClKCgE|jlkbv)8s+<;CyBi_nGk<>#2P^n}FAOSc zVrSuU7HCQ-z2%sFOnonkE4WK?iL@JvN~jEUxBmT(eYs`WpRjCT%aDMO9!X4PK{Kp1 zYI*EbN-o0(ZQk=*Q_+d@jMBwLw4m8*ZYpB$N*;mlyPpPOheCd4lU@qpLMa1d%i4+7 z^FVSPH5U>eKE9h*7~JojnKoyPW)K+Jw9XvPx`?ZBpbDNPj0N6a?RAxLn+t7Ir}Iw_B%b_E_1+smNR|5$(>{9Eo1#B$t9zn1fw$Wy+X$( z(oRUl6fcrC%Ga4Fl6J?e1SFnj2P{y{6z6-*gh z{FS+&m}XTAwJC@02es{ZGIno5mu=0fSv}vbf0N%{Yy)Cq9;l9Ybtv74NBfldf=-Nk z-~_;v{HXeq`2jAsNdJGI3822w@=ZaPA`0UrqOx?t{R!Gon^JUsqbqCVOr^s9t=2wT zbB3jWa{>a?Q%?q#YQ}p*4|nvRBNkA=(9n-M427AgWd$9n$0B|ksk@o|EgFp2kotKlrBnMZDTCWJ4Rv_eHlVj?#a?NcjMc5J>-3}bjHtFKU*yoN_K)FS*1ThwIU zmg-`mO1)fQ)06e^twG+EpsFt(pW75g{!r2=Zfq}|kqBE;gBb`Pe5a!>Lu%4s+njfz zi8Wc719w-n<3$yRD6rcZe>Y7JzNdDA*8=2HnGQo;lXNOlCWnLrU1EvbGK2jp%en6{ zRO(f>o>~Yy4;`wI_PPSTUfaY5?}3SuCMtM}rI*cwLwZ2lTPwi`wpjxUpTT8T)mvpp zRZ|xw7MEW-INT&%^+iKx^9`*->0euC4PF^)Wt~_Dqap56IncDTB8Y;$^s;;zT759v z6v3POeYjAFE?F8nkgb5b#Egoacn^7@G$xH_!OO$oF$0#K?ouO2y>tr|H=0^O@yeqR z0_kL^bHIHei5t@=7fZ8&G&8wtF#*{k5Q#pvX$WvS{*^xxR`UFlJ&27v#FX>MGDqX4 zB=T5JM9s~P4#*+J2dTaUpT;h^BrIcmzqahoeCuUdoTO2q z3=B3Ps(HyQ)F#KWA>rw7217 z>Eh%JsfL1S@k_JkTn~N z%~8$=xr*D`A*U5B6E8YpOnbe9X2M_}o`|I=o-)Z@pJ2#0k~P@2?xY0q!B6!XN&^Fvps0*@MH#y#ZwDZ&Y@WcIpf{nX1IK55L=p(1Fyw$v4C}WEeU6!PhAkw$(VB_8rF1UJ`<5l zyzm0Mm&O$-ooXFqO-0BX3I)78BzD)u48ClJ3Xlx$l9`=qNU@Gl=k+$(fZvycurFPN z{H$=~ec{i_0b-SO4u!^X&x(~2?ZJ025F1UU@zyY74GQy4e_=iP)W}(sS zV-2+tMt8X}RTy%@L8EHZk6ltmj=d|jKp3!c5yC{tqQ$AIy!>o#FKdiymJZFzxsAV& zoyHP`Ax_VGruB)UM|A>12lPIl*P< zv0cc)tD)bP*YY>cm<$?2{BYId>9m$tAAnA<@`ZY(Q+?x3c1dpz4(fykp1b(TT1g(- zij!kIlFKbCtTn+FznUYRlAN1jPYMoGk*7n7IS*AY%j^%3JzW1T;{(_+|ClpxHtN|{ z>Dt&YD@CYV*udF?eR5b_Xg_Nxwc=6I#Ggl3;xsAO|Mgx{N1xxeY3PWz-+CVSy5ZHU zaFNV4{~l>X_-W^WdPn-cJ#%m5Leld;rcw4p*KjA+oeVO$Q-TGWiNARM9R2bf+y1;a zD9~)r`v3Kf$uQtl-_05SS>h{o#;eF$5jT(Nu5LNO+9_lTp?9#Qe!Kj>0CPbxWz}k^ zUT>$r{mM*|QpzWMIJq}0a=iRsc?Lg!!9nv^*C|)yXYn?F#aDTA>{rLf>G}FG(<6ia zU$$Qc2IuR5*Z0SVm+DMq%q5^g;ZE%*q71P0{zWY}bNIu!K}V;p#ZPA&TT0|KL#rq^|l2$F~y*LTq5f0X52aA(uS_~flqL&8LDE`vFsz0p@SnC0jCU>heDte+btMKklg@eh7(>jCoH)$Y6dB|54LmERxjJ!e+ucL@Rt1pn6uLQr;4OH`JaaE=$d!S)B&x7Ic<= znu?dE$);)rjt>nIJ0`ZH2bbU@$ptIX(#ELo4B>s^+apUm;F-!vK;bdAK5Da`FKQUU zx7`sffaIe+20Q?g?W$YcE8x&JcFgFQMD2zT@>ktqy^MADnAEIlA{4B2LYcWOI`EA@ zm|!Wvwh<`oM0Y&V3w`!@$R2#bUcAuZ%2!=uOLUis=6!;@!_1MtX;)d7oDw zN&nscZUT}(pU(H8qJ27E711Kbj4G(Hlae?#o0E`=tunc_uB)r>FG9qjod&T3 z!1S#0$*E(52l;PtMB)AAk8p||cTcflB3@zJ{MTyl)Ar+Twymw=luiTR@#4FlE8r1$ z-aNv+v8L?iIV$+OakBCLEu2ar9P7XYv0GSljO75BYfY#mm|(29yg+Yf3?52A1vi5{ zZk|@ff?}Ydp;fVWRe4nV-?=_h8cgEzZF+fy(y!$sM-G6-_Cq$9(+OfRvnqv^QWqKc) z#*YDMx||5=B?IEoKQju6A+)`kRa7!`F|2PG7|{jwRpf562n;B~nuNLcu+k(UJiUW> zXmC&#Pbo8etxHMnq>zgK8|&o5Q{utXC?=q;F27F>0Ea~zIEw*^8y)`3x|F~KjV{ud zMHdfH?rMk-E@-|KaIYQZ=k2lr9B!lHOA>&F%F#cG(Nj4Z_UhAPo`q2%(?go z_t+EImsN8&3ibS~^7ZEW%zIU$?VIT+37f$LtmL#-w^Wj7SbJqsN!H2>nwykjd07C# zmCda+@Yh8*vlzNnVd+FWhO1+9cInbR{R$o(s#YLsJZ!Rl%dgB;GB4U_=S=IignShE z+N5e%_MW^{G^9zN7m--FWm@(NG;zg%3YJxbp*lEaL@|Q5R1_n9zam&--KI&Tz_c;* zB`s$5dXj8V|05^zMRXB9^y_FgJS2cjZ#x#7CAb zR4AwYWa;rkSZlV=m>V_FaEV}N&TE3!MrrZS6Lf^5g3wnc zDiRGASfdowH%YHxlfRv^-O?Z7n6?)6v6QvL?>?jht!2K=Bz$SHb{@Y;HXh4LS^5PM zlq#3D)iDs_%KwDau=I><#~=Vt{jqdW>+5-`;qUC3DVZoTQ3zq7a2VaW9yCx`LHo9u ze;e{=l56{0s2gL;8!mPUSX&YCZs0s=RV*|cD#AWd8t)BbbfT?O2-M|TdbN`3>dQMYpEHCemv zlhy&`prw8ka~P388Iu5MXcF;-t@9I-7#pE|3EYi^B)j8N!xX>gr~9=sdBE+{v_Vz* zE6piLu$73zm0>0SKw0AB7j3#fxgo;U1d|12I z7F_mz@2mk>BGp$(nx8+@`;@(+%IlxEkG8#RQ&a6M`vCPV0FEqcLx*h_+`(08dg&BZaUf&L|44?pVrPgLN#g`P1N~jDb#XFkK*7xyr>8) z3($xVP~HW6+!@6&F5JIrF{BAvLhg+@WC=v}vNr&GMiIgqNJlbPI$FxZc^LzIsT-;N zhZmSGUId5RqBGhh-4NHn6P)fwS+f~NV%@c$cD&L1oHfQn8yjLe_(HN-{wekf z;c37QL?BDCo2M!B&c7IMWm)8G+~2i1!`f|6r;Z^NUAgy#rflUy7>#nG1!|If2eSmhM>Bikf)6?Ab_D)64e(JjX4+^!tcB@BH7aVO=hA!?ot(DQ0e# z#VItZ3{pebZs0|Gpx*FRq!-h7oIMfyMr{BHv{RZrM8;|D10DT-+Jxh=cvV`L9o{9z zuP7L;&^D2Qk+qyF;&4tMSxWS!R1MB)K!YZ^b(a-tU4wLJ6LfU)XjyRNs=z8azuGge zMYI|on6@MyY?<$Ank3gGmV3+OJ1ntZj0VOM{H+LOo?h8bmq2oKMp1=9MgD$W>IdNV znG@upO_&~Bv8u9(ZK5%$5!ayAbi67mYy0D0#c9%0)yFWnbl8Y`6)~8>q5C4`MD?C! z{ntmjph6epiKJ-1F;?#D@3@(duex(SUpMH(^&vXS@E_ZiQohx1zmm>V{dqX!x%9_a zy4!!xFW`Fv1Ps;QdEkH!)T?{lO%`Gsh_2)p_=Vl;%}8pYo@Wo0E5+=*EFS%qIZMGyj(*+;5Sgl%~7=fLFms zj6vf6-`-?lfKmWhxVitQznRs&h}IiN{>|$@^w&c!TYfE!!K6zD6Jg>o2ws;IYAy!G z=G_=ecs4GpH(*p_tHbjR4e(LD zNi6TR;!N8i>A`1sylM3f!qPP;dsb?n#(PNXj>ku6mKH7X636p`*rL!%yZA?L02fGl zQ0eg_#cp$%F^Z;hlpqfxV29+7?oZhDY6x~@VXO~H+DE(pEwFe`)#xwTlvpZ62Kdl! z3D0;k4q0nVb1#dB^5vR}9l~53ZLgzqsa}k_^FB$*+!yMt1*vwW-rw)uSAxS*2)1?} zv(Cl7uNVG5P0uYjFX-K8m^U$WG1ZZ_cP7Mq$v)ii2mTB}sedrB~ z?PJ4=2-GaL&G)UlAhX_Rp@c)U!9OG<7%5y z6K80)WPG*^{1YsS#Cea6PL=TlqI^1d`l^U+Ps0;Yml$rF+M|-EEKpUR04ZM?zbH3% zEbhoE%<5oC?8;l22vXI}9948!C@M=vPf`t2?{l$8twSyt2-?#6i#EbM(O4i9)v7od zGi7PdK!oJCsUy*OOJ#rLzhbVEU}`)yzZF?)#gAR*-+AsiJr#JQxAG;5Uje(*ixjpL zgrpYjw}vM9A>qriNA{xr0N_d=#KiA~nS7`xzU?)gF9$VC9CCajMKpL0A0Y0~u#)t$ z%hKaC=U8P;$=#m!Z*d(`G5zCAO()fypE%k)&5kZ1Ckruyd+$7i-4<4{zZOk|2o2sp z^NbpvD{{;Czj~;zGfR871~r_7H5Lk-DtU{6lP)8awm1`c|EVy(05`Zv2?j*xp!R6R zCVF&H+Q^u@vvt@zE>yHX9RlPa`EC=Mw#eFLdj6p7ouGUrm6{1H!RzRdWpq%X&iNNm zuO=sz19RZX1Y{N&&Y>ehsqSsEF~<+aE2E)#1ohuc|B85EAkHMdN*;{Y_I;%LDBduD z-|fbN}_3)WIpNbKL*^7Fdp;1W|4ZWwumxbRuy$R`OWp zk{Ih4?hHZ1^IMVHv~&-ZgfdLZOIT|NKojI$)-+#`AA8?$r!dbXs_!V;PoX6b8M!~+ zj5HBZT=rbP(&q{gk?Rq!Sr{+;vkLgfdt7`mUHv4icr!bl4q&9DgdPv|e^M5#2e(-G zv-I_9JDf6O{xOa>pptN>&k(q6G{#DuyiAJMj6iXV@x*FJhBe{nYB#w>AgUnE>IbdN z%M-DM``mEdDnBKX5r>i_z?P(M4?gql+Rf_QL2p}xnw!TU+>#HJI1ai*UbM}U!faNc z6Urn?>SO-22)K?&D~le48<*Puo2=wm+_cQxWkO6Ayfua4lOncGrQ;lRYcsqZ1`zTZ)31g!XUPg&Bk40?sNJ%cxnP)0oJ4 z{g${`oGh3QY@N5Pt(hyvRQd23Kdm{P&W-<& zS^+i=kp&VBlH4_pQ8Y{$(UgIz==Ek`J2m~w^j~;ofGY5t0#FrMc4gk6U5v}jwcNPH1t03dUD4Ec+Bsi8!V1RDY*3h~+AREIdZ|8c3c_v`E!8SV{ zs8WPtLuBjWP@87B$$-VLF7vlRLL__big)*ma6f58!8wiKi@lwxA%)36z21C=S+WvR zOQ?jHcrlY6qbaij5>v9WGw2PyXit^|n;^ji1B{EX<9jz+A!HG zMxxxdP(aA-{t+I6Fy$VpK@uvG^W}ZtWEKDGlgnMOC|olU2Shx22lH)P+R7vX-rzbf z1fae`(3IC!ovBiz*SRPgtF`fy+}RNB&A4BdjpUHzjxC+k5v%a3rWZ;3*oNq3A+>SX7gB8aoHJNc<5a56BS0h7}$cqe{MhC$tsB&bVko@_an%2Oj0s50V#E z=C~O8Wu)5zmq41BVK)LpP~sRkzk<%y0Bf-oLvlaT7e4wixSRrCy568S}kEBY}($ z$bddF(ZhYA8z^~4vs4)4m=PFG(4ufxbY+RE0B5l24VU#OJ4886)OMJ4`;FOj1kheFa=^F9?lkSOn zt`&RXbaIE`c#Au<*rw<@eo!Yx1a2-%IuTo(ip&rgM0*F>6`TS`bHs~eztC)@+ydKA zRa>e4p=WeY&^s$9SNt&MM*-3Z0w5qIkdy%ZO|)Z~SRn~3#@b-@+zkC2Gy z|BgC8JAEF`jx+=TqJ)PE=}yd?V}P%)(PpcL^*(mHqbUZpw*TZN5aZtp0qiJp#Z@$! zYsn=q2I4p+07t`qPEwgW&U)Tbl9iEfilr}7WWN~i>XHm!^4c(se>_*b7{;)6U9c>s z37D3&Wo1dN383**W0Ymb)YqnX2*_&$K5o}nI1MCbnf^i#Sf; z-rtT%hmvuCPYusYmQGN2zQ4)DQQ`{IRqGyIy6WvEAxozI{AKko1XS)TjKKu+o|KVw zj_PkKNQ?%x1u>>sa5VjdEU*L&24)z~6hHhR!la{=tqB`rLmVVUvcK>(fTy#G^o1NG zO;r#=F;rR(mwtoAiGJO~f4)Tm7hf@aqKqIC`_KNM9xS;oECu{nO|gf1FWQv>^nO9p@ZmJ>Io3ojJ)I1^VK zq{uD5)2-c9_f!b$*)&VcPd7Mu6Np#WB2Obp7l)$olr06G)UtbIZN;ONrbgR;rG{s4jFg>rJ;_ z7)rUd1y5{I*$1yQzEfxnJEE+yeXsikF)saie-{SPKh+RPh`2_|KQ(`-kfK)tc~nt2 zZh)a(LbGi`vlVG&{rKr+wRi(G^CdQWOcSJzJv$Bg)V{KhfG5*pNAw*i@oc+Ot=XlEyYUVNwrGhBXK^3Z zx-$_#S`k8VwEFK!enX*pyffl3FXFVlw-8r%XabF%7)D zG1YuW4sy^fLjDI}kQL!gH2kH8`!#_+Z;zK5%}Q##-Y}Z~c(u^uLDBznf7*ts&V2iD zHGU){WsIc>N{x>XqO$^F`0Q#`rk;0H-y52ztqayOTOY|!Q1UD%RV25Au%VtSzZ7UZ zQCl@u z!nZ_ct)lM3`n1e-xuJNan|><4g>75>+IW4UJguD0as{L5t+#HiZEPK1Yy!Yj_N76c zLMJg65-bP-K3s_jW7A2hcH8Vjvu0 zdven_3Ak{B(pJP0K<459Sv=R-I4mR_W`Q(a!5DQ9)5i^oSQ_Kj-Z6Y?7V<+jOVfwN z097^`ML0@uH&W${$!R;#PLSdue%HJ z*yFPNOdfe$psa?;mcQEU{I1#@&k9K;TW0fMF$``u@FcXvMv%!V@^Z zS+hTdt{!9`P-F=;7kZIqEl%P6QB6^MV$lpBH^ndyg;Q9SYh}ctiJgo4N}Is-NGp)- zZzTq_t+G(5|G$AoW;q+MM(&5*uf`E21=HR~ED?ExR!INHhw|-^zkM8(#<*h-#x%A4 z1S#-n!U<1@RxI)Tf0v&C z-%s{5#JGON3%dwI!*I?Z*pe71kLXhQ7T-^b8Ee#3vd0BA_Z<^WVB|jRT6DY^?x5-* zJ&4&nK&%nk+_c6GJ{5c=h1H%M>Y~}z?Lpeh^?S@mlF@`Wgy;2Sdw?fzZIThIE9x!W zzhSy=2=bPmBKCcnx?1Yl=PMMYBc*cyo8%>NuCB_qE!)C2i)lJku|K~b?-)aav*YFI zz*bw@Fp>>tF3TY%5PH`}CCu_d|4D(wc zznTt3+s%(^@bf!49p7^!{DCK>91Dur6c|5Z zlgi=qdio%Z^oHvLlnUIVFf(2d-jVyf7*JaI6?D|tYIEL%&O+M8pye`WVznD2d?wRP zCE;UMBeSws9(+)8=ZPSwhE@@P&X`{>S?o#xms`WI6;hQu)-`6rQ43{#L$T>cTWIrm zVvLs8v?uz52a$Nn!(|4gB=haexm`fvIbMY|x1xo&Bq+d=QcPUhH?0Uk`7*?Gh|PuF zEYZC&5h|i}pP6$smF ze})j?c%nZ|GRR6!(;mprZl0_+p4y?phiM@ESeBvTXTEzcUIeegylW3xCuc6gW@(YC z-Re~k{I2pwPE0Gn-(lWm}k9^ThMy0B5$&?WFI~9#AF3hXMOx=+i7KcRw z0sNV`ERa0)&yiJ~f{OEojde)p{>LeqB2O>-B-1uDjGTP3luHf(!@hz*7B!=j!WcNd zD{s8if5`;_zm>iaO7?tH(81a_lAY$Zv7#a;mS&9#({e9LdsFRg#Q;?tQ#*n!&Z&3S z<`f;xwhId+D9qY!%gcrMyEK_ ziInu#O_@_{vNpH?MArD`Pju`nXUog%`OawPnWbk;!lXJ0^(pZ|ok@qZMPnQDH_J&l z?sV%jN0|=oCB1>w$3IvW*W@fjLs+4@l$r7B8Bz^r*~lNX?esk1^D)qU`kEv-IxLZe zIYwKgy2;_S5>p7Fe|dj=hNu4Xzgvc!SD2e*~i}(S`=nqHC3}BqXaZxIknU$0gF>-ktfW zNKddcKPO)K^=)h3IuN@Zx1Ids@yS*~_hK&ovl30fY^r20DNPc{)d8(Mosp8ln#z1Z zT>gg-()DDrhL=wLXQV=UC@2;u9dz=T0_pWjnl<)4*RAmCjw`l1Mcz2lDUn))k+93t z_~xp__!3fEk-52GH02UUdx-&}leQ@D4Skb>mz13e$_%1L5#2f+kunAx#ml!se?UI8 z5_$>%Tt7oUFD6=*^2p**Nh^dEvP;MGXtg<@RgG;})hI`kH=^(6U429@0F*T|BJ+vE zLWO$hf-~NU-oizdEiF0;;*W<|AY(Eiw?wa@(N+b5Fi=%^|D1 zEe}n^v9kIFfuFzo)5+I~)7BGR4*;`tD0Fe3y;TLD!Y((x+&Z|~GcgSUr|0U@BQlDM z?-cpVOB3)~+x|-W&zF56e^JeV%IV&QdZ!}&o;5IXCV>!ty4@&#DP9-ywmk62L46I7 z$rzS;ZwYhUXZ@<1fJ_>Ssbto*m%ekce4gdL5FOIi9!AEZU&EVWRJakoLSiB!Z>Wg^ zYeXJno0k26T8j1!B0(I@W%CRJ4>j}b?P>L_i;_`EAu(oQ|MTNOH>;}b60 zT^g8&-|GRj#)H*c7LBG(ey6+r1Sez&i$({HNA0XHvh0V0j+WPT`*Ru7z%pj(2pEZ< z-a58zTHUHUSGr8$E~(5Zz-5##(fxY&lzQljKhEv-&#P$&Db4kD|7=YUF4IKtNaVE> zkQ5baUA@YARK*ew^r)yVw++8B1#`%~(@z*dx&NEObNo+*exrNiNWhK!J7?HPh@0!t zIDSionVV360utFRabA~#SYquaRXd_g_HW+O;;U(|)$`RmuY?>NY?a)=_dj`|Wx!+7 zLAfvj$S)-%*%7^|022rU%q7XnzgyNR0GHgY0%oYcmn3nC` zS{5rI2tA$LH;)Uo!_OrTQ2jEapG!`%+-YOG2J^~eIa16F-z`#ZBr(nlbwk_3nN8qV zXsz~m?<0lTE6oA-OvKkXj65-$1!ioRjm~x2UR2N#kgZgYGNZVH$e_Cmb=2X2qt2|* zs(8lblc`>EgeqKmmFcg>w}ua>dHT$*Ud+&DOm|5#VG(*Q1XcV2=-!_83Tsn6j%nr4-e<#`!+p7Dy)w+5Fvq^4eroA}J@h|jbBk#C>1X%!(z(rGb;PDj|hzrc@9?GtO7ISC>rzTu;S15C!=8rX{JJ|#J`CFkAVgcz2sDo>GfsfLFSW%q6w z;ve`rta}47lZ7;)lk#|WpFYcUYAxD=Fw!tu+J7S4A$A_u2rb0zj39e?D;@j@4OTI@5|^}jYrrjm$i)gwgQ(OJ_H-p1uBLJT0j2rRQ#$5ZB+XH@s@WDT{yVjZ`AW#%b@3Tc$F%Q_Hh_6 zWLkVczr3&K9;ke%{T`{Gqm)7_*Y7w$Qa({1SFn5h7Y@;~O$j;NRin;$QCjQ2q`!9# zdoUyJPQAFQ4dXUReWviBYD2u%e9njJp2SZ)@8aktD#Z*SaW}qbRp^nD&nQvag>QZh z=dMkl{%lV%EMyGt@p`W{Fw4hLLz6fg$j!)W5=Iy;qg|fK62(rZV60W{&=- z&&@XNw9|sY)Oz@fO=-P@&Q3)GJkYNI1VsPB2=c%e`B$8egQARszF;6&V&3p)&_y61~^)7DU_!lDJ%a za;e?94<_FAy!kO*GLbC79@!4#q@z+!s+wJ_KUIWk8Dx~`^5h8YjU0ObU31vWYC-50 zxq3&5+?KqK$|!b2Pd1&-`u=18VMXPjVRg$v_*L#IY3L$)X+Uz?j?^k!EA(6$%dNbW zm1|Fm`L{h*Hm+yN3Dg&Psyiq0B{{YXueuu;{tQ4ws}pOWR}m4~R>>=eXg67`OF9(5 zDRS0^@-9a~I?+k46s@o(=(tpAA;$XPV>$(18 z)<=hPi6?yG5H%K1jc)3DdiVV2^@UT;K@|Z^l66VSnPp%IRgh!Y2d3QtkeaaXb9nDL zMZ37zL$q$2dZWL7j)fP5i@69?*({}nf&Hx=t-jXa@Z*9{(tmEjQ1++hDwS885{*YL zkluwFKmB%q>jsU0m3?@vj+kk~zB@b-b%($t``3;r$Ef2q??gQ*EIta09K*E{a18H3 zq@V695J!z-f$#Y(&nD+6ajhK*Tu+>TD4}EZg@6p=L19!Dy<2N>n`~@t^B;Ih6GhKt z_7;*Cd5yIOnEI`q=)xL@l)Y&MBA^sPl+^Ck*Iola4h7vYL~#|dWjVHmU;z(vNP=Z{ z7bZ>o1Anzi;#M8AscS)nN*nOnX1F+^&mcao@FB@w+`*}aq;BMykop?JW$UNCbln4S zZJ2&5S!*MD1@!<8O3il4Ah&{oNlNLLd8AwU1mEB8qba0kVz9cp(x4jwe1p?s_i|{7mPQKXK3XO#oKO%bjmUh?*~2anZobM=4N#Gux_sVB1bq zuP1P=(z?+_vO-Ewdc-jfG{6-G^S17nBFU%=$l>E3+W^j%S)NUR#o@bS{b*Gn*n(_TV6qOQZw{CxxzM zq{@qbT#y0zTydzDck8It`f3^)7L@FG^8UQL#uF=0SNDM!#n#9NDZ{BhFtB=~gxRRG# zOVEBr|D0Qb%b6avqhVvh6HkK`4+@3k2bSh(20S4Zji`I{Lj1;IJPT1al#%3e+Qib9k7N>5A#BQZx&8Aqs$2`H8D z0=~k$MAn0Y=5e(V z7CEsAEv13BXnpGFCMW@30=%%rtpHzyOA*pY32fQw-9uDvMm6KmKB8~7&$0hX!yJok zgw;0lhU7%-ZJZxjlH?NZCHkM(tn0Ys6d#y2y2+G1=kgJhAXgTt9POU0G+97Gz{Qtv(e$@)T4-y! z0nbTCHR)C5Z+A^3BA-qet@5t$QL9qu2n~#DLu$|;U|+@U$-YUwYUL!NK~JpI9Ty{$ z`-3H3&sv(;%SxTZ!hSHAJOHe~qOT|*>*DrZNv}PNX_mBdr59mX-KQvXbM<}^?*Vv1 zr)xQxCMe+^vNkOaA+B?M(|XnR^j!lm+zaLHIrwBj-nFmRp856WfBlm+$-IeUID3M!)YjB2gHU3RhEcQ7m^#PnHaDB6*=D7gN& zt_k~s*AN@j>|GplUnJV)n}$EW z+SnQ?ZiwZn9IIfL1mdrbR3=0+dstJc?I`E;&BAS$T``pd@Q`HH{4^$WixYeNprK!Pxv6^+>U_$}Tx3F4WG>+ioaHl(=L{E+6!c9GY*& zpl~1-arOzJ-*hGbD#6Sqikd#(A&TCJlz1X6_HPgA9du`PxwB@9tt2#b?==;DC}*I| zY~s*1{jllRIb-MOqT`>z)=cje<;|#Nn&+=op?JO$c0KnpycVqcq2%>Cb-+Plv1NoF zu-|FKf0l3SUqIHaQOJPAJ$d}g>f`YJB70%sB}9%*9@B4pKg%^I*Y&82_K5744Z+C0 zF7rrC1T_x1bqTV1M~(<{_0#l&O|o_WLJsnx`Ex3=xqh+V{!j!1>6))10k$H6aQnQy-iq1&&}~!3(zY zbumfxLal)o9~YL`0eEq_Pt#CjWSZYIvfNC$o^e`g3eS%NGE07F@%`U`kB=vG5Tic3 zOjJNoDPVrhCDD0QOhqHeVkV{vds1IAR36ko?B+8sE38K%gYDtv6BwEEy>n|Se=m1- z*%RR9nKrb3Acs38r(8kwuLxm#TOuPgPAqz950Q<6lF`^5?|xi?a4LhkqYBY{^>{{z zko9a%ev17=i8Q2HpbpRJ1n^CYM=Re-F4a#jRgMfuEOkffX*1V8<)fIsh2+Tb3sgydF&paI z2b|B`yr$oN=(c&>Z;S}uBVn}6GUDZ3LVy!geKx5aNvs1oVy**ej)~~72%aHbXE99j zKMW)m9d1G_LghV9NDt3M;0=rI zDa}sbRF4{Di7l1vLi8yloJqMXRVML70bV8$V%b>VD!f)hCi?EGb~=h_lkQ`1`Hp@G z@SH%I!RGfZn-E1+%6rjJ!1J9P4xy9y7qssRA^fBWfMQIpm^@d6>R>YRd<;>5HRm?a zDgKHKV0iOS) z(L7Kd!sd1vMO;F$cK*cujgR?>;a!0GkIMsMFBp+jmwd(hFF8G(z`v~J$^UvuJ)$f6 zw9W!@p)#oasG+A=Xq&1*xVRxf~s*|Z9T9cannMxD48YN}crVsj zIFYt)wRCK)0kg{eJSdNeN|4eZA1(^shOR7_f`E5CK4G@fI#odrAa8vR*im43ircyK zHMk+5`X&!5pI%?9aZli$7nhDuKskJ9O5vI<1fwFaS@BP3QL$G*fF+ZBV^n|jPT7_~ z$XYVb&>n2HNy#g?SH%u?0;st(UTD&2tE5h_Q5Wm=bXvlve5VIwXP0{~%~(vu-(trv#K@87L}5vNVc z_;3)-viwL(D$ziIff-S4Wismx2t#Rg)FE`}6)dgx>qCz+_l{)vVmBA)Gy9ZfPf{5l zf$ce@P^}vR#Xmrm2i%F=M+^2(X#P$wBlk!J`FcWrg3`SD)-q2Fd)UfFu1%MT$x8=& z(d8W7(8bAc@r9QtfSyS(Q+~@}ROR$HJjBp6L-loOVze@z6AeG~ z{FnZijGCzCXUHQMJNGd6=;XH0T)m;?nh_-G>8Zb>0)3IxCsB)Pt3T6acd;;u_HsUn zc1jg$&F6C(w(norS#WW*T$#DkMDW)o*(A|X?T11tH{;qSQ=}fxpMIt5+S-KHwf9b5 zLY*w~l8>SI1fY(&S(&Zf0;|8y{m^d1JS<^CSs10tKy#-dEJTg0```l_tz06N2VlevFcp2mtMXh;iwrIrQ~AfvKz&A5{ghfZ$anG(m3 zr@K5MO1aSm+Q@E9V!iQ=cScMR;+WUE%?3HuwTENP0q_Qul^Sq^j=R3f!Aq51;sfC3 z#hAe_nO4Sihv&8}Hfv-ZP|BcMn|B4I3P)F-$QKzYY(2GCE|P~={L9w;+O<%12Yp=h z$^$r{$)h&mf5q6#{39;0Qsds>RL~09c%eg#>ro+AIKk@%rg>Zjd(gnVu?GA7gyrA5sTyTr|5#X&TpDqx{ta^RZin+8} z88)=x?pZf~a8Ukbncca>w)bwV?~Fo&PJ;=wZhGKFv2e7(3UH=K&j)%Zk+LQ&oGg%) z0k9FoJui_9>bw4FFB^{Uy%A5J{b+d})M};p6DK{o-5{KRtHAM*wZxVec{jxZS&DoY z!MuhpOHo+Hz3J;_6X_;XYyxd%y!oQ_D*W%c(?9HC>#-$wrbXg}g{Ds@(M0sA;y8@$ zD5QH;fL&Xc>RQ9Lul>2gga~Dx+PQ0~0MM8?_Z01BA*?z`IHASn8Q*aIHfBiRiro?j4RYdo-bW|70~3? z?P0TU8LIf!24e^FMO|>W`id(l&Sn-h<&!BMZpPltoMz^rEF=yru2K~X+m(uCDad8rCkYcUPZQ<-9uQ8dWsf*5-z&K9L)qmhsCWhe&_MHg@EXzj~K54 z%;PV%Y`kg45bjA^D$yyt(61zVf4ZNJ57{G3^;v|aC6u6Fx3HK&=xWpY z-CXBSM$kE_SgU_l(i&pGJ;#J^O>SFIr)>bfI0FsJq^=-izbwaaDc}Re2W(lgBV9S) zNl6-*r1tj3YPu7D|}>2Q2T492921H8lo7b}+Bd)?w0O2*)4JqW0UIQSE% z#-~O1t2*pyU<=<{)2KM);6Z5dqe-QdxznN#0D_YK+K3a5;_ZV9oEWs zb7E|zhp1beXZZ~nSpI|70~l4?`6k5=ug7yC5`MfR$Tig6p>i~Gawj2XY?P_G)u%=l zuWc2+yr^ORNLGDHcghh+r68k{t)W-A;6ew|Nb}3Y7+?i)3SCyvzxTF$X8OK+g>&P0 ztxR`IBCVW5G0ez6vUbGh#dT@CL(GZ%`@ffxP#=y}r+x8rf`zJ9!%m1m4`eneBhmg& zl%XlVBMiB3{d-5l7cO+QFL#6R8uF624?j^?{(&y?h54VufW3MxqL>B545Csb_iloa=~4Br^aeRlJ^+(|0F0}fi@C8qjMrALF0Z3oJMzsV zZCebizG0uVkP9P|NAXjFtt+5)2BB#Z$@qEqVijy*WmY=Z=PeWxqr5~`4Nxd z8Stw6t^b?#!I}1vd3F22@cyyBGXFe!y2UvA*8Xg3Uo`3gyrsr{aUxj%f2caAAWfKX zNw;m=wr$(CIc;P5YumPM+qR8q+jjT)BX(nB&qYPlb=_3GS(*9#a%D`M^4MfYmH{UX zgvz&f_3&})UM%e?%b}iHk8`MfIF>UM{5W%+#R-CIJ4YJQ{C->_zUf>`WsvmP zv54T$w0iABy@-&$dg*N9V6DwC0dA&H*=*`IDGj#Ro|}yX8SH=;BR0{sV|$cgd+==H zvP#IG=!@m|9~Uj>$-+JsUnVG`bR!R&wI8)V%Xgcx(>XV%$-2yoa!d+$z9_FtnZ0>W zMe2U_A%Bd?iRG#3KB|_O+?^{3$65&N5#1K3bADd_kOM)dw3trmQH5B<#CM>_`=*-gJyNXBhhhyB=Z z%q{6%9<2DPYRxp=h*gGRZrb;6rIlSsX4&Z5;BrY^3N1Kpm&Yc=#^=O%gsKf{-$New z+SAqJL${}8y6lUxs>n_(II?!i99U zT5Jr3r&MVaNbd#IDMeu#TNIyCH7F_BH$NQP&^4AabFG5< zbCk+Z^owmV1@4ON0FAb&o^=4$vpVaf155cZ;k+h+?N~BZZG!wy{5*aWi?*% zt1;W?rW;F!sh2<}_FS0L9FgI~pw+NDi+*E8np4 z)r`gTo$$+LD`ov@qM6#u&I?TK=8DUd-UCG~YxK_`kTwP4nv+tMvZ%eXz(N1{(hHNa z^thCS;t7?2y;RL>ocXR%tiDrwndjYxsxBIv45kuL(!3foQr>b_-85jbosvu42PE9o z&uMA%F?p*l0W+5Z@+{4N4PO>yrg`;GAbJkAbnq9x=glh}(y~{rN_pRQscwZGY z)%e~RedKw!CO+^>R-}rkYhH{0Ob!;Im*B;v_CmhL0$32ymT~;MUa8BY9%BPLt;UCH zMX1-)tFv_+YFp6rg0mXsd3-%_BS8W-TTJ_ai}jVH1FaplyF!EI6FsprtssH@(ZZ3CMHM^=IGSbcT}M zXtVX003heTURG1a^j)W87(5$i;RYL$FJZ2-GH#9k~Oz?-WUf!MW}xP zO(GxSY5_R=K~G`pGRAzdv(Gixbg!$*v3%GXQ<&z|7lD3w=2r6A)CAhb!KI7Hi0wSm z2p)R%Fy26+eN@@Fa3c&mdRFgp+OEZTUXJ+Z0Ha?|bj?~*=8?Mn%bI|y4H!rC;|^2)%>Ch&oo7x|UxZ#)I+OqYLyI%r6CJuYHgBC@9VmL4)Bv99m(U_$&`eY)2$G zO9xqP2AJB5S50NQ@@dlQ1fWTy!1anBJK2reV)N;#-py0wlgfh9okiiA`)GC3@hDq9 z5O2?5uW;g+)h_g@^#wauucd9`Vbjsg=|PCLffKt7>0@ z>=<$1!Y_Nm$(c^TqwB=AF*>bWWY?L#2`i{N@ZYmNVygawHa_XMXiBG1g$+MQPwg6O zc#G8k4x0B3j|<&$D)|62TPAmDu)++gUPVX}h?YpF=@!3v681nW*FS-`z!g;)(0K(` z>{g8BldS6A9|w&+-(>pRTGFJ>?~mjwWt-F>sl&S$Y9Zo|U?#$)=SA|6=EgqnOIiCbL^B>~%Pu_vuhXzG%niy{ z-%de&Oo5%2z!4)=E0Vkx(3A4~dR8BTKvAhia+^w_9xuPAeRE!AFvJ57C^YqT-=ByW zkOpy<^^nO3RKdTK!yH)M3~3duAE_{fZo)(Cm4>(_xE{%td6bq_puhMGDy9vLMjA*O z<64&Hn{1F93yK3E7d%*089QC4Hl`*PzZr9iyI8S zjJtcNu)OSPBAf|Fx{=aLWPR4ecQL&kR8aBUI3!v6HiDeMQeofq?!lm&V`P zkDwq9Dv~UE=ccYSD3)Dp$yG}s(+B%TG$pyjf4Cq*1~F{;Sa%Itq2Kua(gTW!H@$85 zR{KU>W~1ttibog+*s8{Jb~d{|JmZtif_89m(%2^{oTo_+y>vQP&7S-SP;_eMgkZJI zuCU_7Buk#vLhbJr`AozRvVAWKz9B2x$Z37)sZkv?rBhu_&tR2KJ#qfyIyY@9o_ zx~rECx@+z6C(pa3)uM%!MkKA}Y?@RS^rpQ5R&5M$^uA_^{@6^~=E%}G} z^2fam0Qss32r(qckknG+O78h_!q&*>PLhrhaBOwYV6Dmh@hUcP+q4W%(ZL>=rY21H zWVLOAWO`La*Skr%(h9x`Ff-O!HGGr4yuOASKcBJq8hL2J-2)0}Ybwz-O+~>;9rvI& zPU;I&)OjX{QM;?PU|4fe<_ zUl$B_gYtNkx!J^)q6p;@7|8k{5Kq> zxfX6Brz&0R+Yd!h`Gpu!BtA-1aZIO~)OZgbB44~CO$oF7f{i2HM6FjF(Q?e2Nlzb? zsn(po(AGnzwAvr!Lu!dPM@6pIurIX4kXAbZ*?#?e!i@`eoOm5sYGkO#|56ZGYct%C ztCrf0PI#y+$H3@%rA2>AO!});31tSgzhOh8qW?`f4BT+#RK?(b!q(7~Pt&@xB293a z6tASO*vwum&Z>BEsTm1P(VvPwZjksBlafn$7k%Kuz#^Mb(H&i-*B4mybgNZIl<_wL znltU=0i;K+NKV>}NlxhBrioGQg;d{BCXSJQ7d2$%bWylAV>*8MB``g z8P&RX+~E#B1>=E0{#?3t@{|%JFbWZ2NzRqKw|kx|zD^U(Y-vy8gWUs1K;FTntP^C0 ztU)lPgIiVpND{oGB6rq#ZmE&CJUYcb5Hy`(X7v?u33QUZkCwjiG#%F*K?Dc^x}cv| zW-KwX&jJ;wVxCfeRm@9umH+rjJ25kZB)6z*+I5lD&nFa(?{5Oh{3Unl9OauckchNM&TcnW2qZ=W?~3V%ze5poY#D$xP|`dPw^P zHN?YN|Bnf4_J8NS|8@>(i#nim0M7qa)6k>Y5&Ou2bn}Sj4NS`y8s;DJ|G==5Iv&&y zKk{6d+|6r04Z2_J=wgppv(Gb}IzPH!2b+0@GFHF#9Y0-P?%ICeps98{&Uy@Ot=@z8 z&fGtKE(n1xUc7lG(bt;mIkLSoT-nF!*^g@+wSZ1oO;cTIrcv%Y+*lVX2VWe;3bbSx zNgqyXAS&_^4%H)pU3Sm3p0060itoUL)n{qD(q^B*0@mW3>4T&!wYR+vEp=F-2+oAi zRD-!+y&pZlKE5})WIK63=j=$ulrc|n2yD(epm1wQUg#K0ΠpJQ4J~Fe>*IO>e=a zT7Wp)k=s%@MTZgz$}2MQI37N(sh;RuN&5X$O3NO0=IWM8#|^L zEZ!K4eaLsywiWV5qg2x@jkYT$u1>N-30JhUz#7r}ICl|?GuGl3o#oNM0~Hal2So(n zKf4r8VwQ4tu#L3Q%Oq zKIs?!dU^nPsRaZJxoe1nRxb47^Q_mqlcx#kF4-c4Nu^?-9Az>IrtM;DNh$*WU1Tjq zH#V&f8yTA)pIEqFH{AFa;-pfdsjWIHE*Twr!T-`?nx(&4{)mZF@+d93Yh;dYZuyqG#$G zS~s|$0_Y9e8OOmM!a78?eHHFma`OQmhq0}#EG27!;IVnjCd1~jC8aV;+Mbop4DhFs zI*#j^d|;hD^#%w?ZHzvS++lVF9SgUzP#Ez7Ael^VPZF;ZugGDeE$|uA0ca`tDvV!PO)EAO+K`E{m*c<_>*9L>^SnF};PaLFxsv;^WN0&o3sO z@q^J1&_;dZhPWEv*`ib=ZC&F~}AN@pjhH_s?<*s4d0+ z#@Nx7n>`uibiT^<{z-_918jSHXVg|T$Px0Xpxyt=oA=~8o^Dtb7C=%z8uTG%Bu{MI z{EEdnywv?!a}}Hr%~aP`E8dAd@oX|=)NqmQ;WPcOc~T*K8EPG;$PCLeuJsm+{E~uE z8|Pu8IR|4V$FZscvWZR(Q5rm`a%UMSDbcBLU?JslTC~kqa^)FXUCLzwAiP5IE4lOS z@u~9(&0z!jms8xkwDS&M#IDn5&htO>5A{zm1gFMhNXOia{l7eCz`6!z{O6QT%gk}9 zNZi-+)bHz(tN;JWg_;HH$*B&NiuNXQ_KX1Nwu%!8U|j*g)qe`d1mFNczC_eim+IKOU_s_n$?C~G zkk*wdIfhEIjG+SLn<@{bJl_Kwrf9xLC1l}@Fc_|q#??d$m=i)DE9jKSoc?B^#if%8 znT&5Upbp8*SePditW}ugVz4k$&NG&R#+VC3UshAgJ%%~R?U0EC7K1On8CgH59K0fY z7OzW!8~`^XgXCsaIo~0wUh`*PXwvA;2>8$WU{P++IA7;oJdv2uL|)t(itAsRY_U^d zeJM<0>G*zmAx(`75`Q(RQmBGEltJh-5n(^9L`^Koo3sPY4T z2vFotAd7{RI3tP#wl~FIC>9m%GhNXzm_bCm0D#I72#M+$hbIjf6%;TY?H-X>9La?M zGV*foU_06qA^eBZyf0fMCP6<_HD15P5$YZ8J6JRYv^|7I0=GI#+OAYt3$1NnkL~Iw%hO*IpP|qb{*Uyy# zg`M!(j}bdZay^?QJE<>OE+j4+V7&=GLSmghPay_@OB77Zny(@nFsU_13$tvhm+8&4 zLBkCq3uG!{IC8r9JUO zC68%ckhlnj#!{$f2FnA-sH`#(Z?y0P^G|BE=!ouZNlrp$< z9gu&&lD`LhuuyG$W@~b309mtn#l5RgGEYxxsYOr-xUxY!;F#4D+;(BvEB}g}9RR-@ z;H0!9)Lo`HpbnPowyI^u7*GPr#W$Vtk6q1UG>eX;Wv~asvY4VWF zS}`C7YXf-`+1;OU5ZP_^CG#LcD@vJ6Eo=Rl`I3M}4n`PGDhn4kNGo8!B~7_s@5w%DQePex9#)hhg%b00I5^V1kg<6aMt#N{Fi2Y1NCD$HMIZ&Q zTa0FQ{Ak8NM`2slGvC7%p46I4MmEaS4~dK|qU*2pEOgNB_*54P+B zD=jgLi7lA02wX@MaO^s5^6z3Ocx6+}9PKFN44gUAQ4TRCH00TMSf*{1jF@ruKHnNe zRgv2FYA7;gqc}uMkx6!hUYVHmWWqqgTsN77Y?O)QSc&6*BW6=5P?UG zlzyl`O-lX3(zr|!nn6~P{qGnHi5g3ERv;XHYnUm8tZ+_Jj+_TIr64X}I)|+xU>dGK ze0G~iIO!C12X7K;p_M+{NRtAR^Ge0(4XuXbU#Uvj7X?W;LPPx9Lu+^jAW_3Cm0AIx3DG=zzW(Fw&6G)) z;*i%zg(wM_nfjg^iYw~5IMse`+8ra(TY?3z41$i8SPt6-0!mNmVFlEqx&WJw8GE?4jCnFm1#s8!W~$QH0>>ZZMa>2N)|bVQ7_>92w`w@N04eZ z3{$fR@UU_Duy%g+cvrZ+MX&aLa((cg)mG=^Q?EO1xmNVB_k4GusFodFS@8R`_H{hq z%SD({CaRWYpixsfyQ>6oI5C#<-LzmPkPE;zY9<`heB4OO*=ahTumUR3H!z46C~A*~ zjjdJi8Vk8}cKGF%P_4bV&~cFy_ToMk)doJdBLo9jY5Q1?Tc-{kT01 z7a>P+jZJQEIWhcY{^IKedf)K$WG>H*W|Zi>>qQ|W_~QA3qwn?ZdVSpboqaYSJUNAY z+_3Wdu%@OE_)xkJO0M6|Lu4E+>q?5lED}kDd|WsMU@&W_n5aMS;u_ADH9fSAFzrzT zDwzdw4Pvw`lW4|%k74w$6=%zQwG&6`f4>|*oPXah_su)d{*&cF$EY}|?t5Ue=n5iA ztA%o1XSCn<$1@y{vIQw_zix#2&5pileEfjobJ=s0+qalO=o?cboWc&$7lXfOnJl%dx__{K0|KiN12H8_# zSD;8fOgSopqT15CVO{U5e8Jkq&7I`c#=GygEEAyIv)!A~YJBW6xY-?QTa}4V;;1#$*TJ>7vr*ez={t0CP5_K0a zd?`0wr_E)Xsl7lqx80lhy*PTfx{#fXVULpUU;DQcUpRpnLox2YcF0G6^% zme$=AwC7pIAx6?>9JT814IgblZ{Hx?xW|aspjp%IzwEC7uk@r#%YHTb(#7Lo-MJqj* z3O}E0L8@LKplz-%NAdCfctvpX;n4Hv{6j2TK`@OK$eW|5_h`hIr-v)!N4*N}-gZza z95M=N&ir(xuc8^f%t)A`ZnDf}z{r%Q;P21H>llJ5XL;=@{WhlC)^Lb!xqV)T zW1l*$+s2+9tDCaUE{})urZ2gdG&6hhO%OdcJ}?UJahNbX(6t#r(`-Wgl+r5-%ER6< zrwiJD&5$X&31n5JsK4HZ5~gyqJbS3S3nE zo;V~=k{RnO!1fCouCbHlvnx)b*=EV9MjdgVJZl`gJ=~?)uq6v~PC>A@d%T-~Y_t29 z{?}3Vl;(TA^JN2&t(b*s>4CMFZH`+Y%rDCbN;Ta!6CHN>)0!8a&r9{u%C-Nq><})( z!>t4ErSG)zThuQ$qHbjJtqGd65*hZr87SF3K)P9fgKT)!E6C^j@>hee)5>9(YIR3I zqTwEcIZ{0eYoydYdU3>vR>|q%B_L8&KVXtSflO1%*&P)ijiiddPqq|5W`F9J`1<-V zENpvzwKsK|bk38UeHpBx{ut|G>u5L@pS**mgR~q~jdq9`4)ZSK1sexmnMu^F1OJCZ)fod?h66XELignoZ^ zTpx4i+HRR|hFQ~z3cwYn_u!xS3{GL6xot!(_~%*{bEqJ|h0dVxI1J6Xg}&-yr?WHe zwibAj+A<}vI6uzYPWjf`;H_A=chKU>cXS%Oyd4d|32ycUP6%eXf5Uj|I9&XzJDbJt zUM3pDSDX;SzxrV-5W8H*?8*?wshQ0?_77|c=c)CmmWI$kNAGkuhJrV3~$3et9(qutu7_5HwzI~Yf-{p9_`hx{79&ch~p$6~>B zi#HZvN7UIw{qzud^@j&zX=6-9x&WyvnI+u}=M%Fio^P{zJ^Loxky!}KVdE zfimfG<80T2r88GPghK>+cRg>8-shdKtp=gck+h*1W1oPtMG(ytWq+5@L_nYi1?pz+ z9NCTyQD1FPWgEZtLBTK1b9XL%zP{_bMshd{)?#{V=bMWHu=!# zp2TeJWfXO46q2+(f)tW+!pwcx>js8t6T}KyuA957?>Op$H~TJmMCXuoOdO138hZ)= z_v9FZ&b2yaoO{Me@yxv-_GE2b?u}*+A#DB{;P1kV131nB;=9Z?tyO=%E){Qgd$`xP zFvo`mQTbNoo9h3a&Rp^Ir@en+LlSg_zA6DE-Gc%fJKiy8#UJMR+vrY%u1LGnf%&;G4WD@}DPAvmD~KPz=dvP*C^OSUS~gVv^5^lRRz0 zhZa2F&qxqpJ8_7SMqy%1#C(@B6bKxR^Xg9t*}CSo4h!AokH5(LlC!}ZW<>y;R9B)x z>9w>m9b)|v2mlJ_`}sOmC+%7zai00_?Z!9&nInnp;_ul?5yqk+`)E+!wL9FbeOP+H8La z@nt4se+b#>4LXL?=`Fm$EYkXucfYZM+-Dy|^S;HgQm6eD$}s8F-;@hrKjxZWvE>q2 zU5RR$;TQsr<6N~11@)^XZ{x;3yNE%wJ-Z-Zw|Hys%b~v+D!s&l*Et^r060`cry3xrvZy!1fyu^#25!1QDHuL`ue2ajX|< zLH3#Z+mqw=0V!(vQ_}ULb~b|u;QmRRk|8%@aR-L9!CHL|Xx1u#5UN`BSE@F}v`~QH zh3^M8Yxr+M#pvP!9iF}X0McryZvgczfuRFZQrR)(F_b1{h(`fnN=3jH7nj0RR=PtM zmh`8p&ot6J?AnwZw*kIqSvgkkvAmf(dfT}q3e;vq{MIP{&^E_1zqX3lT_mp4F@JR` zY^#JbGkY3f(DaPLTOMR)iK8`BnU%+DY`?XH3Os;PR)wbE*7zKs|K6|=1c2+Mg`_a* z!YgBg(YoztYUu+GYTxKXCQoh;=wLC&*iv^!m+_9hi3hEfrxHGd8O zR>aJ(Ok;2XbpzmFE{C_bj@yWlgkQDK!&tfP-bi2|qs6O3GqmR~M1G=(F3UwLjEcpL zmM3AQAyJ-Sc;zH{fsb7GP*JAouCyX_^@Ow+%3JSVO-MfE&W`UQF;>)yM9; zD2N_#byU0^X>X*n)X8O`BVuy&bX=UQR=>Yxlx0VNh4Y=-&5JFHS>1}g15YFmvekKVApz%xukgBx&SyH zw)1`g8wVm+g&TP}2asU9U(*)v*(_)G#+x~0a1iH*=M@hc4 z8+(_gq*cs>k5}p6Nx7c(&w)%((^+jCMjxB#cLKpH)m^>&XkWOqgY4~kzBZTNRk{~O zg3V?c^vE=+B8FJ>o?iu#x)c7vL1f${L3Y1B4ij;dVK`UL`-FrRP8qa$Zs``M8>XFBE6+ZP+du>C>z< zg<1A1v}vL#H=fJsKU7fYL0yAG%#e?BX#kPNo?2~<^Oebvg7XqBWH=>uKIPIq)$Fmm zKbQ~ctJp$wI(o?=e$jN|SJtqB2tb>!)`oEqt`6U;_0KoYI?(DB-vj2N-6#TOt)o$WyF)c7)AUZ1=z+Vw&yoF&ktH%Bt&8K4CAhF`@K|fJ*Mk zGw?}Ojv#HJgX#iXn%x~T9;DemsdD`IrIt@1Kn;a^foR_Vm6MrsQLzumc7A*xsvN&B zrkz?vypN(Oct3HwM71U_@vtlX7(jkMHN1}mdn*hS%nOE!fHf>iK{i@SQ71jF=#R`) z=wxhrwBcqr*axKVp|=kBnvcN!Bpj&wjeE+69nd{dKG%4Fz?L%^C&82Y*RL`};AtVa zu-W`z;*1P+tkgQ=ALSJ%xQ=ma7Ju}aBds(Mv5p|yP4O<6J4aNUl3!O{deCLn4=cE2LXkdM>W4c~C!5>I zC--s=>i7p|oljbo3}<-6hDtPJBaZ?e!!6z{gaTD1=lbA($cG0eOiB={3X|F#xi&o) z_(wODf5Es#IEF};gWxhp5wM*3kr-WrD{Bmi=0Hm|u*0&j$@3+XX6^n3MDL320?QX{ z5zk^%F3ZU8?=Bs|7rO&BtXd~*ev+HP-Q`1y;c_F*5kG#p=z=TlMapByY0EI zlKC0p_PAN)l1b85bhke-=Q zJn&#FBIJQ8?H{bVCoE~PFC6xx_o?3zBHLJ_g_B5F@FtmmV_24cabiWwtL-|?=ZNGZ zd6Zn2jk}K;qj{IrI{+`oaiOh`g!{8NnjCx`q8LKjr2|;p4Q_qYIna*>Nwq<`FmkB@ zE_34{!>rbL{0JxC1iZ$|(`$?2v#@ze34+S)G_~_wzYX?yjhAjuRU_Fhw$)T9hK>vt z9!Y;c-vVKGl4Aa?NvY?C4@MhTWRI`#rTA06oaVn{pyzs({xUg8_)vj@w-b56F{z#6 zeMC|7Ft&`*!y|La@*Fa{?$@R-I#ZW{L^)gfg2^VJ%v3j|3wZ86(I8jTqNR^1oPn_p zY{FIah3bm0CtDA!%UQAoIo@BE#b^8!A^Y1wo`}P$z)W$7H;IbR5g_L743$=dliV8(@NL#?G|BYC0J+Ew<8>0K7u7fwpze?PrfS@3(OILTSF4z z$gr5`$u0h^1UNVtCPrh&kQiivdFPLd>1!I%2Jh$+YQvw*Z$_v(qTC#83{1R)iM9Ra zm!wq4X|t`I+*(-;XkP4`Mgew0g1KE%fAfCB!kIA(WR;T@If8m71t04JwfqA)tKVC~ zcu&#yRach&%B$PnY4n%>?4rO(cHbQ?@zjQSocncU1F-TSYG)iW^Y3WgxGwbi&UvoD z%}4iL#%BxB7H8{sL-*lWnpj|{Aze?$zUkWKjE(;SFGS`6hg`ul8U@pxtWT0I`gU1K z+SWC1!)7Dh0XZTS%vKtpm)~0hCK)A490)NN8L*EZoOjnAsYixf>?|5Pl1OyHW)e!i zlL;(R2vDgA!yh|O6{meB+CHPg7l^Xa*RW}FU})xbWTQ~FCNt!hfwnLB+)^&##S6Sm zroT}XZ$?z+Z-n($9pd*i<{FH!iD6E)7m-DuZK+4aS=HqLHkY?Z)YoYQQ!MW*$)*&G z^25)59qZ2mIJfd@vrpuw%y?+LAbWyACQn*01A@lzioY#Iq`jDzsWhtUH8*LJ!Md`$ z9nlpgcV({Rr4{mVqYz$wGTQYDb!7RZ&}sxpDPPkZFde{glP|1f<<@v*JMd_f4kDFb z-^;9u*;le$5FGza%m5=#cOKCz6{UGNJ(-bcmYK>y(2h;88<2sCN<%@{$PF1QI;F>T z0-EfOIHz)F-u`VE%q4(&`=1BoW~Mxt%H50P{ED(D5rV;@sIq|ZjV8tGwM0132Wka9 zHViw|RhDlXkXtceo)RGTDQdq7`1nJB-e18}q$lBJVfCzM0}&(nSbTE;!@lKw3fS|> z4)OWB!WO{$e|HAj)BM*{islG0Z_4g%1@Jw>Zme26zZ>=XKnmB6=g}8puj^14?H;D6 zNs{AxamMqPT?XQ@=7M9G_N*{+F|`-rn^Q{}a-=wCNEW^Q6t)4~ZzV9kcYo`II?2T(j@iEL*#yi8{pzm9XX5Zo=(yD-2S@}LJE0Hf#) zGsXO8nwXCt!>V56Z>Y&D60~Fk<2~2X2B(|yW?}FI0CY#Ee%%?L9K7YYUU5B11v4)> z9h=uMvbVes7*oe1cMQy{p|yNl*)<|COZHfs980;UBzeihDJSXZM&sxoIMa5QjDGxO z=h%Mz#ua#LVPOyE&Q8hTka;Z^R#ZXU{-*S3e@-AWSFR*$YTyC0xAE+$j|MIW2 zXj;3fskioWqEEsG3vVvshWW@^AuWq3ZDD{xTA3>mA*HqXfvN%)d|v-VM|z)?TyGsd zsJ5PrmC&NBR>!XAxRw*~GjMvE1bGUQGn9;&6CW^=A3P}CG}$G-5e|wh)?a`Aqn^qB zq>8NV=5Ozahi1_qb-YKmKZ%JuKNKZYX$rPd)9PkaaU~}*{s+#83@5tO@# zXCS7pqGFUMj+>H8c8J<0px#YT7vn&GNYT!Ccq>kBe=_sZX!KQFH1Lvpdh9AX&hog8 zj)*ise~&Brs_WuybY?wRlqPCpEKF5mp~>zH)1mZA_09$OCHxZ>S6)!VOCgdjYZQ%| zASR`sr`VJOZ3)*A+L5F$rC)}*0KPE(k9{7jBg(H}SL`Rsuh=7GSK6xDRlald$*%_2 z5_cd%l?hX_SP^%I|70fRD&;q>Jz+B8J|S6992!%p&iSbV8r2$?~iD*fmr* zB!RJxS!)2`YPFgwOcn zuYY)iJ2$*B!uCr*ACrP6M&*ft|fBQ!bSAkCCO^1!b;`fNCnasKOp1@$`W=40yYSHWhG(?fiPG%$f=|b2@1(p{u zH&pLZeH}MFNGQTFHrx(dW zO{Y)~4quz(r>;)*k6EHrx=K16AHKWh<0DsX*G1;quyKLEJ=$;rNcGv{V$ zZ7d%-UD+DP04WG_xMnpq0NPc~DW^5_62v17ED#hK%m!f)BMmzcRER={@3#SV4iIos z;Mfc#{-A_dwiw4uW%dHo4Y^Amv=+Ha^Fkppk_HF_#R4u(OAiF42F6Jn3FNC2%7BzS7?9aKKh8Fan=d7rd z#hi8bLWmN|`>U+)k0rD$+%S2Ir$Q`!k0d`)ipfwa3*ax+Nu(CSzZqIUm`@ zD@JuyH`ebe#5(Yn4Cf!u2Wfq>Vine{IAe&3gcIH;Zk^G6a4wbBb8$T(849r8nuGiv z^oh7w#F*Th4k)<78m?xl^k;zXBfe|Vz5Vi*q$0i$5$Ihd7kv5?#WzPcix;dP1Xj05 z8gekG07~(p)a`lOdYmvRFyqSNs~s{ z3@dD}yD=*Ciy0@6aG*TqqxsRx#?(+5?N7zjU!y~0ThXfEw8dahami5MW7PiY)ZQRH z!GmF$g~F5NGB1+}Dzhva3(p@9u7o?XF864WSF{~@MRd-|Zku_>`&1Z3Z9#)bzp+fa zQKN%?!%Md!`80zNP=4V3wCoU27NYhl9Go5;Dur1PK|}`2ehuE>)p{#*6Qm%}-YX*T zA=b2;5Kw8b68|CTG~Q59N?_VF(@;=0bi7@9`o-za!*(znfiod<5$R1HV!gELP*4d# zh^j|oBlmVF1F{^vN!iuMs_h#Cf?*m))od5 zil^1?C2vcESm;e!Z|I~>}HX^X+eyZfOKdKTVph@)22?PZ7ojqe9zq1HL9aTY8Vf@_&>gt2X z!rB2!`FPWR06Cs~n2e){d+5lgZ9lNPP?lGRn%hp_6=nH^nOT?K7m$^V$eay${IpwP zuQ=Etvb1anD5rM#2Pn*xQ%xT5ppzN@Cj6<(=*t);?IxlHQ;h-#l2wF>FnBQOU zbLXTC|73h2Mes9J!u*eaztH9InTpz;?PK-sU>^-N>aH^-#Ef= z;#|>l`rw0qZjm<%383BpFvYn3@|TP#L-(5r zDZ)!vjO<&zQJ1{eD`$zSRC0(ii@G+xB#Rf3Q;*1&f(zR%3R}P3m{L=A7+Bd=6W$TN z#LSH|#2lgdb>Q;zsTv%h5=srjEHi#OzYeo*3#r2^l9p{t z;#@HcVKFT8e`F2;6~IOpw$0MTpD;G26VYV0=oI)1Waz?5xXat_XU%Rv%K8PC8ZOW@ z$DjSj#1r@ueeNw9mhQ#f(vi8sZAIv3z`4`jm*$bDuVsm8ORJG_ImI3RJ14v`FO9V? zF9-lTfJa#sL3%-IG8I9g%DvrWu@RR8P47E(wvqaF0OuqiykYTs7z>i2YUx5an`>|r zyew8#R76DDVxVKVlTGBrYxqp2+jk}8TJxQAPim^a|I(ASYGx6qXhsg)+7RgCBCicm zK(Tp3s1MQ-dbF|n46`U;!@ApGZm2>*Yz@)FkeAn&O$+$aRT!hU<-tsy_~Y#H0w|{U zqepC;gdraAT;_It+$wxkHKM(F80Ky8c{En3GE+MU!p!H_ZJ`DP{vlsTVq%FTmmozb9# zz>jI0(f?7!C03}~_2VBJX#_n;N@-Bj&AS@tIMbza;nXy$%5GQ1Xua;)pKRUl;|&_g zv8QC)%7#Y*bEE4+R%&8}P=zad`t?&2vXb2Qc8{EUT# zwvV1QilY6KvoJd;Y5&yH{vimSL7c|TBdpi5VTEY*S=ey-`DT&q+mITc(QX$Km&=5u-S6*@xJo;$6NDWeuZ+xgm$NAkdI5~ z9RhJQWe7A%Knje_MmN3Ub-pY!(3) z+S5QOR&=DDyiv1(Z)vsx3kW)b`{U6i7fJg2?lPGyARR-rZq7D2f-Ai*9@ z(0=8utjwB&vUK<|k?mYMGkusnbNwttc_DK|8Mz^0AqnL7wAVqfT8i`R(CuKR`+I^~ zES@Y{OR}2sAOegeVIJ9948oYm9f|wEO%jO|T5&K;2?cHd#U&gOn*JWSAsmX5Bs@io z4OzCD91B_)h2{RvE0LIXVk^-KAf0qXJHc-q`xN`9p<3%j(JKUxmV^r3=G9v~^($wn zV?)$S!uc){ZD)j>X0N}s3Hg)AoJI%QiiYT#xmf()xTPWgx_?pCREJ6{R3N6Li3NNr znhEu^e?1T11z+l`(e3AyO+ansQRPZsfMl207sGJHUMqA=r0@gO(f2?LfFxgbYD#v+ z2tro%2K6_J3(S#ZuS5Ecln;j%7G?m%qO-ZNJF+I^w(lK>*)pM+Kzg6y`dNmj(9+kF z0@7Y+t^ou#uDOuqKGWkA#SvKeLUO-dRouXED@0 zxrgeaINND_73$*H^!`YA-rCFGw$J!9?TtPiG*TM(2vYcjYXmFC<3gC_y@%`zuUXJ` zqKEqM_Gm!aEb3sNB&d%I?_$hN?+nW5`k*OZ!qS@p!#eswcJSqMX|!W+fXY zshP~DT1xvvH%YtEgVyLjDvLG;5Ec%<=7tn}Cl<{EkT7PDOKX z+wzaxHRN6Mf<6laP+EpmX4o?MTxX{{;sv$6XUZM?xa;JjMZdHVkI#jG=pTh(s_wXd zJ#EJBk417maF&MQ*t7UE1- z=p}`LKL+p^Ju$F&}1v+Z{bxej5}lP|ND(9Lk9`eB=&NqhZOkFm^C zXI}LO*X8sDGTwnJ#E{zt*>p{wvB1qwr$(p zXZHSY&c3Rw$h*wv$;w(0v0f^!1olj+CwT!gJQh6LdUm`w)9X8g`WY7KFu-`4AV8$h z!Dh5E#YZaNPD~TRqYWSJrF(DHhT6#~Nz=7d8UPzYqz(fm?&^Hr6Qs)_S;!U~7CweNZ}L2hv%dJ!Cj#=r$N!O^i+ErD`Vy8hy*b1YvZfiG!w z1keO+vwyav?-xPL5>c|tcl)>SEqddUS`fw|bAI5=%yxFC3v6i0PVfjPA^pg1bj~rt z!pHNge~H?qUV&!%r?!fH(H$)o7$*Qf_ePoTMi}BfeXd`yNQuz&o*<>(0I_E-P4q=^ zviAb3MlID=8KJZjEWttI8~-ooqORpk4WMQ#?pG}p@ zAH5~$X|U2hljnoR^0$<~g_fuijNgGeJ6pz;L;g0E3~CrKgo(0t(@r?f%dPdbCxC`k z{KjZ=_Sh8cWVsJmS(fQB*nBVZrt<>Akc?V6X-!}RY>mM}H;>O6t*IBdhzR*EQ$@~f zQN~Z+&5GXb9||7NuiK|eqLRUlEr{MiJVuHOFlr<8=Wt!7`1&}jjk$=C{I_oL7~G5R zreJ>0g1x5X<8tZ9ZX%S&x^Y!~Gypkvp+(CgYA@ZYin6>a7Tz)Tvy(%$x==Dc3(IA* zmW3(4oI!sUoWn9~W-bMoI<>4gtYNa9HmLf3!E$v}lW~Wcab$FBOK+^HUOYe-U9ABD zt9NeQ_f3v{=b@VMY6GlTUOOvQL6F&0K`?+Dbc8xa{j;+Hr$0a}NmcDgo}-S~gz+qg zxPn(apcI0?VP?RfS;L0Ss(ETy=lRh&XSc#y1!v@{yy6jOC}a}afxmY669xzSk}x$U z8AKAm%<=#Cb#$qE*rS}F?KDTJ2NF)@M=kc&P!f_-VmLN82{3^fLWiWK5%)3nl|~sE zjkOq$HPEi5m}q#eFWKO>xU8leYPCQy?m-fU6AA!RCb7_-^|4TOEmBZ<$Dj3a4xo=B-O%UyrY#^rWHr-HXpLRC%q4X|^u zwMcJhs3Y^}LkTYy2_Qp}mLw96Q%{lHS*4?RC*mENbdplcX0ConK?ZHVnm){M5O+lL z1*sk6>ZDQK6rCg=YqATY%Fr+??`-K*RDHVT@5Ud~?s%S?V)F2j@mK>8iVhRMuADEq zfBA|j_zag!MqLFDp)sl0hta)pyIvWzM|LXtO{NeIfnC!>~#uLI{s7a z_Isj?A?m}_WsH##P+|edu_&2gQ-kRHlthuMlGem6C~JevuY-I-NkVZVRQW_|@$;xm zM{)t(i`^cId%XSiZ!eQQvPX&lS?(_VmjFF_9BBa2SFO46-S0z)7j8|%GK!e%$i!3t zsYDew*?wL}JX^q+H3Oa^YDJ_UmF{m5A#iU*XBm0()LDE#0XG0~8K!Tg{cWqA+!uHm zl!2OKBa|IFqzBZGK3PwM+=o3#L7E_krI!uE>X@T`DLNqDaVH$5g4tXNme)6ghmTC+ z^E71Cpzgu~#2JG-ij|b!GDQ&XP&mDIwKiOc|IszKlZS1N0}@04E;snjyu8`ZA^><) ziINK&1hHh=n+fnvxdlc)z?i;eZs!JkbaCg#jOaaA>Wcn|6CjrNI`mm^`6Qa?s9!Yx z1z`Zud}c|9oTp;OcV6%Yc50wdm_I->lvtJ6Nm_&$!R{AH@5ZfSAiv0#Do!O zena%cDi+_pzU6O2L91s~Z3m3`>Ow*n>xTK|sh?}b)EdC_GPBaPF=sfFt0mNKrp;$^|Lz&rtn^{xqL()b@2dnl!KcMnhw2Q2s zd7*#&>hJ+H=w`jRJ_uJJkbjlVdLLupNb^CFBwIQ8W%TdB?DYZ9wkD5-n>KWdD_NxbGAr^-D@~nL! zy_!>0$uff>Qxedum+46Uz=qNG_e_4LSDI;k5!?a%8yDu%)!B&=wI)9s)?hrdhQ;C* zF9e`w7l%OeQepbRB00d-q8RfoUt9Qa%j_{3Y^nml;5YS8Hqp6}$=?TS9F{%c%Hn~;vcxB8$cwv@c>NrVRZPK^AFt-43QP5I>R%mW{g!ub@SXeD$4ef63`Wvj} zagn@GWt$sZK2+Wkx)=?a_<~L4qEs~hXc)DQrZ1>R7H&NuIBwU6(Ps$H?jQk&SHlQ> zqsueE=?{`BIQIH#B*2W)iAe>q55wGJ&bFkqQaeLLMd#(S{lh!2PZ9Ur^i3tse_#Rp z(caG{4x?BV2qOx%9=!j=Pv7@rF$ijH!GBZMubEp9$(R{yeK!48&*Wu@#=~|fR1v^M z`{!O;JvPiVIk!q}o9x=;4O7;jD(_l1y(TEd*kr$$x=r`Ra0;wtTXpPjKnK(z1OCpTl6Y% z&Vhbm|I;%NV5UKe^(ULub@<45YLEQz4htfc3cLY3iB#K6qr z@fF~kGwc=)CVjr=|% z^1M8KxX6(H_#SQb%2Ebl=`=L<01Nwy=<&W4o>*#BTDOqJ@H8(l5?-R z7(9yh@A?$x8Cc+Xcx@MFEQ{v<38bfN+Z^+co2UO;-L9!j)6NwuM8b$CF(Nik-%@RkO_T#v}0y?OA_F zNR2!g39cKijl)+>>bCEENA*D}*}e-pNcEh|c z!Tc@+`?%i8JHjJO?*nfq@Ea!?-n>(#+j|xCBcd3LU)1c!>^QMedQ&%62eC{nmQ31B zsCOB2|FWiycJTv{pZ3r}o`7Em8X78>o_8U#mQfk4)h_IlmJ4@q3a-A(f6MQB6h7qSIy0-<(EL-1MTGj9;aLJ?g;; zRC{mlVn6ZJc6!RAmzGnPr{3%c$TwW<0wm_ye`wf6%vKsOG~$2mcy#1oR`OCwUb>H%AIorh1~oRpGEr5vkB@n zPM8}JF$9>MQAlHm`#HKe0_mZgCOO_R=sSs2eLDai^HvM7s5l`|HKVQvZXnV(uGJD# zQ=NNgpKdxZ>l)xApHR67a(sW10Iw}i#ha}y6{Kt~D6~CzvGEiS0R;63)ku9)5S~Rb zsx8Bo`o%Hth`!2~SK%Q(bJvV5*h2PyiM4fY%*#N~iXmG(w@{wdcD8YRGxVqrPSoZJ z;FbXI&PXb;cRD(w?g|hef(zQ3>PiKZAh@W)HByXBhHx*!QRlTUiz+IV@WLy^FzQzXnI_(6P%Z@7Y-)4Yy$*J@-X(5&b(i=n62Z zKp% zGz0TR(NcfG&L|EhR$1n$f^>)Bpf=9!K)pF1*4;&ulab5^?-?(zoEsy|@E`*X*96n2 zjOI!fW>s>M(<+OJRt>nd6lbO9OAUn!*x^p;Y|gYMfI!+f_iX~N_zRE_A#+3T;ilLqbMu`+@$ZZ z9b1%2qmrYusjzDa;ZjC|t@oRqEPF{8uprU13(+%c09luYp)}(Kn;Aycz#*cysMdW$ zgR?3XKrYvIY-|zjFiqyYb849|DaVEtW9siDAqTnVa#j0;G$$DS#2Y87sOTKVKq=~N z{hT+?mCbmoanZwHYhHZ(Y{aQr#-oJ+XWtCUOgYA)GbSYuC8}D+s*~nF6Dy>5)GO6X zWMne2-+GNd!c~mvjn3(d>Wl+1P#SVyRfaZIfb42h|7ru=szjIi=1W^KBxlWjV+Qus znbnH|&^b|sT=!1*+}HNOz>$94I<+Rv7>-uQgk^7Zv*(E5HJoz!fQjom?!=kuPnA%Z zDunT$pisYPHG5X7TijR(?O%>|V9Mptf*mbw_Rvt##z z01&!Q8%B~|L#w!_iojwSjOkG$q$W>y>@Wh|mGip!AylDLCfpwuGX;spwhJ^f#$h4l zM@o*R*pRtx?mmhhoXT@|XtrL}6+m3{OCLG<<_N<;nuiATBJ05~?f!3Coas@r5gnB1 zf7|>qg#)6h*QY^Ik-%9qk$zDNN(?%j0tQUlHqV0A^C~1M6wm^3$Ei(+Z$-KSFxcbm zsna2hk>VPZ4u4IP1?ydGIRDy4-ii4;?rPLlxUMB;^`&U06D|JrjEr!Gj1T*)&`!Qz zmucPGSunilI^jRQZdHE52g_3LlRTf0NA)< zs~el(*;Tm$gK$5`+d30>p~sRl3c^1DnT8qvq1`vC`MFlL9sKRw@Ll6h5P#9bM#A4r zdu@qh!-w!PxKE3CD)y~jbP>xH(*);-;K6qTVpp?Aqh9p|MNAKA+r(G#(2lU~zA5f$a=m{^5 z(iL(X%yOc8n6q~6kU(yxK}T}n5j#(_)WdB-8gF8=#mbv%E`WEM2;C9Pzv%-1Zb|k_ zz^0fzj*Ed!n}c{L{5EgY=%%c#_3Jt07?f>&)>8B24OKW zW8as;ca7AllT%DsH5dEAg5sR8drtFzR#f}Ah|r~{95SMm$NNa%2I^kbyy8!s*-I2tVnQT$AE+~>jrlih2Mi@ ziG!j9>=~H?K8tt7_!&ndlhLY??F=?wFMp+|vY>R-Kbdph!Mwa~H6gam2OilzJHe8l zPRz|iiDx^fRGNpnc@ZY>X{Wd|;Mv%5)Pj>eg2$Qz)-S5!E5syO$c7+W4M`}(vN6`U z$9GQcS1xNDIJdglf|2)w7F143a%WEZd__S9CGH>) zu*x93VW#$0gP;P;4k%>JAraIq_U6x)6|GEuSVDf3b4R*YF56WBk26*upQ|Si-<|xh zb7znP3?%{c^9h~z(L$QYywg^-#iU3AC=kx-YG0oQqa z@rVug=1Kfjk@v&I3dd!$;QQe*2CKNVAM-XA7Mb_iS2}>&W)@brurmt_%<^(7_DB~U z!yK6=?&l^hZk=k{g2HOurVUAJ!}3NYnU*j)?v25}A*LhSVsmR0s;r9zitv_8xwDjMi(*gF-y*n*)N1a zCP9!}k8md2XW$=xV){i)Vkfl+%fBe#i6NLdeyATGk_^mCV(3E*~usn(K0z zG+kY`?9TUe#o3WwW!WE3#Bq#>!+w+cY<%IEX-7jeSGgOiGAKH;w9W&W44ZeZE>1HS z`k~*oAKe#Pc&|iHpF+P_7wYgnLe+oc&gvP&5;41?B>Mf3Hi#&ZJV&|pJrL?wjRah5n(Y;wpBXX9D5P9F zSgxpVD^w`(nrhODbUoM5=yb(s+`TYnX3PQfvwE#e+m(?x4v1*+W~DawAs4mI%tVnP zT74FTAj!7!3AfG5Ra9m6hIc2pGqGH6I%ipM;eGGR^SW(0Q)jU-X$?NfHi_AT4jAF1 z+kmS5REd8GaCOMEJI>txs;t5n`=H5qr!j9AnarsGaX^iPfC$?|!r#VUpN?~Pr>_CH z0|`b&(`ICFvbJ7mZ__?Dpf#%&ElZ9!GjIqYTxVXu-K}?{_RJ769^3u=u4@KVX9^Gzc?Jiv-7j_eCu2@$Sx3QMC#m2%3l!F)Uj3&X$bpp zNa&~M*;bsk|CzIxnn?RMrw?)e7z=raFyCtS7i0wpbYftXGIj0)1SM6a^Iug@Uo|RW zaZ$WuJ^y+W!mr^X34N{MDmJ^GVY9_ZB7yfb%;U*94ja1CNIYIC05@^%c%#8$mr|rg zwsMtHs{*-4-@Afm!E1_>RbtcI+%Q(+=5SBMZ;kF9eLQ!5x*Pl7Vw^e=+dVk`~Q?E0F z-jm_dUIIhv2UH`{&F$I#Ql_-qX2-W(w_Rapb->FhTCb+EIWZ#;JcZN+7m#YiVBy)k zs!FwTo+$}0D6HBzz^Uz0;QT|{?IotcJ{r4hbM_`BG1I_QOUxQiC0`E!LCYg%awAw& z5vdJJ&SN&r(*ar!q%u||@W()MK_oaA5W&q6SOiiwjgLT~5I<%P`-_sCM+~W1@f)!z z3GNh%kw{StR{|4>hgwgNd{DrPf_jF4qB3mPRw5kKBmnZ^YR@~k2a-sdWY-&m2D!6l zR;SlW(8XR&9`_S<5doeanuBmRArF)46@5AE*+i@C3f2dYu$}AoG80}?+wF#JjHXYH zsMVz^TJ8^I-W}C{JEz$VLIK2{8rTiu18C9FH}_bG_HSJdiq{e++r)KX*ZGir@J-XR z3tcx(@cJv`a|KwN{YDkKZC#;Ks>(;t*EPdUq|TK~{lGBi$Xsst;xnN6VmD(02bdv* z4(pzcG`x(kA96bxA=n*}UTc$`cw!y1q)9{&;icxY*ZgqZNbfMdqRwuHx zJn_@cV3HIRJ=v9!<0nVPLX%M8e)V_i)%8xVy3zxE?k@|#^8nns%<*u}cBYlLV^{4( zRqC#Pcu~!PD<<^CRbFfJRkPKU40-6T;Nqn{06v#%&h(XD7plm`=%>TwpXTppnVDH)l9m!L;k7Xg@iIRpPcpL8V7 zft-jer1;-u)D;LQN@;;YGpMqHE}#Zf5n-ORj05()XCyb`K0RCbsU1Dszv-mC!3Hba zb~46JV_OF;S9qzvzkybS5UBohB}`rU0D()@>jxnhX8AwNJDuc>m~{qJ(VaJFe%ay@ z5(n$Rpg2FjL1B6-W_(2CP_c0tSw)xc?(i3MB{ZP&YO-)^mCH_9(=*szlxV8MoYGV?MNc-yL+ZCzdNXH{Ck&ey2!QunxrsZ|>f_he##A^bTet64k{p$tWOkAz?sv3T0PZ|P8}iv=@=DqIRn(H9jFh$CCCS5B@@tm$fYiI zEno#wz#4A4>2I1xA_8tKciIj%mk2rox^|N08&kv(>Pa@5_h&RNPZEmB9J#ukyZTR= ziz9gcaz>Cyf~f@R0lT6E3xcN*k&F;gxbD9({cVs)NRS9)MNu5ZurD;GVH<@y_I4s} z|CfHrY&@1}2q=IV%nFWK*ibGn0Lv7)rz9j@M9w_JfInJuWHfK>=oB&9mytwS*OA{i zjzt(em~Wx1lQ922;)4-i8}=bS4PiOtO`?jY!b;r(`JQrd{g#r9Fjr^=^N^W@4`I|6 z-rF%pE|&9~`To)}(KpKR@RM=BgXNxl)*JCdQ}j1f|0XjjP%#16x*v=AMJ#WQ-2_k@ z&c}=re{NQ0tisREF2d;%O||C7=f`P>uf`ES0LZ_}1O2}Pfp`c+6gc26)p7_V4sckt zgiF*_J)$n@T|@V>c5!FTHSzorR{wfJW&M0TodaLpbuPED?zUpNl8No*Nl$NZ)F8c( zH=+WDqM!ik2Bm0aU3pS&+f+FvBmSWhNU{3e#3x!L^ReSwVt={L+GE+8PCl}v9Y#Y5 zob2x?{}-e<4}`{zAZsGLLcjvb6A)|y&eez9BqfNPG{6Kwd5NUJ16JTJa`?b0Plnh9 zOv>>B{O=X>^q0`%C#29LET{3zDlri)s(%w=zUdk@Wb&vWvgSPsq^4_GjfhL}FTr%8 zgi*-1Kc~|1fk6#PM0v=_yyFT`qCuzso=7@KeUTz+%lARNM2C5^#G-tuufrh1pt>2* zWdE&=;s{73un2wY&j`pR5GZnzf#iR2;BgRs!2d}QC#yrLqo{S{K#uttHbn_eol46q zZ2n5sveI%JLW>lttVTyMjwJ9864hQcmXZZ-p#C5W7$l-9T+%Hvx4E#@`QBFT*m~Z- zlCz>dXLrBnpWy}i*jV3=CJjnwKFPZI*nauiMu9pymH0z~+`44_6FG-pRlg%*dgWdQVmLschvEepsP;R351c z7Aj_5(69WLK}G*mOr?`h*-k$A!sU)JWK6fB7qVI~xoknaVpPw^T)Au*5vw2~79MJ; za-T>@Wnu>wQu*z?;6T}`NlUm8F2CYzL4``#yo`#7j_z2+?xqd!YEPfdx5*t9#po^$ z2g~HXk(+t_F}&V;W~EA}(ZZ&muC^J&p^_$B`%j};FfWAF{eev-(xYJw!IG27FHzJ@ zVrNbCOwSPRlI#+jDn*xvDHmNdw4^+eqAgXGuPj?y#2SyiFI`puQYL5)R#fUsN?Dg3 zlJ}&Fk<5GMkVgi5WaT8C5Zq74uZ!{~pOVIc+h8o7Gi>KC?)e{Bj@VkHTK}yQS|+>5 z|2-R;z3te*k?o{=^J#9syelpo5Q5`|xu3x4+&>HZhU(GzIbD}Nz=zrG`)WpS(?Iy9 zLgE)o08T3T&b1k2!9sVPC`HX2^#NP8otB)`XViH0XP6FPym%BfJ!e+v&i0445$6+w zwLZEvu0H1X>8reQ!GTj`+)%;_lx<<2m@CqUL}{V}EpJ)0%^Mmfw!1f21FCy0Y}Q_o za*PslHDmO?dZiT#hX8{_nv$VbbpaXf)!uTNf=4!T!Rhr-uHnls9uBLR64LVe_VSWy zszOIIC^ch1wYbVFc~asI!wn%s1K9)@J`Y1t%qSx3h=@jEOLi2^8YIp|12Vh;7s>UOMyhXH(f7_4ej@xGQjcm0)=DostL4;V|&YSXWDF#WdaT%AN z5N6Z>gxl{n`$^}SfvC@a*Spg{_v3NELJS!5U`Fl2u#6fo(2rE7SMQIi{=shRb;P(N z5Q}?EDk*5vAybk>ZzU!+4Q7wrLXzfo>4POUFzy30LTAE^CgUR~_h{8E=WJ-qFR}SK z^GcfrpnT8`$fgY&`96mHVK`vmK(oK6k0W>nKq9C8isAqt=6J*n#Yc_vEA3;roLM`r zz~AuPT-w*h1PvgE4Yc9GGg8$**}^7bbGi|$T4f6yQX0fdBl@@waUD?TrffUMt&)HK zO)G{7kyrqA4zK0~`Uc8TIcT>9x=s&*dmtKb8nm+n12Ly^rNFQiU4IkR0BZ&8Eb4GtRw?y;1y$bo_dhHv}qf`G;(=nw6W$E*- zyfA3k9<*JY@}?V3%u2ozOYe~8982Gw_E-byFkBMGPlHyHW@}b#SE8+wi>@BoFw^S^P^=mM z)R)?$PFg~!e1zG(lZAgrm`fzCcauY1x{_a70%LNG3;8Kf?as|EivD!jPZ)ONX0SF4 zd9_L(0p~*vPw1--81g*+qHnDxL*Ym3)lc?odhxP%MASq3$>%`Y?p}o84l*PMOdG|& zv-zG^me9Jm%@Vep(J?JQ^jo__GXWuZNWAD$wx*~{4}06XX}(W`9xbO71vXckkaND# zgRW+R&Z*dwmW2cg{9=hf`l#uX4Hm$Lqe2}s1Vk#sUE?_e&)Y0HjfMZ~XL9X2@z?V8 z9;F;0-!1S~cQ{Z!(JRO*di)6jJXGo>x#a8;$7Zn~HWZh&WkImgj@-2LPF{1<)-{T{ z4L;p=J;fT_9ejF4p^&yjqM$zgp~Z5s7g7WsX;XaaBNWBfm;{^FLs!AstT}SKmWY5< ztGMX5baj}ND-V(GX?v3VnV{B(>wJF-b^G?wN$gIl+-bs^GJMjCL|L<+B&v2zw_EkS*dIePLyLody$%DOZ*>G#KlK)@@j*t0)H9qJf$V;ezL zY@B;~*%4pq`G9}xo(L?oNh2aM#Kjw8lv27YyLGZjr7K{J7t3as3M(ZVgJW~at1W1!o&-35O*Zm_7Y(^3Y@LbSn3p>4GR7BW*d%FO1OazLqK zoKfnC=b*%qm0n4T3|JH6NVC)utDf}5ne;9|7N=YI1%_3bcGwzx;x9k7(sm_Tu(_X@ z;AZ#9Uc;3vj(KwIb}oW_=i26aQZLHld7Z~(f0-_B>=O?`UG2^8j@l6Ri5INPHmS!t z1j)HKs&uaMA80WEUO{d#RwgzB5(t9ZQirK8QB)U+j4<^wqZ3e)*yOk1bbo5J6PKmLi64C_Stsj9ev=5MS zT!^^(?9|F{${)}uS^3i0QEz6~c($$pm3Yf&bmKG%Rg4r~h`d*%Ej@z!EL_cb-D3(I z;(ifwwIRI3U6;b(R%}#(f+(> zy>($VMW04<#MR7`R?I+ zG80Jm>*eJtf>Azu!SL9E2;GPH3K*9i;Y@w&;)|iY5Sx~wG{n)d)Bbx?KMr2afV8 zuHk5Fgma@kdSgQb*N4R zS}lQLG3qLu{{!#7NQGwmL31e;*t54)R82rFyf`)+<&l>}&G>qrQ?G8Hg%_ktdq@z<2yi;^l$_yG6jt>Hj90b? zs?3Ke;TK4@!01v1&ym3JBe5(1gOdFHhDMg*hP5&C9PDGzo-1DysNDqM;XZ-?)g0+V zN+Z~XLd?sT$;ss5b;@c%;@TbxHMxG-x83IRxMq8q9C~TpKXFEATKGy2bt}T8e)h?k ziGB>oYkojCWp{R%qE#o|4)d`x`bIIZbT*Gp!E`BO_Hhgb@Ud>3(Qu+m~r z3~l-o>@N4Wo{buW&`1@46`SqAsM?EUkxIZkOe@T2{m5k;ezf%4Lfz6S`I@4^c&Yv< zIOUuO@3^18$OOzI__v0~L+_%G42Y6AISM&i*5(b@X#s*fQ#vnqG=Aud5!QOq$=D${ zfawji;T??2?WX&%)46nW(oi^siQ5E7Hoi;_cMwSrJm36Lz%)xN+N^iL}ar-Mn*jN|xJ z{bloP2PR-9-@rspzK|rW9`dq>G`pz>G~hVzTk!QkZ66NKpDC_7o^x82G$#lZ-#xK< ziJFuoLDThImdb%XZ*1)y5`LYR z)r34VvAhx&(VL6RI%+JM%&_L!1Ck-a(Dv>uLL+5!Qm_~cQ72{QshYD7GOE!)SZa0w z^I<`nxMiWm8<+F;rSY`o4V&i;HgOj2rVJQy(|sg;Mpz1oteP0CM-}a|{Yj$PU@caD zqz|B78Y*UIvaK`9n;yb!heZMpG?q}R;bdR2X8etwwCUhrG2_+aoLgK*u%eiB!leA^ zE~3}9-}4J8z>NMs1;KJ1Bedpq% zdq*4Z_#*Poy>l&-y>|W9@UefiEc#r!-SUsbu2`^QF5!whevJXhDyM*SJ?ij3&Tq=2 zfr+H#uy&fMu$nbQToepUq;K!X62M8IbB9X< zYO`2M)$G^;Qjade&7Kb<}5M^gx>- zS3^e{B&h)=M&28iTxue>$zfBkiL=O~2a!(0ZE?N_?_c;Qm9H<}g+5yWkp3DJ=p`^e zF*Cg~1xE#PrJ!>4vOeyXFo5^co!@@`+?cMF@$4-QWP!C4KqHP8MOY}%mQqvC+Dt3f z>qNXJNO7<9(q!f* zs|AG1?X4yt?GvxDdpCuMe_fE8*CIyjmIC)6o8|(gaIf3?=s)s1;sVIv;X1-hRiD}q z1AI}s6|~YSf1R9DV#FZ$Z3p3<+gp0;0KZ8aUvecAw-z_o*FU8pUlzxXqWH0$Z%=%6& zJF1g*62Ydd?U|)7o&atLfqkO}=GbJ48rYL@0z|h~gR$WYqYD)7DCC}q+4S;zc4}x{ z(y==Zdt1T*Nhv51l_Y~bxWUMtqUndh!0oDkOfV9eTH@==b*^e>KeF-)6rlfk%gCVA zEwjjPRghLX$*R4#b ze;J8;Fm$FPv?fW`V0b2|bUdwTz;~5)m&}`%j!#to`ekJs?(Fj%5`?QV2a zaRb;00h?hC)IH_`7$av-{L;vZQ@Vz>>auk0<}P;$&jfG~WniYp5-!q{9cxOkKka?W z?0sKV7^52~+|Le?=J!%gCq zl#oRG9RrXNW9rlT>wd3^FO2hyf#d{61+%>g%$J-*3;@qXj+cwD>|xrUZkMobMB*`{uF;zLmjVd{N< z5Sya+;_}?zux8wb-zSimM|fEq^q821(F*0Gda%&Ndze2 zwHIK0-g&K^vNE*57VvpQdMaG+*jd`|8vRknU#jp2Hfunjy4C#!JX~RU5G*?xD5l(k zBv>n=0_-RdL`7whJ5@G?b3!Cb%ZP21q_GvaGDdYTI%WOKt4K^3J`YhG709YLJhMkv zl}-uaZ0~XE%SfYVq*nJ8S|Pww*u=Mng&fd2xZ7-X0daK*Ma__#Rz)>}VrS$LI9OR{ zeT+~WW597Y-E+5a^W?OAF#-d(ItKggHmaWIzOF8zb?xbobnAyy{e#T_t$m3_94p*o zmNrB7k0PHm*%K)u(P>_zrrxaq8Ek)kx-y%q=^&5*UC?k)c6E;1fo3e}E!-0^eGX{s z^w9Q1)xJJ0lx>q^bB^a7aZ1=Yi@_ye3NHMI9q!#VO)uN@MlV`Awckqsf#(yQaW&@N8na)|#Z925pb!6EgT0CohuXtvX`Kxj{x(B5J z^_W40lTUO#P^#Qs8;%3N2?Yqw>s5Ar@T@F7UuYOG_+WC)P> zSq|^6qM>TZ=5)q%K59>#(Q;<0snP!ta0hJ@YBoFH&tA(iQ0SHDyL3GV<|!ML(S8w3 zL6CB?M2t8I{Auo*)YSUpq6qLMW z6L{bIf}k)FPvI?4O|n3!>>#arO1VS-WI6}?s)o$ENh8^{h&kU zEs6>ogD4kQIvY4A7A<|wo#8jPWRA#q##^i`=4RbU6|?4lkItd8X#lAEH}z{nOCK6% z0iigokB?_XCsiY>Uto(kh(ibvd;B~_5^EPd;ZzmFMzOr_;LdmG`$e`Pi0?X&VZUSW zXp_q6!gN~~>62$oC ze?kSwMv;x~n_q)4Q~`!^BlNoN(-Rg>C|>Un+f?O>DDEJlL^lS?`* zQ3HGEuPwXUC*|uXheePA_iXH7*tR>JI_%QgKRs4J^^n2!2vX~C(VkPbg{mvo))sco zoRn?W$Mnmeo!BvFG?cyp8*KVBo~?*i-{9ofx(G{4Dzb#EOYCB_IlzMpY30HTI3}v_ zP|p!eR(4(Lmzb8djq5f?s#d{WLZ65ocEhX02>>9Jqltq5y{fhjAAw*20Xj{W@7Eg5 zVzrvwJr0-i!q|B>JBeCBwbYKsgb(vaW#hmk(b1T8q?Rd;fY?@tWIfiVOSr*uvHB;m z4I7j3Bo!j6;g>J;J^~ZB?C)3da<9ZR?KbPMMH!)k2mA;J{?hdD8>-qLzQ?%*2ovr1 z?3 zn^4BK7^Y4~A*bHsX7gyVS>v%;y9s?WURUGN)Tc_)MqkTT8Btie^9|}V21nEE;ohR4 z){v1=v5~97VW3!7U9 z`|L7dQEP|Y@jNIO-A6~l_1DWc?H=@ZcP?6w)0gdh)W@=6QV|Q*QBiZCp@U$-HsRT~ z>pBsiw~L6D9IPo=;xc)gq{IS03|#su4%*M`^&;ZkSL%p!NV+vpwr z(Z~A4!0ep-k-GV%q1OJ^)qS^Z{!S3^@}0~1#>Kl^;z$bEoB^Ry5mtVyAfH~yp0Xd@ zHWWl|lek|O2|hwGv!IEDp<&TUO^Hx^9p%Lw>kzfR{EpwwDW6CiBR9u9wJFe=Cf;IH zFq{)nE|{j|gZnZsGo~~8?b(^a$ok{A{s-Zm77dAS&8~9`L*P8G} zzOX*+r<2mW1Y>x5Zm-jsM{=q-8f4^9?nc69q!M)62?qLAgJVb;wGayl;#cKju>x?C3F^rByC7?5TLZSx5LD87mjrJB8NFkty3e4XxUUye8U z93p2gEB|v}Kgw#H$=;^g8-BF<-`?dJdp+(|e!O|G=nOg#+wh18``i`EK@hv~z`CI1 z253rz`Mrhv@dQmoGB$SY>11Q{Btt6pi7wfaQg|d4RIb=ct|f)2fqqLJ4*dAPecu-| z5L6=p>oDcHfKom?;PZjl;8_0mmQ!B5GJI3R8cAs;%%>&qY{m{*5{cx(fJ5glU$>Ck zX~p-){Wpl?I}YrQJw^^l2%xthYjt22j$hR46L0C&4Z@X5%&-EpJ*e+JKws_Rj9HV>*;JNgg|N z(|TIG&oB41UjQ!H7LS6je?ap4Ks@KrQII|ri+0GJasudBFf?6aXRodhXEuj`9Wv~z*IT0`B@px!D$A3I744frOa8%38N)H?>_(CC!XSg<) zQs;&H?H46x3uMy&R9GRnOCYc~FrohDZ=Vjt} zP=Bj%29w=lJYIRkwzaOcxSogJ*?3^6kvJ7foT`?fswYgt!Ciu(lF~9&UZ}Df*!}lk z4I~BKg--CDpg_74qJ(*cf+(|sR5|qk z9F+1qvPE@#)5+;$FcpMp!NpViIezA?Wq-lRL^oeWIwJ_3! zO+pdDal-cK@XT<2%9Q#mYsA2FJ8%3=4K@`Qk97*CTW=qG%>VNL*40I?*@dflY=6M+ z*cETU{xAx=L(!3E*;h`BQ4N=)^Y~I!vQLBn)?U7e1I#e~@tnu8kE6|C^LX9kP3BE) zPLO{effC&xKt*v>mwZkhrm9Y93fQjIg{~90x~SshpvqZ19_c%M?)r-Ljd5aRXy)bw z_4b@Kt>MB>omavlwcj~U(8AomTz|TLIOD_lM+I(a)S(qi&^SIi02#Byb$Myc2h@c* z`*QOI&Mqpp%988q%F1g596nyP z7R{d|a2KN{p=&2kqHFi>qxow^pu792HU+Q5&e(2EN5|z4QK6%G~ zQP2XP;g)}2AjOYxrTSE-K*$c&VP?i(^Sd=f9@1;Y!(+ILHtO z8REzKF(`l!AbzYTelWxjhM3#-6m{?&#N0Mg1vd#qUBuSEf``*r;DPOd;%cGASz0W+ zvfKsiWwq~84@q6I8ewmuxj~=GU8?rbroh0^(7?c^(DwGGrgp(zwtrUC!*lB-SZ#Iw zIq7A~$Zpm0*UnN38>q|Kzf;81VG}ra(M6>NdDnP}keeeT7Uq(y7l?8Dz0_wweW2K~{O z9ujb@(Xb`f9D@!L34aUEa-aTTX9oiCi`z(AC&~8+jgEf*@cVKD=|62R%&(IMN3-#1 zC?-wBySwY~Zn=)GO-n=ZJdUv@%4LT0j5in}bpn^Bi`An@K1NG!nVK)47M{}`f6ofK z6vJ|U$tlL{WHG{IFjlE$$;d)&_fwjyO)MzRD&i~h_Z8%b(0?dn+SrqP);-LRP#e#s zwS8~pA^R80Uj^=Ek_El|9WaFJeDT)HRD0&vHqvADy8+R{qeOR82tRrG+C||aP%QT) z_WZ5&T=_%RecO5EXjS5j*ID;pmgt@uBY52<7t(kLVsMXKI7dsDg(G~&X>=jW3FC22 zL92VRu$JXU9DgV?=nshXI-?<8-93iw9xjK{oL_O8!I;3~4aG&jL$QLD zv%2rnTvckJ(XgLChzhDj`E$0)Xgp*RI7d@WHaf)j6zIPIXRXfq-&NSo`%&}_|X#_nxwqz%|blu zmA-U)m=K&2xYnCb-jrRjRV+3gD?O<`8h0o-I5s+D-kIf~BogP1uc1J|Lw{5)iXJs} zJo@~nr|8Zvm#SCo$`Oh;qh(=4cKjplxP@u$={U2%O=)R`hbq{DN5OC$gOjm{N8^on z18DFFNPmPB5MUGp3D|9)YVMwiLEeJb+PU#7`K4ZmzF04AzLIg{p8Bfkn-iZ1AGBSo zy~JPrH1eHRv3X(6jCpF}C{bx#j|_l37@(9}AVLLd_bxmY|Jh>{9*iCDyTV)W_P1T& zAm9N-s>ujbn8O?b>f4j(OxaQ4So!hFPX74uZGWLvVr3Ze^|x+IN;Oluny7$O=u5N( zsXC2(i>*S1(P?_LJ6%{lVq-h|#Fc5|MCX5eu|^+G4`42(rH zXMbDi9j}sLm>KR7aTVT5NRB};0MjIs9AE%vOUX|lRt1ASzQ-dyS8Yj-6FLcpQLm{c zMC>;HE|Yv%&MPgn{lu;|9>)ItI}k-Yz!?vlyL!P6EjqhaNGn0cay5jq+_1EAqp`G9 zXls2hw~D`Z-UmAoz1)hx<8KLI2FC_734eY6cIk#SATjbMDxzb((MBvTS+vmq*tXin zhN?CxutaYZ%In&SJNSpjVC}k$ZHbBE;sud27N|qmc$8ILgK}$xgY2_MA2e496~(6x zeyGNyx_A8ty0=*AzQGI)J&JP(f+2q=DtYMX0pD$l!LVzmLC|JJ#D8z) zm!#h~o+avwGCnoz-ErNwA#lGf*d9Lf(Z}j8-0N$+ROogjRsPHC;FzDHJ@dhUjI7sUxcv)nB_?GN?-o9vs-UatlFp9GYY z5}{t-m{?!mSlLQY;E2=_v^nr}er4K7KZ1R7O)VpHfLA-Fy~cY2BK#=HeZlKRRc zRQ`E$gzsKqyV02S%Fa7IW`FL{qoiP=Bsw&A1HTndKzQJWil~Ydu{E?g^Y#u~bLQte zm#RJ8QT(vzTkWYrX;v26@ya$uk8OF`XkVqk>FUbp@Q(LT1>XP@5V#QQZWboU2cdr> zsr;4DUn!rn3{v4hCJwvq&DkL)RiMh0L6Nr!Rafupz4XWNqWIiz|!v z7==SkC-NKkyQYPkcN*}(5t-t8z21;zu-#?Q?;`r#F)g_e9T2!?>I6gPt}%XEG-^cj z>YT&=;*o;d+J81Rca}OC-moqxG|KOdCrdyja2g8c-TLWo)_{}g9xlMJX36OS2)Q7b zV59~Fu1qe47&5Nv64Mv%*lnAc=83lP*p-o5-fKU3#Fl#j%-2_?AJo8(_>36c&u#G= zOHXaDX>6@J{a(=i?KwhCeRGkSzt=I((>r9|+&Ll+z<)vX&QzpNR423CZh4kkmkwb%Yj3fXBv^P!QD?cJwA}6S4AVM# z1Mw-Cw9JCPqSQUQEQ3zOYrFk%m>f%gFEP51am4=MsmK&6Y9F#t|4#*-oS&0%h~Hm= zYKlZCm!Hxlxj6;5c%t^p668_j0QrnkzDOXt537zZuh(TDq|e$VVq0v& z9MsWgB?dd{FhiEFvM{^bj*clVK_z@yp{cS^glQntrMWqIR|y<9d$x9}h3$A2%vu4P zhrwn9n}@?JZmy-{sbYzhBTcnllU?m7hndC(C5ifjE)Wp$~JBjwU^k+ zcYl!%srOi)5#GkWG&g@Z6wzFu^*IL}R`g6Bw=OZ@*4>9r$;;VQ%h%=wF$lN43*Wu^R;vowdrZ-YMxwKH8>lACvz3_0$)k=7GR zi}kyU#XXrwzh}=>w?SiorCW&s{dBk&S%1F4lId#^9*AA(q?Ap_pVzVvP0xr%V3U*f z<|0IBU3>xx=!Ko>U@b$&AR;(_##*y{ksJ;z8NAuofr#DuYaoz>Qq@_hn8gMXh3bEc z!jkS`asIS_eE7UM{0_a*lpz-6RF^iXkHpr5MMfkA`$_9B-@bU|!a)JTS{Bae{p()q>6Sfs8^LkU865tE8D33bEZ z{A(Y8h6iV+dt~?5bVe%DrKzI}QI#McV(jI7)GFH$T`7Ah<@KN-WoH+tD|et|p<7AzoK5z8mVet|e#U>p;Kpu>PESMnbai|QDi>r&=B3zwCVd86 zxmjTyNH+qdw7!S)mdCMpPNrcGja{EIUw_j4u)Z>DXSI-$8I`g@9b6x6K2~4b_TIXy zxEFTBBZF~o!S(gqAO{mT^oX}-FrTf-MWG`8S9G$US8+>y%a` zFD-zzm4!u&(8tC%(ylkM>nrsErtcAx$!N^ZG3MnRy=-SE zp#%apgc5o&9rxawTrjrfBCCuf_g-bo1sQB(Y4-*LqcQ2{eOIXBkd+noH%8y<$b1|<9NG|-8=$9q9X$Q?A(Gq?LHoFw|u`L5F?3E#Aw2v7(u+B<2$fh>wVc#3Eub@iDQKSVk--RuC(RRm5sy4Y8J3M>rAdiH*b- zVk_Z7xDsxJJK;fi5?+Ki;Y0WmeuO^}Km-y&L@*ITgc4yyI1xca5;7u+h$do)SYkU7 zN5m5eqCuixMZbxji+&diTPXZ&BsN+$(~5`|QGcS_-MqW~Al_ls*J`}gGOObxORgrh zBri#n{6=l2?pbfPKG9v({cewtp4)n&UZK4dy}sx@ws%SI|FkjoaqLsk=X&43e(&_l zvF%}7Nk`G=`;Y1$(*Jv@kMzWVcLq!wQ1OoaJMHhT7$_dNn;{v0<{3MIoy;29=Yy1k z{(l%8HTdhnKY)$k94EK4xBF&D(NJz^!!WC1n}%H(u6obqy=NnKjL00>d!%yYrBQv+ zE*o<)G@(r^8s@ORbF0+9l_3pqV5K($raTY@A9FpT=R2jvr$;dhBr03=E`x z(IZMlny5|T#%jGbSF7U=qIXCHB`5GWQh%$|DU?jmS{MofDShJ=xQE64QH~VLB*+Tg zAZ>V++_2q*itisb*w$Z19+$5f=>$HyU3xlvEwwsaA@^4v$N*?7)e4(^nn1JXrs6H^ z%!ON*1eI^Et}QLE&QII5P0KaZ9LcL^kDT$G%z0BARUfIA1zFGY3*X?v(DGT2!hbKe z9o&1U4A71q={0VL*oq5<-*EVYV^Uf>cD|qUX7`4pr&{lznVG=GTqZN2R?}6J%z%mw zwyk&eT+A^3W<(c_^pg|j0DidCMA@rI`E;!=lnbN|8e_tf(o!`lZk@gJBG>f^MOcIe zyCBN?S(wrZ)rGwZbB*q#9H;EBDTAH3PzR?*O|weIMKR!Ql*@+GsTMudUTTdK1r z=I-A5hVyU;1XUgR(ltw$r-raIA|IXnW_RPsp9g6{e4{0R3bXkW0>MNnIKWcb?Jy(VANEd9FIUL}A zlCA2jT^y=Lt0>y)N$dEN43g~G$-WFU1VJ9RVH@q>|S{Dh1wYTfiDi+cY07)iMqTB)~sWw0{{jPmk#Vrg$@ zpQ@$^F1`ZlOBv)&l|gM@F*x0PD!Yn3&=}@b#Z|lO*SIsnfy1#;e1BXOA0I73fuD)_ zxj03dtAI&bFgwHhKystCDi7)!7-UcFgvZpmAfat(wP&6+>aiPMt!2<+>I-P7GJ?|5 z%Bm~r)*0IL^h_o%1tyN1ym7u7;HA_!7#9`-;^RX@mnp4NQ#DCRnJ`zw?NfalHIl)b zsnyW$xHkye_i2iW&415^dE85zvZDCxS2iL2OPgHv?^ir!&}Ql^+`XX*)VVIr31E|w zpuB6+n`uqXIX>2UIaK>H*q#c48+A#bV9BMhX1O));RhFlFnBRFAIc)aL2PVf#79c& zG>uZJVC11TZCPO*6$ikIfX ztOPk!BxwL1mSQ&(i`W%-<8E{e9Y-5>UqGVviFiag7q5e=Lbe#{D>#%ymB1{yQVA1N zz$OQ>(R<_3F@G#xiKpQy*cE%A_wgjO0!@F6IAkqQxJqtByB;$KYNbLA#s`0#=*_O5vJXu|({Hz)$hoNTY2e&dil780tTei|y1ZoP=X0As#Qi2< z0{6xJpNvA*h^a@ta)AIAK1U(XMfaYI(K_BnS{G3j9Df`U5gc3wqZsY(gj#=rm8H7f! zSv`Us(SPNK{2r>)Ri8>exhz|7jN7*=XWAU5(<9}k(}uxqswi+cg=+bBKsRp* za+bNW&OX(9BDk;?)tMHiNq4^P05DbT*>#d_Xn)<|Y~u2^Lv<`;W1b^KsPm?KCNy2Z zJ*XXRHli^`y-{qoLwVA02_7FF>4@jCc;L&ZQhuL$lo#+mXGEppl4`O`4p$V!$js{Wf9hBVm^30GsOXSN9p-JAIc@$Ych1&d`c|N#&m6Kg=1|ZIf#D$n!-q`hppXLwwR^PR zY!5f0VMe-%|DE3=?WF18UulxiT7AO}*vz&(fT~8$h?#h_S-B z6cbxq<9vMp+Cb6P6^im*sr4-CbLBxnrYa+qqq`GO1=Ca@IeK&SVwUbkcx=n6*vh5o zl@K!Yo>56KC62>Ks92a%n5ENari0?Vrjy^W$Bo-!v$tB9Cv;~K-O^k_`38~=3 zRWTocW=c&X`7KmA%#2G`S)w66-{D6FqOz%$O>zKHff9YoaoEbXo`9;B*Q9+%Eig&3 zN`h2;chbgOE$Etf6aQXkRDXWIU2Kj(X@Zu)HY(ENeW>^00_&;!dbu~Zl)_e+P7e7P zZ*J&}&zp9g|NX%vJhB}8LwK$aa5_1P#VhdpcrtdwZfGi=g4SHSRef$ZCo9>>_1QqAcZpITsI_e!+p?19SSN(3ttD{aw~ub}YiFP77koR8&4Nqpi1g6z*<- z#`0ZmZh9Fze&NCoT?}5vC@x_~tiLZ4Sm0%f1}nD*xOy=2pR7YRsK>9zZZyOn+gJ-~ z*RO^v*l<^5=o`KiG=KJA)FUfPIj~p`4{&H1_3PEsmoDZxtpPaxjeAHNbPugOE6PKqVpNA#O3&ib z)qXLrJ{rf%wA!dJ;>gD?xWn*z4x zo1NH%yln|QfvrgN-1ghwXSLBr1O;SElo`z&FQ(`-*v!v3g8q}KI z9R2P({%2`TWOb0AP!ESzhV9&4UTYK%Z=TEmk(Cp&l7AWaD3fgqvRaC)e!fR<;=Rmv z7O#@3NVh3a@5Kc+QjcMRFW0e^ny_i@dO#0VEP`i!IC}W;{GHW}A>|<)y+Gy{@50g0 z;p)ovU#?yGDi3J0p>8+BucBHC;YC48oWpL0;_vy0P9z==kNv)+js6jNZ<6wI3Xip5 zxSnI#27f!sIeFUBv`APG28zL(EjlRQY z3)Xte;0Z4d(`XT?(WPbTne?mYbF;z4W39Rht+ilwZ~_creU|IA@q*c9np}AT6CIyu zF?$HMA^Av(Zg~577U@y9*XQ{eb?Fp&eMsxtSSDt>GR87a=*hY|jk->7a#C>e=xBcO z%YOum8jbX){LN1J@}4|ikO~XfnG$+pmm1qi?S_Rvf?XyFJxb*>5xTRUb6!$KU;FRk zu2j-_n1v0pc&WIJZbBB+oi_1*Q1s=u+b$OT?8WGp8*5jKifU2PH{uuKw}c)%M-m1# zv8fym={S#r_%ozINH&oyp7UB0sHjl5b$_^J-tKzT-NMOmc&LWs8?_Wt{6{x3AtNI> zm(9~>=cNnkz}%bEc3hRb-tMN)1rgEw8B{e1Onuq8k8;Dyh$H;=A4DH9pZtfgL|BHR%d|Y{#Q_ z6LYkhEVdA4m2vzLss3g_hQ{l^}q^3B$In z-tMH^9SZhm*Oizeiezy?$)1Z(x_^tLLW&-Q0=Nker8E5OrvM@C#%+Ta1G(5Hc=QN! z5+15(0!M516g030clkM&aI`g%ACSImn;>An#12vD)?PGzFS->iI&Jn8n}18tIB9td z+yStUL>M5^TuD(GEEg`tb9k!c25Kd>I(>dRlb4($k5eVcRbUoAP2yF5KNKm6kAczA zWl&HnJ`xW+p2Tw{JGw3va%ie#4sIniYE`0=k>@1m73&M~^xzwGnnbJqekf8>D44}z z4RVxrPPwYnTuZyD+C0N((SKwv&%|ag^iYai@fe}F{TMI8i;^>W+H<{8$j1GqR;V&`IV3oMkS-n^;$uii4qC_U%sG z;OBoWa^IdblF=Lr^?yRdH&40Y1GYk;eix3FKL)6>s~l{Xpeb<3W{cLr>rH5^fgfm! zH`+eGjEe8jeP8yT?4Mw(Ic_epXwXKzk~UYf6fRtc?`!9<(j)Ru7n)7wP;nWpPG7%n zNe#fgKbr2~;Z@!e3gRoEwwyr`6y5(=-I2Ou?6nJ1Fe%tD5P!!;z1R^gdU95b?&4Ib z9_qH20NfAR2B6hw9D^M9AV<^(^#cX@P^V|IlzK(dq(zus1vcVtiC8?HnUjZmpTZ=- zea_$eIG4>#*Jr&kF^UsrZbf?O4LRz)4v|6)xN_R3NvuMtRH&f3ES7sb>I|NOy%;># zTTr)su`NhQgnw!kqexd~=HCAt(dWQ1)GZ&0?=qdekFLhYiNE$egoON(QTxumOYvnf zUxn98UuC81Zr>+<91;XdQM4>|uwmkUUV1Il1Va4;!&(}Qky+e;9_$mBn z(z71d@n}peU-U7c2hH=VjIXqGhYz^HcyPjWwy2dwBDlztqg~~z;$mZC!IJs12`d<9 zp@viB7r>lS&_E&EM^_uF0i8Urro5uDmBDr$g>M0Ejuh0N37s&Y<6VarKI?BomzhJq zmuAAe1b;b9PSt<~3g6gpc5}+HAL6-$Td|im?^;(j@KM!`3pbdbu;eZt3Gioc9B?}L z^$~BpYDtt=JFD$iM?4czRBlp6EvEtyLwH$O6=xuy#yG^NIecMVw=xsQazQsGC3! zkQ;Pm{E#x+U5AnT;mE`E4Ag=8OHTytOn=M={`H>OZrRpr^A;DJWg4nm?xAiOlLB=> zo16zB(`oU~od&0=VPXPMDU*_wD(hM=cesPaHeQR@`WA=O$hi8jTE!Rf*7P-l@^;*O zW}~mioasJizKsC|DouLQOH1GFv@}DjEh_^$9n_VUS-b5&ps8RHb?~zVDHgZ4G#>N5xP`1O*+Ub>-@9HfM3Ds# z#eA&!T`5*du#LK)Ov!~y{INS}l<13dE*9ilXJ*}i1uXKAU@JVCoP=3_%)Q4XLFa=9 z;elLmj5?)1m3v zlYheEMcx~?M1v|yIQ4xSk5#oQ{0v}+2Xqds+F>Z(nbUmUnUtgg_+NiGl4%Jr4R&Vo!t~r+JwX3@;Yel(I}L@nc+bY{ zEqK$4D74-rYBZwkc9d=GKgjIBZE;NQMt%mAcu0jdrk&NK+ zelUJ0@UXOQet`$sgU>o!H-8?~P*}LzBFoERVQD(h<<-D47L6(L$I}WeFQ4#VF;{wf*?)~;72tNw*(*1h z+fz=D88LU|Tz^AMovGYVcXX>Dx{jFI3L4p#Q?f~k>eXQ`T+kLjRk+4llM5kDFk$lAqflSckl#`rTkV^oh8h+4wDM%rS@yxcSu;8M(+@VyUbh_Jb=aSj%b_}g z;VB92D9C)7iT}iOsH;CSv;CRrwbbvS!aZM0ef*TdL+w8pyMGn;Frqbp@AuE;Zf^1rKy8d`tKJunFyZqyO@8r^@f_y(2`?`|!v=L-Imu z>Xt>0)0Kyg1G*RbmZDp_MsGmXWDeU?bKpcY_VoVRPwK!Vik>F`!=PGZd6!oIM{*b? zT+l?B-#3ZM%zsOc=o7>gwql*cs{VUbLVN}*N&ytE?Q0D@ED&uhchfV@R6w76 z&hQcDI)5DSG+s_>^qMUFTkk#bReG9tK8Ln;n8{?lKB<5$)MXV2CeGwD(5#Nk|8h~t zE^GO_Xdq=ib<4hchz+Ejjp}w8+ATjf+pL1UQ4U^0>Q!PRZg+Gx=0Q) z$YJN6Jx8jl2bvmNiVj)&Me491!6ky$>wmNfg7LIng*rPSj)_Z3NK=62bLRX^Cg(z3 zCR0?DQ?3Pcfq<1zkx^T_z7%jpt66!7dxE7~S3>pHH3L^~S*4B=jMr70wAJj7mJ))V zC)1}E6fuUnT^GIpUymfS`?Cdc_nz1s_1a@YS$|Af zHnF8RCR(mYP%1b)6Ib9R=rEZo7?;6R7}F1Q9#BW<*+pw9^?9~Dte8XI_(u|Npx&xE zBdHHnxy>AMqL35%jJ(ivF1_ADA$BvA-h~F<#bjG{mp<@UUp8rqw}&%H8g*JC7=bl{ z3N?_*Ty=UnQ{4p1{+ll!E`z>83Rt?jb=Yz89I3XYr$g6c`KeHDT6i!mPh!mNlVnERslYeMfIH zS;#ACOnjDr8Qqasa;(Apu0hm%2W1NtxhuLRy_I&$_e=28wwc9l>`KS5@$Ou}!n8Rb zF!RzUwaf*x_FaoU!k+xP;(y2eT>a&Y8#kF5`OaNq95)uh@Q70AIool8}otJ{Z29E zsT!I>YSd~NFYF5ovdYTho#)oII!syPu_G2VM7ou4 zV#nd`8?oqrMC$VoV}FyWgINjg9Ikw`$%+q{S*fQwIU<^o<;Rt#0in?K7f?O@uK8S5 zLt049>sB73+Z!#_7kW?F5BgN+L-tpwux&CKr%`Jl^9D4!$QbUJQMhOK!51u2ZXwer2G|ynEan?$! zx7YYY$0sQiK%htip}H`gsn7c2;wK=#t67qko+h6$7x!3M<-D(4_Vg! z_PGcx>sr~Jzkeq^A929-RUuVgn46giv^t#@LS4L)2}qs4Y&l3wd|gc4`5N`Gto-kP zNT}>yqyE1_w#+fL>zgOb{?FFiSiaiYmuGv87)%hvG~sPbUt5`hpI?H4^D+$*(8Fq7 zNU!d&S5H%q%RLQRon^u-olbwDS1)6WK2w*e*XuJf(+GR@{(sE{j4GGW`vVl0U>pQE z8UA1V`TzcZGynhp|BV3?a4_HmasV;>3Zs{?90XDUG?xS&1SJO*W#4xSWwVzt9RwJE z1wo)J3ho|Jih4ZiS?|%K|HSD%_fA?A^iePO+}l1)^CbC`Z@%w+-|u_BaFEH95e|nl zXVal=2R9vjYRArfDajF{r8<;#3$Rh zk^ePg60=|iw|mCqu`s50E}Hng4}AoGK{(p`{kMOc31`ii$KE5_X3Y0L@W&aCBU2_J z9AqZ)5JDi2Azvd5hx79fT^pSe8M8GyMwF3|k+VE_*|KNWr=;eH6XN1C1k0B#Td~-G zyGpPwSgI% z1UnLhnvNW@N?%r-i+5eZ4@!9QN`t`u={L=wXO;K*Dy9Zw=pAxn^8WGS*7 zS&2N0JdeD9yo{_t)*|bW4ag>BGqMHQhHOW6AUl!0$UbC05`r8+4kCw;<48CXfkYzl zNCJ|Kq#|jE7|B4gkX%HH$hd6A*`H;|GJozTBPE>2IlYsXPBKq=ox7EPJ2p8EU5uXN zDW~wKT$u8&08s!vRW@z!w6~^jn(^>`Q}62!j1L^Rf64tr52QaZGIQ?C7iT>@%Q-u0 z_6H9Z@gLy#J+%1Y$q!$glO6O37K~GKkBtQdz6-qYh?hQ=&AH&akL%k~!7o+3#G3AYpjw@V3> z22yQ^GkP(HrN~iEybWieP{MOD&!gGt1>y1nASoyUCZeO;)Y;Zfwc^$yP(d;qpoY)H z@Zc_Z0}YgW=p`P`U$1d#4}6U8R036jUZ1HZ_RAzY67V!oUt$A)Wwr+L8mvXlCBSIG zs&Xv~p(;V6Cwe8qG9k`znQ6>oX2HsVjqkPhRh{Z4kGMLr+VGC5T5l;?(OGm6V9aI- zU#Q&qdgW?gS+#jVc92$pEo%j70U6 zA~FVh_Qd9Q;AA)zJ_(;7nERP6d~ree#zVL`vFg1(M_VK0k+vFOEUgUaZtQIB#QUB5 zgb}ICbkTM)a4^&BTjJ%wCqL!-hJCB~2D8Cx#(>_bAb<*g6v~MmYtifBd&>^vOe7;@ zGMNJAx$ovf0)|2kOg!mS0F7D&loZLVKE%x2{v7`7igR$@rCRv(4LFJX;@TGjAK>4% zKlKcmrV&z@!U-%clcC&9jAsINe%SBfz)5eyh+AAb{u{nU=~8O-dWDi$vUa&P7e65G zKYynFpLHjH$*b){ZT+~bUl&iQZ_=c(|H?aTuVpP9!jSa@OUXYj$B ze=lX<|6k0SEO_8s4n!fB3o{1!EwVaclsH}_tX5Q2mbuIpBJZWc+mA&B6tH;EVw6c` ztAO{z``~mU@Dt$mal9PgmYZB(8NH1UAA9~E44+_suJWXE7IJpr_SS=33h1;llEKHi z(FCPhxfvgS(gDgyc##M9!u>D-W|Gf!^7n|C-7B9U_8r*}@d7@dmjp~UtI27wl8~T> z&^Cw7(1QPk_tA%8%)?~h9fTk(W}AN%v!&J=5yGOk2W%5yPUTS^By}@})7C%Y3 z>xEx`fU~_?pHe|OrB0Cqqx4#x`gSo>J@5s#n!M{!)A@_l+$MjktJB$Ut0%j7O>dao zC&>?+!BrbJ5ZkqV9`o1&X5-T*SN>_De&Nv0f0S7T5{WDxe6IIvlN0Z*PE8;KrL4pZ zdf|YVbIG@Y>kFmR_|@=|lPQmvHKsq|V3V-K2H@VYI; zS(u8lM6p;fR{@~%^;C|A*pMR?KZmd8U4cbti``#PIFm(3Qkl)S`S zH#W6kry^3F6_lXN4~@eW5>u(1Y_gQpRAQbSr&KJ?jt}e2>iDJy#S)nMat*vY$0{@xmg)%Sw_-#FKz+%2# zYbhj>5-4GKm?<1r=CiT5*jVhm;&Q#dn5?4gdKsn#I%Nuxxm+htP6>z(4=ISj7q5C9 z2A!{gD?WnU-;jY3s73EVa(?&Cqj26A?+kP_lIadloC~)Ztu7OJ67ENY}}P zmcF#4)>&t-AuG@Hz{%&ak3&31w#3ILClT+!{(EFMvvBNFRIk&^0Va3kxvPrHT_&Oz zuC;iqRTfW>qupSvXbxzu?7jRZ-e(NU+IgIrE{h`b6R5&0?07@m$uC=f;UWu*%qwvB zInF20%7vrwDBozcdd!%gAOsW2%hrK>EvZv$BpNK=4k`#3!gE_dk%>)x`-Eb?M(^Rm zKf3uvN|3!1*jxbE%%udx=?=8nZgpJ8tDG$16hKQxMNpBE;igDjRWQNW)<#xQbu61m zX6{%Iny4&PZo#t(L5|#irnC7O+tbrab>lX6FknCLU*oC$_S;$T!E=LWXMezkdv|I@ z%G9U!;!2sJzOJ~XxP!a`Uq+pcM!Oq38&ey*B!O9^@uRTVU@S2cEsnY`&*LtaCL>)g zQc1|<=VBM4vKXyA8;h=qJpEM*e9}zJ7Sz-6{Hi=pvQU^L%q+`)YHV)yHs9tl{da#T z@uM*QA{$D22>(lZ8e2JYSqV0n+`E6_LFNh7_~!vbnU%O)+kNRYUTe(Ekx~*?U!EG{ zqiTH;bKg2#lM9?VWSh&-4#pvuEy|4#81#VYlBxV zu>Dl>lg@D{U$XgsIG(DjuB^5-7%Zfv3K)v9Ya8o#IEdVk4CPkxeJDf&$DWpZ zeEbufuP$<7%k5-p)IdWKDlxh-R}zu(?{#8k<`{+QwVLca>|lHB$g-O z(NHpR)vtel|036SgPosMAbT&cI{>gx@TimJk==e7uX5a$b>=}{CdHD3WWF4`w4XkY zdUQIFjx#~OG^#u}RwUaWQxK*LQp)u?g;vT&Hnp0(&25x-d~_~S84AdKMqOPgW&&1o z83BXn2GqbC8T%T|H3C&BUTm?stRy|v$6+649v!=X{PWh@(PirF?4devn|~A!go`HT zZ{KXc0Qzp;ivW)9tvt5z@bTlx#C2t;I}G1_B=MC5@{}r}DIAZ>&PbM$lBoP$0GnX2 z!DAubtZ<+5;&nhIpJ3D)<_xM+>opW6x93$BmD}7lq8mPQTMdg(0b@~Bz))lF`Rn)q zIFy%vsuJl6$!$#W|K`xIN$9(`aqIJPeP8;P-)^Calu(#pO2RcP5akZNgFLOXXJ=uB zI+adIFq6i%GrQ?>v`noxWZ}%rA8TiO6(|9qCfeA)-TJ zNAT!a@7qIlklXw!Inr^msS7{VaC{FL$d>E=Y!3Z9wrMHYKBwg6=Nb(8WTr`ND8a0M zMu)*n+(mA?+N@UV^?3!vOY=9XL{xx=C3r5zx=?fJDQnvx!Au(yp+conu^LzMawk|} zCVTr$y?p~z-|hD0V5iv5I(V727!Q5M^@-?a{^;f_42NLO+=IjL)2y?{)YaWXb&b>P z2bJ)TuO;LNG@x)P56*)4Kj2hyMLj=%J8x0UaUweYuw*yR%;H^x^=P}p23qh>cyA7; zu{Mx7=!J_XaIl;8q_*3h^hkJIf`~X@5LP7qAB(I8QdJ7c@W#TFNlGeOA5_SibCpG7 zBkLPY4b827l!cvBa9}~7#WS&O+qN;W?M!TI;^a~!7|+>L zLG9=_F8H1FHwdxR$gw0QKKSZ${%g_S?ZcHAgzBkuMuig8*z`gRbYYrS&4mp?qo9Bc zglVvnx8`9x@HF3Kqu=>mB`p^QvbMLZ?DTtCWv#shyd`~Nv3=`)5jizmoaoSix+9ZK ztb+tmh^c=;rwSLON?xR^ZM4f7AR8LrVB-u{X4wgn8=@5~W>wX|%DhF%e4_bA)mx>H zeM>Mj32nF@=G>~}lXexaQ3Q>ah&D&-e5TXM@K5C)ltY3GV$`f9G$b~W3}W8FeK{o$x4%E zKIn$bUAYkoRca|~I7=mQ#Yo9R-pS%-_`y^FYxXAn!crv{Fmb8P_b(Q(dS8{LB{zJ# zu(}Nf1+9F$6E*P+O6WbbXv(!3B_g5A=D4T%37b-T0zOIq{1RG3UyoUbDJiivCDb{Q z+)8ulSe(R77VAd!seAixif+@07hX||&Vlnv@`biO3u2mV+L4KBJ#>@;>mZGVLjCvt zHHE`*d&cIP`wVK;kfd9AA#qVItP`Sm5CK&-LDU3Zih9ECvRCkP8>ywsdbxvBzGl`O z)eFaKxHvOJ*?k2)TAzuDyzjBVLCk^KbdTPU=X@(kX{z_GtT6c&D3xt0F?CTmS}D8D z1W6rF#tCK6{TR6AuvzUcYo5>03+jz%gY|C{K3ZB0UkjGcK9TD*R@ih%877lzTZ?c%s-qxXvP%>FgEfDw;KI*4m=HE3O4 zy-|9lB-Rd{r;%0;^z1LLr{A{aZ~FhOt{R{JTk_qYjn+m9%{Rht@SEK4*S`1h&J-gW z7Ta&WATCE(7G{O}As4(vPnbUSXpo4={((KRY?WksR~eUE!Q^)t+vc1&J7RIc^VT7P%gig)H}RQml)^iNcN@w3KK$+N0>L`a)38sXtZDu5chW)NAsiN?+7 zBaPlTl$-HsHz}W!{B#CDUi{E;4DFMdfn7VbA<`8Ypq^4if9)T^{C+0^yRcavw z_TjuAMEz(A){_?sO|FIa_^E<<2Hd1v=`C>acUAzbZ z7ybLww8i3L++AVun$?d)fhi=jK!Ve(3QtkGC?7-J6>)Hbk);(uK%IM$K?p??1a z_h)Mk=(5n-al=5yvHFMB*d)i#SzI9*kw`hyU69uDFIHlp!amcorDTxw-!vT>t-7p$ z?3)Z2$YU=bS+=B25l9QNG27cclu$yKF;mf&orOiVecxNma64v?Y5 z2YqNrJpa9klym}FZ*(p+Lm#ND8QCwJ6JB zMl~U#5V*240Lszg@^UYA^GBD=@q?(fE2}$Uf_kT8U5b=l75fF&PixhsVtA)abG zvUFkZoHKS$xKPH-sWvt~w;bI!1wN5Vz}=C|qvd&_&ApQdjkD!o^A`A>1~;ox2k!kH z_`w@LyRMkLH(@u}FK=pV<$enBz8jw1lK!{Y<_GgLd}Ju}pOW*Z>-10;b9BVIh%9%g zRuzPs_WAx96c0D+nG;;in$Bd~;Mm*}+0!Y+-C`YLID@haR^Cp`MaMA&{l!x;A$ZT6k*}hL{YG%0rQ z;V__|l!+3IXK}1AYADNG*7TIo4+R9^>tr<0THf3RZQea|9$H*}9ju;rPt#F<8d!mH zXhjQ|%oEe9h+k~p0eiE*T8dkL8)^(z3ix3Q(VjJe1kRWfcc$dOvR2BRj*^%Iy0G~R zZ=&9)lYV!@HD4OCkeA&JS8qLRU02@L=z=`3SW(WtUSEq>9zQ+A#GEUG{zj+`hNp#s zV&l|6*gGbzjDgD7PRNUTSdk?kQ63~wGgQIr@9~J0+j7`DF z-(JC%95{?1EsO@tF4RwZ;1~J>@36Zi?R_S`3C+4-*G8?4;n@BT1xiC}<30?!8SOu^ z2@9tOE_j11EHY$o|5`_`{owPX=O9z{IPPe?dwqcuAk2R>J;6CjJG;){A(9WH@1Q-^ zKJF{r=o{(0q)f`AgF$9a2yfWfq0tJ9O|bB-gjNy5eeV%XSVgwD?3Rr}i1K-zcS#vC z*5l;Hmek@#EWqXVA~#bWxDH_{WUgecB&MhCV*ZliS1=2JU71R$tGPFC0Tz)UuEQZY zdmZwW#@0sP{}^&5C*q+NqF1o0s)C`S&H01=V~~n_?w>0zwoYV6yz-TG5ewYRthC5x ziXBN2WSZ3K2V9N&-?;z8|AI8qn+{(KV8jkx*8$VV~7dxDxJdNN;X z<~?~5>46YA5Ht31DS4c?RF8bw-Gi|Un)H%E2Xq{N>A##;${}@bLd->*5fZZ4IZKU3 zl^G7XPBpsB2~fI`s+j=oqZ5lbY`kMDZ=5FKy}QK~=IfGcME3#{Uk=*#w;=zCTq?7J zrvt42hjA9I1EYtww3q{(rX;R5L`~^NX}z!rQKeg@L&r!B-ApU9A*}RBfedN{XQSn? z{N!sO9)WQdLZ>cjvu3$a?N;|ZziQ33mG*esb=58{d~Ea91@%HPp7rM`+dJip=L-!y z=?@PDGPJE;OJ&Q}CF{}%u%b;!4>;|-+vyAL_!GkRcgnx3eQKMI+|m!afa>!`q^8}> zjW?x$cFfMoIamp9M?7?o086krMbsjF+_!?K!7x7c2d=kEQTk&?@L+TF7ApD5Nx#yC z<@2?yAs^Tt+JC)1U7RD1{&N5!dO^^ABq>MQVlnE~D-faZ6zpdaWMWJ0E5% zI=X2E!~P(DXz6E@n z@j<`6j;qD8HDm1ZGh$8FLm?*1fvpi{ie;_|tiRq4)Q3%*U6O5f8g|1<>*Uv>ak=H& z#=t+M$PhB1guA;15?*MNN$4=?l|tT@M==E9I!4%x;6UY(f*F{{GaSBFF;ia@5YISm zSGsyNaLSTA$1v&x^<|K{dzjbqz#QV~0{B5`Zpn&@QGNfGT8U9Ll&;L*&BM*(TQhRR zrYo+fz?EYCLnonH<2;}?WqPIQh*TA7sMe_1Q1e+cG-cNVC7dc5)RNY02Vy*`HOe)r zx@C6rZll4gA{T{v|9bF#%oC1AJC{7F5++go{KYHfsl1uQbRhYn`VYK>AqJu9OdAAS zgsz5NRM=MrEh8?jq6{i=9k?Bj!-Dg&BJ+{5v^qgPq8s zn)6Fo3eErpz??R*V)zhdmsDeXHHbuxWXfI<@;W=#HOUBI1XjN5mrs|WgcoYy&o!_d;zuNitW$KX=j!;w z!dC(bVDX|%sIkQQXECpoG`4qRh4arpa}czPXV4DQmUf=A5Eib6ARmZo~=DsL z7kN#C>wkM`YL!k3@H4>IQkmraNR z079gg|F{Kxkh^v1ywmq(dyo^L^aBAN5)=4G9 zXHKYD;t{SNWUdp9tr3-&3G|SqtsKWCF;Wb2S)|1|HKPxYG^x?_mI z>&KSt-gvNX25|*oWP{eX8+6W%+J!m-H?S>sZ%9fZsD`FQTZscDI??jufwWu%MpRi@~r6D22#!v@^?igWy`n#M#+54DpxF2X?UK_FjhNpaxb!FW}ebnfAEEl<7eJro`X%39AOfpG%{GW>n|$ZMaAzp8tachIu7LkRm`Cp;XG!*m0bW#o)QWcr7S z#4ei>8Fk$+h)Q&Y!Dm-nlu(Zw(Vtz*oiZx=zs-`m3pxE9uRW(}rJe6gGVw)hROjlmOgMEr!>au&*k zhrPB|cilg*X}Dd{I_hM(vBC^LQ7)sEw)J#9$jf2up=OmIuJ{?S=2c2M8W8|ztW}SG zxJ^U{HNoU1ffr#A41oWQty2l*>rIl zy!p|~yEe;maNq_A1}7GcPye}hcPu21qc7I->aB5}YTUc-`FrQLE&u0bCROKfx~{I4 zc_fkwk(t9ZMl_^cV{qz#+>u+$LB&$HTj$qKQ^nHe*~+CcH&W19&kqav0Pp(GAitXI zm#nFC%%{k5<*Xd02&KBmR>(f1`oCy{abeXJ=2u9YkvFEmjj3Zvn*HBpY03QSe#jhR zf4d~tZ5&?Cq~~-I2s^OTT%+J?{D~;m7ySstA1}|aa`W13B=5Z!V4#O_w_NH~$=cQxFh!+846@rL(){`*`POFB zC!oCyi92)s&WpCWZLN&1LRdaJ!a!??#Nn>_BVkjpZqe!BbxA+Lfw7hP$k_$%)`q-l zG$IUG&Mgca>s|#pWZs$i!OWH&F?%yr4(`~{5?fepx@-d4qPeZvCaStUJbF?)FQ<+l zN_KPASIC`|m+*{by{i3pFo}%-jnl(=ncaukB3F<@gh+plaR?R{{W@{lv2~D_yBZCD zMih-F6OugyB*N_Gx6wYIgvs6WhPS(nW`_)bdT9Im>t!m(t*c@{jRGqx8Efkv$}&<) z{yNfZ%?ByTTdMBBMJs}!c8-bMEXMOlOV<|xD@KiStdCY%w38%yyOhrGY4TtE?=(4= zZm}wr^kMD3R+`9*M!x$2l`VVs&I8ZM*YqtWXd}(PG$3SETju7b}#C6vIKCf#EnJHVg70uoXJjvEwXgGFbu5&nhpyO?RG8)W! z5V|53$4}-P%623fI$8bl?_TgQ$ZzvXMXksru;IwCq(OWGvqD`rkLB|Ae(^v&z3oe+ zvG~Qmt0VG+Rg^xyER)YRmuQRM`OzosoddH1F@3jY<$B&{PZiu47rN)U&&;W$=9^gc z+)Wp_7%u{d%fCN`-9L=PBrc&ZYD>bDm6vR=!XFn=$H!ERSryD$F1l6F*e8a~zkgzQ zar?=mDtqR}8xku6u|>Y@n<7BOA{+L0y^Ip(y4ncafUJ0QHo&m+)7jIbRZkylb5=!D zQt6xIX;>~v2!g^>;KUw+*H8|ZJJ#J}VDbRzE6r<9q5q33`z`E)S?71qcokgyoMenK zs|IC_u0nBboILngMDw&lO+a{q`A)vpC)SM8`Xv;otAe>1LjL&I0}QNrxAbR+tG=xF zCPK_ULoCDW36r1W=h3ejZ5`*|u<|QHcc%xr;y*@ae|xw@(PssXa|c8KKeVB32+DF} z{^{cqUd~mS+)#AUJR7M%j?$E#Cfb0)UUdBpI$9gT1d|nL9?1F4e$9>pLo<%Pd%-{! ze<}pCTaswpPJ2|AHo#-x;lilKPa6t@_srev>B(;sPIUxIb?PW?fm8`(tU^508s?B$ z7J)rtL&3YaOf<1oewksDiiVrQLxwWT!LJ+NYMzerP1jSctb(3@{XCtfNqnYeK23Z|3V@M>;ke>yAgVv&33nk( zZKu`m;YjHewC-D2Tqn2%X98anu9`;JHBa4y1Xm_jAT4k`Gw)shKv@`<%Mfd}CTpPnovqF@h>HL-Ie6vFw+ z(y?X~+EJ`Xatqcd-%Czl8%6NkaB&YFBjw$K0hN!hpI~wkrElIcPL<+vue~C4v=;e~%2ENeslgm^cSf1l>Ci!{ zm9e4=fTE?Sg*Q=e^iM*km`X+ z!{dvw?h%KZ+hoh-*WT&E8Bym^>$DVjrK_QMdAb@aFlOk%v`=Rxx`3R9N|ZC|#o!_z zHeMSx67@Gu7G1sUU}3{kGNu8H4l^QTPIuA~_{)7lyz#q-^>2cVU-Wa=#t(Yqy4x#S zD`ccSV`T1La9n!(^-e{Pp~;U&mldnHfA9Kp^M`^;618h>PaJ7l7#cR6=x@ZlCGtV=|_^Bu(zWOkT?m%(P!*xOIO_Ufgn%#${s#K8|A|78Ic zLL#CS=Z^OBs>VjzF!Ut?u#g#K)>WT(kDo5m(m%uAR2i+eYkYy?njum!wWaZA;J74s z$o03#Kg+BEs>8lDWHuu%BY*K8jw}D|1v!a&UmyH$Mpg{cKt{*8zYk~O@`xr_iA$G< zOw*J)s279HAs(D|iN<$nK`Og9NQXV8NQ!O?OU~SeEtcGQ)%f&XST~6SYi`}|^;vsO z?N8MwLft=&o513q;kYS&jrrs}16s}XnOZVMDvsLasOO|nGuC7}MOCY-uouj|^_0m4 zft#WRqSTmo1O~naKGg6Oj1Pqc?Q{9oU38yR18fH~(%KXB87JdQ6WK+=LF0#z`R<5mO; zhtx_K?od<^?cI9d7?Ke^UU8Kghs>EZZ90@U%i>Wr@2TR6|D5*^Gf)^2T@t^kBP}1A zGf#H%ujFzJbxuMG{j3slz`|R>Aav&74(x9E`g}JjU1ZbPWS_yPY(`|nw&W-Vm5YW` zx50X)I1$kx#EBRdh4p}e#-Kb!O7E$=OQwsj$0U9lzd%G_ss3S50wUcoV_us_-+FxwIoL8bLfWGa_XbK1Ebi^j$ z$xK_xk`u3LBEp_ax`+!Vxp>jEw(0VcS|vi0*5Fb5+U8z>V=3|7b6p|4rRA%yb1hOx zy;i-m zB1*nlN?Oy#I7&VXXbb%p6>Or7*k(EbAAY#PHgd0p?=hIgpi!pQJ`L?7<3WlKFV<|S zRgyO0JKql#y`~PweR0>&z-+1iGYxTPRCQS|F0Zbkkv1SKF8Sc^Nkp?8cJ`wmGw9OjDhlYrRA(6smPO?bw3y%HptvE9oD(o?4IBR z)oP{WWDL&SH+cLmFGnepB9<(q{-`55?X+n&{^Q!_Gh zG|8;ODwV1GO~5dHyOSLgM+~;w9V#JbrPm(=zY|qj%)a#4JIxuEP^nDrlBeSUFX#RL zdfb};!^`e9@7vBP3PYYV%;vrV&CZVTc8a`NVl8QFD-}WS`ggTA@skV1M~2N>?}|XU zP|+JqBNb9l{AM{)>%-h@BKd)G#l)7e%NHf?X5{FhAije7zs;yxDJ5 za7e3S;6bZvQN;J5C4@5`>sb)7L|cEL_Ov{Jc}mtt1o^Cyu6VnVGP!d{UFR_G&pf4v zg0yTb%>k&&?*yS*rC)4&L&5iYzRS^LpOt`VA)O@i(3~5wxf8eN@Yp`t2 zo`Nz}nbG@i%4MPH*h~g6fLj~_kTp2A4AfTq2<5`iGDaJYI@w07<^ttMi+kD?Fi>S> zRMq*+8@Lh4Ubys5+}Qzi!8`1#Z}W_DuT1;1ty+lCE}weLQ5WZ&f68IKGX+@S=L}>9{h( z5Np#F@7xHB?4=z3mt zFk|m!6vU}Z!=!GhRqLy?iYg}!bO`kT3LKf`M z^>KKPjQ`mx4&L%YZKTXIN|%6-C>c-Rb%zDhpcUkRBnE?KqAUaC57Z#4H-t<+8AgV2 z2jog3ZJ2s`wmi>X-|Dw2fNSPSYUvhCRO9P?c3Hjn_K$Iiq(B=C3iLs%n|n1{dHUi1 zNDZ|fr3l1-jUwD6J%hsIzE4SG#)<7aY>3{Pw0nV3q!e3vXOZfOZ(_pSJ0iF_*3@?j znz`m5pA~BJ+*<|UJetD`*!zOmhL#49f8SxrK`hF@)(lm8L=J;4SF#0O0p1#V7(a>; zGt6VFG~GSj-PJfa*egy0+0*3)iu3w9PS0Zn`9?7IF%LAPDxX1FYXZl;g=LZyJKFg_ z3cmM$w@$KqdC?g-%q>j%d;hcI(P^YCyo@EGROY94KbnB5(X~bhFoQEC%U~fOt2__e z-@Wc*o24{fLl>eM;Syox*7zrK{T9cRM}kX7=uk>Ld+|C^H!;z|YDGIEIkBc{5%b3} zbv^#rlKgwg^A`wb-gn9WkeLXTz!|~5ai_|wg5v?r*M95iGRY>2mtL%%QHj#^1+!2q z`2-8ADY6Mq3ZEYW2*1ds5*w3-H|k_};VfN=GVR%g;}dQIFcQK8;3BJNgASHYze~q5 z&^4L{Uw74x?kr9W?yP`n36+n&FU<&7je+3?!4&~p5x^IgGLF73 z+c*r!leG5W*u#l%kh=#nYZwh<^;xxv5g`?Uo6=a-20E|KA&zPXo`I%z1`GGX4syW4 zg29!-{4Pq$Kdn{@K}YLSQpm@=U&Mcv88M<9iOZi(AC=O!G%1UsZFFHK(7`=4B(}y) zpwIP(Nhs=%=~wtRAuX+e4dpc5&kYI{90diK<8tt)!Pzo^ElU{Mkgup~oqn^ZTTs$1 z>x0EUvyz1rsipWRwW9Nf;swb9J>vms#^sD-(C{v|gS8<}1>?8*hE}4p$ab31$4gC$ zG5P$9X4E6JPpOY3kQI{;A6jOjHW2Y>5nTb9`B;()|0f6&zSRi9h2`o@u&Qt<7-I>L zmld>W8FAl>6NpHxJsAMHz83|t06xkiNdSQ|$rjEQw};S%sj~}y3L2&%O^)dcVsrsqN4#9)qPukGtgjdOg3`bB*0q|z8`CrPW zG^b-)SYD&kGlf*^1Br8nvFjPCHZr|}=)Ku_G2}F`A2BYj3uv6eDK?o5=mB8BQtw0_ zgC0RWy5nBDD`mZ-{6%@~(F{gJKu|C64TrkW5y2TjSuFl@C=YBVvm-y`gT+P z)8fI8gU2&JThN=+lg}WvWevGQ+lkZj$LAje6hf$}?2oFsj>WXUk*!65$v{MI2us-s zD$$A^;c$IHz@_reMcX?UqDOTs?({G@fvJge)lvsiK+XId{27h2z{9U>(x0hvZFL^+ zxdeRclOW(SAh*$(7Et|g^T;=r}D?w$43JM~>s-+nzy{M!CClrs46!52#2qk;m}8LPS{LlHM?LoRMUF_~pB zJk21^)bm73o*Q zwHGc8&HJGCYX?futxrXcloiGZZ4;-C`Vrl?zFB6_R2TFaNJ4W|y3(;ee-+LG43v$| zvYYU;NWBaF+m|>8<7C`IQuN;ED+r0z2>fud;lniium1F@Yg*up-^bz+u}`@-5CbVQ z;BhtY7=rnF7^aEjnBQPQ*xw5wG8~(S7RN7nA?c*<{ofuLM;Ql)Wfe1~!&Fww8i!a9=rW z^OtLDTkxX?%+xQodND6oaW{Wv)JxIZWxDY8a=8C!^3`{DDAW{ zf%ReI1TauE2v2jp>nvqcHZS5I{C%dHuVry2k3YQlm2{TGgf#z0hbmknHegd5Mk7t= z&iv-nsLd%m_Q+F(LH8u&ifBrFESOLiW=hzeD#y2%GN;ZJcVaa>9WJLP<*(1oO5Qqq z^&^H;Z$(&zvUukAe<4Ec0V^ex5>)ZViZC8|6kx8F^e|X_yg#B;9EF8$msxY5M}NRk zYXC%5Y>9z%B~mJpv`<&;2OLh(Uutm)8de!)<%kFswWR!fbc~`>YH@KI+W+2yRWS!& z)c&KrQNuJUpJ&4E`E^hYKBQ?jaa{VXwtZvQgKZ)2W@Z2Q(XDACh;Ieutt`dY`5{g( z)l3&0iHLgBbzb8oPHkb6JR+?6fhiTv65D_A+njdgs^#u@OlqPoI1S(ycg1(Ru*u!F zoTG2XEm&%uUS3?5&QI~;Fa3%3(`TBDzv}lRcF~%I)8bZ1CejQYuLdOvWD+5awFQhb zJkpH1;C8Pztcni^sFho=@aZ=gKdFEV8OIM))L^$bIzzNfmMh|Aaeq z-vVnSySl*U))rQELpywkRw`O;r_J9 zO?+e|MqgWN5(3e)9`lDkSoZl#H7fsFd=L*OOKIp9%Z1{1bqWwc80o@!Fog@KnYbUi zuQSMjJNgyX;6lVA7t|uP1baFvg5P&lR|lSj@7li;r%%UxB#i+#v}v*{dNN?*qhJt< zFh3$7Nhv}|%|b|vLh?ruD)wt95fk}mQc+-7(7(A-QNqoPgu6Zzfa}SWtG$@XFpG~e z2cM6T1|_v~GVpl@HSFb1|nYZL4-A9FK$hKw`cFZFJ;eL2ahf{I2V;m2WC!O-OpI*-n=|* zTYmag6)+o_bz`S)KIx9-K3VzglV|DeQh7e<`zJnmlsRzW=Cf3z=0bnbtv1Ap7fRW2 zFv-w{y|VN;*O;y3y0>Q+OrJX1T4KVNyqa3Osh1Q5lfeNvzWZl1MKYbSg^Lj%T|u4~ z2aifKeGmIzzjzE!ucAIatiT^9et3GjiUgaGhW=S~!)&`+uvS*^+e&h{Y*`x9y+1sA zLAc>KtV}$0WxFU~tbsw(a^&BdtkKkT>JwfV`pUWqEzc#=<{d$l=e7vuFWibP7v0TH zIE*Wq&GZEPEE`650aG4LkJM@_y)M+>z#)Mgi$ z`QFylSh7q@r&TO_M?|$-FuOh59-F@UbhMDW?VcCun?QVV>F68LgO%%t5OC>`e1)rX zTTE`_keNxS$cGa{jSI~f^h!&}jY=Uz?abIGX^sFiPHD+2YdQ`x1Yw~}<@5pwGyGH8 zewzts3WOCS#F?onFolIjBZ8`*ttxhAq?TsVVn}A; zREwqptdBKCQf4Luti0N!WwO=KtL%!{Iy6sqscr$IlYo;Uh@n3PO38=^z8;-E-(Ke``gP;A6Y2Z z5Jf>othK3(YgbYHz@?0fo1+(85)S&*5MRdU{iC(W1!GTd48LLp@ti3xGh`39*PR?D z;H$>KAgjv$uqBg#-{1$+cU`K3L*vd4(O2|rZOf9V3sCI3t50Rd8bLA$S99maKe+(; zvRG=#S*;r)3TE$ttVWRum?IBoIxtzY#MQnkC0&?zmr>ZMZ6n@zz!-mGBO;;RqtrJ4!#klnTQkC8yW&+& zw=bN4{zOYoL6g#9Wk*|gb`4R$sT%;LehGg1O*2#uH@=pGUc^Q_grOJ=>bojw;qeH` z;&)DlzQw;WI*nv~`LYU}VUD4h4*EF+-2!8;Kapj=I`b-@t$c_CSUA80Xdq__sG&vd zkj?N0NZ8y46r)*^);h7hoNsscrb?#F~BuJFa|bE|>|CU*Kx! zk4Qwpn$#+1!rtO}*g>F^6sKW&ozd~ZU8)7}uJY$EG{r%zv+LT~u|h(@T%y5!BQaKa zw2=iqZmlubH9a0>{!~Gs<_~~L(d7(x;-6CNcX#W1I+pXbp3;IhK0n<0?>bKw7#g4H zp+WDJPEymEX((ghwzIhQ9FHP!@@4*f=J$(0(dhE{cwM+_kp~_RB{n~6*QFkfN-=~B zhlg7c6!U23AnVwk?^kNc91Fl=*KF23Kh{o|a{Mk2Q9eA{uA(idv;fkLO9D4nTzAXp zR=!KEjp!87$Mdj@zoq>WLz$^eTOC3l(=oGTGqYbkB*RGl#~hsq!X}T$yq_C5&Jxip zD8rXwCJkw^8?gmMTUmrTf({R5gaI0LL|J$|3xQ0s=tXa`NYtx1QA6V^2ztX3q$Py1 z>xzO|AD_2G>eDzP@xWK#PYDT%6Hb6{ByUZ;g6T;by#8MI-$a*D~W%dfd~+~W0h z>V@phlmzXq7&FEGKeP7c(0GgC=p$dhe15*as|)y}*X=1kZlof#?cYB-W7s3=GjOdv zq*6&nE_lAU-U8;G)JwTbiE|KbKmUB(qED=E{7B^@X`NF9Yo8A%+21!I!O!r4ud&5G zP%(}TY-n0meaW3#mI#jd^u<^QOZ=8vvXYYGeN2G98gf85Ub3b@07C`eDfVr)TQ7C` z_~PBIi3TuU$T6wvwixN-UcCRl?5I{08Ui!#94V^2l>;=X(qR}AkqMH%rPG8nLNRbu zhhJOc^TG+vYLkiLnDmKHm>S}>u+bflkFPpz+|Wq7(h~l0oXDUVBp$s+Mg?tg#BUWZ zVkVl5*zB4FDK)-*DpB?#E9QBlwi$~Gt}o#dwZ9#4@ibp7xjz(Y><1_%+Jy{e|4VR5&b@p4+nlS>@F&11#g$^Rms^9 z#4oY7tr(l5?rFE>(N@9{!9flDUdBgTQ9`fej0u%x4+&h67`vV}r|1okbA`D_oS31@ zG6nQvC`HosCk8ALBJG9$FjwyJqihtc;YVmJNa=7lSEndML&e8*3=LbJnP)3X|IY8J zK+)P8OZqNC6#e%KH&M`(7^ZANA$pecJn|a0BuwmQ{wl7%sBp`p^w>7Ch)piJC4DaX z@Ec8Mc(@?U$Or!6M#a`-%+_ONIsoKIPXQ2|f@J$#;;+3vB6F@Tt{)$7;;$m_tfA6K z4vUBd&Y{XIt0cO)Vkq&O#^liL*i$t4)&#IhLx!wCE&7R-a_FQAVXtRvi{uzh!1h{fpBDD3;&~-$jUBMCJzPXHRL#Qg-S&VV103cr_ z;R33dxt z{=IUxSYPUG&34|uBr!-BoW`r(yZ}2^!qIu9FR_LBN3~b*F3G7$fm<0yrZLhlFR2i)0C#o9t_^w~yu?z$amm~x8~CW)AVUI}Y-1M{LYrau1k8Bry? zLo54-(MHU3DA9c^$vx{=+yzhWxvsQT)gwQrq);ic(6eOcD%;4UcqOKbB~Y8cby`dW z!*wPcF(TlKonCNW5#m`IvML(A>FQ!Yur5k)Psj_8u=`ft>)keRo;NJ4wuy&uqlC~N ziVL>Cr5Wu}^Dj~F)*g~xG3cYWNw{I3@^CY9dt0xU+JZ%~Upg}A?CS)${F6L*)*4us z5^wDrI`lVYGX$yDrViZn0cgQL*;|=RwIx*UvZfP>6St@4`cmr25{m+VM2YnnD6uN= z^jLlB|71Hblc*-Pzj(E08Zb>ycD>e)Ox!*aqBV|8d_1^$x_<=wwRdT6($~y6Ku;c> zeFSgLD4x`eja|Il(h^qE`0YZo4IZA}EiSxLtDnzzq-WL~VSUlIFgzT%>R}1fa;>a` z5xm+x8UOjyo(-g}2NOj(RP-NQG5}f(FF*~!Vv9Xa6 zkC8D4H#e6N3%d~;2e+}g84C+DGZ!a;ON`rp=`ZX00hHaGl{3{|N-drO8-x`*mAGRqNmsT9CZ7Cs2m2}UmeIYbbrq+kst?yxu>-rIP65!3>boC zJ4V5fOPPBx6S0b0UxFn=zKF^_yk!X}j64GY0)!@WcNAzxBA)aSr(16Uxix?}zG1 zs(^~7zSo{edFq`dJ#fStG}uNLm2%k{gCBj4?(0YmPaWXFTB z@yE^|8)fX5IBYC%4NmD&?~qxUll!K(@R`ys@QUH&?x*|o>1sYO21C)U(&T693X{cY z0U6@ApiMcViIgfjH4}R2@Xm;b5o(2Rm)UCUC*%C%{V${pEUQP6nSYl$01!B_j-@8; zuqhLgu3zG$u?g?PfR8j4mJ@=ic(&l&p?JDnd^cXB(^pJ!ysTp#_ct5gVJFZwS96$@ zT@|NUzga&VMy!7ZRG}Q@{0~_A{^Z^9@>#!R?uHsm{pf>TkH{wNz{@8`0*!4iC%?b< zL|;dn4oPoO#gTWi6`aZJ0NcoALj~%Q)fK^-Fk5Jca;8v0BM|IY&Hc48XO1S1Xpe&D zA@Zhab?ZpCxQ$q6q@T4S$7W#b)4*9Xv%kk!7Y?ziIfEWHfnPFl#(v4R5wOsT(PD&P zKTOby=5EArIV8}Eb>^6}{O;ma?KOGeXYptPM%WX$Ox@i0;|OU7pjr+Oz43hqS-XMO z?>}1(BHBfGhmPH4Iq!+B!*STf^1zGTBX~#Ey{3CdzshgF*zom3x+=ix9&)I~Q{2Jm z_*GH|C)7W61D`#p>w%(sW7iRsdV}BtwKeFn9CEdz?t?b9r~Aw>Wy${X%};U;O5pfX z8f7Y9X5tcWVwd0jnc=945vO%fpTeWC0H~1P|F$g6}utMkQl`EntBRHKC8` z;f@+sKDIAGciqxMoAK49Fl41PMm0C#HQ(WPZFz-veR5-L({=iWx$~WVV9>Y%^xlsV zMHjF7kD9G&(_xWuXXleo+H&L(2NRa}AEi6kIyfExThRipz9 e4a>#V$l2Ay*~}c4m7AM`n+2AFLR?V-_P+qJw9;k(