neuropoly / neuro.polymtl.ca

NeuroPoly's Website
https://neuro.polymtl.ca
3 stars 5 forks source link

List publications with label filtering #80

Closed jcohenadad closed 1 year ago

jcohenadad commented 1 year ago

Example: https://mila.quebec/en/publications/

It would be nice to reuse the same code as in the Mila website. Not sure if that's 'easily' possible via RTD

jcohenadad commented 1 year ago

After digging a little, it looks like it uses JS code:

function milabib_onload(topics_list, paper_topics) {
--
  | // Populate topics search
  | let index = [];
  | let topics = document.getElementById("milabib-topics-nav");
  | for (let entry of topics_list.split(";")) {
  | let [topic, n] = entry.split(":");
  | let elem = document.createElement("span");
  | elem.textContent = `${topic} (${n})`;
  | elem.className = "topic2";
  | elem.onclick = () => milabib_addToSearch(topic);
  | topics.appendChild(elem);
  | index.push(topic);
  | }
  |  
  | // Populate topics for each individual paper
  | let paper_id = 0;
  | for (let topics of paper_topics) {
  | let topics_div = document.querySelector(`#P${paper_id} > .topics`);
  | for (let topic_id of topics) {
  | let elem = document.createElement("span");
  | let topic = index[topic_id]
  | elem.textContent = topic;
  | elem.className = "topic";
  | elem.onclick = () => milabib_addToSearch(topic);
  | topics_div.appendChild(elem);
  | }
  | paper_id++;
  | }
  |  
  | // Apply search terms from the URL
  | let search = decodeURIComponent(window.location.search);
  | if (search.startsWith("?q=")) {
  | search = search.substring(3);
  | let sb = document.getElementById("milabib-search-input");
  | sb.value = search;
  | milabib_filter(search);
  | }
  | let sb = document.getElementById("milabib-search-input");
  |  
  | if (true) {
  | // Focus the searchbar
  | sb.focus();
  | }
  | }
  |  
  | milabib_kws = "computer science:2129;artificial intelligence:1043;machine learning:412;reinforcement learning:289;artificial neural network:270;deep learning:242;algorithm:228;task:197;theoretical computer science:190;pattern recognition:147;graph:146;generalization:145;mathematical optimization:133;inference:132;set:122;natural language processing:113;context:103;feature learning:102;psychology:101;representation:98;benchmark:94;robustness:90;medicine:85;mathematics:84;feature:78;recurrent neural network:75;process:75;leverage:73;neuroscience:72;convolutional neural network:69;applied mathematics:68;human computer interaction:68;code:67;biology:67;generative grammar:67;structure:66;domain:64;key:62;state:61;adversarial system:58;function:57;focus:55;computation:54;data science:54;segmentation:54;language model:53;image:51;space:50;embedding:50;entropy:50;probabilistic logic:49;computer vision:48;regularization:48;field:47;metric:46;sampling:44;robot:44;range:42;population:42;scalability:41;software:41;control:40;transformer:40;class:40;decoding methods:40;sequence:39;encoder:39;cluster analysis:39;sample:38;differentiable function:37;simple:37;convergence:37;mnist database:37;data mining:37;autoencoder:36;distributed computing:36;natural language:36;scale:36;quality:35;contrast:34;invariant:34;latent variable:34;estimator:34;variety:34;markov decision process:33;contextual image classification:33;ranking:33;transfer of learning:33;noise:33;interpretability:33;perspective:33;supervised learning:33;mutual information:32;information retrieval:32;visualization:32;cognition:31;bayesian probability:31;bellman equation:30;computational biology:30;classifier:30;gradient descent:29;empirical research:29;recommender system:29;speech recognition:29;variance:28;value:28;solver:28;work:28;cognitive psychology:28;matching:27;similarity:27;upper and lower bounds:27;neuroimaging:27;cognitive science:27;graph neural networks:27;training set:27;optimization problem:27;object:26;pipeline:26;generative model:26;forgetting:26;task analysis:26;path:25;baseline:25;encoding:25;real time computing:25;coronavirus disease 2019:25;software engineering:25;adaptation:25;discrete mathematics:25;computer engineering:25;sentence:25;state space:25;physics:25;distribution:24;question answering:24;training:24;heuristic:24;automatic summarization:24;inductive bias:23;parsing:23;node:23;heuristics:23;trajectory:23;kernel:23;signal:23;measure:23;deep neural networks:22;maximization:22;computer security:22;speedup:22;pruning:21;initialization:21;mechanism:21;syntax:21;feature extraction:21;reduction:21;semantics:21;overfitting:21;nonlinear system:21;manifold:21;cloud computing:21;selection:20;identification:20;stochastic gradient descent:20;medline:20;exploit:20;unsupervised learning:20;architecture:19;rate of convergence:19;internal medicine:19;variable:19;order:19;public health:19;active learning:19;tensor:18;dimension:18;integer programming:18;autism:18;interpolation:18;parametric statistics:18;consistency:18;materials science:18;bayesian inference:18;sensory system:18;linguistics:18;knowledge graph:18;term:17;channel:17;operations research:17;backpropagation:17;parallel computing:17;domain adaptation:17;component:17;gene:17;perception:17;disease:17;hyperparameter:17;meta learning:17;operator:16;modular design:16;world wide web:16;action:16;quadratic equation:16;computational complexity theory:16;discriminator:16;topology:16;source code:16;interface:16;robotics:16;probability distribution:16;spinal cord:16;translation:16;health care:16;stochastic process:16;stability:15;bottleneck:15;gaussian:15;flow:15;anomaly detection:15;dependency:15;image segmentation:15;pandemic:15;hierarchy:15;reliability:15;generator:15;discriminative model:15;constraint:15;variation:15;rendering:15;pixel:15;business:15;scheme:15;natural language understanding:15;continual learning:15;residual:15;rank:14;pure mathematics:14;econometrics:14;markov chain:14;construct:14;estimation:14;autoregressive model:14;constant:14;sociology:14;property:14;mobile device:14;network architecture:14;layer:14;chemistry:14;data collection:14;autism spectrum disorder:14;usability:14;biological neural network:14;radiology:14;political science:14;linear programming:14;data modeling:14;social media:14;norm:13;combinatorics:13;abstraction:13;edge:13;natural:13;series:13;bounded function:13;data structure:13;default mode network:13;importance sampling:13;flexibility:13;cohort:13;computer network:13;relevance:13;severe acute respiratory syndrome coronavirus 2:13;medical imaging:13;energy consumption:13;regret:13;python:13;protocol:13;function approximation:13;word:13;transformation:13;internet privacy:13;event:13;margin:12;information bottleneck method:12;conditional probability distribution:12;hessian matrix:12;convex function:12;temporal difference learning:12;overhead:12;integer:12;text mining:12;parameterized complexity:12;benchmarking:12;throughput:12;block:12;redundancy:12;ground truth:12;filter:12;rna:12;human brain:12;scattering:12;genome:12;markov process:12;point:12;relation:12;curse of dimensionality:12;feature vector:12;end to end principle:11;frame:11;eigenvalues and eigenvectors:11;lipschitz continuity:11;social relation:11;psychological intervention:11;regression:11;modality:11;resource:11;synchronization:11;dimensionality reduction:11;normalization:11;convolution:11;intersection:11;face:11;developmental psychology:11;test:11;imitation learning:11;regular polygon:11;quantization:11;matrix:11;transfer:10;modularity:10;prior probability:10;momentum:10;specialization:10;dynamics:10;sample size determination:10;treebank:10;nash equilibrium:10;lesion:10;asynchronous communication:10;software deployment:10;machine translation:10;coherence:10;multiple sclerosis:10;dynamic programming:10;taxonomy:10;aggregate:10;smoothness:10;biobank:10;correlation:10;stochastic computing:10;outcome:10;object detection:10;polar code:10;efficient energy use:10;minification:10;2019 20 coronavirus outbreak:10;algebra:10;computer hardware:10;boosting:10;clinical psychology:10;magnetic resonance imaging:10;diffusion mri:10;markov chain monte carlo:10;monte carlo method:10;multimedia:10;software development:10;maxima and minima:10;encode:10;trace:9;causal inference:9;stationary point:9;activation function:9;social isolation:9;loneliness:9;hippocampus:9;statistics:9;categorical variable:9;energy:9;finite state machine:9;line:9;topic model:9;the internet:9;convex optimization:9;expression:9;controller:9;transmission:9;signal processing:9;scaling:9;motion:9;acceleration:9;climate change:9;curriculum:9;data set:9;latency:9;domain knowledge:9;control theory:9;condensed matter physics:9;reproducibility:9;reinforcement:9;software system:9;learning environment:9;thompson sampling:9;linear function:9;combinatorial optimization:9;neocortex:9;dynamical systems theory:9;resolution:9;causality:9;equivariant map:9;lifelong learning:9;variance reduction:9;scheduling:9;shot:9;style:9;sigmoid function:9;equivalence:9;compiler:9;oracle:8;causal model:8;cognitive neuroscience of visual object recognition:8;geography:8;stochastic optimization:8;outlier:8;social neuroscience:8;meaning:8;joint probability distribution:8;drug discovery:8;popularity:8;embodied cognition:8;wavelet:8;logarithm:8;calibration:8;multi task learning:8;automaton:8;dna sequencing:8;personalization:8;time horizon:8;public relations:8;citizen science:8;mobile computing:8;medical physics:8;observable:8;affine transformation:8;precision medicine:8;emergency medicine:8;image translation:8;statistical physics:8;observability:8;knowledge transfer:8;structured prediction:8;extension:8;image processing:8;prefrontal cortex:8;density estimation:8;polar:8;resource allocation:8;decomposition:8;quadratic programming:8;partially observable markov decision process:8;mixture model:8;optimal control:8;winograd schema challenge:8;hyperparameter optimization:8;link:7;joint:7;power:7;counterfactual thinking:7;intelligent agent:7;affordance:7;bayes theorem:7;continuous optimization:7;random forest:7;tree:7;incentive:7;correctness:7;grid:7;sentiment analysis:7;iterative reconstruction:7;applied psychology:7;demography:7;routing:7;global positioning system:7;binary number:7;observational study:7;diffusion:7;message passing:7;spurious relationship:7;suite:7;transparency:7;successor cardinal:7;intensive care medicine:7;oncology:7;association:7;minimax:7;social cognition:7;voxel:7;relaxation:7;connectome:7;service:7;programming language:7;traceability:7;discrete choice:7;software quality:7;posterior probability:7;random walk:7;salience:7;resting state fmri:7;natural language generation:7;biological system:7;softmax function:7;interneuron:7;java:7;knowledge management:7;data point:7;duality:7;fixed point:7;rule based machine translation:7;linear model:7;bandwidth:7;support vector machine:7;modalities:7;matrix decomposition:7;constrained optimization:7;semi supervised learning:7;distillation:7;random variable:7;annotation:7;bisimulation:7;base:7;hidden markov model:7;information theory:7;credit assignment:7;database:7;gesture recognition:7;graphical model:7;risk analysis:7;democracy:7;electronic engineering:6;discretization:6;visual reasoning:6;current:6;branch and bound:6;adjacency matrix:6;cohort study:6;f1 score:6;magnetoencephalography:6;schizophrenia:6;in patient:6;stroke:6;diversity:6;malware:6;word order:6;attribution:6;writing style:6;authorship attribution:6;test set:6;complement:6;noise reduction:6;cache:6;source separation:6;dropout:6;ranging:6;masking:6;divergence:6;intervention:6;gradient method:6;molecular graph:6;black box:6;genome wide association study:6;genetic association:6;receiver operating characteristic:6;cover:6;adversary:6;vertex:6;transcriptome:6;time series:6;error detection and correction:6;engineering ethics:6;fidelity:6;discounting:6;pose:6;computational model:6;type:6;coupling:6;product:6;ode:6;causal structure:6;directed acyclic graph:6;open source:6;cyber physical system:6;5g:6;point cloud:6;time complexity:6;global illumination:6;resampling:6;infomax:6;factorization:6;pooling:6;big data:6;pairwise comparison:6;medical diagnosis:6;salient:6;particle filter:6;commonsense reasoning:6;electrophysiology:6;labeled data:6;euclidean geometry:6;gesture:6;constraint programming:6;column generation:6;vocabulary:6;utterance:6;consumption:6;parametrization:6;calcium imaging:6;smoothing:6;feed forward:6;local optimum:6;contact tracing:6;tracing:6;code generation:6;documentation:6;gene expression:6;electroencephalography:6;radiomics:6;phenotype:6;revenue:6;social network:6;user experience design:6;laplacian matrix:6;ontology:6;smart grid:6;language acquisition:6;euclidean distance:6;ray tracing:6;optogenetics:6;mechanical ventilation:6;extremely preterm:6;permission:6;basis:5;locality:5;cross entropy:5;majority rule:5;plan:5;variational inequality:5;schedule:5;wireless sensor network:5;polygon mesh:5;retrospective cohort study:5;nonlinear dimensionality reduction:5;monotonic function:5;universal dependencies:5;network analysis:5;framing:5;stack overflow:5;feasible region:5;synaptic plasticity:5;published erratum:5;global health:5;vehicle routing problem:5;open source software:5;underwater:5;code word:5;hardware architecture:5;medical emergency:5;data visualization:5;granularity:5;retraining:5;myelin:5;proxy:5;mental health:5;disease progression:5;cardinality:5;conversation:5;physical medicine and rehabilitation:5;frequency domain:5;cancer:5;messenger rna:5;cell:5;imitation:5;arithmetic:5;mathematical economics:5;monolayer:5;identity:5;speech processing:5;formal language:5;information leakage:5;dual:5;domain model:5;statistical classification:5;neuromorphic engineering:5;toolbox:5;kalman filter:5;mean squared error:5;drone:5;episodic memory:5;core:5;zero:5;memory footprint:5;question generation:5;pace:5;evolutionary biology:5;health informatics:5;electron:5;bridge:5;metadata:5;kernel method:5;obfuscation:5;testbed:5;backtracking:5;curvature:5;session:5;cognitive neuroscience:5;computer architecture:5;bilinear interpolation:5;data driven:5;convexity:5;clothing:5;automatic differentiation:5;sequence learning:5;raw data:5;degree:5;uncertainty quantification:5;server:5;undersampling:5;law enforcement:5;empirical evidence:5;central processing unit:5;covariance matrix:5;astrophysics:5;government:5;chromatin:5;pediatrics:5;regression analysis:5;test data:5;expected value:5;extrapolation:5;inhibitory postsynaptic potential:5;information privacy:5;hindsight bias:5;inverse reinforcement learning:5;assignment problem:5;misinformation:5;synthetic data:5;affect:5;functional magnetic resonance imaging:5;data stream:5;data type:5;biomedical image:5;field programmable gate array:5;reuse:5;regulation of gene expression:5;tangent:5;lateralization of brain function:5;online algorithm:5;search engine:5;probability density function:5;animation:5;human genome:5;bridging:5;backpropagation through time:5;residual neural network:5;wireless:5;sensitivity:5;power graph analysis:5;rotation:5;tree structure:5;feature engineering:5;crowdsensing:5;politics:5;simultaneous localization and mapping:5;barrel cortex:5;cybercrime:5;relevant information:5;spectrogram:5;external data representation:4;fraction:4;greedy algorithm:4;molecular conformation:4;scene graph:4;small number:4;open domain:4;dependency grammar:4;bootstrapping:4;identifiability:4;learnability:4;approximation error:4;stimulus:4;functional specialization:4;predictive learning:4;neural network architecture:4;forcing:4;research community:4;adaptive sampling:4;network topology:4;intensive care unit:4;ambiguity:4;marginal distribution:4;game theory:4;logistic regression:4;stack:4;federated learning:4;drug repositioning:4;feedforward neural network:4;interpretation:4;clinical trial:4;closure:4;hash function:4;genetic algorithm:4;process management:4;wavelet transform:4;open science:4;index:4;waveform:4;subspace topology:4;linear algebra:4;simplicity:4;debiasing:4;principle of compositionality:4;grammar:4;white matter:4;lead:4;computational science:4;environmental resource management:4;phenomenon:4;central nervous system:4;brain size:4;randomness:4;fourier transform:4;cancer research:4;feature selection:4;weighting:4;word error rate:4;binary tree:4;maximum likelihood:4;stochastic programming:4;stackelberg competition:4;neurostimulation:4;heterojunction:4;social support:4;gerontology:4;connectomics:4;bounding overwatch:4;psychiatry:4;brain morphometry:4;engineering:4;reed muller code:4;emerging technologies:4;class diagram:4;premise:4;model selection:4;consumer choice:4;novelty:4;assembly language:4;edge device:4;data transmission:4;point estimation:4;interval:4;gaussian process:4;mathematical proof:4;social distance:4;environmental science:4;linear system:4;minor:4;symmetric matrix:4;information extraction:4;track:4;path tracing:4;categorization:4;isolation:4;excitatory postsynaptic potential:4;word embedding:4;models of neural computation:4;myelopathy:4;image quality:4;network structure:4;content:4;canonical correlation:4;cluster:4;scratch:4;emergency department:4;adverse effect:4;analytics:4;exponential family:4;cell biology:4;replication:4;minimum bounding box:4;genetics:4;langevin dynamics:4;conditional random field:4;personalized medicine:4;human robot interaction:4;calculus:4;job shop scheduling:4;bias of an estimator:4;confounding:4;semantic similarity:4;mobile robot:4;invertible matrix:4;training methods:4;video game:4;facial recognition system:4;dialog box:4;upsampling:4;polarization:4;exploratory research:4;motion planning:4;univariate:4;ensemble learning:4;genetic heterogeneity:4;learning rule:4;information access:4;public administration:4;social environment:4;nonparametric statistics:4;linear regression:4;signed distance function:4;information processing:4;graph classification:4;dynamical system:4;procedural knowledge:4;region of interest:4;limiting:4;swarm behaviour:4;electricity:4;carry:4;downstream:4;differential privacy:4;relationship extraction:4;quantum:4;rademacher complexity:4;network dynamics:4;systems neuroscience:4;clinical diagnosis:4;generalization error:4;algorithm design:4;perturbation:4;linear discriminant analysis:4;brain activity and meditation:4;learning to rank:4;ball:4;marine engineering:4;aliasing:4;chromosome conformation capture:4;mutation:4;mean field theory:4;randomization:4;finite set:4;probabilistic inference:4;belief propagation:4;learning methods:4;high dimensional:4;prospective cohort study:4;optimization methods:4;simulation:4;markov model:4;insula:4;connection:4;cmos:4;limbic system:4;relational database:4;lexicon:4;separable space:4;semantic memory:4;motion capture:4;media studies:4;radiance:4;lift:4;neural coding:4;mahalanobis distance:4;neuron:4;narrative:4;mathematical analysis:4;resilience:4;reachability:4;steady state:4;parvalbumin:4;search algorithm:4;recursion:4;inertial measurement unit:4;information sensitivity:4;blockchain:4;kronecker delta:4;network model:3;gumbel distribution:3;graph based:3;data efficiency:3;high probability:3;3d reconstruction:3;haptic technology:3;least squares:3;visual cortex:3;laplace operator:3;piecewise linear function:3;geolocation:3;collision:3;anomaly:3;social deprivation:3;etiology:3;proportional hazards model:3;parametric model:3;decision tree:3;normal distribution:3;theory of mind:3;monotone polygon:3;knapsack problem:3;biomarker:3;reputation:3;dashboard:3;voting:3;graph theory:3;attractor:3;cutting plane method:3;cardiology:3;astrocyte:3;bag of words model:3;data compression:3;applications of artificial intelligence:3;data access:3;coreference:3;cube:3;presentation:3;library science:3;random projection:3;projection:3;singular value decomposition:3;health policy:3;raising:3;development:3;principal:3;incremental learning:3;separation:3;phase:3;collapse:3;control reconfiguration:3;multiplication:3;asymptomatic:3;outbreak:3;axon:3;associative property:3;neuropsychology:3;knowledge representation and reasoning:3;isomap:3;preference:3;hamiltonian:3;effects of global warming:3;genetic architecture:3;expression quantitative trait loci:3;contraction:3;generalizability theory:3;activity recognition:3;optical flow:3;optics:3;fusion:3;immune system:3;heart disease:3;gene signature:3;transfer function:3;subgradient method:3;block code:3;artificial general intelligence:3;polynomial:3;iterated learning:3;phylogenetic tree:3;system identification:3;purchasing:3;transaction data:3;perfect information:3;fuzzy logic:3;kinematics:3;upload:3;dementia:3;a priori and a posteriori:3;multiple sclerosis lesion:3;immunology:3;sql:3;operationalization:3;permutation:3;systematic review:3;expert system:3;requirements engineering:3;knowledge engineering:3;structural equation modeling:3;unified model:3;tracking system:3;complex network:3;executable:3;edge computing:3;hallucinating:3;source text:3;automated theorem proving:3;public health interventions:3;neighbourhood:3;sparse matrix:3;functional programming:3;implementation:3;extreme weather:3;audiology:3;extramural:3;knowledge extraction:3;bipartite graph:3;kullback leibler divergence:3;post hoc:3;biomedical engineering:3;body mass index:3;molecular dynamics:3;mathematical structure:3;cord:3;noun:3;on the fly:3;neurotypical:3;workflow:3;pharmacy:3;pharmacist:3;recall:3;mr imaging:3;socioeconomic status:3;test case:3;automotive industry:3;transcription factor:3;metric space:3;merge:3;special case:3;homogeneous:3;public health surveillance:3;diagnosis code:3;copy number variation:3;mode:3;homogeneous space:3;stationary distribution:3;crew scheduling:3;numerical analysis:3;neural substrate:3;cortex:3;information geometry:3;statistical hypothesis testing:3;drug:3;human intelligence:3;data quality:3;health records:3;operational semantics:3;tuple:3;combinatorial optimization problem:3;scalar:3;open problem:3;improved performance:3;goal orientation:3;consumer behaviour:3;china:3;sustainability:3;cryptocurrency:3;marginal likelihood:3;brain network:3;beam:3;online learning:3;linear classifier:3;orientation:3;covariate:3;covariate shift:3;specific information:3;inverse:3;hankel matrix:3;interference:3;optoelectronics:3;load balancing:3;epidemiology:3;android:3;mixing:3;bayesian hierarchical modeling:3;galaxy:3;section:3;network on:3;informatics:3;family medicine:3;autonomous agent:3;hyperconnectivity:3;basal ganglia:3;database transaction:3;knowledge base:3;disjoint sets:3;predictive power:3;aerial image:3;random search:3;bayesian network:3;statistical relational learning:3;rule of inference:3;auxiliary memory:3;hinge loss:3;predictive inference:3;isomorphism:3;transduction:3;line search:3;global optimization:3;group:3;adaptive learning:3;expected return:3;competition:3;host:3;internet access:3;renewable energy:3;coding:3;spotting:3;pointwise mutual information:3;traverse:3;independent and identically distributed random variables:3;data integration:3;publication:3;endocrinology:3;software design pattern:3;neurophysiology:3;blood pressure:3;neurocognitive:3;industrial engineering:3;premovement neuronal activity:3;marketing:3;neural correlates of consciousness:3;regular expression:3;population health:3;medical education:3;spatial memory:3;head and neck:3;visual odometry:3;high resolution:3;arc:3;virtual reality:3;pointwise:3;superresolution:3;payment:3;dice:3;interior point method:3;corporate governance:3;intelligent tutoring system:3;formalism:3;provisioning:3;service provider:3;character:3;revenue management:3;distributed generation:3;triage:3;working memory:3;social influence:3;interpersonal communication:3;process engineering:3;adaptive optimization:3;conceptual framework:3;breast cancer:3;asynchrony:3;chip:3;transcription:3;modal:3;condition number:3;geometry:3;broyden fletcher goldfarb shanno algorithm:3;satellite imagery:3;satellite:3;mr images:3;facility location problem:3;complex systems:3;dense graph:3;molecule:3;saddle point:3;performance improvement:3;canonical form:3;iterative method:3;singular value:3;distributed database:3;chatbot:3;relational reasoning:3;word2vec:3;document summarization:3;parameter space:3;model predictive control:3;generative modeling:3;speech synthesis:3;rgb color model:3;chromosome:3;software security assurance:3;numeric data:3;detector:3;accelerometer:3;graph signal processing:3;approximation algorithm:3;wireless network:3;formal description:3;optimizing compiler:3;centroid:3;inverse dynamics:3;cold start:3;insular cortex:3;hippocampal formation:3;polytope:3;diagonal:3;counterexample:3;history:3;protein structure:3;transferability:3;perplexity:3;intermediate language:3;sequential decision:3;chaotic:3;coding region:3;gait:3;strongly monotone:3;binary classification:3;political economy:3;intuition:3;spoken language:3;raw audio format:3;blocking:3;graph generation:3;lossless compression:3;biological plausibility:3;prediction interval:3;content analysis:3;language understanding:3;cortical circuits:3;game dynamics:3;sign:3;monaural:3;covariance:3;anonymity:3;crfs:3;gestational age:3;birth weight:3;fluorescence:3;user identifier:3;self attention:3;pointer:3;difficult problem:3;degrees of freedom:3;deterministic finite automaton:3;state distribution:3;singing:3;action selection:3;brain tumor segmentation:3;phrase:3;robot control:3;benchmark data:3;connectionism:3;probabilistic programming language:3;inference engine:3;hybrid monte carlo:3;learning theory:3;decision boundary:3;dialog system:3;sinc function:3;invariance principle:2;parametric family:2;logic programming:2;control flow:2;tactile sensor:2;stochastic matrix:2;visual perception:2;dorsum:2;random matrix:2;consciousness:2;program synthesis:2;suspect:2;network packet:2;topological map:2;reflection mapping:2;intensive care:2;survival analysis:2;statistical inference:2;duration:2;skewness:2;standard deviation:2;biomarker discovery:2;conditional probability:2;pareto principle:2;energy storage:2;hopfield network:2;stroke severity:2;humanities:2;drug development:2;demand forecasting:2;somatosensory system:2;image compression:2;compression:2;white paper:2;confusion:2;readability:2;randomized controlled trial:2;mandarin chinese:2;statement:2;turkish:2;medical prescription:2;opioid:2;real time data:2;tabu search:2;home automation:2;software bug:2;mean reciprocal rank:2;carbon footprint:2;chart:2;robot learning:2;application domain:2;matrix multiplication:2;very large scale integration:2;trustworthiness:2;submodular set function:2;shared resource:2;text corpus:2;point of care:2;tourette syndrome:2;striatum:2;knockout mouse:2;neuroticism:2;biomedicine:2;reading:2;citation:2;fingerprint:2;originality:2;flooding:2;probabilistic framework:2;trait:2;linear search:2;cytokine:2;predictive modelling:2;document retrieval:2;cell type:2;in vitro:2;human trafficking:2;peptide sequence:2;mhc class i:2;major histocompatibility complex:2;amino acid:2;biogenesis:2;food marketing:2;bch code:2;interleaving:2;trial and error:2;communication complexity:2;algebraic number:2;neurodegeneration:2;macular degeneration:2;retina:2;economics:2;operational planning:2;ultrafast electron diffraction:2;graphene:2;bayesian optimization:2;brain computer interface:2;idiosyncrasy:2;research findings:2;network planning and design:2;syllable:2;motor cortex:2;transplantation:2;spinal cord diseases:2;vulnerability:2;dentate gyrus:2;anxiety:2;amygdala:2;social group:2;social engagement:2;anterior cingulate cortex:2;qualitative property:2;and gate:2;theoretical physics:2;factor graph:2;cochrane library:2;commutative property:2;pathology:2;multi language:2;goal theory:2;valence:2;diffusion process:2;open source software development:2;choice set:2;estimation theory:2;basic block:2;fish actinopterygii:2;probability of error:2;electrokinetic remediation:2;environmental chemistry:2;metal:2;psychological resilience:2;distress:2;seroprevalence:2;environmental health:2;weather and climate:2;linear quadratic gaussian control:2;metaheuristic:2;healthy subjects:2;filtering problem:2;supplementary data:2;training time:2;smart city:2;internet of things:2;crowdsourcing:2;ionizing radiation:2;nucleus:2;radius:2;mnemonic:2;nist:2;accountability:2;significant difference:2;van der waals force:2;laminar flow:2;online and offline:2;sequence labeling:2;cascade:2;physiological phenomenon:2;lumbar enlargement:2;atrophy:2;intramedullary rod:2;patient safety:2;nursing:2;scopus:2;health professionals:2;software framework:2;dsm 5:2;insomnia:2;sleep:2;intensity:2;modulation:2;on language:2;current generation:2;exploratory analysis:2;rewriting:2;scripting language:2;verifiable secret sharing:2;neural information processing:2;hospital discharge:2;clinical pharmacy:2;clinical performance:2;nuclear medicine:2;quantitative research:2;ecology:2;grey matter:2;brain anatomy:2;cloning:2;clone:2;health equity:2;immigration:2;certification:2;life critical system:2;earth mover s distance:2;geodesic:2;spinal cord tumor:2;lumbar:2;radiation treatment planning:2;independent component analysis:2;imaging phantom:2;image acquisition:2;polypharmacy:2;medical record:2;gyrus:2;gene duplication:2;redistribution:2;chemical reaction:2;ticket:2;lottery ticket:2;group theory:2;sampling distribution:2;overall performance:2;partial volume:2;general data protection regulation:2;european union:2;functional connectivity:2;functional connectome:2;semantic search:2;signal transduction:2;logical reasoning:2;limit:2;isotropy:2;synapse:2;high energy:2;healthcare system:2;proof of concept:2;balance:2;halo occupation distribution:2;dark matter:2;cosmic cancer database:2;column:2;bilayer:2;lambda calculus:2;dynamic priority scheduling:2;chain rule:2;tokenization:2;vc dimension:2;matrix product state:2;software maintenance:2;curiosity:2;social cue:2;personality:2;coronavirus:2;generative adversarial network:2;in silico:2;telecommunications network:2;metacognition:2;corruption:2;implicit function:2;score:2;matrix norm:2;background noise:2;complex data type:2;multi resolution:2;security token:2;severity of illness:2;neurology:2;best practice:2;wafer:2;doping:2;field effect transistor:2;oxygen:2;molybdenum disulfide:2;catalysis:2;characterization:2;user equipment:2;communications system:2;telecommunications:2;opengl:2;thread:2;successive cancellation list:2;identifier:2;base station:2;monte carlo tree search:2;touchscreen:2;reionization:2;simulation software:2;barrel processor:2;shared memory:2;risc v:2;instruction set:2;information technology:2;multimodal learning:2;fault detection and isolation:2;incidence:2;radiological weapon:2;plasticity:2;electronic circuit:2;centrality:2;computational neuroscience:2;clarity:2;wasserstein metric:2;pregnancy:2;restless legs syndrome:2;standard language:2;virus:2;mindset:2;multi objective optimization:2;network performance:2;orthogonality:2;information exchange:2;independence:2;counterfactual conditional:2;debugging:2;binary code:2;calcium flux:2;lorenz system:2;rule induction:2;stage:2;data driven learning:2;taylor series:2;descriptive knowledge:2;tractography:2;root cause:2;image formation:2;multiphysics:2;jacobian matrix and determinant:2;statistical model:2;moving average:2;bilayer graphene:2;supercomputer:2;transgender:2;cross validation:2;wireless ad hoc network:2;intermittency:2;profiling:2;channel state information:2;web application:2;disinformation:2;data annotation:2;psycholinguistics:2;distributed algorithm:2;multivariate statistics:2;subject:2;surprise:2;spectral density:2;logic gate:2;proteomics:2;data publishing:2;named entity recognition:2;anti pattern:2;software evolution:2;design pattern:2;cash:2;emergency management:2;experimental research:2;microbiome:2;metabolic syndrome:2;cd8:2;fatty acid:2;convolutional code:2;executive functions:2;news media:2;gibbs sampling:2;open research:2;computer graphics:2;humanity:2;hierarchical organization:2;principal component analysis:2;binary logarithm:2;scope:2;confidence interval:2;risk factor:2;quantitative evaluations:2;human connectome project:2;information needs:2;smoke:2;kepler:2;hemophagocytic lymphohistiocytosis:2;neutrophil extracellular traps:2;thrombosis:2;coagulation:2;endothelium:2;extracellular traps:2;axiom:2;student learning:2;future studies:2;pet ct:2;head and neck cancer:2;automatic segmentation:2;outcome prediction:2;tumor segmentation:2;task specificity:2;inorganic chemistry:2;train:2;web search query:2;hardware acceleration:2;early prediction:2;distortion:2;nested set model:2;hybrid algorithm:2;inner loop:2;probabilistic classification:2;approximation theory:2;spectral line:2;code smell:2;commit:2;extended precision:2;resource management:2;low latency:2;empathy:2;closeness:2;rhythm:2;microgrid:2;electric power system:2;phylogenetics:2;phylogenetic network:2;continuous variable:2;anatomy:2;temporoparietal junction:2;evolutionary pressure:2;fluency:2;memory augmentation:2;competence:2;pedagogy:2;dosimetry:2;cross lingual:2;branching:2;tort:2;information loss:2;jazz:2;structuring:2;neuropsychiatry:2;static analysis:2;management system:2;independent set:2;dynamic network analysis:2;network science:2;cerebral hemisphere:2;deep sequencing:2;chromatin immunoprecipitation:2;simulated data:2;management science:2;order of magnitude:2;dna binding site:2;genomics:2;look ahead:2;brain mapping:2;mentalization:2;carcinogenesis:2;local field potential:2;saccade:2;key terms:2;glacier:2;remote sensing:2;geology:2;sobolev space:2;intensity mapping:2;social science:2;stochastic control:2;obstacle:2;vertical integration:2;electronics:2;crew:2;decision support system:2;supply chain:2;search tree:2;retrosynthetic analysis:2;hospitalized patients:2;augmented lagrangian method:2;moment:2;diffraction:2;string:2;cognitive impairment:2;pyramid:2;pascal:2;semantic web:2;inductive reasoning:2;decision tree model:2;production:2;beam search:2;histogram:2;software design:2;quality of life:2;lyapunov stability:2;real image:2;zero shot learning:2;constructive:2;syntactic structure:2;requirements analysis:2;statistical assumption:2;offensive:2;embedded system:2;system on a chip:2;receptor:2;activity theory:2;unit:2;medical image computing:2;image registration:2;emulation:2;complex number:2;multiclass classification:2;audio signal:2;eavesdropping:2;realization:2;learning based:2;ask price:2;multiple kernel learning:2;normative:2;network simulation:2;change detection:2;sensor fusion:2;key factors:2;base pair:2;glossary:2;two step:2;guideline:2;policy learning:2;target text:2;checklist:2;single nucleotide polymorphism:2;binding site:2;adaptive algorithm:2;human in the loop:2;unlabelled data:2;rotation formalisms in three dimensions:2;a domain:2;control engineering:2;functional networks:2;functional system:2;renewal theory:2;friendship:2;extensive data:2;exponential growth:2;structural engineering:2;patient management:2;treatment efficacy:2;context model:2;collision detection:2;multiple view:2;stochastic approximation:2;target distribution:2;krylov subspace:2;cosine similarity:2;tangent bundle:2;euclidean space:2;hyperboloid:2;kripke semantics:2;logical rules:2;simplex:2;usable:2;adversarial machine learning:2;chemical space:2;acoustics:2;anticipation:2;typology:2;frax:2;osteoporosis:2;practical implications:2;queue:2;explained variation:2;inferior parietal lobe:2;enzyme:2;information seeking:2;comprehension:2;handwriting:2;abstract syntax tree:2;hek 293 cells:2;perceptron:2;operating system:2;advertising:2;fake news:2;memory consolidation:2;transmitter power output:2;stress:2;attack model:2;position:2;homology:2;dream:2;channel capacity:2;control channel:2;application specific integrated circuit:2;spectrum:2;bayesian neural networks:2;public opinion:2;inverse optimization:2;hypergraph:2;earth observation:2;preprocessor:2;hazard ratio:2;social behavior:2;behavioral data:2;country of origin:2;multi agent system:2;time domain:2;exponential function:2;tomography:2;monocular:2;computing methodologies:2;graph embedding:2;graph kernel:2;situation awareness:2;decision making:2;arrow of time:2;biological network:2;gating:2;inferior frontal gyrus:2;credibility:2;brute force search:2;predictability:2;expectation maximization algorithm:2;video tracking:2;bigbrain:2;cerebral cortex:2;a protein:2;forward error correction:2;intelligent transportation system:2;vehicle frame:2;interquartile range:2;automation:2;model parameters:2;morality:2;drosophila melanogaster:2;untranslated region:2;emerging markets:2;cross national:2;gaussian function:2;iterated function:2;architectural engineering:2;frontier:2;stencil:2;stencil code:2;performance prediction:2;sparse approximation:2;active domain:2;information quality:2;lateral view:2;reproducing kernel hilbert space:2;pedestrian detection:2;kernel regression:2;airway extubation:2;anesthesia:2;greenhouse gas:2;sensor array:2;selectivity:2;luminescence:2;imagination:2;motor skill:2;metal organic framework:2;markov random field:2;battery:2;harmony:2;header:2;communication source:2;theme:2;data center:2;biological data:2;german:2;problem domain:2;nonuniform sampling:2;coordinate descent:2;conic optimization:2;applying knowledge:2;cryptography:2;advanced driver assistance systems:2;cruise control:2;nonlinear programming:2;backlash:2;control variates:2;monte carlo integration:2;data model:2;online advertising:2;data integrity:2;commonsense knowledge:2;visually impaired:2;amortization:2;chest disease:2;network congestion:2;quantum information science:2;spectral theory:2;hierarchical clustering:2;maximum a posteriori estimation:2;citation network:2;social effects:2;diplomacy:2;teamwork:2;social dilemma:2;betrayal:2;existential quantification:2;turnkey:2;electronic health record:2;rectifier:2;precomputation:2;linear approximation:2;observational learning:2;protein secondary structure:2;kronecker product:2;sybil attack:2;access control:2;confidentiality:2;middleware:2;textual entailment:2;factor:2;green fluorescent protein:2;genetically modified mouse:2;learning dynamics:2;automotive engineering:2;structural robustness:2;gossip:2;agency:2;graph domain:2;optimization algorithm:2;audit:2;fourier analysis:2;graphics processing unit:2;hybrid system:2;topological graph theory:2;viewpoints:2;mathematics education:2;neuromodulation:2;learning problem:2;dataflow:2;rounding:2;license:2;unitary state:2;qualitative evidence:2;distributed computing environment:2;qualitative analysis:2;principle of maximum entropy:2;energy based:2;latent semantic analysis:2;computed tomography:2;bloom filter:2;namespace:2;latent dirichlet allocation:2;vanishing gradient problem:2;floating point:2;speaker recognition:2;gyroscope:2;text generation:2;conditional autoregressive:2;image generation:2;tumor progression:2;brain tumor:2;glioma:2;overall survival:2;rano criteria:2;odometry:2;synthetic language:2;logical inference:2;quaternion:2;mental state:2;respiratory system:2;intubation:2;cardiorespiratory fitness:2;endotracheal intubation:2;iterative refinement:2;scale space segmentation:2;acute intermittent porphyria:2;rule mining:2;parallel algorithm:1;dijkstra s algorithm:1;shortest path problem:1;multiplication operator:1;visual objects:1;information capture:1;starvation:1;codebase:1;unification:1;scallop:1;partially ordered set:1;partition:1;safety constraints:1;symbol grounding:1;active object:1;primate:1;head:1;ensembles of classifiers:1;dirichlet distribution:1;asymptotically optimal algorithm:1;single model:1;visual recognition:1;computer program:1;news aggregator:1;flow network:1;random neural network:1;sufficient time:1;error function:1;classification rate:1;data source:1;collision problem:1;blossom algorithm:1;shape analysis:1;surface:1;co variation:1;vasculitis:1;anesthesiology:1;immunosuppression:1;independent samples:1;prevalent cohort:1;time data:1;mile:1;histology:1;clinical decision making:1;clinical information:1;primary brain tumors:1;survival advantage:1;survival probability:1;tumor biology:1;who classification:1;uniform boundedness:1;cognitive skill:1;maximum efficiency:1;patient population:1;energy market:1;energy transformation:1;carbon tax:1;peer to peer:1;convex hull:1;extreme point:1;polyhedron:1;modified rankin scale:1;stroke scale:1;white matter hyperintensity:1;concurrency:1;systems design:1;diminishing returns:1;distributed learning:1;formal methods:1;aviation:1;probabilistic model checking:1;robust learning:1;spare part:1;mouse cerebral cortex:1;laughter:1;interactive art:1;machine perception:1;color depth:1;small and medium sized enterprises:1;boom:1;simple features:1;definiteness:1;noun phrase:1;time travel:1;false belief:1;time step:1;average treatment effect:1;ocrelizumab:1;laquinimod:1;placebo:1;rituximab:1;contextualization:1;contrast set:1;first language:1;tamil:1;swahili:1;oxycodone:1;non cancer:1;opioid prescribing:1;traffic flow:1;geographic information system:1;bluetooth:1;secure messaging:1;tf idf:1;part of speech:1;vocabulary mismatch:1;semantic gap:1;use case:1;environmental impact assessment:1;model development:1;system hardware:1;problem set:1;adaptive stepsize:1;probabilistic neural network:1;winch:1;shadow:1;reflection:1;ethical standards:1;mining software repositories:1;rademacher distribution:1;current practice:1;software technology:1;harm reduction:1;cost effectiveness analysis:1;health economics:1;arithmetic mean:1;lattice reduction:1;lattice:1;net:1;public private partnership:1;critical assessment:1;growth ratio:1;linear mixed effect model:1;negative correlation:1;sound detection:1;anomaly detection algorithm:1;self supervised learning:1;discrete dynamics:1;instantaneous phase:1;midi:1;projector:1;uncertainty estimation:1;canonicalization:1;effective method:1;empirical survey:1;gender bias:1;search engine optimization:1;data protection act 1998:1;antigen testing:1;outbreak control:1;tics:1;adaptive control:1;snippet:1;amyotrophic lateral sclerosis:1;scarcity:1;reading path:1;edit distance:1;random number generation:1;design learning:1;spatial network:1;3d geometry:1;speech enhancement:1;direction of arrival:1;beamforming:1;potential impact:1;sequence design:1;combinatorial search:1;markov perfect equilibrium:1;age and sex:1;mobile sensing:1;quadratic growth:1;conjunction:1;interdependence:1;normalization model:1;stepwise regression:1;coefficient of variation:1;pursuit evasion:1;exact location:1;orb:1;near infrared spectroscopy:1;matched filter:1;lidar:1;multi stage:1;immunotherapy:1;homeostasis:1;occupancy:1;claims database:1;fault tolerance:1;sign function:1;xnor gate:1;graph property:1;lag:1;promotion:1;burst noise:1;2d to 3d conversion:1;social intelligence:1;automata theory:1;tight frame:1;scientific practice:1;phylogenomics:1;genetic diversity:1;population genetics:1;conflation:1;vascular endothelial growth factor a:1;early phase:1;distributed lag:1;food environment:1;posterior mean:1;time series study:1;unhealthy food:1;discrete optimization:1;business research:1;intervertebral disc:1;hourglass:1;image contrast:1;molecular property:1;macular hole:1;simple linear regression:1;surgery:1;extreme difficulty:1;extrastriate body area:1;fusiform face area:1;extrastriate cortex:1;domain specificity:1;cvar:1;expected shortfall:1;equilibrium point:1;brain stimulation:1;social cognitive theory:1;transcranial magnetic stimulation:1;schizophrenia spectrum:1;sample variance:1;stacking:1;charge:1;twist:1;autonomous learning:1;clinical knowledge:1;brain development:1;temporal cortices:1;star:1;oil shale:1;kerogen:1;pyrolysis:1;geochemistry:1;data pre processing:1;pipeline transport:1;entrainment:1;homophily:1;heterophily:1;bacterial virus:1;human virome:1;colitis:1;ulcerative colitis:1;feces:1;in vivo:1;neuroanatomy:1;data descriptor:1;cartography:1;mt protocol:1;decision model:1;decision theory:1;clinical decision:1;patient care:1;software configuration management:1;environment controlled:1;research studies:1;technical drawing tools:1;asset:1;belongingness:1;ventromedial prefrontal cortex:1;fusiform gyrus:1;afghan campaign 2001:1;military personnel:1;scientific evidence:1;needs assessment:1;contextual design:1;symmetry group:1;fourth order:1;critical appraisal:1;cinahl:1;monad transformer:1;monad:1;quantum computer:1;quantum mechanics:1;information model:1;software development process:1;active matrix:1;interaction design:1;social graph:1;full scale:1;behavioral economics:1;recognition memory:1;reservoir computing:1;visible light communication:1;spectral efficiency:1;short code:1;early stopping:1;background information:1;accurate segmentation:1;interquartile mean:1;hadamard transform:1;permutation group:1;orders of magnitude:1;approximate inference:1;surrogate model:1;electrolyte:1;iminodisuccinic acid:1;peer support:1;social circle:1;social welfare:1;proof assistant:1;vaccination:1;immunity:1;immunization:1;mandate:1;punishment:1;addiction:1;self administration:1;intravenous cocaine:1;ecological study:1;programming paradigm:1;radiative transfer:1;subroutine:1;weather front:1;tropical cyclone:1;meteorology:1;verbal fluency test:1;fornix:1;subiculum:1;spectral radius:1;supply and demand:1;acquisition protocol:1;white matter microstructure:1;intelligent decision making:1;network medicine:1;personal computer:1;energy source:1;relative biological effectiveness:1;irradiation:1;demographics:1;crossover:1;specular reflection:1;mri brain:1;prediction score:1;comparative evaluation:1;distortion correction:1;vertebral level:1;axonal loss:1;cervical regions:1;cervical spine:1;neuronal degeneration:1;palatoglossal arch:1;tongue:1;sensory nerve:1;sensation:1;normal population:1;sensory function:1;superlubricity:1;dry lubricant:1;graphite:1;inhibitory interneuron:1;optical stimulation:1;vector space model:1;information dissemination:1;memorization:1;thematic analysis:1;psycinfo:1;grey literature:1;patient engagement:1;image noise:1;image fusion:1;edge enhancement:1;progressive refinement:1;image sensor:1;inheritance:1;sleep wake disorders:1;hounsfield scale:1;spearman s rank correlation coefficient:1;adjective:1;judgement:1;controllability:1;eye contact:1;vineland adaptive behavior scale:1;eye tracking:1;social attention:1;stereotype:1;race:1;high uptake:1;medication adherence:1;low noise:1;fractional anisotropy:1;laterality:1;atlas:1;single section:1;typically developing:1;genetic variation:1;recombination hotspot:1;prdm9:1;hotspot:1;recombination:1;allele:1;genetic processes:1;displacement:1;educational technology:1;automated data:1;trust management:1;geometric mean:1;social determinants of health:1;metropolitan area:1;gini coefficient:1;census:1;socioeconomics:1;cross sectional study:1;inequality:1;ets1:1;elk1:1;angiogenesis:1;cell signaling:1;gene knockdown:1;endothelial stem cell:1;transfection:1;neurotechnology:1;generality:1;paraphrase:1;intramedullary spinal cord:1;ghosting:1;spinal cord compression:1;electromyography:1;sted microscopy:1;microscopy:1;mortality rate:1;case fatality rate:1;subarachnoid hemorrhage:1;respiratory failure:1;death certificate:1;sepsis:1;cerebral angiography:1;aneurysm:1;distributed file system:1;force field:1;model compression:1;pruning algorithm:1;platonic solid:1;symmetry:1;subnetwork:1;spurious correlation:1;bilevel optimization:1;multiple target:1;distance matrix:1;closed manifold:1;strengths and weaknesses:1;nonlinear mixed integer programming:1;spinal column:1;surgical planning:1;geometric flow:1;anisotropic diffusion:1;piecewise:1;international classification of sleep disorders:1;sleep medicine:1;nosology:1;unit of analysis:1;word usage:1;neurotransmitter receptor:1;sensemaking:1;audience measurement:1;digital audio:1;faith:1;interview data:1;functional neuroimaging:1;functional brain:1;pattern analysis:1;systematic survey:1;nonverbal communication:1;negotiation:1;metamorphic testing:1;code coverage:1;system testing:1;tamoxifen:1;mechanism of action:1;global workspace theory:1;median nerve:1;peripheral:1;imaging modalities:1;peripheral nerve:1;volterra integral equation:1;motor system:1;causal chain:1;care setting:1;clinical team:1;public confidence:1;quality of care:1;framingham risk score:1;pan cancer:1;real world data:1;software build:1;cyclomatic complexity:1;technical debt:1;spatial distribution:1;hydrogen:1;exchange bias:1;spintronics:1;magnetization:1;exfoliation joint:1;data cluster:1;equational logic:1;stream processing:1;data processing:1;correlation analysis:1;metal pollution:1;symbolic convergence theory:1;statistic:1;heritability:1;zipf s law:1;zemax:1;soundness:1;robot task planning:1;digital transformation:1;environmental economics:1;social navigation:1;ice core:1;paleoclimatology:1;single line:1;population stratification:1;propensity score matching:1;disease classification:1;midlife crisis:1;demographic profile:1;specimen collection:1;nucleic acid amplification technique:1;point of care testing:1;infection control:1;knowledge retention:1;single cell analysis:1;voltage sensitive dye imaging:1;fluorescence lifetime imaging microscopy:1;afferent:1;cortical neurons:1;digital reconstruction:1;activation pattern:1;ordinary differential equation:1;dynamic adaptive streaming over http:1;quality of experience:1;plug and play:1;antenna:1;mobile edge computing:1;admission control:1;educational systems:1;model aggregation:1;quantitative susceptibility mapping:1;relaxometry:1;scanner:1;iron content:1;tissue volume:1;light source:1;general purpose:1;bias reduction:1;face verification:1;calibration set:1;lottery:1;noisy channel coding theorem:1;linear programming decoding:1;induced subgraph:1;transitive relation:1;orchestration:1;multipath propagation:1;noise tolerance:1;hierarchical database model:1;coarse to fine:1;three level:1;keyword spotting:1;architecture optimization:1;encoder decoder:1;model architecture:1;q learning:1;linear layer:1;arithmetic progression:1;brain ischemia:1;community building:1;scientific progress:1;band engineering:1;valleytronics:1;circular polarization:1;exciton:1;photoluminescence:1;oscillator strength:1;excitation:1;non blocking i o:1;chemical engineering:1;load management:1;idle:1;prediction algorithms:1;dental specialty:1;data extraction:1;equity:1;dentistry:1;subclade:1;sore throat:1;haplotype:1;myalgia:1;amplicon:1;unit weighted regression:1;malware analysis:1;evasion:1;analysis method:1;composition analysis:1;roboethics:1;ethics of artificial intelligence:1;cloud gaming:1;industry 4 0:1;metrical task system:1;multi core processor:1;multiprocessing:1;schema:1;baseline model:1;cellular network:1;packet loss:1;anytime algorithm:1;work in process:1;reversing:1;sample quality:1;android device:1;interactivity:1;wedge filter:1;wedge:1;dark ages:1;arbitrary precision arithmetic:1;peer review:1;cell type specific:1;variable cost:1;fixed cost:1;linearization:1;health services research:1;international health:1;bioethics:1;focus group:1;prenatal care:1;descriptive statistics:1;technology acceptance model:1;worksheet:1;trisomy:1;down syndrome:1;prenatal screening:1;weeks pregnant:1;perceptual system:1;visual appearance:1;software quality assurance:1;cerebral palsy:1;quantitative magnetic resonance imaging:1;latent class model:1;gold standard:1;traumatic brain injury:1;postsynaptic potential:1;reciprocity:1;reciprocal inter insurance exchange:1;adversarial collaboration:1;childbirth:1;iron supplement:1;sigtran:1;ransomware:1;phishing:1;signature:1;clips:1;female voice:1;outcome measures:1;spectral analysis:1;spontaneous speech:1;mobile telephony:1;monoclonal antibody:1;vaccine efficacy:1;antibody:1;infectivity:1;virology:1;wild type:1;participatory design:1;end user:1;persona:1;negation:1;preliminary analysis:1;policy analysis:1;legal research:1;customer satisfaction:1;e commerce:1;interpersonal ties:1;politeness:1;social complexity:1;consonance and dissonance:1;qualitative interviews:1;stratification:1;network controllability:1;degeneracy:1;solution set:1;dilation:1;degenerate energy levels:1;orthogonal transformation:1;orthogonalization:1;hypersphere:1;multi source:1;domain relation:1;decomposition theorem:1;neural engineering:1;phenome:1;paradigm shift:1;mental rotation:1;rigid transformation:1;search data structure:1;hamming code:1;inverse variance weighting:1;heteroscedasticity:1;model prediction:1;geometry processing:1;lossy compression:1;generative process:1;three stage:1;lagrangian:1;dependency graph:1;label free:1;conditioning:1;directional derivative:1;robust optimization:1;electrical grid:1;structural connectome:1;dale s principle:1;inhibitory neuron:1;neuroscience research:1;continuation:1;social activity:1;repurposing:1;reference model:1;background factors:1;elasticity:1;nucleic acid structure:1;adapter:1;remote control:1;convex conjugate:1;conjugate gradient method:1;likelihood function:1;approximate bayesian computation:1;reward learning:1;possible world:1;pessimism:1;quantum hall effect:1;magic angle:1;superconductivity:1;magnetic flux:1;chern class:1;fractal:1;software testing:1;room acoustics:1;separation of concerns:1;solid modeling:1;evidence based medicine:1;data driven testing:1;building automation:1;cloud data:1;van hove singularity:1;electrical resistivity and conductivity:1;displacement field:1;phonon:1;phonon scattering:1;electron degeneracy pressure:1;bit error rate:1;phase shift keying:1;modulation order:1;inverse problem:1;universe:1;cosmology:1;application programming interface:1;json:1;grey matter degeneration:1;common sense:1;javascript library:1;racism:1;reduced model:1;medication therapy management:1;medication list:1;pill:1;laptop:1;web mining:1;completeness:1;dependency relation:1;self training:1;contingency:1;reconstruction algorithm:1;compressed sensing:1;ghost imaging:1;artificial intelligence system:1;distance education:1;personalized learning environment:1;traffic signal:1;underscore:1;business process discovery:1;link rot:1;linkage:1;sociology of scientific knowledge:1;delphi method:1;operating point:1;detection performance:1;lesion detection:1;performance gap:1;feature data:1;application processor:1;decipher:1;subject matter expert:1;concussion:1;cognitive development:1;concussion management:1;stationary probability distribution:1;mean absolute percentage error:1;spatial analysis:1;beijing:1;urban planning:1;robotic arm:1;maintenance actions:1;harm:1;discourse structure:1;systemc:1;gate array:1;systemverilog:1;pineal gland:1;melatonin:1;proteome:1;circadian rhythm:1;secretion:1;analysis tools:1;seroepidemiologic studies:1;semantic role labeling:1;click fraud:1;instrumentation:1;server side:1;client side:1;aging brain:1;bold fmri:1;cognitive aging:1;lived experience:1;cash transfers:1;public economics:1;akkermansia:1;effector:1;channel code:1;code size:1;construction method:1;ambulatory blood pressure:1;morning:1;cerebral blood flow:1;effects of sleep deprivation on cognitive performance:1;survey data collection:1;information transfer:1;medical advice:1;bayesian clustering:1;hegemony:1;racial bias:1;randomized experiment:1;random assignment:1;false positive rate:1;statistical analysis:1;causation:1;sustainable consumption:1;product choice:1;experiential learning:1;network complexity:1;minimax theorem:1;stochastic game:1;adaptive learning rate:1;meta review:1;research questions:1;surveillance methods:1;diffusion kurtosis imaging:1;spinal canal:1;haze:1;image restoration:1;visibility:1;depth of field:1;tip of the tongue:1;health administration:1;facilitator:1;nursing research:1;preventive healthcare:1;decision aids:1;cultural diversity:1;health indicator:1;asthma:1;epilepsy:1;dup15q:1;hypsarrhythmia:1;west syndrome:1;vigilance:1;area under the curve:1;critical illness:1;state variable:1;system dynamics:1;natural language user interface:1;no free lunch theorem:1;cma es:1;evolution strategy:1;ternary operation:1;voice activity detection:1;competitive analysis:1;threat model:1;edds:1;environmental remediation:1;electrokinetic phenomena:1;anode:1;extraction:1;cathode:1;workspace:1;variable neighborhood search:1;missing data:1;container:1;terminal:1;posterior cingulate:1;neurogenetics:1;human genetics:1;production line:1;effective dimension:1;process control:1;industrial production:1;consistency index:1;fdg pet ct:1;neuropil:1;cell movement:1;design elements and principles:1;phenomenology:1;spinal cord injury:1;orthopedic surgery:1;machine vision:1;disease severity:1;degradation:1;opioid overdose:1;palliative care:1;strategic behavior:1;traffic equilibrium:1;sequential model:1;randomized algorithm:1;distributed power:1;railway transportation:1;multimodal data:1;electronic money:1;digital currency:1;private sector:1;demand curve:1;technical feasibility:1;functional requirement:1;primary tumor:1;proximal gradient methods:1;social regulation:1;tutor:1;discourse analysis:1;kernel density estimation:1;public transport:1;compost:1;chicken manure:1;organic fertilizer:1;leaching:1;nitrification:1;nutrient:1;water content:1;microorganism:1;food science:1;futures contract:1;forward contract:1;motor coordination:1;ecological validity:1;allostasis:1;decorrelation:1;flops:1;data custodian:1;privacy policy:1;mashup:1;cost accounting:1;capacity management:1;test suite:1;experimental data:1;human brain project:1;model building:1;triphone:1;neural activity:1;relay:1;sleep disorder:1;kappa:1;clinical manifestation:1;real time rendering:1;octree:1;level of detail:1;graphics:1;pangolin:1;horizontal gene transfer:1;intergenic region:1;degeneration:1;social stimuli:1;unexpected events:1;personally identifiable information:1;mobile apps:1;class imbalance:1;lateral corticospinal tract:1;neuroradiology:1;perspective taking:1;hyperbolic space:1;poincare conjecture:1;joubert syndrome:1;auditory cortex:1;frontal lobe:1;caliber:1;research literature:1;stakeholder:1;dynamic resource:1;clinical literature:1;imbalanced data:1;heart failure:1;chronic disease:1;actual cost:1;distribution networks:1;chordal graph:1;modular programming:1;network utility:1;traffic engineering:1;attention network:1;semantic learning:1;cross platform:1;regulatory focus theory:1;co design:1;multi layer:1;psychotropic drug:1;disease mechanisms:1;existing treatment:1;psychiatric disease:1;h e stain:1;radiation therapy:1;adenocarcinoma:1;particle physics:1;pedestrian:1;natural environment:1;data governance:1;digital revolution:1;health law:1;health promotion:1;privacy laws of the united states:1;code clone:1;formal verification:1;model checking:1;neurofeedback:1;sonification:1;biofeedback:1;verb:1;inflection:1;infinitive:1;past tense:1;lexical decision task:1;phrase structure rules:1;music theory:1;formal grammar:1;deductive reasoning:1;kinship:1;a weighting:1;econometric model:1;relative value:1;investment decisions:1;predicate:1;monitoring and evaluation:1;general partnership:1;one health:1;resistance:1;actionable knowledge:1;antimicrobial use:1;negotiation game:1;osa syndrome:1;directed graph:1;metrology:1;interoperability:1;medical information:1;surveillance data:1;polynomial optimization:1;air traffic control:1;accurate estimation:1;early detection:1;angular gyrus:1;epigenomics:1;gene chip analysis:1;genomic dna:1;posttranslational modification:1;spin:1;systems biology:1;interferon:1;bruton s tyrosine kinase:1;kinase:1;inflammation:1;downregulation and upregulation:1;temporal lobe:1;electron flow:1;social exchange theory:1;reminiscence:1;partition function:1;join:1;first order:1;butterfly:1;adaptive histogram equalization:1;password:1;folding:1;molecular biophysics:1;dual graph:1;connectivity:1;statistical learning:1;convergence of random variables:1;pdgfra:1;pediatric cancer:1;histone h3:1;lineage:1;histone:1;eye movement:1;ecological monitoring:1;hindu kush:1;symbolic regression:1;halo:1;cross disciplinary:1;system model:1;riccati equation:1;superpressure balloon:1;wind speed:1;mechanical engineering:1;transistor:1;engineering physics:1;equational reasoning:1;psychopathy:1;decision problem:1;linear combination:1;pairing:1;parallel imaging:1;discrete optimization problem:1;information system:1;transport engineering:1;ecological footprint:1;travel time:1;urban environment:1;software as a service:1;business rule:1;realism:1;public interest:1;animal cognition:1;grapevine yellows:1;flavescence doree:1;precision viticulture:1;locust:1;bijection:1;informed consent:1;competing interests:1;human research:1;bregman divergence:1;penalty method:1;ode solver:1;anti aliasing:1;pseudometric space:1;joint spectral radius:1;numpy:1;lazy evaluation:1;dynamic compilation:1;flow cytometry:1;million cells:1;ptychography:1;chemical vapor deposition:1;tree automaton:1;fixed point iteration:1;system of polynomial equations:1;cohesion:1;law:1;neuroprotection:1;molecular pathology:1;multi path:1;reliability engineering:1;dais:1;repetitive behavior:1;quarantine:1;risk management:1;operations management:1;mathematical simulation:1;policy effectiveness:1;photogrammetry:1;daylight:1;screening tool:1;web page:1;publishing:1;radiation oncology:1;out of sample:1;medal:1;pejorative:1;slur:1;human sexuality:1;multi document summarization:1;neural system:1;brachytherapy:1;absorbed dose:1;prostate cancer:1;prostate:1;surfel:1;spatial intelligence:1;agent based model:1;multiverse:1;statistical power:1;information integration:1;research ethics:1;design smells:1;signal processing algorithms:1;abstract space:1;principle of least action:1;ransac:1;robot kinematics:1;bayesian paradigm:1;remote evaluation:1;complex dynamics:1;visual search:1;workforce:1;human judgment:1;abx test:1;speech technology:1;gaze:1;delaunay triangulation:1;group emotion:1;envelope:1;active listening:1;data transformation:1;computing systems:1;probabilistic automaton:1;thalamus:1;pharmacotherapy:1;drug response:1;time course:1;phase retrieval:1;codimension:1;predictive text:1;interchangeability:1;data acquisition:1;knee mri:1;phase change memory:1;wear leveling:1;overheating:1;memory cell:1;virtual storage:1;stochastic modelling:1;kidney:1;tropism:1;transmembrane protein:1;extracellular:1;high mortality:1;kidney injury molecule 1:1;information behavior:1;sociocultural perspective:1;information science:1;sociocultural evolution:1;social constructionism:1;medical care:1;significant group:1;genome evolution:1;genomic organization:1;compartment:1;transposable element:1;spectroscopy:1;h ii region:1;emission nebula:1;computational physics:1;interstellar cloud:1;managed code:1;buffer overflow:1;type safety:1;common language runtime:1;skin lesion:1;gross tumor volume:1;categorical semantics:1;particle swarm optimization:1;then test:1;mechanism design:1;pricing strategies:1;free market:1;adaptive regularization:1;group insurance:1;health insurance:1;transition system:1;spiking neural network:1;experiment control:1;high acceleration:1;additive white gaussian noise:1;linear network coding:1;forward chaining:1;deconvolution:1;compact space:1;acute ischemic stroke:1;sex specific:1;internal model:1;crew pairing:1;control system:1;social status:1;feeling:1;household income:1;social brain:1;amorphous solid:1;amorphous carbon:1;mesoscale meteorology:1;nanoscopic scale:1;nanoparticle:1;estimation methods:1;large scale data:1;unobserved confounding:1;side channel attack:1;smartphone application:1;stochastic integer programming:1;learning interference:1;regular grid:1;spectral graph theory:1;source data:1;gradient boosting:1;large cohort:1;large sample:1;anycast:1;common weakness enumeration:1;sandbox:1;grounded theory:1;release engineering:1;code review:1;questionnaire:1;motif:1;structural biology:1;triadic closure:1;artifact:1;semantic network:1;domain specific language:1;specific cost:1;infinite set:1;sensory processing:1;reporting guideline:1;binary decision diagram:1;trust region:1;resource location:1;visual media:1;neural decoding:1;triangle inequality:1;information bias:1;map sensor:1;gene prediction:1;linkage disequilibrium:1;heredity:1;small molecule binding:1;virtual screening:1;binding selectivity:1;learning progress:1;digital signal:1;bitstream:1;integrator:1;tensor decomposition:1;small data:1;drum:1;phonotactics:1;statistical evidence:1;extracellular vesicle:1;influenza a virus subtype h5n1:1;microrna:1;escherichia coli:1;curl:1;function space:1;intrusion detection system:1;problem description:1;inverse kinematics:1;motion control:1;elementary proof:1;decentralised system:1;conditional independence:1;nabla symbol:1;monte carlo algorithm:1;perfect competition:1;multinomial logistic regression:1;local search:1;reactive planning:1;jensen shannon divergence:1;evolution of human intelligence:1;autism diagnostic observation schedule:1;clinical practice:1;diagnostic interview:1;sparse regression:1;symptom severity:1;curtain wall:1;water curtain:1;pneumonia:1;lung:1;web search engine:1;weakness:1;syphilis:1;orthostatic vital signs:1;headaches:1;dysautonomia:1;dengue fever:1;chikungunya:1;gestational diabetes:1;prevalence:1;life events:1;cytoskeleton:1;actin:1;biophysics:1;neuroplasticity:1;membrane remodeling:1;protein trafficking:1;quantitative assessment:1;chronesthesia:1;sentence processing:1;underwater navigation:1;underwater vehicle:1;vision based:1;transport network:1;cellular dynamics:1;orthogonal basis:1;universality:1;abelian group:1;physical system:1;active queue management:1;gradient estimation:1;conventional wisdom:1;information flow:1;intrinsic dimension:1;partitioned global address space:1;autosuggestion:1;moderation:1;abstract syntax:1;black swan theory:1;metastasis:1;cancer staging:1;epithelial mesenchymal transition:1;cancer cell:1;surgical oncology:1;acoustic wave:1;impulse response:1;directivity:1;transfer matrix:1;reciprocal:1;high fidelity:1;mobile web:1;hit rate:1;turing machine:1;ventral striatum:1;presidential election:1;countermeasure:1;interactive learning:1;personalized learning:1;content creation:1;relation graph:1;project management:1;event modeling:1;bone fracture:1;medical genetics:1;environmental psychology:1;social commerce:1;spectral geometry:1;list decoding:1;hamming distance:1;energy harvesting:1;stroke recovery:1;motor function:1;motor impairment:1;post stroke:1;symmetric coupling:1;bidirectional scattering distribution function:1;subdivision:1;artificial grammar learning:1;folkloristics:1;folklore:1;cultural significance:1;spark:1;design methods:1;graphical user interface:1;user feedback:1;sequence alignment:1;nucleotide:1;document classification:1;rnase p:1;structural motif:1;rna protein:1;social preferences:1;cultural values:1;exponential number:1;compendium:1;short paper:1;triple negative breast cancer:1;mfge8:1;antigen:1;lyapunov exponent:1;bearing:1;cloud rendering:1;economic shortage:1;loop:1;image map:1;extractor:1;distributional semantics:1;linear subspace:1;vector space:1;fading:1;spanning tree:1;nucleic acid secondary structure:1;shuffling:1;indirect approach:1;scalar potential:1;blob detection:1;reference values:1;general pattern:1;pattern learning:1;matlab:1;local learning:1;gradient estimate:1;disk formatting:1;postal code:1;mind wandering:1;shapley value:1;betti number:1;topological space:1;simplicial complex:1;wreath product:1;linear code:1;cycles per instruction:1;non smooth:1;coping:1;noisy data:1;process noise:1;artificial life:1;wonder:1;evolutionary computation:1;creativity:1;experimental evolution:1;data information:1;generalized linear model:1;interpersonal relationship:1;life satisfaction:1;social psychology:1;genome browser:1;multiplexing:1;state action:1;gradient based algorithm:1;real line:1;spectral shape analysis:1;complex plane:1;newton s method:1;voltage drop:1;memristor:1;electrical network:1;social feedback:1;elite:1;seriousness:1;sacrifice:1;general algorithm:1;delta wave:1;adaptive behavior:1;choice problem:1;data sharing:1;image resolution:1;fixation:1;repetition priming:1;millisecond:1;semiology:1;physiology:1;random field:1;mean absolute error:1;digital media:1;ecosystem:1;white matter lesion:1;source lines of code:1;cooperativeness:1;gender identity:1;trans men:1;visual scale:1;original data:1;multidimensional scaling:1;metropolis light transport:1;sample space:1;ergodicity:1;decision rule:1;sustainable clothing:1;altruism:1;sensory cue:1;paramagnetism:1;antiferromagnetism:1;tellurate:1;magnetic refrigeration:1;magnetism:1;heat capacity:1;ion:1;hexagonal crystal system:1;interventional radiology:1;referring expression:1;ground:1;barrel:1;positron emission tomography:1;software defined networking:1;loop closure:1;object orientation:1;quantitative imaging:1;digital electronics:1;optimal estimation:1;transmitter:1;gene dosage:1;mechanics:1;encryption:1;homomorphic encryption:1;outsourcing:1;logit:1;bittorrent tracker:1;animal behavior:1;initial training:1;data objects:1;global coherence:1;synchronizing:1;comorbidity:1;autistic traits:1;branch predictor:1;important research:1;learning to learn:1;parity:1;underpinning:1;conditional learning:1;discontinuity:1;lewis signaling game:1;converse:1;data density:1;chemical property:1;driving simulator:1;concatenation:1;creative visualization:1;effective algorithm:1;diva:1;spatial organization:1;small molecule:1;minimum mean square error:1;orthogonality principle:1;gaussian noise:1;least mean squares filter:1;data analysis:1;scale parameter:1;healthcare providers:1;ergodic theory:1;anger:1;self control:1;argumentation theory:1;argument:1;language research:1;sound source separation:1;cultural background:1;renal cell carcinoma:1;predictive value of tests:1;carcinoma:1;progress in artificial intelligence:1;privacy protection:1;civil society:1;ai systems:1;iterative and incremental development:1;terrain:1;vegetation:1;on board:1;haystack:1;motor learning:1;cerebellum:1;cerebellar function:1;java hashcode:1;subtraction:1;disease activity:1;spatial invariance:1;decoding latency:1;protein database:1;protein identification:1;pleasure:1;arousal:1;stress monitoring:1;mill:1;reed solomon error correction:1;optical communication:1;influence diagram:1;autonomous navigation system:1;rendezvous:1;energy conservation:1;odds ratio:1;geriatrics:1;current time:1;semantic property:1;multivariate analysis:1;league:1;computational photography:1;errors in variables models:1;centrosome:1;cytoplasm:1;weight estimation:1;pareto efficiency:1;residence:1;human migration:1;african american:1;consumer innovativeness:1;young female:1;network size:1;structured text:1;design process:1;social dynamics:1;sexual differentiation:1;hvac:1;air conditioning:1;direct feedback:1;rumor:1;topic shift:1;service level:1;queueing theory:1;calcium ion transmembrane transport:1;ion transmembrane transport:1;neurotransmitter transport:1;synapse organization:1;retinoid metabolic process:1;exome:1;dash diet:1;body weight:1;gut microbiome:1;immunome:1;chromatin remodeling:1;genomic library:1;time to market:1;sparse matrix vector multiplication:1;policy capturing:1;cognitive model:1;dilemma:1;monaural beats:1;binaural beats:1;frequency following response:1;brainwave entrainment:1;binaural recording:1;auditory illusion:1;nutrition analysis:1;recipe:1;calorie:1;obesity:1;meal:1;dietary assessment:1;eating habits:1;healthy diet:1;strongly connected component:1;offset:1;conditional expectation:1;k anonymity:1;sea surface temperature:1;relative humidity:1;reflectivity:1;execution time:1;autonomous system:1;hilbert space:1;inner product space:1;positive evidence:1;expressive power:1;human machine interaction:1;sparse matrix vector:1;mobile communication systems:1;specific surface area:1;reaction rate:1;microcystin lr:1;microcystin:1;limonite:1;lewis acids and bases:1;hydrolysis:1;inertial navigation system:1;continuous positive airway pressure:1;apnea:1;sustainable development:1;science technology and society:1;chemical substance:1;analyte:1;dicom:1;k space:1;phenylpyruvic acid:1;nuclear chemistry:1;ligand:1;intramolecular force:1;aqueous solution:1;adsorption:1;cognitive decline:1;huntington s disease:1;low confidence:1;tumour segmentation:1;timit:1;complex representation:1;convergent validity:1;psychometrics:1;joint attention:1;psychosocial:1;ltp induction:1;long term potentiation:1;biochemistry:1;alkaline phosphatase:1;abnormal expression:1;restriction fragment:1;chia pet:1;human evolution:1;dyslexia:1;design of experiments:1;cell cancer:1;general method:1;kegg:1;upstream open reading frame:1;prefoldin:1;protein complex assembly:1;protein subunit:1;translational regulation:1;chaperone:1;wide area network:1;turbulence closures:1;airflow:1;epistemology:1;electronic data:1;smart device:1;goods and services:1;added value:1;productivity:1;business data:1;context data:1;writeprint:1;stylistic variation:1;digital forensics:1;clique:1;communication link:1;information mining:1;online document:1;crime scene:1;electronically stored information:1;virtual network:1;business communication:1;riemann integral:1;temporal correlation:1;inversion time:1;heuristic function:1;program structure:1;learning potential:1;communications protocol:1;beat:1;operating cost:1;electronic mail:1;fixation index:1;genotype:1;mycorrhiza:1;consensus sequence:1;shape parameter:1;time point:1;rail freight transport:1;commercial software:1;economies of scale:1;algebraic semantics:1;adjunction:1;logical equivalence:1;hausdorff space:1;element:1;odds:1;femoral neck:1;catastrophic interference:1;neurogenesis:1;analogy:1;embarrassingly parallel:1;software portability:1;general purpose computing on graphics processing units:1;cancer genome:1;source model:1;generalised logistic function:1;logistic function:1;doubly robust:1;uniform distribution:1;premature convergence:1;gradient theorem:1;stationary state:1;expected loss:1;term logic:1;markov logic network:1;multinomial distribution:1;state space representation:1;sequential data:1;conic section:1;strong duality:1;conic programming:1;futures studies:1;similarity analysis:1;kernel alignment:1;water body:1;single process:1;market segmentation:1;privacy preserving:1;cryptographic protocol:1;public key cryptography:1;data domain:1;archetype:1;archetypal analysis:1;sensorimotor rhythm:1;isometric exercise:1;proprioception:1;efferent:1;stiefel manifold:1;negative probability:1;topological data analysis:1;graph drawing:1;broadcasting:1;lockstep:1;in vehicle:1;perceived safety:1;tonality:1;melody:1;dance:1;musical:1;cross cultural studies:1;amateur:1;formality:1;mirror neuron:1;social perception:1;mood:1;program comprehension:1;change impact analysis:1;thesaurus:1;system development:1;rna binding protein:1;caenorhabditis elegans:1;danio:1;model organism:1;asymmetric graph:1;language representation:1;disparate impact:1;standard test:1;standard error:1;planet:1;transmittance:1;light attenuation:1;monte carlo estimator:1;constructive solid geometry:1;triangle mesh:1;initial value problem:1;skinning:1;visual navigation:1;spect heart:1;lemma:1;steering wheel:1;alertness:1;smartwatch:1;wearable computer:1;precision and recall:1;sketch:1;data stream mining:1;frequency modulation:1;satellite navigation:1;manipulator:1;robot manipulator:1;referring expression generation:1;inductive logic programming:1;key issues:1;time efficient:1;memory architecture:1;cumulative distribution function:1;doors:1;gps data:1;variable resolution:1;trusted third party:1;stochastic simulation:1;risk metric:1;surface measurement:1;hooking:1;hang:1;ecg signal:1;rejection sampling:1;ice stream:1;global temperature:1;cryosphere:1;cloud cover:1;multivariate analysis of variance:1;self efficacy:1;project design:1;critical question:1;detection rate:1;false positive paradox:1;false discovery rate:1;followership:1;middle temporal gyrus:1;supramarginal gyrus:1;precentral gyrus:1;visual short term memory:1;postcentral gyrus:1;short term memory:1;aeronet:1;earth system science:1;aerosol:1;nash games:1;upstream:1;structural magnetic resonance imaging:1;political advertising:1;genomic data:1;quic:1;human multitasking:1;unsupervised clustering:1;stimulus modality:1;highly skilled:1;blackface:1;fact checking:1;compositing:1;uv spectrum:1;drug analysis:1;boltzmann machine:1;restricted boltzmann machine:1;boltzmann distribution:1;hidden variable theory:1;non convex optimization:1;temperature scaling:1;panopticon:1;inference attack:1;relational model:1;entity relationship model:1;multilayer perceptron:1;discrete action:1;joint action:1;multi frame:1;spacetime:1;class membership:1;parametric transformation:1;decodes:1;crystal structure:1;avoidance learning:1;latent variable model:1;safer:1;gencode:1;pseudogene:1;sequence analysis:1;state transition matrix:1;matrix form:1;visual processing:1;mixture of experts:1;digital subscriber line:1;kotlin:1;literacy:1;grading:1;gauge:1;speech model:1;rework:1;imputation:1;geometric networks:1;sequencing data:1;mean opinion score:1;distance measures:1;software requirements specification:1;position paper:1;corporate social responsibility:1;substring:1;predictive analytics:1;interaction model:1;soft error:1;adder:1;data security:1;transformative learning:1;engine control unit:1;real time operating system:1;spectrum analysis:1;software package:1;dynamical simulation:1;verlet integration:1;word graph:1;approximation property:1;tensor factorization:1;graph isomorphism:1;semantic matching:1;non local:1;optimism:1;risks and benefits:1;quantum information:1;coding theory:1;subcellular localization:1;breakpoint:1;empirical bayes method:1;social issues:1;public policy:1;sanity:1;inverted index:1;intrinsic value:1;computer graphics images:1;thermodynamic integration:1;hedgehog:1;perinatal asphyxia:1;diagnostic tools:1;auto encoders:1;information representation:1;adversarial network:1;theoretical ecology:1;alphabet:1;akaike information criterion:1;fisher information:1;information criteria:1;unmanned ground vehicle:1;gabor filter:1;derivative:1;information space:1;signal to noise ratio:1;phase space:1;probability mass function:1;antecedent:1;anaphora:1;learning models:1;learning agent:1;interpersonal influence:1;microblogging:1;continuance:1;theory of planned behavior:1;dispersion:1;roulette:1;travelling salesman problem:1;time limit:1;spherical harmonics:1;spatial coherence:1;view dependent:1;subsurface scattering:1;sparse image:1;frequency analysis:1;charge control:1;electric vehicle:1;sound classification:1;random geometric graph:1;lattice graph:1;consensus:1;theory of computation:1;undecidable problem:1;binary quadratic programming:1;data aggregator:1;text simplification:1;programmer:1;interpreter:1;risk assessment:1;audio feedback:1;discrete space:1;user interface:1;singular solution:1;stratix:1;bit slicing:1;parallel processing:1;amortizing loan:1;sorensen dice coefficient:1;fluid attenuated inversion recovery:1;rationalization:1;ethical values:1;false perception:1;internal logic:1;return distribution:1;line segment:1;age and gender:1;actuarial science:1;temporal discounting:1;horizon:1;tarmac:1;saddle:1;reification:1;empowerment:1;sparse voxel octree:1;light field:1;blind signature:1;group signature:1;autoregressive integrated moving average:1;underwater acoustic communication:1;observer:1;semantic mapping:1;scale invariant feature transform:1;viewing angle:1;alzheimer s disease:1;gossip protocol:1;gossip algorithms:1;top down and bottom up design:1;more language:1;pronunciation:1;spawn:1;game design:1;design technology:1;maslow s hierarchy of needs:1;complex space:1;stride length:1;drug adverse effect:1;pharmaceutical sciences:1;heuristic evaluation:1;through the lens metering:1;climate model:1;measurement uncertainty:1;acoustic model:1;meta optimization:1;lambda:1;speech corpus:1;pitch contour:1;tone:1;standard methods:1;human language:1;pattern completion:1;chest radiology:1;mixed logit:1;boundary:1;as is:1;control objective:1;feature dimension:1;model complexity:1;bandwidth allocation:1;channel allocation schemes:1;stop codon:1;genetic code:1;transfer rna:1;viridiplantae:1;sphaeropleales:1;high weight:1;standardization:1;online setting:1;job design:1;eudaimonia:1;reset:1;speech spectrum:1;colorectal cancer:1;automated segmentation:1;goodput:1;linux kernel:1;battery pack:1;smart battery:1;state of health:1;state of charge:1;planner:1;meter:1;electricity meter:1;icu admission:1;clinical events:1;dna microarray:1;epigenetics:1;hyperbolic discounting:1;computer simulation:1;sound propagation:1;graft versus host disease:1;bone marrow transplant:1;radio propagation model:1;dissemination:1;power control:1;multiple stages:1;bronchopulmonary dysplasia:1;global structure:1;space requirements:1;dialogue acts:1;table:1;influencer marketing:1;continuing medical education:1;knowledge based systems:1;patient record:1;primary care:1;impact evaluation:1;association rule learning:1;urban climate:1;liver tumor segmentation:1;infinite number:1;forward flow:1;hacker:1;information revolution:1;forensic science:1;transcranial direct current stimulation:1;stimulation:1;microelectrode:1;cortical network:1;high doses:1;job satisfaction:1;user participation:1;search engine indexing:1;computer data storage:1;exact matching:1;metadata management:1;cloud storage:1;directory:1;volume:1;data cube:1;basic skills:1;impulse:1;atmospheric measurements:1;uncertainty principle:1;harmonic analysis:1;probability and statistics:1;paragraph:1;natural language inference:1;rationality:1;context switch:1;full virtualization:1;hypervisor:1;hardware virtualization:1;virtualization:1;wifi network:1;image sharing:1;rna localization:1;protein biosynthesis:1;messenger ribonucleoprotein particle:1;primary sequence:1;zip code:1;optimal decision:1;medical malpractice:1;malpractice:1;liability:1;delegate:1;stochastic neural network:1;empirical probability:1;schur decomposition:1;orthogonal matrix:1;multiplexer:1;homology directed repair:1;biotinylation:1;dna:1;polyethylenimine:1;cas9:1;genome editing:1;indel:1;active appearance model:1;normal mapping:1;shading:1;inversion:1;computer cluster:1;silhouette:1;orthographic depth:1;multiple source:1;logical operations:1;incomplete knowledge:1;exponential complexity:1;enumeration:1;pyramidal neuron:1;telecommunications link:1;protocol stack:1;heterogeneous network:1;quality assessment:1;native structure:1;assessment methods:1;ambient flow:1;single image:1;single step:1;problem of universals:1;ethnography:1;natural history:1;anthropology:1;cross cultural:1;harmonic:1;chord sequence:1;entorhinal cortex:1;deception:1;selection method:1;ensemble forecasting:1;necrotic core:1;underwater robotics:1;robot trajectory:1;visual feedback:1;scalar field:1;mistake:1;security through obscurity:1;bias variance tradeoff:1;spectral method:1;cognitive radio:1;size ratio:1;dataflow programming:1;operator overloading:1;toolchain:1;array programming:1;solution concept:1;quantitative analysis:1;sample complexity:1;wake:1;coauthor network:1;myeloid leukemia:1;exon:1;one to many:1;probabilistic graph:1;universal value:1;quaternion algebra:1;free parameter:1;sequential monte carlo methods:1;sensory information processing:1;factoid:1;hop:1;soar:1;friendship graph:1;vehicle dynamics:1;system safety:1;slip:1;collision avoidance:1;lung injury:1;ventilation:1;breathing:1;extubation failure:1;vector field:1;standard sequence:1;filter bank:1;visual attention:1;flatness:1;bayesian experimental design:1;nesting:1;model learning:1;backup:1;unpaired data:1;many to many:1;adverbial:1;presupposition:1;data imbalance:1;bin packing problem:1;mixed integer quadratic programming:1;simple function:1;blimp:1;local positioning system:1;lighter than air:1;collaborative filtering:1;pentomino:1;spatial bias:1;gene interaction:1;multiplicative function:1;kaplan meier estimate:1;survival data:1;context free grammar:1;landmark:1;deep belief network:1;feature based:1;variational bayesian methods:1;waypoint:1;enhanced ct:1;kidney segmentation:1;patient diagnosis:1;large capacity:1;square root:1;embedded applications:1;depth first search:1;automatic speech:1;wiener filter:1;time frequency analysis:1;signal to interference ratio:1;bleu:1;liver lesion:1;liver segmentation:1;computational intelligence:1;private network:1;chinese characters:1;writing system:1;handwriting recognition:1;power iteration:1;sublinear function:1;interdiction:1;polynomial algorithm:1;statistical learning theory:1;arbitrarily large:1;arithmetic function:1;reconstruction error:1;latent structure:1;drawback:1;low resolution:1;gaussian classifier:1;model free:1;pie chart:1;horizontal and vertical:1;bar chart:1;stochastic differential equation:1;boltzmann constant:1;decoupling:1;genealogy:1;engineering management:1;deliberation:1;segmentation based object categorization:1;luck:1;creative commons:1;learning classifier system:1;urinary system:1;glycolysis:1;urine:1;approximate solution:1;robot end effector:1;sliding window protocol:1;wheelchair:1;mechatronics:1;measurable function:1;geometric data analysis:1;natural gradient:1;recursive model:1;current technology:1";
  | milabib_paper_topics = [[11, 151, 5, 777, 14, 236, 2, 259, 0, 778, 1], [10, 2097, 779, 370, 2098, 24, 14, 0, 6, 330], [2099, 122, 19, 2100, 17, 199, 284, 8, 465, 0], [10, 109, 260, 0, 780], [2101, 781, 466, 51, 0, 1], [139, 4, 100, 11, 152, 2, 57, 0, 641, 782, 1], [2102, 467, 61, 539, 0], [11, 1348, 285, 134, 30, 0], [2103, 4, 0, 28], [175, 176, 237, 985, 23], [7, 200, 331, 2104, 419, 261, 642, 20, 8, 0], [], [135, 201, 0, 309, 136, 783], [55, 110, 84, 38, 9, 0, 1], [420, 468, 104, 215, 1349, 286, 986, 238, 153, 0], [62, 262, 11, 140, 1350, 141, 2105, 784, 8, 0], [8, 0, 987], [50, 69, 8, 59, 0, 2106], [8, 0, 162, 79, 105], [239, 14, 40, 7, 1, 101, 2107, 310, 240, 0], [3, 988, 216, 84, 8, 0, 63, 42, 38, 47], [10, 4, 117, 1, 14, 2108, 1351, 0, 7, 70], [3, 16, 123, 785, 7, 12, 0, 989, 2109], [420, 371, 786, 787, 139, 13, 4, 163, 8, 0], [5, 74, 10, 4, 540, 21, 200, 19, 8, 0, 1], [3, 469, 202, 41, 470, 2, 788, 0, 263, 241, 1], [2110, 541, 5, 106, 53, 1, 0, 118, 4, 63], [990, 1352, 991, 2111, 14, 51, 5, 41, 117, 0, 1], [643, 50, 48, 1353, 242, 47, 217, 111, 30, 0], [421, 1354, 789, 4, 79, 28, 2112, 2113, 0, 1355], [11, 644, 2114, 2115, 332, 69, 471, 264, 12, 0], [287, 333, 288, 2116, 1356, 992, 311, 203, 30, 23], [993, 790, 791, 334, 28, 0, 147, 792, 2117, 2118], [3, 793, 216, 1, 645, 0, 11, 168, 38, 1357], [169, 164, 71, 646, 265, 372, 30, 243, 542, 0], [1358, 4, 2119, 14, 27, 8, 0, 32, 2120, 79], [62, 141, 285, 266, 124, 14, 284, 6, 994, 0], [2121, 97, 289, 65, 40, 148, 14, 218, 12, 0], [3, 988, 2, 19, 66, 0, 32, 37, 335, 1], [100, 4, 373, 2122, 176, 187, 778, 6, 23, 39], [142, 543, 106, 647, 177, 12, 0, 63, 101, 2123], [68, 4, 995, 2124, 85, 19, 86, 9, 47, 0, 1], [996, 1359, 43, 14, 422, 107, 370, 2125, 2126, 794], [290, 64, 2127, 188, 997, 648, 1360, 204, 125, 0], [423, 472, 5, 795, 16, 52, 27, 6, 203, 2, 0, 1], [219, 74, 72, 998, 205, 424, 312, 5, 9, 0, 1], [1361, 2128, 109, 796, 1362, 122, 137, 56, 206, 0], [2129, 2130, 80, 19, 24, 649, 117, 544, 51, 0, 1], [313, 425, 374, 375, 999, 267, 376, 108, 18, 2131], [1363, 797, 2132, 650, 1000, 2133, 2134, 1001, 170, 22], [545, 1364, 1365, 1002, 377, 1366, 22, 2135, 2136, 2137], [87, 2138, 546, 798, 85, 2, 88, 117, 216, 0, 1], [98, 2139, 33, 2140, 2141, 2142, 2143, 2144, 2145, 2146], [378, 473, 651, 1003, 171, 14, 49, 474, 73, 0], [336, 1367, 1368, 178, 1369, 426, 1004, 1005, 377, 18], [799, 427, 1370, 92, 49, 40, 1371, 16, 6, 0], [268, 646, 71, 1006, 55, 2147, 12, 652, 104, 0], [337, 154, 220, 15, 0, 1, 653], [800, 338, 1007, 291, 63, 200, 171, 60, 12, 0], [67, 10, 141, 207, 14, 654, 269, 8, 655, 0], [547, 548, 28, 1008, 801, 2148, 22, 549, 2149, 2150], [2151, 2152, 3, 1372, 379, 2153, 172, 12, 2154, 0], [1009, 1010, 149, 1011, 475, 78, 0, 802, 656], [1373, 25, 1012, 67, 380, 1013, 8, 59, 42, 0], [56, 137, 199, 59, 27, 7, 12, 97, 65, 0], [657, 2155, 338, 177, 1014, 2156, 2157, 476, 6, 0], [550, 2158, 339, 112, 1015, 22, 549, 170, 2159, 1374, 2160], [1375, 244], [340, 59, 2161, 290, 75, 2162, 0, 2163, 2164, 803], [3, 50, 2165, 39, 477, 0, 2166, 6, 2167, 2168], [1376, 16, 10, 428, 804, 118, 163, 53, 2, 0, 1], [1377, 2169, 189, 0], [28, 1016, 1378, 0, 2170], [2171, 2172, 113, 34, 47, 0, 78, 551, 126], [478, 1017, 644, 101, 62, 0, 127], [1379, 1018, 221, 2173, 2174, 44, 479, 51, 1380, 0, 1], [805, 5, 89, 2, 995, 0, 552, 806, 1, 792], [480, 18], [658, 28, 659, 292, 0], [1019, 1381, 2175, 660, 222, 341, 1020, 2176, 1, 22], [21, 342, 245, 78, 61, 553, 15, 0, 41, 70, 1], [554, 14, 7, 45, 555, 15, 2177, 0, 1, 556, 1382], [138, 16, 2178, 1021, 2179, 15, 1383, 343, 555, 0, 1], [1005, 2180, 1, 0, 381, 332, 2181, 2182], [1384, 2183, 2184, 2185, 807, 2186, 344, 2187, 170, 22], [16, 557, 11, 2, 808, 2188, 2189, 0, 293, 1022, 1], [2190, 162, 223, 2191, 1385, 2192, 15, 1386, 1387, 0, 1], [545, 2193, 270, 1388, 1389, 481, 22, 165, 2194, 2195], [661, 2196, 482, 1390, 483, 2197, 271, 78, 1391, 0], [382, 383, 201, 1392, 101, 429, 2198, 2199, 0, 60], [809, 2200, 92, 284, 148, 2, 20, 0, 220, 34, 1], [1393, 166, 76, 93, 101, 162, 0, 810, 2201, 240], [86, 1394, 2202, 2203, 1017, 7, 14, 32, 93, 0], [17, 24, 5, 14, 208, 2, 0, 1, 662], [1395, 2204, 811, 37, 0, 2205, 53, 1396, 2206, 2207], [17, 81, 14, 63, 163, 27, 90, 8, 57, 0], [1397, 469, 430, 1398, 128, 56, 2208, 209, 0, 2, 1], [2209, 384, 71, 265, 179, 30, 91, 558, 243, 0], [4, 2210, 210, 11, 385, 484, 345, 1004, 6, 0], [10, 27, 294, 2, 346, 0, 1, 114], [341, 2211, 386, 663, 125, 55, 0, 53], [2212, 1023, 1024, 2213, 60, 0, 26, 2214, 2215, 794], [2216, 175, 1025, 1026, 1399, 1027, 217, 176, 129, 0], [138, 7, 93, 0, 2217, 2218], [64, 664, 295, 665, 32, 1400, 224, 387, 130, 0], [2219, 58, 314, 2220, 1028, 2221, 485, 173, 666, 22], [24, 2, 172, 315, 347, 0, 1029, 554, 2222, 1, 1401], [10, 431, 812, 155, 9, 124, 110, 35, 388, 0, 1], [667, 94, 88, 316, 199, 73, 559, 388, 0, 486], [296, 290, 4, 246, 389, 130, 156, 0, 317, 421], [2223, 2224, 177, 291, 129, 23], [487, 19, 4, 27, 223, 8, 2225, 57, 432, 0], [560, 294, 272, 43, 813, 0, 2226, 428, 1030, 2227], [151, 1402, 297, 142, 188, 29, 148, 180, 12, 0], [814, 481, 222, 422, 126, 2228, 2229, 2230, 273], [219, 85, 2231, 9, 19, 46, 0, 2232, 1, 2233], [3, 25, 124, 1, 390, 0, 202, 40, 38, 46], [4, 190, 152, 52, 71, 6, 0, 1031, 2234, 1032], [561, 82, 298, 5, 73, 1033, 0, 1], [815, 242, 139, 2235, 1034, 55, 6, 2236, 225, 0], [14, 8, 35, 247, 62, 0, 11, 162, 42, 334], [17, 48, 1035, 816, 19, 2237, 8, 46, 0, 47], [1036, 560, 318, 419, 817, 191, 1037, 668, 1403, 0], [85, 57, 433, 6, 46, 0, 70, 134, 192, 2238], [1361, 56, 19, 0, 46, 818, 47, 206, 488, 123], [45, 140, 2239, 76, 15, 7, 426, 0, 2240, 467, 1], [819, 45, 468, 2, 1404, 562, 0, 1026, 1, 2241, 2242], [19, 8, 124, 102, 248, 0, 311, 994, 62, 563], [15, 0, 20, 54, 245, 92, 489, 123, 669, 564, 1], [290, 59, 318, 101, 2, 7, 0, 193, 77, 85, 1], [2243, 86, 163, 54, 93, 490, 0, 2244, 48, 7], [1038, 545, 1039, 170, 387, 22, 1405, 2245, 2246, 273], [140, 19, 11, 76, 15, 65, 0, 141, 7, 426, 1], [1040, 1406, 1407, 1408, 670, 2247, 28, 1041, 33, 662], [3, 84, 2248, 296, 11, 1, 0, 128, 65, 348], [140, 784, 220, 565, 11, 820, 14, 15, 20, 0, 1], [58, 671, 672, 1409, 349, 1042, 79, 2, 566, 18, 1], [76, 45, 157, 1043, 784, 131, 2249, 821, 15, 0, 1], [822, 44, 344, 24, 211, 2250, 5, 562, 28, 0, 1], [4, 13, 11, 62, 1, 27, 85, 0, 65, 7], [3, 14, 19, 491, 0, 2, 261, 37, 263, 38, 1], [165, 492, 823, 18], [1044, 58, 74, 319, 1410, 349, 166, 2, 2251, 0, 1], [2252, 1411, 272, 53, 1412, 93, 207, 7, 122, 0], [2253, 2254, 1413, 110, 95, 65, 9, 243, 1045, 0, 1], [77, 391, 380, 0, 824], [312, 1006, 169, 646, 567, 199, 1046, 259, 30, 23], [11, 4, 96, 8, 0, 1414, 2255], [568, 2256, 19, 17, 226, 8, 181, 66, 0, 2257], [2258, 2259, 2260, 88, 388, 4, 103, 42, 0, 311], [1047, 392, 202, 1415, 825, 7, 168, 0, 1029, 192], [50, 13, 569, 2, 0, 1, 2261, 1416, 2262], [3, 393, 4, 14, 31, 0, 38, 180, 68, 61], [1048, 570, 1049, 98, 13, 571, 2263, 1417, 1418, 0], [239, 2264, 132, 129, 432, 47, 1050, 21, 788, 23], [270, 572, 493, 1051, 1419, 1420, 22, 2265, 126, 673, 170], [1052, 5, 346, 43, 37, 1392, 0, 573, 1, 2266], [434, 21, 5, 2, 1051, 11, 35, 7, 294, 0, 1], [779, 142, 215, 674, 227, 12, 291, 203, 2267, 0], [675, 135, 1421, 15, 2268, 0, 32, 2269, 826, 1, 783], [320, 2270, 211, 2271, 350, 827, 828, 2272, 676, 22], [2273, 10, 50, 8, 829, 35, 0, 574, 573, 2274], [2275, 1053, 2276, 1054, 133, 1], [321, 299, 29, 830, 351, 677, 150, 2277, 6, 0], [63, 2278, 1, 0, 1055, 2279], [2280, 1056, 1422, 58, 678, 2281, 1423, 831, 300, 249], [2282, 0, 2, 1], [1057, 492, 22, 2283], [351, 4, 2284, 2285, 297, 6, 2286, 295, 388, 0], [10, 2287, 139, 8, 20, 59, 0, 27, 575, 70], [24, 832, 155, 319, 394, 833, 834, 14, 9, 1, 0, 115], [98, 0, 1424], [1425, 679, 1426, 1427, 1428, 98, 576, 1429, 1422, 33], [1058, 98, 292, 576, 680, 0], [58, 2288, 577, 238, 1430, 494, 352, 2289, 1059, 23], [301, 95, 385, 194, 28, 33], [318, 350, 28, 0], [164, 1060, 288, 384, 71, 11, 30, 23, 147], [64, 664, 578, 1431, 1432, 295, 2290, 1061, 6, 0], [990, 643, 2291, 9, 109, 27, 649, 1, 32, 0, 46], [1062, 2292, 681, 3, 1433, 195, 108, 79, 263, 18], [2293, 380, 435, 1063, 53, 1434, 11, 1435, 8, 0], [798, 1, 0, 1064], [302, 206, 133, 2294], [813, 579, 18, 2295], [58, 2296, 16, 303, 2297, 1065, 2298, 98, 436, 33], [4, 11, 85, 2, 46, 77, 41, 0, 37, 36, 1], [671, 36, 580, 2, 2299, 0, 7, 1066, 298, 209, 1], [1436, 1437, 1016, 153, 1438, 98, 196, 2300, 33, 2301], [4, 433, 247, 13, 353, 56, 2, 0, 37, 195, 1], [661, 137, 0, 2, 107, 1], [581, 2302, 1067, 1068, 238, 1439, 2303, 2304, 2305, 2306], [106, 2307, 127, 0, 2308], [34, 1, 0], [2309, 582, 44, 5, 110, 9, 2310, 0, 153, 1, 2311], [64, 354, 835, 293, 395, 122, 6, 91, 26, 0], [396, 434, 1, 0, 2312], [64, 224, 682, 0, 836], [322, 1440, 91, 837, 177, 5, 189, 0, 1069, 1], [5, 2313, 7, 2314, 0, 2315, 1, 2316], [2317, 2318, 583, 2319, 2320, 323, 124, 4, 9, 0, 1], [3, 495, 2321, 838, 574, 2322, 683, 39, 2323, 0], [2324, 496, 2325, 839, 1369, 2326, 28, 272, 18, 2327], [19, 110, 487, 777, 262, 35, 8, 248, 27, 0], [13, 2328, 44, 5, 274, 497, 9, 562, 7, 0, 1], [67, 1070, 48, 9, 0, 1], [119, 4, 143, 1071, 69, 397, 391, 38, 46, 0], [1441, 1442, 840, 2329, 684, 498, 2330, 398, 2331, 182], [355, 3, 275, 1072, 250, 125, 562, 0, 123, 61], [1443, 839, 1444, 437, 2, 63, 148, 0, 1, 2332, 2333], [374, 999, 841, 375, 196, 1073, 58, 173, 842, 18], [1445, 178, 251, 499, 843, 28, 18, 2334, 1446, 2335], [438, 1447, 577, 189, 500, 101, 0, 77, 228, 264], [584, 46, 2336, 276, 260, 102, 685, 1074, 217, 23], [284, 644, 100, 844, 11, 96, 99, 356, 6, 0], [2337, 2338, 2339, 2340, 249], [44, 32, 2341, 73, 0, 197, 2342, 1075], [686, 2343, 547, 1448, 1449, 195, 103, 140, 585, 0], [2344, 4, 141, 139, 2345, 2, 0, 35, 166, 188, 1], [2346, 2347, 2348, 2349, 1450, 2350, 1419, 1076, 2351, 33], [251, 112, 2352, 28, 33], [140, 45, 687, 64, 1077, 229, 32, 8, 0, 212], [2353, 1451, 292, 211, 165, 399, 2354, 22, 2355], [2356, 2357, 1078, 183, 18, 105, 845, 2358, 2359], [13, 101, 2, 2360, 0, 1, 2361, 2362], [277, 19, 5, 501, 0, 300, 1, 10, 2363], [3, 400, 1452, 13, 688, 2, 53, 0, 39, 61, 1], [58, 267, 846, 1453, 1454, 1455, 108, 349, 2364, 18], [1456, 1457, 2365, 2366, 672, 267, 2367, 324, 1458, 18], [213, 2368, 2369, 341, 165, 37, 666, 0, 357, 273], [116, 674, 844, 12, 689, 778, 586, 0, 317, 47], [81, 72, 7, 587, 310, 2, 381, 230, 0, 47, 1], [2370, 173, 2371, 1459, 16, 252, 2372, 439, 566, 18], [420, 588, 4, 589, 13, 472, 2, 69, 163, 0, 1], [1460, 847, 1461], [382, 89, 59, 14, 66, 1058, 2, 37, 323, 0, 1], [848, 1462, 64, 1079, 204, 32, 129, 2373, 23, 2374], [1080, 2375, 165, 213, 1463, 2376, 1081, 314, 18, 1], [175, 2377, 2378, 1464, 84, 157, 1435, 304, 358, 23], [344, 670, 1465, 22], [2379, 687, 1460, 0, 41, 2380], [849, 56, 149, 231, 590], [36, 690, 2381, 502, 850, 370, 1082, 76, 0, 1], [690, 36, 1398, 850, 2382, 502, 1083, 76, 127, 0], [127, 0, 1466, 656], [2383, 31, 182], [1467, 1468, 440, 195, 426, 2384, 1084, 480, 18, 851], [486, 5, 25, 3, 1469, 1085, 2385, 2, 0, 2386, 1], [1470, 691, 7, 43, 0, 1086, 1087, 24, 852, 465], [503, 158, 853, 1045, 1068, 2387, 266, 269, 238, 0], [24, 2388, 95, 269, 421, 117, 854, 7, 31, 0], [3, 193, 26, 346, 2, 0, 61, 1], [1471, 345, 132, 141, 97, 482, 214, 1472, 6, 0], [401, 504, 16, 5, 101, 78, 26, 127, 0, 272, 1], [552, 1088, 1473, 62, 24, 4, 89, 73, 855, 0], [692, 1087, 2389, 4, 247, 796, 253, 124, 1, 0], [441, 1019, 1089, 856, 3, 5, 4, 295, 359, 0, 1], [578, 1432, 64, 297, 2390, 2391, 857, 32, 539, 0], [848, 156, 204, 64, 2392, 2393, 124, 216, 6, 0], [138, 1090, 45, 1091, 15, 505, 0, 1, 2394], [44, 29, 360, 9, 0, 506, 232, 663, 2395, 1, 1474], [3, 2396, 858, 20, 859, 377, 53, 347, 402, 0], [848, 64, 2397, 204, 32, 2398, 6, 2399, 0, 1475], [2400, 2401, 4, 50, 96, 197, 860, 57, 12, 0], [1476, 2402, 1477, 1478, 249, 2403], [841, 2404, 375, 2405, 1479, 1480, 2406, 507, 108, 18], [10, 17, 1092, 4, 2407, 861, 1, 0, 26, 41], [2408, 58, 2409, 173, 2410, 1481, 481, 862, 314, 422], [173, 314, 2411, 222, 165, 666, 231, 357, 126, 1093], [2412, 2413, 2414, 400, 361, 22, 2415], [1067, 1094, 1068, 173, 336, 2416, 77, 241, 1482, 422], [1095, 266, 150, 2417, 1037, 1096, 191, 32, 0, 1097], [1483, 20, 294, 2418, 13, 4, 247, 2419, 73], [1098, 2420, 2421, 2422, 5, 863, 1], [2423, 547, 508, 1099, 18], [267, 375, 16, 374, 313, 2424, 999, 425, 28, 33], [313, 425, 496, 374, 16, 267, 2425, 376, 28, 33], [2426, 259, 864, 865, 432, 129, 403, 276, 55, 23], [276, 265, 1484, 403, 432, 129, 35, 419, 59, 23], [137, 106, 1485, 438, 12, 67, 176, 264, 2427, 0], [278, 362, 112, 363, 442, 0, 211, 2428, 1486, 2429], [278, 1451, 399, 693, 211, 442, 0, 1100], [694, 695, 1487, 241, 214, 404, 866, 10, 6, 0], [5, 2, 688, 193, 14, 0, 32, 55, 1, 1488, 1489], [1490, 591, 1101, 0, 592, 1, 213, 2430, 1491], [428, 2431, 804, 26, 36, 5, 37, 0, 1], [353, 5, 569, 593, 41, 51, 44, 39, 0, 46, 1], [3, 1492, 355, 215, 29, 562, 125, 37, 0, 696], [10, 342, 5, 509, 867, 140, 15, 0, 83, 1, 114], [2432, 2433, 2434, 1493, 1494, 1495, 2435, 134, 510, 133], [10, 1102, 5, 27, 277, 2, 35, 0, 381, 305, 1], [3, 511, 142, 4, 279, 19, 21, 1103, 12, 0], [120, 697, 1496, 3, 108, 26, 560, 61, 47, 18], [86, 272, 93, 7, 655, 1497, 0, 868, 2436], [354, 594, 578, 204, 2437, 156, 64, 810, 6], [595, 869, 302, 2438, 596, 122, 55, 6, 79, 0], [1470, 691, 7, 43, 0, 1086, 1087, 24, 852, 465], [89, 63, 870, 15, 4, 0, 1498, 1, 1104], [167, 17, 122, 597, 86, 92, 8, 102, 148, 0], [16, 0, 1], [344, 363, 211, 112, 827, 339, 254, 0, 2439, 2440], [363, 112, 211, 350, 1105, 0, 2441, 2442, 1486, 2443], [405, 139, 53, 8, 37, 0, 296, 871, 114], [363, 211, 344, 2444, 254, 399, 0, 2445, 2446, 2447], [2448, 2449, 2450, 2451, 1106, 1015, 22, 170, 2452, 2453, 1499], [1500, 2454, 2455, 1107, 2456, 840, 398, 1501, 182, 262], [512, 406, 1378, 872, 28, 33, 2457, 2458], [3, 1502, 285, 83, 0, 2, 143, 443, 1], [2459, 867, 873, 1503, 163, 2460, 93, 429, 0, 25], [24, 102, 53, 2, 0, 1420, 598, 698, 2461, 1], [874, 1504, 4, 42, 1108, 8, 218, 0, 1505], [875, 211, 1109, 1506, 1507, 362, 363, 254, 1508, 22], [1509, 2462, 2463, 165, 1510, 2464, 1511, 18, 1512, 2465], [2466, 876, 2467, 2468, 559, 88, 2469, 2470, 51, 0, 1], [270, 320, 599, 1051, 44, 5, 2, 600, 444, 0, 1], [3, 1513, 91, 83, 223, 53, 14, 2471, 43, 0], [1514, 2472, 1515, 361, 18, 1516, 654, 877], [24, 155, 2473, 2474, 1517, 215, 57, 350, 9, 23, 1], [2475, 1110, 7, 233, 2476, 108, 63, 62, 37, 0], [1518, 0, 539, 1111], [10, 131, 13, 15, 92, 19, 280, 118, 20, 0, 1], [495, 424, 198, 338, 471, 135, 8, 21, 0, 699], [45, 15, 1519, 0, 878, 1, 1520, 1521], [119, 1421, 10, 157, 700, 809, 601, 27, 8, 0], [135, 1522, 89, 7, 13, 15, 0, 2477, 61, 1, 701], [76, 15, 0, 429, 107, 4, 1, 115], [382, 445, 13, 602, 213, 2, 96, 207, 1523, 0, 1], [74, 72, 4, 2, 110, 14, 148, 879, 816, 0, 1], [135, 15, 7, 0, 603, 309, 1, 783], [1079, 154, 13, 233, 80, 553, 15, 32, 62, 0, 1], [1112, 251, 2478, 2479, 2480, 324, 79, 880, 18, 2481], [152, 62, 20, 140, 2, 0, 232, 881, 11, 38, 1], [45, 89, 2, 59, 0, 77, 1524, 38, 465, 1], [45, 2482, 108, 1456, 79, 32, 263, 2483, 41, 0], [224, 1113, 399, 0, 2, 32, 1, 1525, 1446], [1384, 882, 883, 1114, 446, 22, 566, 2484, 1526, 2485], [595, 869, 88, 596, 6, 37, 0, 38, 78, 2486], [1527, 1115, 546, 1116, 167, 163, 22, 195, 2, 1, 1528], [2487, 822, 211, 2488, 2489, 1529, 22, 1117, 2490, 2491], [1530, 1084, 393, 702, 325, 43, 1531, 165, 4, 33], [1118, 2492, 1532, 301, 1106, 481, 33, 1533], [2493, 2494, 2495, 2496, 703, 2497, 5, 33, 1, 2498], [45, 76, 154, 157, 233, 8, 2499, 20, 553, 0], [34, 113, 0, 136], [7, 66, 34, 15, 0, 1], [504, 401, 5, 1534, 1535, 277, 513, 32, 127, 0, 1], [1119, 72, 4, 79, 57, 578, 9, 325, 134, 0, 1], [2500, 437, 31, 27, 0, 314, 2501], [213, 490, 884, 2502, 1498, 16, 1536, 514, 128, 0], [364, 604, 365, 183, 132, 96, 594, 50, 6, 0], [885, 432, 2503, 122, 268, 40, 604, 183, 30, 23], [58, 2504, 2505, 2506, 2507, 1537, 2508, 2509, 2510, 422], [1538, 3, 401, 16, 1080, 1539, 0, 1120, 36, 2, 1], [1121, 2511, 2512, 2513, 2514, 2515, 2516, 2517, 886, 249], [1540, 54, 1122, 1541, 48, 144, 210, 6, 88, 0], [25, 407, 242, 89, 159, 2518, 19, 396, 2, 0, 1], [887, 32, 873, 191, 0, 656], [155, 24, 181, 21, 51, 27, 41, 0, 343, 2519, 1], [605, 13, 99, 15, 163, 212, 2520, 118, 0, 7, 1], [447, 119, 212, 41, 9, 46, 1123, 0, 408, 878, 1], [1542, 44, 211, 1543, 1544, 254, 888, 5, 22, 1, 2521], [81, 1545, 27, 19, 409, 159, 1124, 52, 2, 0, 1], [2522, 1546, 1368, 51, 156, 305, 187, 0, 1, 1125, 1547], [875, 2523, 363, 362, 2524, 1038, 606, 1465, 184, 22], [2525, 408, 44, 2526, 5, 212, 316, 9, 7, 0, 1], [1126, 1548, 173, 704, 58, 1127, 1549, 1114, 18, 1], [846, 1128, 301, 112, 1550, 178, 548, 1551, 889, 33], [431, 302, 180, 226, 215, 6, 293, 145, 0, 607], [2527, 2528, 2529, 2530, 2531, 2532, 2533, 446, 2534, 22], [474, 848, 141, 64, 54, 6, 2535, 0, 232, 836], [150, 242, 64, 42, 6, 13, 0, 1552, 1553, 705], [2536, 890, 1107, 284, 448, 88, 410, 35, 133, 780], [151, 1554, 152, 245, 2, 0, 350, 1, 1555, 2537, 2538], [67, 74, 816, 110, 515, 4, 48, 9, 20, 0, 1], [225, 1123, 1129, 26, 4, 6, 205, 0, 105, 70], [410, 2539, 1022, 2540, 608, 1130, 1556, 323, 237, 0], [289, 449, 105, 97, 143, 38, 404, 12, 0], [3, 20, 785, 197, 1131, 14, 12, 250, 0, 241], [0], [3, 268, 491, 19, 2, 0, 1557, 83, 706, 70, 1], [92, 17, 9, 0, 241, 1], [3, 97, 1, 0], [7, 707, 3, 16, 31, 450, 35, 0, 20, 153], [1132, 451, 144, 5, 708, 891, 29, 106, 12, 0, 1], [2541, 11, 2542, 200, 8, 356, 52, 35, 0, 37], [2543, 74, 568, 6, 35, 32, 0, 47, 309, 780], [36, 286, 73, 799, 162, 110, 37, 0, 192, 2544], [1540, 2545, 2546, 1541, 486, 160, 10, 540, 6, 23], [152, 100, 11, 20, 2, 59, 0, 240, 7, 782, 1], [10, 709, 688, 102, 141, 299, 13, 8, 0, 7], [411, 3, 710, 20, 278, 1, 0, 32, 2547, 42], [3, 132, 304, 143, 202, 7, 1, 146, 0, 38], [80, 288, 711, 348, 71, 227, 237, 35, 42, 23], [205, 215, 225, 156, 12, 247, 574, 52, 4, 0], [423, 3, 116, 412, 40, 12, 88, 712, 41, 0], [205, 121, 4, 39, 7, 2, 68, 0, 1, 326, 1558], [498, 543, 106, 516, 291, 12, 159, 11, 689, 23], [516, 12, 1133, 327, 166, 23, 2548], [2549, 44, 2550, 1559, 16, 2551, 2552, 305, 51, 0, 1], [250, 1560, 1561, 306, 152, 24, 26, 2553, 0, 189], [1134, 58, 3, 95, 7, 1496, 124, 184, 108, 0], [2554, 2555, 2556, 1515, 1516, 361, 13, 892, 2557, 18], [1354, 184, 993, 1357, 494, 2558, 1135, 28, 2559, 18], [884, 1010, 2560, 439, 2561, 2562, 244, 2563, 107, 2564], [2565, 153, 28, 77, 0, 2566, 1562, 1563, 2567, 2568], [1044, 667, 319, 94, 473, 88, 1136, 272, 9, 0, 1], [1024, 0], [342, 509, 867, 10, 5, 140, 15, 0, 713, 1, 114], [17, 13, 1564, 120, 2, 7, 14, 0, 227, 124, 1], [2569, 609, 16, 893, 2570, 56, 31, 317, 335, 0], [2571, 72, 2572, 14, 2573, 1137, 281, 2, 0, 122, 1], [1052, 3, 84, 162, 310, 9, 20, 466, 0, 37, 1], [678, 892, 1138, 2574, 493, 2575, 292, 1565, 163, 22, 170], [2576, 1062, 95, 334, 1139, 1566, 790, 113, 35, 0], [1040, 670, 2577, 2578, 1105, 0, 2579, 590, 2580], [164, 169, 2581, 71, 1356, 992, 1567, 30, 1568, 23], [267, 95, 714, 184, 90, 14, 1135, 2582, 28, 18], [2583, 588, 3, 409, 17, 331, 35, 2, 851, 0, 1], [692, 1569, 715, 182, 1570], [692, 1569, 182, 28, 1570], [1375, 255, 2584, 2585, 1512, 1571, 2586, 2587], [1140, 58, 2588, 270, 1572, 0, 1, 1141, 2589, 2590], [2591, 16, 504, 2592, 2593, 32, 887, 2, 0, 1], [610, 177, 203, 14, 1573, 12, 23], [1574, 1575, 29, 4, 1576, 448, 2594, 133, 2595], [169, 495, 716, 71, 338, 116, 179, 243, 30, 23], [611, 1577, 162, 116, 2, 0, 1], [2596, 2597, 1578, 2598, 840, 1500, 2599, 398, 182, 107], [67, 110, 2600, 74, 601, 515, 360, 9, 48, 0, 1], [1142, 1579, 157, 50, 829, 214, 894, 0, 894], [517, 2601, 97, 1122, 54, 84, 169, 452, 358, 23], [1142, 1579, 157, 50, 894, 0], [413, 2602, 1580, 895, 3, 1143, 2603, 717, 75, 0], [405, 1573, 146, 12, 0, 1144], [92, 17, 111, 16, 1581, 385, 65, 46, 6, 0], [1477, 863, 2604, 2605], [10, 17, 48, 612, 124, 141, 1582, 306, 8, 0], [135, 798, 185, 18], [412, 179, 1145, 104, 30, 305, 216, 2606, 105, 0], [175, 236, 111, 1583, 1584, 1146, 293, 11, 129, 0], [896, 82, 1048, 2607, 315, 897, 377, 570, 2608, 23], [5, 4, 1, 0], [154, 207, 518, 142, 7, 16, 1585, 2609, 0, 127], [453, 2610, 353, 118, 60, 4, 5, 309, 0, 1054, 1], [100, 5, 261, 718, 71, 8, 0, 63, 77, 1, 1147], [66, 62, 19, 7, 124, 613, 2, 2611, 14, 0, 1], [898, 45, 16, 613, 7, 15, 152, 1148, 0, 34, 1], [0, 1, 2612], [853, 1149, 101, 719, 586, 614, 1150, 83, 422, 73], [1586, 991, 113, 18], [27, 2613, 1151, 1395, 1152, 2614, 231], [190, 100, 604, 69, 596, 720, 82, 1153, 6, 0], [3, 2615, 899, 68, 2, 0, 1587, 390, 143, 41, 1], [2616, 163, 263, 0, 14, 7, 37, 2617, 51, 1, 2618], [2619, 551, 267, 215, 112, 2620, 238, 422, 1154, 2621], [674, 116, 137, 142, 171, 12, 356, 0, 453, 52], [1588, 2622, 454, 324, 349, 112, 2623, 18, 1455, 228], [2624, 2625, 222, 2626, 1589, 196, 2627, 173, 492, 22], [721, 120, 2, 26, 519, 0, 46, 1, 234, 2628], [722, 155, 2, 32, 0, 48, 2629, 1, 1590], [253, 2630, 2631, 145, 1591, 28, 0, 2632, 2633, 2634], [4, 11, 995, 19, 224, 6, 723, 0, 36, 2635], [176, 40, 558, 97, 129, 3, 1145, 992, 84, 0], [286, 281, 455, 2636, 6, 46, 587, 90, 900, 0], [3, 2637, 2638, 2639, 4, 26, 121, 75, 0, 27], [2640, 520, 677, 539, 592, 1592, 37, 467, 0, 1155], [371, 420, 588, 183, 13, 589, 96, 724, 8, 0], [], [], [2641, 2642, 3, 141, 262, 725, 271, 395, 67, 0], [174, 1593, 437, 366, 0, 2643, 1156], [3, 17, 0, 1], [340, 59, 271, 232, 0, 71, 803, 2644, 115], [1348, 285, 11, 80, 227, 409, 1157, 79, 8, 0], [74, 219, 998, 5, 521, 4, 9, 53, 19, 0, 1], [2645, 726, 1158, 2646, 2647, 55, 9, 0, 1, 2648, 2649], [135, 14, 93, 0, 20, 81, 309, 136, 783, 901], [3, 902, 20, 1, 0, 489, 47, 323, 61, 2650], [686, 1523, 277, 31, 0, 13, 168, 70, 57, 2651], [3, 2, 120, 0, 128, 63, 11, 85, 168, 467, 1], [903, 433, 323, 2, 669, 7, 0, 727, 1, 2652, 2653], [198, 20, 414, 2, 0, 330, 1], [433, 1159, 20, 57, 6, 0, 1594, 2654, 1160, 1104], [433, 903, 323, 727, 2, 107, 0, 1], [2655, 20, 12, 0], [3, 1595, 97, 16, 40, 12, 199, 0, 728, 7], [64, 2656, 256, 32, 296, 53, 130, 388, 0, 2657], [295, 64, 665, 1061, 32, 1400, 224, 88, 6, 0], [316, 92, 274, 221, 522, 85, 1161, 148, 2, 0, 1], [2658, 5, 139, 144, 141, 8, 0, 321, 2659, 90, 1], [2660, 904, 121, 7, 16, 31, 36, 0, 155, 1156], [25, 686, 4, 62, 561, 905, 130, 19, 0, 42], [141, 10, 17, 5, 155, 302, 321, 812, 6, 0, 1], [403, 16, 276, 2, 0, 83, 904, 123, 686, 602, 1], [74, 1596, 109, 111, 1469, 486, 46, 30, 1162, 0], [1163, 569, 1597, 380, 45, 146, 435, 356, 6, 0], [219, 310, 167, 1598, 2661, 9, 0, 1164, 381, 1, 2662], [119, 2663, 223, 204, 1599, 8, 35, 0, 2664, 2665], [2666, 29, 700, 2, 0, 7, 168, 2667, 1, 2668, 2669], [158, 66, 3, 17, 11, 54, 19, 20, 1, 0], [215, 2670, 3, 52, 2, 57, 209, 0, 68, 107, 1], [72, 11, 80, 36, 20, 6, 216, 564, 262, 0], [84, 3, 402, 110, 132, 2, 20, 68, 0, 97, 1], [4, 248, 1026, 120, 130, 0, 615, 234, 2671], [0, 125, 1600], [50, 88, 65, 6, 1594, 559, 0, 230, 1601, 2672], [550, 339, 1602, 2673, 1603, 270, 545, 1057, 170, 22], [2674, 2675, 813, 1604, 579, 244, 794], [684, 1605, 1606, 1607, 1608, 1165, 1609, 182, 573, 77], [77, 684, 1605, 1609, 1606, 1607, 182, 1165, 1608, 2676], [1578, 2677, 2678, 2679, 2680, 2681, 906, 2682, 398, 133], [2683, 1610, 1611, 2684, 182], [2685, 1166, 1612, 1613, 7, 271, 2686, 5, 0, 61, 1], [713, 3, 102, 54, 187, 2, 0, 523, 671, 145, 1], [354, 64, 3, 91, 293, 6, 456, 0, 2687, 1475], [165, 213, 2688, 1463, 1511, 2689, 2690, 163, 1, 2691], [1039, 2692, 1167, 2693, 387, 2694, 2695, 170, 2696, 22], [713, 3, 54, 102, 187, 2, 523, 0, 2697, 145, 1], [2698, 552, 2699, 43, 0, 155, 68, 2700, 2701], [2702, 2703, 430, 56, 849, 522, 14, 209, 579, 0, 1], [161, 1614, 0, 379], [3, 89, 904, 2, 71, 0, 57, 68, 223, 36, 1], [457, 2704, 520, 317, 729, 1615, 75, 0, 1018, 41], [2705, 382, 907, 367, 429, 43, 163, 0, 36, 1491], [7, 2706, 2707, 121, 413, 2708, 318, 1616, 191, 0], [64, 354, 578, 328, 42, 6, 0, 456, 1617], [1077, 76, 297, 2709, 0, 2, 305, 41, 62, 1, 2710], [709, 1618, 555, 15, 292, 0, 187, 40, 41, 281, 1], [2711, 2712, 1612, 2713, 1619, 84, 1620, 122, 125, 0], [17, 11, 19, 80, 21, 36, 52, 8, 348, 0], [316, 257, 908, 56, 94, 27, 2, 390, 0, 522, 1], [207, 32, 171, 367, 38, 2714, 0, 8, 262, 10], [434, 4, 7, 331, 200, 2, 27, 0, 57, 90, 1], [106, 1596, 88, 6, 559, 26, 0, 78, 2715, 2716], [1168, 208, 3, 1621, 31, 14, 0, 83, 2717], [91, 26, 40, 2718, 0, 31, 56, 1, 55, 143, 1169], [864, 132, 199, 4, 159, 19, 5, 443, 6, 1, 0], [1622, 2719, 2720, 830, 730, 677, 2721, 145, 731, 133], [119, 1002, 180, 5, 1170, 1623, 1171, 57, 73, 133, 1], [382, 43, 732, 77, 314, 0, 99, 357, 126, 1093], [1624, 1616, 118, 1625, 1626, 1627, 60, 2722, 359, 0], [119, 1002, 180, 5, 1170, 1623, 1171, 57, 73, 133, 1], [2723, 659, 1172, 165, 18, 213, 282, 374, 267], [], [55, 908, 56, 59, 53, 250, 75, 0, 41, 227], [733, 303, 300, 98, 33, 2724], [1377, 438, 2725, 2726, 189, 101, 500, 77, 0, 228], [5, 226, 451, 219, 2, 19, 0, 46, 34, 1, 1173], [909, 198, 577, 4, 11, 2, 2727, 235, 57, 0, 1], [704, 2728, 2729, 2730, 2731, 660, 1174, 1510, 1628, 18, 1], [2732, 2733, 2734, 1175, 2735, 2736, 2737, 22, 2738, 2739], [106, 610, 256, 524, 12, 1452, 162, 61, 0, 26], [5, 910, 72, 4, 285, 96, 11, 20, 2, 0, 1], [3, 118, 202, 1, 0, 47, 652, 428], [1629, 2740, 2741, 74, 117, 17, 1176, 390, 51, 0, 1], [10, 525, 17, 11, 8, 179, 52, 0, 117, 248], [16, 86, 163, 26, 2, 0, 36, 37, 197, 32, 1], [10, 5, 1630, 25, 805, 4, 2742, 60, 0, 8, 1], [337, 154, 220, 15, 0, 1, 653], [2743, 211, 292, 254, 22, 2744], [178, 911, 508, 251, 253, 112, 1177, 28, 494, 33], [16, 1167, 1631, 2745, 2746, 446, 1632, 314, 2747, 22], [158, 113, 34, 0], [658, 912, 2748, 1633, 5, 28, 153, 247, 1634, 0, 1], [913, 437, 1635, 43, 236, 346, 47, 0, 322], [2749, 2750, 496, 585, 41, 31, 0], [1636, 25, 714, 2751, 113, 1637, 253, 53, 0, 90], [105, 31, 0, 1125], [1638, 30, 0], [1639, 1640, 270, 1000, 828, 2752, 2753, 734, 1178, 22], [2754, 1152, 2755, 141, 10, 2756, 271, 0, 1179, 2757], [545, 270, 2758, 22, 1, 2759, 2760, 2761, 2762], [5, 141, 16, 642, 8, 124, 48, 0, 27, 7, 1], [7, 1043, 1180, 411, 164, 120, 14, 2, 187, 0, 1], [1089, 441, 161, 246, 2763, 725, 262, 290, 75, 0], [1072, 3, 1580, 250, 413, 1490, 275, 125, 0, 26], [140, 45, 154, 419, 11, 1641, 1370, 35, 15, 0, 1], [2764, 2765, 2766, 2767, 1642, 1056, 2768, 2769, 1423, 33], [2770, 252, 2771, 811, 2772, 340, 1643, 0, 107, 14], [76, 45, 2773, 1404, 15, 0, 834, 1], [45, 15, 0, 1519, 878, 1, 1520, 1521, 2774], [1028, 2775, 2776, 914, 255], [1371, 2777, 1644, 86, 102, 2778, 383, 189, 0, 14], [2779, 2780, 915, 2781, 282, 195, 18, 1029, 2782, 2783], [1008, 2784, 493, 22, 170], [5, 44, 15, 350, 274, 306, 181, 415, 0, 1, 1075], [2785, 2786, 10, 2787, 206, 8, 0, 61, 2788, 2789], [3, 20, 12, 49, 13, 52, 0, 55, 24, 90], [10, 2, 0, 526, 1, 10], [39, 21, 152, 2, 0, 1], [10, 141, 19, 54, 35, 48, 8, 157, 0, 47], [17, 24, 2, 35, 20, 0, 916, 47, 542, 1, 10], [21, 17, 72, 29, 24, 1645, 39, 2, 205, 0, 1], [2790, 2791, 11, 100, 4, 2792, 1646, 139, 6, 1, 0], [588, 409, 3, 17, 19, 157, 331, 35, 2, 0, 1], [1647, 31, 316, 0, 53, 430, 699, 24, 393, 107], [167, 4, 1181, 17, 92, 67, 471, 527, 6, 0], [62, 19, 14, 26, 5, 1648, 35, 8, 0, 1], [468, 1649, 1650, 89, 2, 569, 0, 153, 1, 806, 47], [87, 24, 2, 2793, 0, 1, 192, 2794], [735, 17, 315, 903, 2, 1182, 0, 458, 1, 2795], [2796, 25, 431, 321, 88, 145, 64, 1518, 9, 0, 1], [58, 485, 445, 842, 2797, 1078, 1057, 2798, 90, 22], [10, 141, 55, 6, 26, 0, 57, 580, 41, 232], [16, 198, 63, 7, 2, 20, 0, 414, 136, 1, 901], [3, 268, 491, 19, 2, 0, 1557, 83, 706, 70, 1], [289, 3, 333, 91, 187, 785, 581, 6, 107, 0], [3, 104, 52, 12, 37, 111, 57, 1131, 0, 61], [85, 1183, 11, 736, 44, 2, 528, 0, 42, 123, 1], [541, 2799, 135, 24, 90, 117, 2800, 195, 31, 0], [3, 4, 85, 2, 49, 0, 7, 156, 150, 96, 1], [11, 4, 319, 94, 2, 368, 0, 14, 37, 7, 1], [1418, 2801, 1184, 53, 2802, 1651, 54, 515, 8, 0], [2803, 833, 91, 2804, 917, 4, 279, 88, 9, 0, 1], [1185, 472, 5, 786, 4, 20, 35, 2, 171, 0, 1], [1652, 616, 874, 81, 407, 1653, 510, 171, 42, 0], [1186, 1187, 91, 1654, 306, 11, 20, 1, 0, 37], [424, 57, 20, 73, 433, 0, 46, 134, 2805, 1104], [21, 918, 2806, 19, 2807, 179, 124, 41, 9, 0, 1], [905, 204, 59, 9, 0, 34, 136, 1655, 1, 2808, 2809], [92, 919, 1581, 17, 14, 66, 79, 8, 36, 0], [164, 4, 5, 2, 0, 52, 1], [17, 657, 495, 80, 80, 111, 12, 0, 315, 2810], [525, 17, 5, 2, 0, 145, 1094, 1, 607], [158, 67, 7, 4, 14, 16, 11, 2, 63, 0, 1], [1188, 138, 66, 25, 62, 38, 103, 131, 0, 330], [1189, 30, 521, 0], [784, 140, 2811, 220, 45, 76, 518, 821, 15, 0, 1], [3, 84, 10, 132, 8, 0, 42, 335], [21, 1538, 2, 0, 217, 737, 39, 1, 2812], [1190, 13, 50, 599, 2, 198, 26, 78, 0, 199, 2813, 1], [10, 8, 0, 1656, 302, 10, 920, 114], [198, 87, 54, 24, 128, 2, 52, 48, 0, 1], [5, 2814, 29, 4, 617, 311, 1191, 477, 6, 0, 1], [3, 97, 12, 7, 118, 0, 107], [10, 5, 102, 495, 13, 2, 39, 0, 66, 574, 1, 10], [1192, 85, 67, 24, 198, 2, 14, 0, 38, 1], [3, 681, 7, 1, 390, 124, 109, 0, 41, 46], [179, 384, 288, 1193, 243, 144, 40, 30, 615, 333, 0], [151, 5, 642, 1657, 12, 0, 40, 1], [21, 738, 2815, 11, 57, 104, 14, 80, 12, 0], [198, 3, 200, 40, 128, 11, 216, 477, 31, 0], [200, 26, 27, 25, 35, 2, 36, 0, 63, 921, 1], [922, 902, 1658, 117, 208, 331, 38, 20, 0, 31], [459, 227, 116, 12, 5, 0, 69, 1595, 2816, 70, 1], [499, 1659, 363, 670, 146, 28, 0, 2817], [2818, 4, 1, 618, 739, 872, 0, 2819, 2820], [3, 1194, 619, 12, 7, 227, 2821, 14, 0, 88], [84, 3, 449, 11, 529, 27, 296, 7, 8, 0], [620, 621, 283, 149, 669, 0, 26, 222, 126, 2822], [109, 119, 890, 55, 54, 4, 68, 247, 6, 0], [198, 2823, 21, 2, 740, 14, 0, 36, 128, 530, 1], [11, 820, 35, 1, 808, 0, 70, 7, 452, 1030], [139, 7, 223, 26, 11, 94, 458, 27, 1, 0], [2824, 171, 80, 4, 6, 101, 1195, 0, 2825, 115], [11, 923, 332, 9, 1660, 554, 46, 63, 0, 1, 1160], [229, 190, 1066, 69, 230, 1661, 6, 1662, 2826, 0], [300, 10, 139, 568, 2827, 19, 65, 215, 8, 0], [434, 158, 7, 87, 1196, 120, 2828, 14, 0, 15, 1], [378, 167, 157, 17, 117, 36, 5, 15, 0, 212, 1], [87, 3, 7, 588, 20, 14, 117, 11, 2, 0, 1], [3, 20, 596, 143, 6, 0, 741, 2829, 202, 61], [3, 17, 110, 11, 54, 2, 35, 529, 0, 488, 1], [568, 1107, 6, 0, 34, 55, 134, 335, 780, 1416], [384, 2830, 288, 2831, 82, 1663, 455, 210, 30, 0], [183, 4, 2832, 17, 2833, 360, 92, 13, 2, 0, 1], [3, 1, 288, 0, 243, 83, 542, 742, 924, 2834], [1350, 1187, 13, 3, 225, 1, 14, 1664, 0, 81], [3, 1197, 698, 12, 5, 0, 2835, 2836, 172, 105, 1], [85, 62, 24, 94, 14, 19, 11, 2, 27, 0, 1], [3, 148, 66, 2, 1665, 32, 0, 37, 38, 35, 1], [11, 334, 216, 21, 228, 200, 8, 0], [1666, 2837, 2838, 2839, 705, 2840, 398, 2841, 133, 2842], [164, 521, 4, 257, 29, 515, 2, 26, 0, 1], [143, 56, 1, 117, 0, 34, 390, 205, 121, 224], [1119, 16, 325, 591, 127, 1198, 0, 2843], [622, 2844, 2845, 60, 1199, 2846, 1667, 130, 32, 0], [58, 1668, 546, 5, 54, 1669, 2847, 325, 480, 22, 1], [2848, 591, 1119, 396, 60, 2849, 277, 1083, 127, 0], [161, 925, 1670, 116, 743, 67, 75, 1200, 996, 0], [1201, 926, 161, 617, 75, 207, 1671, 859, 0, 2850], [3, 460, 25, 7, 1, 0], [2851, 2852, 2853, 2854, 2855, 1666, 705, 2856, 398, 133], [29, 1672, 4, 130, 0, 395, 13, 1097, 248, 146], [2857, 1673, 25, 805, 188, 2858, 387, 2859, 539, 0, 1054], [13, 106, 2860, 69, 2861, 217, 2862, 6, 443, 731, 133], [623, 2863, 2864, 201, 513, 60, 0, 7, 32, 1202], [85, 5, 21, 99, 9, 46, 0, 117, 347, 1129, 1], [875, 211, 1109, 1532, 1506, 1507, 254, 1508, 22, 2865], [290, 11, 8, 0, 41, 927, 818, 70, 803], [76, 62, 793, 283, 223, 181, 108, 261, 2866, 0], [1674, 2867, 201, 0, 928, 2868, 248, 2869], [2870, 2871, 252, 1115, 1113, 2872, 666, 647, 163, 22], [546, 89, 109, 727, 93, 0, 59, 36, 2873, 1203], [1675, 20, 45, 14, 2, 62, 2874, 521, 744, 0, 1], [86, 896, 2875, 2, 55, 0, 77, 172, 241, 1, 1676], [346, 1394, 343, 223, 306, 476, 35, 122, 2, 0, 1], [1204, 2876, 220, 45, 16, 70, 0, 185, 369, 123], [158, 36, 745, 9, 181, 0, 136, 1, 192, 701, 2877], [1204, 45, 1677, 220, 0, 123, 70, 584, 185, 746], [426, 322, 2878, 185, 0], [554, 14, 45, 7, 15, 555, 0, 26, 415, 1, 556], [2879, 1025, 116, 2880, 1678, 2881, 6, 42, 161, 0], [405, 116, 543, 142, 0, 2, 7, 305, 263, 1], [44, 9, 0, 1], [2882, 205, 7, 198, 2, 0, 325, 1], [21, 342, 245, 78, 61, 15, 0, 553, 41, 70, 1], [3, 1205, 59, 11, 1, 0, 269, 14, 35, 668], [174, 2883, 1593, 437, 16, 366, 0, 37, 1156, 2884], [3, 1, 0, 10, 2885], [553, 45, 280, 15, 180, 0, 2886, 172, 136, 1], [135, 157, 1, 0, 145, 38, 115], [21, 43, 250, 0, 11, 1206, 80, 803], [17, 316, 747, 2887, 2, 522, 112, 1207, 7, 0, 1], [502, 60, 207, 2888, 101, 2889, 2890, 43, 0, 38], [453, 2891, 43, 53, 0, 702, 37, 7, 46], [120, 643, 54, 748, 19, 2, 0, 162, 41, 47, 1], [44, 643, 9, 2892, 339, 0, 1, 2893, 549, 2894, 2895], [155, 1413, 2896, 67, 9, 0, 2897, 1, 192], [382, 2898, 2899, 89, 157, 15, 165, 96, 213, 0, 1], [2900, 499, 363, 1679, 2901, 79, 361, 18, 2902], [405, 84, 106, 256, 26, 0, 501, 623, 32, 1144], [229, 190, 1066, 69, 230, 26, 1661, 6, 1662, 0], [198, 87, 20, 2, 0, 79, 128, 871, 77, 706, 1], [53, 749, 26, 870, 2, 0, 63, 134, 1, 234, 2903], [813, 714, 43, 278, 95, 250, 26, 325, 18, 53], [29, 2904, 2905, 695, 2, 370, 0, 2906, 41, 2907, 1], [394, 283, 748, 13, 73, 195, 0, 1680], [1586, 3, 2908, 56, 31, 390, 1681, 0, 27, 107], [1622, 5, 1682, 731, 133, 1], [73, 0, 750], [1071, 9, 0, 1], [62, 134, 539, 0], [449, 304, 413, 12, 385, 38, 42, 2909, 0, 443], [16, 258, 2910, 14, 282, 7, 1208, 583, 0, 53], [138, 10, 86, 131, 15, 0, 145, 166, 1, 2911], [2912, 2913, 1683, 2914, 50, 751, 351, 256, 191, 0], [367, 623, 201, 478, 121, 0, 752, 513, 60, 162], [306, 2, 14, 0, 123, 465, 70, 38, 542, 414, 1], [2915, 2916, 2917, 178, 2918, 1684, 2919, 1209, 33, 2920, 170], [740, 1685, 929, 1207, 0, 149, 1208], [1010, 1481, 222, 660, 2921, 173, 22, 1482, 357, 273], [62, 220, 930, 154, 867, 1686, 2922, 2, 35, 0, 1], [2923, 441, 2924, 1582, 1088, 2925, 163, 2926, 271, 0], [1210, 1687, 1688, 367, 1689, 401, 504, 60, 127, 0], [499, 2927, 28, 184, 494, 1211, 18, 2928, 2929, 2930], [2931, 1552, 1690, 732, 2932, 1691, 231, 222, 126, 1692], [1212, 1693, 1694, 2933, 1695, 1106, 1209, 1696, 2934, 22, 170], [1697, 32, 6, 245, 906, 0, 2935, 2936, 2937], [375, 374, 1213, 496, 862, 1073, 324, 18, 222, 126], [2938, 2939, 1212, 2940, 2941, 1698, 697, 95, 1015, 22, 170], [258, 744, 1699, 2942, 2943, 282, 2944, 614, 222, 255], [531, 364, 1700, 461, 67, 13, 6, 0, 927, 2945], [1701, 1702, 83, 41, 1703, 579, 244, 2946, 2947], [874, 1504, 4, 42, 1108, 8, 218, 0, 1505], [62, 151, 5, 25, 26, 0, 65, 1214, 57, 42, 1], [753, 406, 28, 95, 301, 194, 624, 1215, 1704, 33], [403, 2948, 1137, 2949, 2950, 0, 6, 341, 2951], [2952, 165, 113, 18, 350], [586, 2953, 853, 1151, 90, 1216, 603, 719, 231, 2954], [223, 7, 139, 458, 26, 94, 2, 11, 27, 0, 1], [16, 1217, 90, 714, 2955, 113, 267, 7, 61, 18], [351, 75, 0], [100, 287, 215, 2956, 265, 4, 718, 389, 30, 23], [175, 214, 931, 448, 435, 0], [5, 4, 331, 248, 3, 16, 11, 38, 1, 0], [221, 44, 5, 497, 1559, 230, 416, 298, 9, 0, 1], [800, 2957, 2958, 3, 4, 1124, 683, 0, 327, 172], [1649, 468, 153, 1208, 2, 0, 105, 34, 806, 47, 1], [932, 52, 5, 144, 24, 832, 754, 137, 6, 0, 1], [120, 100, 1705, 53, 110, 6, 329, 146, 7, 0], [50, 175, 1218, 286, 242, 6, 1584, 55, 1706], [164, 1060, 71, 288, 12, 40, 243, 0, 327, 2959], [1707, 579, 244, 2960, 2961], [1126, 2962, 173, 1219, 600, 43, 165, 231, 357, 126], [581, 614, 1094, 1067, 1430, 1708, 1709, 481, 231, 379], [2963, 112, 118, 362, 1158, 2964, 60, 693, 2, 0, 1], [5, 136, 2, 0, 1], [2965, 2966, 2967, 188, 2968, 21, 51, 46, 0, 1, 1710], [152, 197, 104, 82, 834, 118, 156, 294, 2, 0, 1], [190, 52, 6, 0, 39], [1647, 8, 417, 0, 53, 124, 56, 699, 79, 414], [74, 5, 58, 307, 87, 11, 1711, 19, 2, 0, 1], [89, 819, 26, 2, 39, 0, 47, 79, 34, 136, 1], [135, 1712, 1618, 163, 16, 93, 2969, 0, 95, 36], [2970, 2971, 2972, 704, 1220, 485, 2973, 2974, 2975, 22], [58, 16, 2976, 1219, 173, 1713, 814, 481, 2977, 863], [45, 1714, 207, 240, 15, 48, 20, 0, 1085, 79, 1], [2978, 2979, 2980, 251, 625, 2981, 2982, 734, 1551, 22], [3, 142, 532, 370, 37, 0, 1, 90, 533], [1602, 572, 650, 270, 2983, 22, 2, 1, 126, 2984, 626], [3, 2985, 11, 2986, 19, 8, 80, 584, 261, 0], [3, 1050, 0, 397, 241], [3, 113, 0, 1382], [3, 1, 0], [121, 7, 2987, 76, 93, 60, 612, 0, 65, 1172], [1652, 616, 81, 874, 407, 1653, 171, 510, 13, 0], [1715, 1716, 1717, 1076, 1718, 1719, 1720, 153, 194, 22], [1092, 1721, 745, 8, 0, 37, 330, 136], [460, 2988, 2989, 198, 58, 2990, 25, 197, 2, 0, 1], [548, 18, 213, 1220, 165, 1722], [1096, 418, 16, 476, 250, 127, 0, 32, 83, 1723], [106, 36, 24, 8, 0, 286, 7, 13, 450, 799], [3, 491, 17, 19, 460, 97, 84, 40, 8, 0], [81, 4, 933, 791, 307, 2, 1221, 65, 7, 0, 1], [1724, 1725, 254, 22, 1726, 1222, 1727, 626, 1728], [5, 4, 351, 65, 19, 130, 60, 0, 13, 2991, 1], [790, 755, 95, 1134, 496, 934, 334, 28, 18, 1729], [2992, 16, 258, 157, 89, 385, 15, 0, 41, 1], [756, 2993, 2994, 37, 558, 748, 5, 0, 8, 72, 1], [1476, 2995, 2996, 2997, 2998, 2999, 1478, 3000, 1730, 249], [3001, 5, 318, 16, 19, 334, 75, 0, 1], [252, 367, 513, 201, 20, 0, 870, 656], [142, 137, 925, 161, 696, 3002, 75, 26, 0, 27], [364, 3003, 531, 183, 96, 1159, 73, 352, 213, 0], [1731, 177, 3004, 20, 256, 189, 296, 3005, 193, 0], [178, 1112, 251, 267, 3006, 3007, 1042, 3008, 324, 18], [138, 1732, 93, 53, 13, 7, 757, 0, 77, 78], [1733, 150, 751, 299, 1036, 60, 161, 391, 0, 534], [1120, 3009, 3010, 3011, 610, 26, 176, 3012, 1214, 0], [473, 1725, 254, 22, 3013, 1734, 3014, 1222, 626, 115], [371, 409, 17, 5, 851, 11, 121, 113, 322, 0, 1], [584, 888, 1223, 117, 29, 77, 24, 21, 6, 0], [119, 13, 96, 27, 90, 2, 46, 65, 0, 34, 1], [611, 661, 459, 210, 180, 730, 203, 737, 6, 0], [735, 315, 20, 2, 1182, 0, 458, 1], [3015, 184, 28, 33, 3016, 3017, 1100, 1224], [3018, 34, 113, 18], [875, 3019, 892, 3020, 676, 211, 22, 3021, 935, 3022], [371, 409, 409, 17, 851, 11, 113, 322, 0, 37], [1735, 152, 4, 6, 0], [313, 19, 183, 90, 1102, 28, 523, 0, 641, 10], [151, 1554, 245, 2, 0, 3023, 826, 1, 1555], [81, 14, 143, 2, 0, 56, 738, 7, 369, 62, 1], [1736, 62, 143, 20, 81, 2, 56, 0, 37, 41, 1], [428, 804, 26, 19, 43, 53, 240, 118, 36, 0], [221, 707, 44, 24, 444, 9, 274, 272, 4, 0, 1], [21, 1737, 1738, 412, 109, 288, 6, 179, 0, 115], [3024, 3025, 650, 270, 1127, 1389, 882, 1388, 1175, 22], [32, 504, 7, 76, 501, 0, 656], [239, 304, 12, 1225, 0, 3026, 3027], [21, 100, 4, 259, 20, 12, 723, 227, 584, 0], [724, 3, 174, 1739, 104, 82, 3028, 2, 0, 78, 1, 936], [535, 9, 386, 4, 20, 1226, 99, 609, 9, 0, 1], [11, 1227, 4, 3029, 96, 8, 0], [151, 150, 164, 1733, 6, 52, 122, 42, 0], [743, 116, 3030, 177, 189, 0, 3031], [3, 11, 36, 1, 7, 79, 0, 26, 39], [1597, 259, 1740, 156, 380, 30, 356, 435, 23, 78], [1090, 119, 41, 9, 46, 0, 1, 1228], [67, 94, 73, 88, 199, 559, 0, 466, 486, 3032], [693, 274, 5, 0, 366, 1], [4, 557, 381, 235, 14, 264, 1741, 467, 2, 0, 1, 115], [3033, 3034, 1690, 1229, 3035, 475, 3036, 3037, 149, 231], [1742, 16, 504, 78, 3038, 101, 127, 513, 1743, 0], [44, 16, 2, 13, 724, 32, 79, 1230, 0, 7, 1], [44, 16, 2, 13, 724, 32, 79, 1230, 0, 7, 1], [221, 707, 44, 24, 444, 9, 272, 274, 4, 0, 1], [678, 627, 194, 98, 1121, 196, 3039, 624, 536, 33], [106, 1231, 256, 837, 1744, 817, 937, 150, 191, 0], [132, 67, 575, 298, 146, 668, 510, 160, 938, 23], [3040, 106, 199, 4, 5, 6, 193, 0, 35, 1], [1232, 26, 341, 514, 1199, 467, 231, 3041], [1233, 5, 35, 31, 0, 3042, 3043, 26, 99, 44, 1], [104, 1197, 84, 3, 82, 289, 71, 12, 224, 0], [50, 1739, 455, 3044, 210, 758, 224, 895, 3045, 189, 0], [3, 84, 558, 17, 223, 110, 27, 1234, 8, 0], [3046, 3047, 3048, 3049, 3050, 3051, 3052, 3053, 3054, 249], [3055, 457, 1745, 1746, 1403, 1235, 1236, 3056, 75, 0], [902, 72, 759, 281, 51, 410, 1237, 0, 46, 243, 1], [425, 3057, 1747, 1748, 625, 108, 3058, 1749, 3059, 18], [5, 21, 939, 4, 247, 3060, 2, 0, 3061, 1, 877], [434, 121, 4, 110, 7, 11, 54, 2, 306, 0, 1, 936], [165, 445, 18, 494, 1175], [740, 3062, 3063, 3064, 1207, 161, 1161, 3065, 149, 0], [3066, 661, 3, 1238, 345, 1502, 628, 61, 189, 0], [3067, 16, 3068, 3069, 3070, 60, 277, 2, 0, 40, 1], [29, 4, 3071, 223, 103, 248, 110, 7, 0, 3072], [3, 386, 1750, 3073, 1751, 283, 1239, 75, 60, 0], [3074, 224, 3075, 11, 1480, 361, 22, 3076, 1125], [229, 3077, 3078, 3079, 4, 918, 19, 3080, 6, 1, 0], [572, 1240, 17, 27, 2, 7, 797, 62, 292, 0, 1], [790, 95, 28, 18], [1589, 194, 3081, 303, 3082, 1752, 1753, 3083, 889, 33], [1436, 1437, 1016, 344, 196, 827, 576, 3084, 33, 206], [177, 291, 1194, 63, 129, 23, 1754], [141, 177, 12, 0], [425, 313, 429, 277, 43, 118, 940, 53, 18, 3085], [406, 3086, 993, 789, 616, 28, 283, 33], [1210, 1687, 1688, 367, 1689, 401, 504, 60, 127, 0], [3087, 620, 282, 222, 0, 357, 126, 3088, 273], [1542, 44, 211, 1543, 1544, 254, 888, 5, 0, 1, 3089], [1659, 363, 211, 3090, 822, 112, 1109, 3091, 1755, 22], [425, 58, 374, 1756, 5, 454, 74, 113, 3092, 18, 1], [572, 1240, 17, 27, 2, 7, 62, 797, 79, 0, 1], [102, 941, 89, 2, 35, 0, 52, 3093, 942, 3094, 1], [1238, 628, 468, 238, 352, 105, 61, 193, 0], [1757, 828, 760, 194, 303, 301, 3095, 454, 703, 33], [102, 941, 89, 2, 35, 0, 942, 1, 186], [1241, 3096, 184, 95, 376, 3097, 1135, 28, 18, 1154], [1040, 1408, 1407, 670, 1406, 28, 3098, 1041, 33, 3099], [691, 63, 7, 411, 20, 9, 0, 2, 1, 68, 1032], [610, 611, 1737, 189, 0, 63, 3100, 79, 213, 3101], [321, 296, 5, 151, 6, 40, 421, 42, 1, 37, 0], [3, 26, 352, 2, 0, 153, 57, 411, 180, 1, 3102], [5, 2, 195, 0, 1, 3103], [25, 5, 283, 143, 985, 602, 2, 14, 3104, 0, 1, 3105], [498, 543, 137, 291, 895, 413, 12, 0, 3106, 3107], [3108, 116, 4, 405, 142, 723, 11, 8, 452, 23], [605, 13, 45, 1758, 343, 2, 153, 0, 3109, 1, 1111], [802, 101, 127, 0, 931], [796, 3, 3110, 457, 1592, 87, 295, 3111, 75, 0], [1759, 721, 74, 4, 629, 257, 102, 1242, 2, 0, 1], [10, 414, 1, 0, 3112, 3113], [161, 856, 500, 3114, 5, 715, 0, 1], [41, 3115, 437, 811, 231, 3116], [761, 44, 15, 0, 1], [521, 824, 0, 3117], [1760, 440, 415, 1761, 18, 878], [11, 8, 0], [3118, 445, 566, 112, 845, 1680, 3119, 3120, 3121], [1494, 1762, 1493, 1495, 3122, 3123, 3124, 680, 1105, 182], [212, 15, 0, 1, 1763], [1764, 3125, 133], [24, 308, 461, 226, 85, 67, 16, 9, 19, 1, 0], [5, 127, 847, 1], [997, 3126, 125, 0], [627, 598, 0, 98, 673], [762, 25, 695, 29, 82, 72, 692, 389, 6, 0], [1047, 392, 1098, 667, 630, 94, 26, 77, 3127, 0, 1], [20, 218, 943, 863, 1], [3128, 3129, 1232, 702, 202, 914, 255], [713, 102, 0, 366], [694, 695, 1487, 241, 214, 404, 866, 10, 6, 0], [213, 3130, 3131, 1509, 3132, 1765, 1236, 732, 439, 231], [1535, 1585, 32, 703, 33, 3133], [3134, 3135, 161, 75, 0, 252, 57], [3136, 1444, 3137, 3138, 1748, 1243, 313, 940, 108, 18], [944, 11, 85, 130, 37, 0, 1, 1766, 590, 763], [55, 586, 302, 1244, 23], [552, 2, 0, 1], [3139, 3140, 3141, 3142, 3143, 185, 18], [3144, 821, 3145, 3146, 787, 1767, 806, 185, 220, 0], [10, 11, 3147, 14, 65, 8, 0, 1599, 3148, 114], [58, 551, 14, 240, 1768, 43, 61, 0, 57, 136], [3, 31, 0], [1245, 289, 1, 0], [3, 200, 128, 216, 40, 7, 477, 11, 31, 0], [525, 9, 14, 1, 63, 181, 46, 0, 3149], [544, 631, 866, 523, 311, 10, 236, 1063, 206, 23], [251, 313, 1769, 18, 845], [628, 1238, 3150, 468, 3151, 3152, 238, 105, 172, 1439], [781, 322, 11, 3153, 117, 8, 46, 1, 34, 699, 0], [1246, 3154, 537, 3155, 193, 3156, 0, 3157, 3158, 3159], [1247, 493, 22, 170], [856, 262, 161, 383, 341, 0, 359, 520, 13, 395], [37, 1198, 31, 0, 107, 3160], [892, 165, 22, 492, 3161], [3, 401, 1630, 5, 1770, 36, 2, 0, 10, 140, 1], [3, 24, 899, 19, 31, 0, 47, 78, 49, 143], [], [288, 340, 1248, 3162, 12, 40, 214, 0], [1352, 421, 94, 24, 51, 5, 689, 1, 37, 0, 3163], [89, 3164, 1771, 445, 43, 0, 3165], [16, 173, 1167, 481, 1039, 387, 422, 126, 273, 3166], [223, 1772, 30, 23, 3167], [499, 714, 95, 1211, 28, 531, 651, 269, 363, 301, 0], [1773, 3168, 1774, 189, 0, 357, 3169, 126, 3170, 273], [755, 3171, 339, 1775, 95, 1550, 550, 376, 28, 22], [945, 1776, 3172, 1249, 3173, 1777, 733, 3174, 98, 0, 1250, 624, 3175], [221, 44, 230, 9, 181, 46, 32, 40, 305, 1, 0], [661, 1391, 482, 20, 12, 14, 1366, 0, 78, 243], [3, 402, 104, 1197, 181, 132, 477, 189, 0, 35], [84, 1, 240, 0, 326], [1077, 140, 0, 15, 62, 1], [152, 62, 20, 140, 2, 0, 232, 881, 11, 927, 1], [5, 258, 429, 283, 29, 149, 603, 0, 1, 792], [91, 16, 736, 4, 1206, 2, 11, 1065, 1, 1778], [3176, 398, 159, 248, 182, 172], [17, 4, 72, 110, 2, 14, 346, 0, 278, 1], [17, 2, 112, 0, 52, 1251, 488, 1], [3, 40, 1779, 0, 209, 400, 1], [3177, 1565, 3178, 3179, 3180, 98, 3181, 196, 3182, 33], [1693], [1445, 267, 178, 251, 843, 3183, 494, 28, 571, 18], [10, 242, 13, 64, 6, 81, 0, 1780, 395, 3184], [31, 0], [1781, 1782, 583, 5, 303, 760, 1121, 98, 436, 0, 1], [198, 0, 1783, 43, 234], [375, 374, 267, 1784, 3185, 1785, 3186, 672, 324, 18], [457, 3, 1745, 4, 161, 384, 764, 132, 75, 0], [268, 885, 896, 1103, 122, 3187, 30, 530, 0], [288, 3188, 765, 100, 1252, 265, 942, 40, 260, 23], [260, 23, 3189], [10, 260, 0], [85, 3190, 9, 0, 1], [353, 44, 181, 9, 3191, 32, 600, 3192, 844, 0, 1], [74, 766, 48, 5, 35, 3193, 155, 8, 3194, 0, 1], [632, 3195, 3196, 17, 396, 257, 602, 36, 2, 0, 1], [17, 74, 651, 708, 144, 308, 155, 24, 0, 1253], [197, 142, 20, 2, 0, 563, 47, 551, 1, 3197], [287, 1254, 3198, 372, 259, 311, 30, 27, 5, 0, 1], [3199, 3200, 1786, 946, 3201, 3202, 3203, 16, 831, 33], [1241, 625, 747, 1787, 1788, 184, 3204, 606, 28, 33], [286, 6, 99, 0, 192], [17, 74, 651, 708, 144, 308, 155, 24, 144, 52, 48, 900, 0, 1253], [1376, 10, 428, 804, 749, 2, 0, 1, 1789], [1790, 392, 1255, 1791, 1256, 26, 2, 1792, 1, 3205, 3206], [516, 312, 1793, 227, 689, 30, 232, 0], [516, 312, 1793, 227, 689, 30, 232, 0], [462, 345, 865, 11, 12, 458, 0, 240, 947], [1574, 1575, 1794, 3207, 1682, 3208, 1171, 1576, 2, 133, 1], [1530, 884, 393, 702, 1531, 1084, 1795, 3209], [371, 7, 11, 36, 2, 228, 0, 37, 948, 1], [3, 460, 3210, 1796, 20, 8, 19, 0, 788, 947], [1484, 3211, 462, 386, 217, 40, 299, 949, 397, 0, 947], [462, 386, 345, 38, 88, 397, 633, 0, 61], [3212, 3, 386, 469, 125, 1797, 26, 3213, 0, 37], [1798, 1799, 182, 3214], [1799, 3215, 1798, 3216, 705, 182], [894, 0, 3217], [1142, 501, 0, 950], [1110, 113, 1760, 1, 0], [], [463, 45, 15, 0, 325, 415, 1], [3218, 112, 165, 18, 361], [1079, 3, 951, 64, 32, 6, 0, 162, 592, 456], [3, 3219, 5, 27, 150, 3220, 1, 0, 166, 1797], [106, 142, 156, 3221, 1800, 413, 65, 347, 0, 2, 1], [479, 53, 2, 0, 1, 1257, 3222], [405, 1258, 1074, 12, 0, 99, 166, 1144, 3223], [563, 483, 3224, 3225, 171, 0, 3226, 952, 3227, 3228], [3229, 3230, 60, 1801, 266, 717, 161, 437, 1802, 127, 0], [119, 2, 34, 0, 99, 3231, 3232, 392, 1], [1139, 3233, 142, 11, 5, 113, 95, 1259, 0, 1], [3234, 3235, 5, 29, 3236, 44, 9, 13, 385, 0, 1], [3237, 925, 25, 825, 134, 0], [543, 1803, 474, 11, 256, 1764, 8, 20, 0, 38], [544, 1260, 141, 329, 4, 48, 66, 6, 152, 0], [20, 299, 2, 26, 0, 1804, 1261, 1, 114], [461, 17, 85, 67, 284, 19, 16, 9, 0, 1], [3238, 0, 260, 241], [196, 3239, 98, 0, 3240, 126, 953, 1805, 3241, 273], [3242, 265, 199, 646, 384, 498, 1262, 652, 432, 348, 30, 0], [3243, 1806, 524, 472, 589, 71, 227, 12, 203, 0], [154, 157, 730, 131, 193, 4, 66, 217, 6, 0], [308, 74, 176, 264, 65, 66, 599, 266, 2, 0, 1], [587, 106, 1663, 52, 30, 0, 3244, 1489], [885, 111, 1657, 516, 1807, 82, 122, 464, 30, 0], [944, 3245, 944, 24, 1735, 677, 118, 9, 0, 1], [529, 3246, 54, 3247, 380, 132, 435, 129, 1030, 23], [100, 17, 4, 21, 407, 52, 1, 0, 115], [3248, 277, 3249, 266, 3250, 150, 1263, 191, 0, 857], [58, 99, 9, 0, 196, 3251, 680, 3252, 1, 1805, 549, 273], [1441, 684, 1442, 1808, 705, 840, 3253, 3254, 398, 182], [316, 2, 602, 175, 1251, 0, 78, 1, 1141], [337, 154, 220, 0, 15, 1, 653], [3255, 1264, 474, 1265, 3256, 3257, 1266, 1809, 129, 23], [849, 1637, 60, 1232, 3258, 1267, 0, 3259, 37, 257], [229, 72, 410, 51, 0, 1], [3260, 680, 376, 3261, 300, 28, 550, 292, 33, 1810], [403, 432, 129, 462, 35, 947, 276, 23, 96, 438], [463, 45, 15, 0, 415, 1], [44, 29, 9, 32, 26, 347, 0, 506, 1, 1474], [1686, 632, 632, 1101, 528, 15, 761, 0, 798, 48, 292, 1], [219, 310, 1598, 9, 381, 0, 1, 3262], [24, 353, 1811, 296, 9, 281, 1812, 0, 77, 1811, 1], [141, 181, 5, 3263, 150, 859, 0, 232, 1], [280, 16, 154, 14, 48, 15, 13, 7, 0, 248, 70, 1], [151, 3264, 290, 29, 297, 188, 73, 0], [508, 178, 911, 253, 28, 1177, 507, 627, 33, 3265], [3266, 3267, 387, 3268, 231, 357, 126, 3269, 3270, 273], [3, 2, 0, 1], [990, 593, 3271, 3272, 51, 77, 767, 212, 118, 0, 1], [1527, 167, 1115, 442, 0, 954, 1528, 3273], [3, 239, 97, 506, 50, 368, 63, 444, 443, 30, 0], [45, 3274, 93, 27, 258, 0, 126], [1813, 201, 3275, 0, 3276, 626], [17, 308, 8, 0, 10, 186, 3277], [1497, 0, 534], [233, 15, 36, 0, 3278, 1], [3279, 3280, 346, 528, 15, 250, 3281, 19, 77, 0, 1], [1268, 76, 86, 675, 613, 31, 68, 0, 34, 263], [1814, 450, 15, 19, 0, 20, 7, 1, 1269], [138, 1143, 16, 45, 15, 261, 7, 0, 123, 1], [1270, 873, 280, 24, 0, 78, 6, 641], [138, 62, 45, 86, 15, 0, 1758, 1, 1271], [835, 768, 1815, 518, 345, 65, 6, 1816, 7, 0], [138, 3282, 93, 7, 0, 278, 77], [1817, 451, 64, 2, 0, 136, 1155, 1], [487, 27, 8, 0, 186], [138, 181, 2, 578, 0, 1, 3283], [45, 76, 634, 15, 7, 0, 280, 335, 1, 1064], [10, 226, 8, 48, 0, 10, 186], [3284, 1762, 3285, 365, 416, 3286, 3287, 1818, 1529, 22], [131, 45, 74, 76, 81, 15, 65, 280, 0, 1], [3288, 167, 3289, 19, 9, 66, 9, 649, 20, 0, 1], [3290, 620, 24, 73, 765, 0, 57, 193], [24, 4, 44, 9, 7, 295, 26, 63, 528, 0, 1], [3291, 617, 174, 3292, 2, 57, 118, 0, 1182, 1], [1794, 1705, 67, 5, 88, 29, 156, 6, 1517, 731, 133, 1], [5, 51, 0, 1], [277, 3293, 1819, 94, 693, 130, 0, 42, 1211, 488], [58, 173, 1118, 660, 545, 1820, 842, 732, 3294, 22], [101, 43, 0, 3295, 1466], [1656, 257, 2, 0, 61, 214, 1, 955, 3296, 115], [216, 3, 3297, 0, 104, 956, 7, 63, 35, 517], [169, 338, 1821, 27, 12, 3298, 0], [125, 24, 893, 38, 0], [121, 16, 36, 11, 2, 193, 7, 0, 56, 57, 1], [582, 1158, 3299, 663, 1822, 21, 298, 56, 51, 3300, 0, 1], [13, 505, 1272, 4, 134, 47, 6, 0, 3301], [84, 176, 265, 3, 144, 276, 146, 308, 438, 129, 0], [294, 56, 209, 3302, 60, 127, 104, 0, 1], [25, 13, 3303, 56, 19, 117, 1, 1273, 121, 0], [3304, 56, 94, 17, 121, 31, 53, 7, 41, 0, 663], [620, 283, 149, 0, 26, 126], [672, 1409, 671, 349, 361, 3305, 112, 18, 270, 3306], [119, 5, 34, 800, 1, 83, 210, 0, 39, 1274], [17, 11, 63, 2, 0, 7, 46, 881, 1, 1823], [62, 1824, 0, 2, 1, 701], [905, 55, 1275, 3307, 596, 118, 3308, 103, 0, 1224], [3309, 29, 320, 51, 736, 3310, 1251, 0, 7, 685, 1], [24, 1053, 582, 1276, 3311, 557, 9, 14, 7, 0, 1], [45, 154, 140, 11, 1641, 35, 8, 0, 1825], [1188, 138, 66, 25, 62, 131, 103, 0, 603], [1448, 88, 343, 103, 195, 585, 3312, 3313, 0], [3314, 281, 4, 68, 9, 88, 36, 228, 145, 0, 1], [29, 4, 87, 130, 0, 13, 3315], [316, 274, 92, 85, 44, 1161, 148, 2, 0, 1], [3316, 957, 175, 214, 50, 531, 1399, 199, 427, 417, 358, 931, 0], [178, 548, 251, 958, 1128, 95, 28, 746, 3317, 33], [272, 941, 86, 1712, 913, 54, 93, 0, 83], [236, 1163, 25, 175, 329, 40, 687, 14, 6, 959, 1133, 0], [385, 98, 1138, 765, 1008, 0, 194, 3318, 3319, 3320], [405, 84, 208, 623, 0, 53, 2, 37, 32, 1], [3, 265, 40, 345, 38, 6, 77, 24, 37, 0], [690, 36, 850, 367, 1826, 76, 621, 2, 0, 4, 1], [1060, 372, 3321, 1827, 217, 243, 3322, 30, 134, 23], [3, 7, 450, 1, 61, 0], [490, 0, 43, 399], [1732, 16, 282, 1828, 0, 3323, 1676], [876, 479, 24, 3324, 3325, 5, 391, 9, 22, 1, 3326], [3327, 3328, 3329, 3330, 1829, 0, 3331], [4, 5, 190, 1830, 151, 328, 42, 796, 130, 0, 1], [1089, 423, 1235, 457, 933, 262, 21, 3332, 75, 0], [3333, 3334, 1831, 3335, 3336, 831, 22, 3337, 3338, 273], [835, 768, 1815, 518, 345, 65, 6, 1816, 212, 0], [3339, 3340, 470, 3341, 1246, 1832, 3342, 3343, 514, 244], [72, 1683, 190, 751, 29, 4, 50, 729, 960, 359, 0, 517], [87, 3, 7, 588, 20, 14, 117, 11, 2, 0, 1], [519, 13, 1410, 171, 315, 445, 238, 0, 3344, 3345], [25, 197, 13, 85, 2, 0, 52, 598, 1], [423, 340, 116, 1248, 16, 75, 0, 71, 955], [3346, 1781, 3347, 3348, 3349, 98, 1277, 65, 753, 33], [10, 14, 35, 238, 0, 77, 79, 566, 387, 222, 126], [3, 20, 143, 6, 0, 202, 61], [3350, 381, 53, 3351, 4, 1833, 3352, 3353, 3354, 133], [3355, 3356, 3357, 3358, 16, 63, 1278, 32, 149, 0], [9, 27, 339, 871, 1004, 0, 1, 3359], [119, 74, 81, 2, 216, 228, 35, 585, 408, 0, 1], [1834, 274, 1724, 442, 0, 1726, 3360, 1222, 1728], [378, 15, 0, 66, 80, 1, 3361], [55, 1835, 230, 50, 3362, 27, 6, 0, 1600, 3363], [497, 1835, 50, 9, 0, 1], [3, 838, 441, 3364, 246, 208, 3365, 75, 0, 475, 3366], [55, 2, 0, 3367, 1], [259, 287, 1254, 30, 23], [3368, 722, 219, 16, 17, 43, 48, 0, 4, 3369], [529, 3370, 417, 304, 358, 214, 0], [138, 135, 1091, 181, 15, 162, 0, 78, 323, 1], [692, 1836, 3371, 751, 715, 94, 391, 0, 3372, 3373], [351, 380, 917, 40, 6, 1837, 124, 88, 42, 0], [353, 3, 51, 0, 1], [34, 8, 0, 39, 1279], [173, 659, 165, 439, 255], [664, 1431, 64, 32, 665, 3374, 295, 3375, 6, 188, 0], [142, 76, 1, 0, 10, 186], [635, 594, 110, 1052, 563, 1074, 264, 9, 1280, 0, 1], [861, 1566, 13, 76, 11, 3376, 45, 8, 0, 62], [151, 72, 2, 235, 939, 0, 176, 63, 90, 530, 1], [72, 939, 2, 235, 0, 3377, 3378, 1], [535, 5, 4, 208, 16, 67, 9, 0, 1], [550, 339, 270, 755, 676, 22, 3379, 1723, 3380, 1374], [3, 10, 4, 84, 3381, 12, 0, 10, 114], [1132, 106, 1838, 1800, 142, 691, 16, 4, 12, 0, 3382], [544, 631, 866, 523, 236, 10, 462, 3383, 206, 0], [3384, 1118, 915, 3385, 3386, 324, 349, 18, 961, 3387], [3388, 3389, 389, 3390, 448, 684, 3391, 20, 3392, 182], [7, 611, 2, 0, 1, 3393, 3394], [371, 102, 468, 2, 7, 0, 37, 746, 566, 1, 3395], [382, 1699, 43, 13, 655, 183, 14, 0, 78, 1157], [1839, 1281, 145, 1840, 3396, 51, 573, 391, 0, 1, 3397], [177, 291, 1258, 91, 142, 1841, 6, 0, 1842, 3398], [434, 158, 87, 120, 62, 15, 0, 1, 3399], [158, 4, 229, 1702, 918, 649, 9, 3400, 0, 1843, 1], [3401, 5, 962, 8, 654, 0, 263, 1, 114, 1282, 186], [3402, 36, 281, 378, 832, 89, 59, 73, 0, 128], [0, 2, 1], [64, 354, 156, 1283, 141, 295, 6, 188, 0], [174, 17, 174, 91, 20, 53, 208, 117, 0, 6], [1844, 144, 910, 360, 3403, 2, 99, 235, 0, 830, 1], [109, 890, 55, 54, 4, 68, 6, 0], [178, 251, 1845, 361, 18, 3404, 3405], [3, 922, 1176, 11, 470, 31, 0, 61, 37, 41], [1846, 1284, 957, 3406, 304, 224, 531, 764, 710, 75, 0], [1847, 643, 148, 12, 0], [1759, 25, 1188, 124, 135, 257, 1101, 157, 2, 0, 1], [1278, 3407, 32, 1168, 534, 0, 752, 802, 60, 101], [1393, 401, 3408, 60, 101, 127, 0, 1848, 3409, 1849], [3410, 382, 341, 3411, 1650, 43, 849, 101, 0, 60], [1210, 1819, 60, 127, 0, 1080, 3412, 90], [10, 67, 3413, 654, 8, 1070, 1850, 300, 3414, 0], [219, 74, 72, 998, 205, 424, 312, 5, 9, 0, 1], [502, 3415, 3416, 1774, 370, 654, 317, 60, 43, 0], [3417, 632, 1813, 1851, 36, 612, 3418, 60, 127, 0], [74, 332, 81, 210, 2, 1202, 0, 34, 1, 3419, 1852], [360, 949, 459, 3420, 611, 129, 910, 356, 644, 23], [3421, 184, 251, 1454, 1042, 897, 911, 1603, 1099, 18], [1853, 442, 0, 750, 3422], [1750, 386, 75, 0, 926, 1372, 1201], [459, 106, 3423, 203, 19, 193, 12, 484, 269, 23], [3, 3424, 12, 52, 0, 1854], [29, 10, 85, 227, 353, 1, 44, 0, 166, 38], [623, 277, 752, 93, 513, 1218, 0, 3425, 3426], [21, 312, 1285, 0, 1], [72, 5, 519, 336, 144, 79, 3427, 2, 20, 0, 1], [45, 233, 31, 0, 1601, 62, 34, 1855], [151, 155, 5, 297, 622, 1286, 13, 9, 418, 0, 1], [24, 526, 21, 73, 787, 122, 0, 42, 69, 706], [284, 1196, 3428, 54, 50, 102, 5, 523, 2, 0, 1], [85, 308, 1287, 421, 9, 530, 1041, 0, 1824, 38, 1], [631, 219, 1847, 187, 41, 73, 994, 0, 10], [154, 501, 62, 0], [10, 29, 8, 0, 136], [173, 445, 58, 3429, 1174, 704, 1536, 660, 43, 0], [294, 1856, 89, 490, 43, 78, 14, 53, 7, 0], [27, 89, 17, 470, 488, 1288, 2, 202, 0, 3430, 1], [1049, 3431, 570, 3432, 1857, 571, 194, 3433, 98, 33], [10, 487, 631, 8, 0, 10, 114], [5, 10, 29, 2, 0, 1, 10], [3434, 3435, 428, 1858, 3436, 300, 1850, 369, 98, 33], [3, 56, 209, 1, 0], [160, 431, 80, 608, 1227, 29, 5, 302, 237, 0, 1], [769, 26, 717, 43, 0, 24, 645, 379, 245, 38], [393, 68, 0, 2, 107, 1, 3437], [779, 137, 457, 11, 6, 0, 42, 814, 317], [175, 236, 1859, 4, 1196, 6, 69, 35, 27, 0], [351, 214, 3438, 3439, 1651, 388, 3440, 100, 6, 0], [175, 523, 1859, 116, 69, 6, 27, 3441], [109, 3442, 2, 224, 349, 112, 0, 627, 70, 1], [174, 1289, 5, 174, 1031, 245, 1860, 31, 0, 3443, 1], [740, 929, 1685, 67, 722, 564, 962, 73, 0], [425, 58, 375, 1747, 1756, 454, 5, 108, 74, 18, 1], [963, 3444, 183, 185, 0, 3445], [1642, 3446, 1056, 3447, 3448, 1831, 194, 886, 3449, 33], [269, 25, 307, 1, 0], [932, 3450, 17, 14, 96, 8, 0, 1861], [932, 4, 5, 52, 754, 3451, 519, 6, 0, 782, 1], [3452, 360, 910, 473, 74, 633, 320, 73, 710, 0], [690, 36, 1826, 76, 16, 4, 2, 0, 166, 1, 3453], [690, 850, 367, 76, 1082, 1862, 127, 0, 1863, 1234], [3454, 1071, 3455, 56, 7, 121, 143, 122, 1864, 0], [1290, 958, 843, 961, 28, 95, 33, 1562, 1865, 1866], [3456, 462, 864, 3457, 345, 3458, 38, 12, 0, 404], [3459, 3460, 1867, 365, 312, 38, 97, 1283, 129, 23], [1258, 1014, 718, 21, 12, 159, 0, 964, 3461, 3462], [13, 951, 3463, 1462, 532, 617, 1081, 293, 8, 0], [17, 3, 10, 54, 3464, 132, 122, 48, 2, 0, 1], [3465, 565, 109, 36, 30, 24, 87, 90, 0], [58, 841, 846, 1868, 3466, 108, 1170, 454, 184, 18], [99, 67, 2, 349, 0, 196, 880, 1, 935], [3467, 178, 361, 18, 3468, 3469, 1869, 3470, 3471], [100, 312, 30, 938, 1870, 0], [3472, 1871, 1792, 3473], [3474, 446, 196, 3475, 22, 735, 5, 1, 126, 1872, 1873], [3476, 93, 0, 1411, 78, 19, 1023], [437, 1561, 1560, 102, 16, 1078, 306, 101, 913, 630, 537, 0], [333, 3, 1461, 23], [3, 681, 68, 2, 0, 123, 1, 326], [3477, 3478, 550, 734, 3479, 22, 3480, 3481, 3482, 3483], [1640, 3484, 1639, 1000, 270, 734, 3485, 22, 1178, 3486], [1215, 3487, 1291, 3488, 3489, 3490, 249, 3491, 3492, 3493], [102, 1874, 43, 53, 0, 346], [54, 226, 41, 14, 9, 390, 47, 146, 0, 1], [1213, 95, 965, 3494, 3495, 157, 385, 7, 108, 18], [17, 4, 1664, 13, 8, 506, 48, 0, 1353, 55], [95, 753, 406, 1704, 28, 301, 1215, 746, 167, 33], [84, 3, 7, 11, 296, 19, 2, 0, 35, 110, 1], [0], [1875, 484, 0, 6], [3, 5, 104, 2, 60, 0, 36, 1], [200, 27, 2, 0, 921, 1], [3, 148, 66, 1665, 2, 0, 230, 1731, 333, 1, 1876], [587, 0, 30], [3, 84, 16, 470, 31, 430, 0, 279, 187, 645], [1877, 567, 265, 829, 71, 391, 30, 243, 41, 23], [13, 885, 1136, 30, 23], [56, 31, 53, 0, 136, 741, 573, 3496, 3497, 3498], [601, 122, 3499, 12, 0, 3500, 1878], [215, 3, 17, 164, 279, 19, 1879, 3501, 8, 0], [54, 1880, 565, 1137, 180, 66, 427, 6, 70, 0], [410, 3502, 3503, 1195, 1556, 83, 80, 172, 237, 23], [1631, 410, 175, 1292, 80, 83, 35, 237, 5, 23, 1], [585, 1881, 1882, 218, 281, 1883, 754, 608, 237, 23], [139, 306, 48, 1884, 14, 8, 0, 728, 186, 1885], [167, 74, 65, 2, 64, 1886, 160, 0, 47, 61, 1], [84, 3, 26, 3504, 12, 37, 0, 38, 107, 105], [296, 80, 0, 260], [3, 328, 66, 748, 2, 0, 1887, 3505, 697, 1, 234], [289, 785, 91, 11, 4, 343, 1164, 79, 6, 0], [930, 9, 10, 0, 96, 1], [114, 0, 1], [1804, 10, 129, 0], [412, 268, 104, 82, 84, 27, 111, 1063, 238, 23], [111, 69, 1252, 718, 558, 199, 71, 327, 129, 23], [100, 1046, 716, 1888, 372, 71, 896, 30, 63, 0], [0, 1, 1064], [49, 455, 758, 788, 527, 235, 30, 142, 23, 3506], [3, 1889, 0, 31], [3, 14, 2, 83, 0, 146, 3507, 1], [219, 174, 560, 130, 176, 0, 46, 38, 136, 778], [3508, 331, 25, 3, 4, 45, 21, 16, 2, 0, 1], [74, 119, 3509, 3510, 176, 332, 4, 34, 9, 0, 1], [781, 45, 8, 34, 0, 10], [151, 24, 299, 29, 27, 9, 156, 110, 162, 0, 1], [43, 118, 202, 0, 3511, 3512, 24, 757], [544, 380, 3513, 4, 435, 69, 8, 396, 460, 0], [3514, 5, 4, 0, 1], [158, 449, 3, 12, 0], [3, 169, 12, 97, 404, 42, 77, 0, 107], [966, 759, 5, 25, 225, 88, 48, 51, 32, 0, 1], [1058, 3515, 1247, 3516, 3517, 3518, 3519, 493, 680, 22, 170], [3520, 3521, 3522, 1059, 1808, 3523, 1890, 3524, 302, 133], [44, 174, 9, 49, 0, 1, 126, 115], [991, 316, 16, 51, 10, 1396, 0, 3525, 522, 35, 1], [54, 3, 17, 276, 19, 2, 228, 0, 128, 7, 1], [48, 40, 3, 4, 134, 30, 159, 19, 438, 336, 0], [3, 355, 275, 116, 5, 75, 0, 1, 770], [3526, 246, 560, 725, 1874, 3527, 5, 275, 271, 0, 1], [3, 5, 246, 1415, 355, 125, 3528, 197, 0, 1], [1891, 178, 313, 251, 3529, 747, 112, 324, 1417, 18], [1675, 771, 16, 429, 3530, 967, 1892, 3531, 244, 744], [1233, 5, 31, 0, 1, 1722], [289, 197, 187, 6, 109, 1293, 0], [3532, 3533, 1233, 3, 3534, 5, 208, 161, 366, 0, 1], [8, 131, 930, 3535, 505, 293, 890, 10, 0, 96], [570, 89, 571, 519, 494, 98, 0], [786, 524, 269, 4, 7, 27, 2, 83, 0, 69, 1], [1715, 1716, 1717, 1076, 1718, 1719, 1720, 153, 194, 22], [19, 3536, 0, 127, 452, 465, 3537, 186], [1893, 58, 1853, 3538, 1894, 570, 1857, 170, 3539, 22], [1587, 3540, 470, 108, 18, 7, 1895, 3541], [160, 3542, 431, 80, 608, 1227, 29, 5, 237, 0, 1], [3543, 354, 64, 3544, 32, 951, 635, 188, 6, 0], [1896, 97, 652, 1006, 12, 379, 387, 3545, 1294, 0], [1897, 3546, 96, 897, 377, 23, 1571, 3547, 3548, 3549], [755, 1134, 95, 496, 28, 334, 18, 1898, 3550, 1729], [869, 268, 595, 3551, 636, 3552, 6, 968, 0], [233, 14, 426, 11, 90, 185, 0, 146, 542], [3553, 583, 4, 94, 0, 852, 113, 969, 183, 1692], [3554, 3555, 185, 1892, 1295, 3556], [59, 257, 318, 3557, 5, 216, 600, 75, 163, 0, 365, 1], [252, 16, 1643, 514, 3558, 0, 107, 3559, 662, 3560], [65, 16, 946, 3561, 25, 50, 2, 32, 0, 436, 946, 3562, 1], [3563, 7, 2, 0, 70, 526, 1], [10, 4, 1591, 300, 98, 207, 1296, 3564, 3565, 0, 1899, 1261, 10, 3566], [13, 54, 45, 7, 15, 78, 0, 415, 1], [135, 1900, 93, 1901, 0, 77, 70], [3567, 233, 7, 1011, 1045, 31, 20, 0, 3568], [39, 99, 72, 1, 0, 4, 1297], [319, 236, 5, 19, 48, 284, 8, 7, 32, 0, 624, 1], [337, 1298, 140, 45, 154, 15, 0, 78, 1, 1299, 1825], [342, 5, 11, 154, 137, 15, 35, 212, 0, 965, 7, 1], [273, 222, 282, 126, 620, 0, 357], [72, 81, 104, 82, 1902, 143, 2, 34, 0, 1, 3569], [3570, 5, 274, 366, 868, 0, 1, 3571], [922, 902, 1658, 117, 208, 38, 20, 0, 8], [207, 1903, 5, 418, 10, 4, 261, 32, 0, 2, 1], [3572, 1247, 194, 3573, 292, 753, 1904, 3574, 33, 2, 1], [177, 106, 1905, 156, 191, 0, 37, 32], [3575, 25, 407, 152, 1013, 159, 197, 6, 27, 0, 3576], [95, 1588, 672, 108, 934, 7, 18, 228, 1154, 1563], [1300, 3, 429, 2, 607, 114, 10, 0, 1, 528, 174], [457, 317, 729, 1906, 1615, 0, 41, 1164, 3577, 3578], [3, 205, 116, 225, 1, 0, 39, 83, 3579, 326], [36, 109, 21, 6, 32, 0, 698, 192], [281, 225, 212, 3580, 36, 46, 8, 70, 1, 0], [373, 4, 25, 970, 87, 416, 1349, 407, 1, 159, 0], [129, 0], [1092, 1721, 14, 20, 8, 0], [258, 173, 1907, 18, 126, 1908], [525, 2, 0, 145, 1, 607], [85, 67, 24, 9, 14, 0, 38, 1, 3581, 1861], [3582, 3583, 280, 3584, 15, 0, 1], [1297, 1093, 173, 314, 1219, 58, 632, 514, 0], [5, 4, 137, 8, 0, 95, 77, 42, 153, 1909, 1], [414, 852, 0, 9, 1], [188, 3585, 84, 1896, 1360, 304, 1910, 387, 397, 0], [106, 1231, 256, 837, 1744, 817, 937, 150, 191, 0], [1044, 319, 667, 94, 473, 88, 9, 63, 0, 48, 1], [511, 82, 81, 641, 3586, 6, 104, 162, 0, 90], [1301, 0, 1, 234], [155, 971, 54, 85, 635, 121, 2, 1, 99, 0], [5, 29, 21, 444, 52, 9, 0, 1, 115], [74, 766, 3587, 48, 5, 9, 300, 0, 1, 10], [198, 120, 14, 1783, 2, 0, 697, 1, 234], [597, 92, 1, 19, 7, 0, 123, 400], [3, 158, 11, 2, 0, 1841, 77, 1], [1186, 91, 1654, 306, 11, 20, 1, 0, 7, 186], [488, 3588, 1184, 756, 2, 3589, 350, 0, 409, 420, 1], [5, 28, 376, 1911, 972, 0, 1], [1157, 519, 144, 917, 11, 52, 203, 30, 754, 99, 0, 115], [3590, 218, 0, 30], [617, 21, 315, 13, 217, 737, 417, 0, 4, 6], [453, 299, 3591, 9, 431, 0, 1, 626, 3592], [109, 1402, 256, 503, 204, 50, 674, 12, 0, 628], [674, 109, 503, 50, 204, 12, 0, 107], [120, 14, 11, 278, 108, 0, 3593, 1766, 3594], [1912, 21, 39, 4, 24, 2, 53, 80, 0, 57, 1], [64, 354, 32, 204, 6, 188, 960, 1913, 0, 456], [277, 3595, 60, 200, 693, 715, 0], [389, 695, 72, 3596, 3597, 82, 0, 762, 4, 6], [140, 25, 87, 4, 3598, 15, 277, 0, 121, 3599, 1], [3, 84, 3600, 267, 1433, 40, 202, 90, 108, 0], [3601, 1914, 3602, 3603, 54, 3604, 49, 160, 206, 23], [410, 223, 80, 3605, 266, 1130, 358, 593, 0], [], [244, 439, 173, 1915], [576, 1425, 679, 1427, 1426, 98, 1302, 33, 1429, 1428], [3606, 64, 1916, 3607, 1917, 664, 1918, 764, 191, 0], [39, 9, 0, 1, 3608], [536, 13, 8, 0], [12, 0, 3609, 989, 3610, 3611], [1681, 3612, 3613, 3614, 3615, 263, 973, 3616, 113, 244], [174, 4, 116, 2, 109, 0, 162, 136, 1, 3617], [403, 276, 260, 3618, 1708, 308, 23], [374, 915, 375, 862, 3619, 1868, 1479, 3620, 3621, 18], [3622, 118, 945, 436, 94, 3623, 359, 7, 0, 65], [3, 91, 17, 122, 105, 97, 19, 65, 1, 0], [1131, 3, 97, 71, 50, 1050, 243, 6, 55, 0], [105, 0, 8, 3624], [1025, 236, 175, 635, 217, 176, 329, 745, 6, 23], [1303, 532, 676, 0], [69, 1919, 974, 23, 3625], [100, 384, 1304, 311, 3626, 3627, 3628, 716, 30, 0], [179, 169, 3629, 287, 1254, 71, 203, 30, 1305, 0], [88, 712, 11, 0, 974], [4, 13, 96, 829, 2, 0, 172, 1, 1920], [242, 4, 155, 42, 9, 65, 146, 0, 123, 1], [3630, 1059, 206, 164, 159, 3631, 72, 3632, 0, 4], [3, 355, 908, 1619, 1239, 125, 275, 187, 0, 14], [1148, 1467, 630, 426, 480, 90, 440, 18, 7, 3633], [174, 8, 0, 10], [906, 1921, 3634, 771, 3635, 862, 222, 1306, 255, 3636], [137, 457, 12, 317, 814, 0, 26, 42, 3637], [1, 0], [1168, 1674, 1906, 0], [454, 958, 1290, 16, 3638, 3639, 606, 28, 1468, 0], [503, 12, 0, 3640, 1307, 1922, 742], [3641, 222, 2, 0, 357, 1, 126, 273], [54, 50, 1, 854, 0, 7, 37, 47, 1823], [1923, 17, 321, 19, 320, 8, 0, 38, 232, 159], [66, 1924, 155, 24, 3642, 4, 125, 1255, 479, 1, 0, 1228], [3643, 919, 3644, 421, 789, 625, 3645, 903, 103, 1438, 0], [313, 3646, 18, 845, 3647], [1014, 177, 256, 239, 44, 332, 6, 5, 1812, 3648, 0, 1], [1873, 1872, 3649, 797, 446, 196, 5, 126, 0, 807, 1], [353, 298, 117, 14, 9, 11, 156, 0, 1280, 1], [704, 382, 1127, 445, 27, 43, 749, 165, 471, 0], [755, 29, 5, 4, 99, 362, 9, 350, 1925, 0, 1], [975, 3650, 3651, 825, 255], [314, 954, 1001, 1114, 22, 1526, 1926, 446, 882, 883], [44, 453, 9, 46, 1230, 146, 0, 1, 3652], [420, 128, 108, 0], [420, 671, 378, 171, 423, 8, 32, 128, 0], [1028, 620, 1381, 173, 621, 537, 241, 0, 222], [1260, 11, 781, 54, 40, 3653, 7, 208, 8, 0], [337, 154, 220, 0, 15, 1, 653], [425, 496, 1927, 95, 940, 554, 454, 3654, 113, 18], [1668, 1845, 90, 324, 112, 879, 18, 1928, 3655, 3656], [72, 21, 2, 0, 39, 1011, 1, 147], [29, 21, 9, 1, 0, 3657], [25, 407, 1013, 319, 16, 921, 124, 9, 146, 0, 1], [3658, 1279, 877, 3659, 1191, 34, 71, 0, 6, 39], [508, 911, 253, 178, 28, 627, 1177, 303, 739, 33], [3, 26, 352, 101, 108, 411, 153, 0, 57, 180], [3660, 132, 239, 364, 3661, 3662, 144, 20, 12, 0], [3, 26, 352, 2, 153, 411, 0, 57, 180, 1], [1471, 503, 482, 50, 3663, 12, 1390, 0, 801, 465], [853, 3664, 586, 719, 1929, 1151, 3665, 3666, 1216, 18], [3667, 3668, 3669, 3670, 3671, 3672, 3673, 398, 182, 3674], [198, 3, 289, 21, 68, 279, 204, 24, 2, 0, 1], [572, 16, 1632, 1240, 336, 650, 3675, 5, 254, 22, 1], [3, 1930, 1, 0], [3, 202, 40, 245, 317, 113, 47, 153, 0], [3, 411, 193, 2, 180, 90, 0, 57, 1769, 1], [561, 5, 4, 1931, 6, 40, 145, 1033, 0, 1], [561, 5, 4, 1931, 6, 40, 145, 1033, 0, 1162, 1], [372, 288, 5, 6, 0, 1], [64, 354, 432, 6, 42, 1932, 592, 0, 70], [1275, 1308, 613, 233, 103, 118, 1309, 0, 426, 309], [3676, 557, 21, 233, 553, 15, 0, 3677, 1], [8, 13, 10, 275, 526, 5, 0, 1, 168], [1624, 1627, 3678, 1626, 14, 359, 1634, 0, 61], [24, 453, 394, 274, 1546, 3679, 14, 1933, 9, 22, 1], [594, 1917, 60, 3680, 6, 592, 0, 395, 456, 1617], [138, 10, 86, 86, 131, 15, 0, 145, 1], [772, 21, 51, 1934, 0, 1, 3681, 3682], [17, 772, 720, 69, 27, 8, 56, 0], [944, 25, 308, 509, 1, 19, 0, 145, 38, 613], [24, 155, 5, 53, 43, 221, 0, 678, 1, 1117, 3683, 626], [21, 464, 2, 197, 0, 1, 1763, 952], [4, 3684, 351, 1249, 190, 960, 156, 373, 359, 2, 0, 1], [188, 304, 239, 3685, 1910, 694, 1867, 242, 1877, 3686, 397, 0], [3687, 98, 249], [113, 18], [229, 1935, 82, 824, 0], [1713, 0, 3688], [161, 929, 3689, 1236, 3690, 3691, 59, 240, 149, 0], [1223, 582, 1934, 152, 85, 51, 5, 899, 767, 1, 0], [1773, 250, 3692, 1736, 483, 3693, 238, 19, 241, 0], [269, 1909, 454, 400, 376, 121, 28, 0, 3694, 3695], [10, 138, 131, 1635, 86, 15, 0, 1, 10, 987], [820, 642, 17, 16, 612, 5, 11, 227, 8, 0, 1], [343, 1809, 131, 4, 9, 36, 0, 1, 3696, 3697, 1855], [290, 1310, 71, 191, 3698, 530, 372, 11, 0, 333], [178, 58, 1514, 378, 3699, 108, 18, 3700, 1307], [207, 855, 10, 266, 3701, 1936, 87, 8, 0, 970], [27, 2, 99, 0, 1, 3702, 3703], [17, 834, 3704, 8, 0, 3705, 3706], [912, 4, 100, 13, 82, 3707, 371, 6, 14, 0], [91, 76, 634, 3708, 2, 0, 3709, 68, 187, 881, 1], [629, 92, 148, 2, 1937, 10, 17, 66, 369, 0, 1], [3, 568, 1311, 218, 396, 3710, 0, 3711, 242, 6], [13, 511, 68, 54, 509, 298, 2, 1660, 78, 0, 1], [221, 174, 44, 3, 2, 14, 1572, 46, 0, 123, 1], [3, 119, 1938, 40, 83, 132, 1939, 3712, 31, 0], [472, 779, 589, 4, 524, 371, 8, 159, 0, 455], [5, 3713, 94, 372, 1262, 34, 225, 1, 0, 3714], [3, 402, 14, 702, 489, 43, 0, 232, 168, 823], [214, 603, 3, 976, 239, 3715, 0, 4, 1, 1940], [409, 427, 87, 198, 281, 245, 331, 8, 41, 0], [5, 4, 577, 20, 235, 909, 73, 264, 57, 0, 1], [285, 216, 3, 116, 1312, 520, 171, 11, 12, 0], [3, 16, 11, 1939, 0, 334, 8, 38, 1198, 168], [977, 150, 72, 912, 1373, 0, 1313, 190, 4, 6], [], [54, 11, 2, 110, 20, 0, 57, 1206, 347, 3716, 1], [10, 631, 4, 1941, 94, 9, 52, 0, 1768, 3717, 1], [1889, 3, 132, 428, 26, 2, 53, 0, 48, 47, 3718, 1553, 1], [3719, 3720, 462, 865, 404, 3721, 38, 3722, 12, 23], [472, 0, 366, 3723, 1195], [1190, 1314, 58, 217, 13, 104, 1746, 12, 347, 0], [1314, 3724, 217, 13, 77, 12, 347, 0, 90, 134], [1126, 22, 1789, 3725, 1851, 196, 43, 600], [1314, 57, 13, 217, 122, 104, 12, 3726, 0], [512, 978, 773, 637, 406, 739, 1942, 184, 28, 33], [1943, 1458, 1698, 1217, 3727, 3728, 1178, 28, 153, 18], [252, 3729, 1246, 3730, 43, 1315, 0, 60, 551], [113, 17, 915, 53, 0, 3731, 1316], [74, 483, 125, 546, 0, 466, 38, 192], [1023, 103, 136, 0, 3732, 1852], [32, 0, 2, 526, 1, 3733, 115], [846, 1128, 301, 548, 112, 178, 889, 946, 33, 1533], [3734, 3735, 254, 5, 3736, 292, 650, 4, 22, 1, 1117], [1524, 1401, 3737, 3738, 282, 3739, 231, 3740], [64, 635, 6, 395, 26, 456, 0, 836], [1941, 58, 499, 50, 96, 1944, 95, 0, 1036, 28], [1443, 979, 3741, 1945, 253, 2, 88, 860, 145, 0, 1], [3742, 1183, 290, 94, 51, 0, 3743, 1, 3744], [3745, 879, 43, 934, 0, 171], [625, 547, 3746, 3747, 28, 184, 95, 606, 0, 3748], [151, 197, 156, 150, 3, 137, 2, 13, 37, 42, 0, 1], [17, 36, 24, 284, 2, 128, 0, 41, 1], [151, 144, 150, 4, 299, 176, 9, 42, 0, 1], [5, 3749, 4, 916, 92, 144, 2, 0, 1946, 78, 1], [917, 11, 264, 96, 30, 0, 115], [3750, 362, 44, 5, 9, 344, 339, 0, 1, 3751], [102, 1625, 2, 7, 0, 83, 172, 1, 114], [491, 3, 19, 11, 279, 38, 8, 110, 24, 0], [91, 951, 536, 476, 1947, 81, 13, 2, 37, 0, 1], [3, 317, 514, 107, 0], [3, 202, 40, 1, 449, 0, 36, 305, 263, 123], [139, 58, 27, 2, 0, 1, 115], [1948, 469, 59, 51, 0, 80, 1, 3752], [131, 13, 47, 15, 19, 37, 0, 415, 39, 1], [14, 11, 40, 171, 8, 0, 261], [16, 272, 219, 11, 421, 14, 15, 0, 1], [68, 39, 2, 0, 1, 326], [1949, 1950, 301, 1775, 184, 1449, 1501, 827, 1755, 33], [354, 1061, 64, 664, 456, 1202, 6, 0, 3753, 1147], [163, 500, 93, 1782, 0, 1951, 3754, 3755], [21, 9, 0, 1], [322, 51, 0, 1], [3756, 3757, 1911, 94, 108, 155, 323, 18, 5, 1, 3758], [262, 1024, 1295], [58, 789, 1633, 28, 133, 1317], [116, 26, 1802, 0, 2, 42, 83, 281, 3759, 1], [3760, 66, 1952, 1613, 64, 960, 3761, 1263, 682, 0], [502, 201, 0, 32, 262], [898, 1742, 207, 401, 157, 2, 0, 121, 1], [925, 161, 696, 116, 743, 67, 75, 1200, 996, 0], [177, 106, 3762, 1803, 1772, 12, 193, 0, 35, 162], [3763, 483, 1953, 322, 125, 122, 1954, 0, 305], [275, 355, 3764, 3765, 1166, 648, 75, 250, 166, 0], [954, 1001, 3766, 22, 1955, 1926, 3767, 446, 882, 883], [7, 447, 120, 14, 2, 0, 871, 669, 46, 66, 1], [13, 537, 1956, 60, 0, 505, 126, 3768, 673, 1957], [7, 76, 278, 3769, 118, 15, 0, 965, 41, 1], [86, 868, 93, 0], [89, 315, 1679, 2, 3770, 77, 236, 112, 262, 0, 1], [207, 128, 32, 198, 310, 2, 513, 0, 1], [25, 136, 1, 0], [11, 1880, 368, 4, 5, 1272, 143, 6, 0, 1], [3, 56, 209, 1, 0, 3771, 400], [10, 5, 247, 6, 0, 235, 302, 1, 114], [110, 225, 117, 844, 876, 51, 3772, 0, 128, 488, 1], [1958, 0, 1, 937], [371, 132, 3, 80, 27, 3773, 8, 0, 159, 728, 936], [120, 128, 2, 0, 123, 1, 234], [205, 379, 40, 55, 225, 364, 6, 230, 47, 23], [285, 551, 8, 0], [286, 109, 6, 0, 192], [1959, 1960, 194, 212, 3774, 303, 679, 3775, 886, 33], [5, 4, 72, 285, 20, 11, 96, 2, 81, 0, 1], [286, 80, 6, 99, 0, 192, 3776], [1644, 50, 464, 29, 3777, 72, 150, 12, 293, 0, 735], [3778, 142, 13, 3779, 743, 189, 0, 65, 732, 107], [1122, 54, 176, 47, 3, 756, 540, 129, 41, 0, 276], [8, 106, 799, 450, 13, 34, 192, 286, 0], [361, 18, 3780, 1928], [24, 769, 17, 5, 535, 155, 4, 226, 9, 0, 1], [1149, 1961, 1150, 719, 1216, 231, 172, 3781, 1962, 3782], [85, 29, 24, 139, 299, 9, 87, 44, 1963, 0, 1], [334, 95, 28, 18, 1898], [3783, 12, 1964, 288, 71, 0, 1248, 340], [1218, 50, 175, 45, 3784, 11, 55, 286, 6], [1184, 1629, 54, 3785, 2, 24, 316, 14, 0, 1], [487, 2, 294, 0, 1, 10, 114], [39, 149, 5, 21, 1097, 0, 1], [1784, 828, 3786, 375, 841, 961, 3787, 301, 108, 18], [275, 3788, 3789, 614, 1965, 26, 59, 67, 0, 3790], [3791, 258, 1386, 149, 0, 25, 7, 3792], [3793, 3794, 500, 12, 628, 0, 159, 107, 466, 1754], [402, 36, 1069, 43, 0, 1005, 1966, 794], [1844, 708, 144, 360, 87, 284, 1751, 16, 2, 0, 1], [3795, 3796, 3797, 3798, 3799, 3800, 1048, 178, 33, 2, 1], [490, 0, 1], [111, 11, 471, 644, 146, 6, 134, 90, 334, 23], [3, 100, 11, 14, 0, 8, 48, 698, 105, 69, 115], [587, 218, 1740, 30, 0], [13, 246, 51, 46, 0, 1], [151, 296, 52, 6, 23], [3801, 1694, 1212, 1695, 1209, 1696, 22, 3802, 3803, 3804, 170], [3805, 733, 303, 300, 1250, 3806, 436, 369, 98, 33], [1738, 1, 59, 0, 68, 1162, 742], [622, 418, 3807, 29, 321, 32, 969, 130, 246, 0], [150, 418, 1967, 1968, 142, 1969, 969, 560, 0, 359], [1970, 3808, 622, 1095, 418, 1037, 329, 32, 824, 0], [142, 76, 1, 62, 0, 489, 1318, 10, 186, 1300], [138, 66, 103, 65, 11, 7, 157, 0, 63], [3, 87, 1, 27, 0, 39, 742], [527, 92, 160, 17, 1181, 129, 0, 67, 471, 4], [174, 1801, 3809, 1081, 16, 2, 3810, 0, 528, 3811, 1], [100, 1319, 348, 964, 287, 723, 1293, 4, 311, 237, 0], [3, 215, 7, 11, 128, 27, 2, 36, 0, 1], [3, 36, 393, 14, 31, 0, 752, 68, 1971], [3812, 3813, 3814, 3815, 3816, 3817, 1320, 940, 28, 18], [4, 177, 151, 106, 291, 59, 1, 0, 7], [218, 587, 81, 111, 761, 12, 55, 1046, 34, 0], [585, 1881, 1882, 218, 281, 1883, 754, 608, 900, 237, 0, 10], [1255, 1256, 980, 34, 1055, 1924, 5, 51, 0, 188, 1], [24, 3818, 2, 0, 3819, 117, 46, 3820, 3821, 3822, 1, 3823, 3824, 3825], [3826, 214, 3827, 12, 404, 694, 82, 1321, 3828, 0], [3829, 1322, 1972, 12, 250, 0, 770], [3830, 3831, 3832, 615, 34, 73, 0, 161, 1323, 39], [328, 700, 291, 13, 668, 3833, 0, 130, 3834, 4], [5, 9, 0, 105, 1, 1973, 1876, 1558, 115], [1974, 144, 3, 215, 3835, 144, 48, 19, 8, 47, 0], [21, 522, 1948, 1975, 221, 1276, 51, 0, 121, 1], [4, 3, 19, 3836, 48, 13, 964, 8, 758, 0], [909, 577, 669, 3837, 2, 3838, 0, 4, 1, 168], [535, 441, 246, 1621, 609, 31, 88, 41, 0, 3839], [139, 11, 820, 35, 110, 723, 8, 0], [354, 1952, 64, 1916, 124, 5, 130, 0, 53, 592, 1], [887, 6, 0, 3840], [64, 802, 129, 60, 395, 26, 35, 23, 456, 3841], [1976, 5, 805, 499, 336, 1711, 2, 508, 68, 112, 0, 1], [3842, 3843, 3844, 3845, 3846, 3847, 1730, 3848, 249, 1610], [696, 3849, 981, 483, 476, 125, 810, 591, 1072, 0], [1977, 1363, 1955, 638, 3850, 3851, 1324, 1325, 1978, 22], [275, 355, 3, 1979, 3852, 208, 0, 2, 379, 156, 1], [1980, 1981, 757, 3853, 1165, 182, 1982, 1983, 3854, 3855], [3856, 3857, 2, 0, 1, 1257], [1981, 3858, 3859, 1982, 3860, 3861, 1326, 249, 3862, 3863], [3864, 508, 58, 112, 95, 3865, 270, 822, 676, 22], [252, 1778, 2, 34, 1020, 0, 392, 1, 168, 39, 1863], [44, 96, 5, 2, 0, 1], [11, 73, 77, 110, 0, 32, 36, 228], [54, 236, 724, 44, 3866, 9, 7, 0, 1, 3867], [3868, 167, 66, 4, 103, 14, 0, 7, 335], [10, 131, 8, 3869, 0, 10], [6, 27, 13, 0], [155, 297, 622, 1286, 13, 9, 418, 297, 0, 246, 1], [178, 1112, 3870, 251, 1984, 3871, 313, 1243, 324, 18], [178, 251, 3872, 3873, 314, 1457, 324, 1820, 112, 18], [512, 3874, 978, 3875, 637, 658, 1291, 253, 28, 33], [1985, 1326, 1899, 935, 249, 3876, 3877, 3878], [945, 3879, 408, 3880, 1277, 455, 89, 1986, 510, 33], [1757, 1914, 303, 760, 194, 3881, 301, 703, 3882, 33], [160, 48, 9, 3883, 59, 0, 1, 3884, 3885], [1049, 570, 194, 3886, 627, 760, 571, 1897, 98, 33], [25, 24, 248, 19, 65, 9, 321, 7, 70, 0, 1], [18], [3887, 3888, 3889, 3890, 3891, 1960, 1302, 3892, 98, 33], [3, 450, 284, 7, 101, 2, 0, 61, 489, 168, 1], [3893, 520, 764, 271, 341, 0, 1987, 467], [379, 12, 0], [337, 1767, 1988, 0, 185], [943, 0, 3894], [893, 3895, 397, 0], [410, 237, 0], [0, 282], [1387, 42, 0, 682], [332, 589, 210, 29, 416, 8, 26, 0, 35, 134], [1225, 973, 0, 185, 584], [90, 3896, 244], [3897, 3898, 774, 3899, 3900, 149, 3901, 231, 3902, 3903], [1359, 68, 774, 14, 185, 41, 172, 0, 556], [3904, 185, 18, 556, 3905], [3906, 1139, 0, 1], [43, 0, 556], [1989, 1327, 1990, 3907, 201, 0, 3908, 3909, 3910, 775], [774, 201, 1991, 0, 90], [1989, 1990, 3911, 3912, 3913, 3914, 93, 41, 370, 0], [718, 348, 100, 259, 71, 12, 197, 865, 63, 0], [76, 31, 0], [177, 106, 1905, 156, 191, 0, 37, 32, 13, 1843], [4, 1, 0, 1328], [3, 0, 1], [128, 0, 811, 234], [39, 0, 149], [167, 17, 793, 9, 109, 19, 48, 80, 0, 47, 1], [860, 540, 13, 3915, 647, 12, 416, 111, 0, 162], [1840, 1281, 31, 0, 1842], [547, 508, 548, 112, 28, 919, 606, 18, 549, 3916], [297, 9, 176, 55, 0, 486, 498, 1272, 1, 1547, 3917], [25, 1358, 1329, 1351, 1, 0, 81, 114, 3918, 3919], [709, 688, 13, 17, 982, 148, 495, 2, 0, 7, 1], [3, 741, 162, 189, 0, 241, 42, 107, 533], [11, 58, 1583, 101, 21, 5, 4, 8, 1031, 0, 1], [10, 3, 487, 1, 0, 97, 1330, 3920, 950], [535, 103, 39, 0, 433], [1225, 973, 0, 185], [332, 589, 210, 29, 416, 6, 0, 35, 26, 134], [278, 76, 3921, 7, 245, 31, 132, 0, 35, 698], [183, 82, 3922, 6, 0], [44, 16, 562, 5, 497, 9, 416, 365, 0, 1, 1075], [1992, 161, 257, 3923, 3924, 330, 647, 1267, 75, 534, 0], [1753, 473, 319, 743, 1065, 99, 3925, 2, 0, 3926, 3927, 3928, 1], [373, 416, 4, 348, 986, 3929, 777, 1367, 6, 0], [67, 394, 88, 747, 19, 228, 95, 3930, 0, 206], [1993, 35, 448, 133, 953], [3931, 1447, 3932, 296, 500, 189, 1310, 3933, 0, 1833], [3, 209, 283, 5, 706, 31, 0, 7, 430, 1], [412, 527, 1331, 55, 765, 12, 396, 37, 0, 1870], [199, 111, 129, 23, 14, 90, 105], [414, 0, 51, 1], [24, 29, 87, 617, 85, 1963, 88, 9, 44, 0, 1], [1332, 516, 3934, 3935, 3936, 1464, 417, 3937, 358, 0], [1994, 185, 18, 556], [3, 17, 1995, 105, 741, 40, 27, 2, 193, 0, 1], [417, 40, 1996, 3, 6, 23], [854, 110, 1, 124, 27, 47, 0, 37, 3938, 68], [1893, 1709, 58, 196, 3939, 54, 3940, 571, 22, 2, 1], [4, 557, 328, 2, 0, 1, 147], [3941, 3, 402, 68, 2, 0, 1], [411, 120, 16, 25, 113, 0], [1453, 3942, 120, 58, 376, 972, 1291, 28, 4, 33], [259, 5, 0, 1259, 113, 1, 3943], [1967, 1968, 3944, 418, 622, 3945, 3946, 191, 969, 0], [341, 18, 259, 1958, 1], [99, 67, 2, 349, 0, 196, 880, 1, 3947, 935, 953], [535, 609, 1226, 252, 87, 103, 0, 99], [2, 34, 192, 0, 99, 1, 168], [2, 0, 1, 192, 3948], [1189, 3949, 521, 1997, 464, 3950, 100, 91, 6, 0], [17, 74, 24, 1, 66, 305, 0], [11, 808, 87, 20, 109, 2, 0, 79, 7, 1022, 1], [3, 82, 104, 97, 6, 40, 0, 61, 105, 3951], [132, 49, 49, 49, 49, 49, 3, 52, 833, 3952, 3953, 111, 12, 0, 49, 1333], [132, 49, 833, 52, 49, 82, 49, 3954, 49, 49, 3955, 12, 55, 0, 49, 1333], [3956, 69, 147, 0, 484, 96, 4, 1, 373], [8, 3957, 1187, 50, 3958, 13, 48, 396, 0, 4], [8, 766, 293, 3959, 13, 10, 119, 17, 0, 190], [21, 763, 235, 320, 152, 5, 0, 1, 6], [8, 3960, 3961, 13, 1983, 0, 261], [1998, 3962, 3963, 320, 106, 12, 0, 3964], [741, 3, 14, 352, 0, 8, 172, 3965, 105, 533], [3966, 9, 329, 3967, 29, 0, 1], [6, 0, 1333], [1822, 54, 27, 230, 9, 68, 46, 0, 1], [3968, 3969, 44, 9, 3970, 450, 29, 0, 1, 1999], [149, 250, 0, 770, 3971], [3972, 3973, 982, 2000, 59, 1229, 482, 271, 0, 983], [1998, 291, 260, 23], [93, 0, 750], [3974, 4, 19, 281, 8, 47, 0, 3975, 3976], [1993, 266, 94, 54, 515, 749, 600, 163, 9, 0, 1], [3977, 547, 625, 3978, 3979, 3980, 343, 301, 28, 133], [957, 50, 214, 100, 3981, 3982, 443, 199, 8, 0], [26, 393, 31, 0, 123, 68, 325], [17, 469, 83, 1, 92, 0, 34, 20, 66], [3983, 9, 3984, 535, 609, 17, 769, 226, 5, 0, 1], [529, 239, 304, 11, 417, 218, 214, 237, 23], [1270, 873, 280, 1204, 24, 6, 240, 0], [3985, 1930, 460, 12, 0], [2001, 3986, 1120, 2002, 1956, 537, 195, 0, 3987, 3988], [1900, 1901, 108, 18], [21, 736, 9, 0, 1], [2001, 537, 107, 172, 2002, 0], [3989, 1334, 3990, 3991, 3992, 3993, 3994, 3995, 185, 18], [800, 338, 1972, 1891, 78, 189, 10, 0], [328, 0, 6], [451, 1173, 2, 34, 226, 5, 0, 1, 219], [13, 183, 50, 278, 364, 5, 59, 0, 8, 1], [8, 1667, 59, 1522, 50, 364, 13, 5, 0, 183, 1], [139, 306, 48, 1884, 14, 8, 0, 728, 186, 1885], [3996, 1217, 747, 1785, 3997, 3998, 28, 7, 4, 18], [337, 154, 220, 0, 15, 1, 653], [502, 3999, 4000, 283, 60, 16, 127, 847, 4001, 4002], [4003, 300, 4004, 1959, 1858, 4005, 4006, 576, 33, 534], [2003, 657, 106, 895, 159, 12, 413, 1133, 949, 23], [4007, 5, 431, 29, 302, 8, 0, 1, 10, 114], [1085, 1192, 930, 15, 4008, 1714, 13, 48, 369, 0, 1], [151, 557, 4, 9, 876, 187, 0, 4009, 1], [1290, 958, 843, 961, 28, 95, 33, 1355, 1865, 1866], [1332, 518, 49, 8, 583, 49, 0, 49, 49, 49, 49], [84, 3, 1335, 1, 0, 42, 38], [4010, 4011, 21, 2, 179, 5, 0, 4, 1, 574, 39], [66, 65, 45, 242, 24, 1035, 76, 599, 6, 81, 0], [599, 1035, 45, 65, 242, 76, 66, 81, 6, 0], [3, 56, 2004, 1, 0, 38, 4012, 1913], [2005, 2006, 82, 365, 4013, 506, 30, 0, 4014, 4015], [229, 918, 4016, 4017, 621, 4018, 4019, 6, 575, 0], [209, 3, 31, 0, 1, 4020], [1499, 4021, 158, 1279, 877, 1191, 205, 2007, 73, 0], [1988, 1749, 15, 0, 1], [378, 4, 102, 1327, 2, 2008, 722, 0, 235, 1, 1328], [8, 766, 114, 10, 10, 17, 266, 0], [1327, 1328, 235, 102, 722, 2008, 2, 0, 378, 4, 1], [11, 91, 601, 4022, 36, 109, 14, 264, 6, 0], [91, 601, 17, 80, 6, 0, 39, 775], [4023, 4024, 4025, 4026, 1086, 981, 4027, 14, 956, 0], [74, 5, 257, 2, 25, 1242, 27, 1083, 0, 1], [441, 246, 1140, 2009, 475, 121, 21, 116, 75, 0], [4028, 4029, 207, 130, 0, 383], [86, 272, 7, 20, 93, 0, 26, 83, 528, 868], [4030, 520, 299, 4031, 1953, 483, 145, 125, 1256, 0], [1288, 319, 860, 16, 11, 56, 397, 206, 0, 4032, 4033], [3, 756, 276, 279, 156, 293, 40, 419, 12, 0], [2010, 45, 233, 15, 7, 0, 123, 710, 1, 1330, 115], [4034, 16, 612, 7, 15, 280, 0, 1], [3, 634, 58, 31, 0, 37], [4035, 1814, 233, 21, 1, 0, 4036], [3, 594, 449, 8, 0, 68, 38, 645, 4037], [4038, 25, 5, 768, 337, 19, 7, 1, 4039, 0], [593, 21, 2, 0, 34, 1, 1274], [3, 7, 0, 4040, 4, 956, 4041, 4042, 2011], [740, 4043, 1322, 246, 2009, 2000, 975, 149, 1009, 475, 0, 770], [4, 934, 5, 83, 0, 195, 95, 90, 253, 28, 1], [13, 50, 81, 505, 2, 0, 228, 1], [50, 13, 4044, 580, 956, 0, 35], [69, 772, 17, 720, 27, 6, 56, 0], [91, 158, 471, 13, 4, 4045, 40, 2, 0, 1], [720, 772, 69, 27, 8, 0, 230, 10, 4046], [530, 248, 4047, 4048, 1871, 182], [17, 24, 67, 9, 14, 7, 0, 1, 4049, 1710], [268, 4050, 50, 82, 13, 104, 476, 8, 0], [167, 1053, 2, 4051, 4052, 1790, 4053, 0, 4054, 392, 1], [440, 735, 4055, 7, 480, 746, 4056, 18, 1895, 4057], [538, 255, 914], [14, 2, 85, 11, 0, 63, 134, 1, 4058, 4059], [837, 197, 1440, 6, 0], [4060, 339, 4061, 497, 344, 44, 1655, 5, 254, 22, 1], [183, 2, 0, 1], [258, 4062, 1921, 282, 744, 41, 0, 771, 1203, 1908], [2012, 536, 13, 12, 0], [1203, 0, 771, 1306], [4063, 1943, 4064, 4065, 4066, 4067, 1213, 4068, 1099, 22], [1189, 259, 521, 30, 0], [4069, 298, 5, 29, 1791, 4070, 4071, 0, 1], [838, 0, 683, 4072], [838, 338, 683, 57, 203, 0, 327], [3, 7, 68, 450, 2, 61, 0, 4073, 36, 1], [91, 87, 5, 44, 27, 2, 66, 0, 1, 1336, 1173], [1073, 196, 81, 28, 22, 673, 1734, 4074], [9, 92, 564, 924, 5, 0, 2013, 1], [538, 967, 255, 4075], [407, 667, 94, 1136, 651, 144, 73, 577, 0, 953], [11, 985, 8, 0, 4076], [294, 1856, 89, 43, 490, 78, 14, 53, 7, 0, 399], [2014, 4077, 340, 383, 142, 20, 271, 0], [2015, 8, 0], [105, 23, 260], [4, 4078, 94, 59, 2, 68, 0, 19, 1, 1100, 4079], [21, 17, 13, 4080, 2, 430, 0, 1], [3, 20, 7, 394, 294, 0, 6, 36, 123, 83], [761, 135, 430, 1915, 201, 880, 244], [72, 3, 360, 139, 21, 567, 69, 51, 0, 400, 1], [53, 0, 2, 731, 1, 4081], [119, 216, 8, 0, 34, 10, 1311], [538, 4082, 967, 255, 4083], [1264, 1027, 1266, 2016, 19, 30, 435, 356, 23, 458], [290, 1310, 191, 530, 372, 11, 0, 333], [1362, 4084, 298, 180, 19, 51, 14, 1, 0, 117], [4085, 1980, 1985, 939, 2017, 1326, 4086, 249, 510], [1788, 1787, 184, 28, 606, 7, 335, 64, 0], [4087, 2018, 4088, 986, 4089, 40, 4090, 171, 6, 0], [91, 36, 767, 209, 307, 56, 14, 1, 85, 0], [81, 50, 257, 214, 2, 1, 223, 0, 7, 264, 1319], [427, 36, 50, 1129, 6, 212, 7, 134, 1, 0], [206, 763, 235, 159, 4091, 1525, 247, 368, 5, 0, 1], [94, 0, 32, 121, 46, 70, 452, 185], [447, 212, 46, 517, 9, 323, 1, 117, 181, 0], [906, 538, 1614, 255], [538, 1537, 255, 914], [979, 45, 5, 208, 200, 687, 464, 0, 8, 1, 10], [10, 8, 0, 10], [144, 9, 0, 1], [36, 433, 6, 133, 4092], [44, 51, 0, 4093, 1], [6, 133, 1878], [1970, 1260, 544, 1095, 4, 0, 42, 359, 389, 10], [4094, 929, 982, 13, 17, 495, 227, 149, 0, 171], [410, 4095, 962, 4096, 4097, 19, 48, 175, 5, 329, 8, 1130, 0, 1], [407, 13, 616, 1, 0], [152, 8, 0, 10, 114], [11, 3, 1, 0], [3, 58, 619, 61, 1146, 1, 47, 0, 38], [3, 215, 17, 21, 66, 109, 479, 19, 2, 0, 1], [114, 0, 1, 174], [113, 0, 330], [677, 9, 0, 1], [3, 139, 2, 0, 1946, 52, 1, 4098, 1147, 4099], [67, 20, 14, 1287, 19, 2, 123, 0, 128, 70, 1], [], [1741, 133, 9, 1], [17, 15, 0, 1], [1228, 980, 4100, 1055, 0, 6], [977, 4101, 72, 912, 355, 0, 762, 190, 4, 6], [507, 775, 923, 9, 158, 24, 0, 4102, 554, 1], [1185, 4, 472, 786, 420, 20, 2, 35, 485, 0, 1], [525, 52, 4103, 179, 114, 10, 147, 0, 2019, 1], [1261, 179, 124, 369, 64, 4104, 4105, 0, 4, 6], [3, 2, 68, 0, 26, 57, 38, 485, 1, 4106, 326], [21, 681, 4107, 50, 89, 1864, 0, 81, 309, 4108], [4109, 4110, 760, 369, 303, 1302, 194, 4111, 98, 33], [4112, 260, 3, 0, 4113], [29, 135, 4114, 2, 7, 118, 0, 41, 1, 4115], [360, 2, 0, 1], [69, 4116, 0, 12, 4117], [402, 367, 1862, 0, 261, 1, 4118, 1259, 1235, 4119], [552, 1088, 1473, 89, 855, 62, 4, 73, 0, 1280], [92, 31, 0], [1308, 103, 0, 4120, 309, 136, 4121, 115], [0], [4, 3, 16, 2, 7, 0, 63, 168, 41, 47, 1, 1032], [4122, 315, 118, 2, 0, 1, 261], [25, 319, 4, 307, 164, 11, 1301, 253, 1, 0], [4123, 745, 604, 1472, 6, 176, 580, 1159, 0, 616], [1241, 3, 108, 0], [616, 0, 9, 1], [976, 540, 304, 70, 30, 0], [102, 913, 86, 83, 43, 7, 0, 2020], [4124, 812, 431, 160, 608, 1108, 29, 5, 358, 0, 1], [138, 3, 131, 24, 2, 0, 37, 823, 136, 1], [138, 62, 45, 15, 0, 1, 1271], [67, 6, 160, 575, 0, 938, 10, 1282, 4125], [10, 405, 1102, 29, 106, 832, 8, 0, 10], [4126, 1275, 6, 0, 815, 1309, 34, 39], [3, 91, 2021, 2022, 2023, 1, 0, 20, 2024], [3, 2021, 2022, 2023, 1, 0, 20, 2024], [519, 72, 5, 144, 79, 336, 686, 2, 68, 0, 1], [1923, 175, 808, 264, 260, 129, 787, 2025, 1172, 105, 23], [44, 195, 221, 298, 4127, 205, 51, 0, 1], [4128, 1082, 26, 193, 1539, 1975, 20, 127, 0, 4129], [463, 605, 171, 0, 8, 4130, 107], [167, 17, 91, 215, 29, 19, 302, 9, 812, 1, 0], [538, 392, 1306, 255], [135, 3, 7, 14, 1337, 193, 4131, 31, 634, 0], [511, 4, 424, 148, 971, 54, 96, 59, 6, 0], [511, 4, 148, 971, 284, 59, 2, 2026, 0, 134, 1], [2026, 511, 59, 424, 148, 971, 2, 0, 96, 4, 1], [119, 120, 2, 0, 38, 109, 34, 55, 1, 234], [4132, 632, 43, 0, 153, 48, 213, 2027], [744, 538, 967, 255], [3, 402, 294, 43, 475, 0, 14, 105], [138, 8, 4133, 0, 309, 1289, 10, 114, 186], [351, 5, 2028, 355, 118, 295, 156, 204, 29, 4134, 4135, 1918, 130, 373, 0, 1], [58, 383, 1200, 246, 4136, 43, 4137, 440, 0, 60], [4138, 413, 4139, 621, 688, 125, 0, 388, 4140], [3, 1338, 5, 1335, 29, 21, 56, 209, 1, 0, 400], [3, 4, 402, 20, 94, 2, 0, 32, 77, 1, 4141], [529, 50, 861, 283, 35, 304, 8, 1611, 0, 38], [73, 0], [8, 629, 92, 148, 1937, 10, 17, 66, 369, 0], [320, 4, 444, 9, 42, 135, 0, 101, 1, 115], [103, 66, 0, 138], [816, 4142, 700, 229, 2029, 4143, 4, 1875, 130], [102, 86, 24, 93, 0, 37, 1942, 928], [1329, 4, 86, 15, 64, 0, 507, 1, 1339, 10, 4144], [713, 1220, 0], [86, 86, 7, 83, 93, 0, 2020], [507, 86, 1329, 15, 10, 1271, 64, 0, 1339, 4, 1], [4, 351, 4145, 8, 417, 0, 245], [48, 818, 8, 0, 10, 186], [175, 9, 52, 316, 240, 68, 0, 1, 4146], [3, 320, 97, 12, 581, 0, 159, 1160], [3, 2030, 737, 238, 0, 61], [4147, 8, 0, 10, 920, 114], [138, 1237, 86, 68, 15, 0, 1], [721, 87, 10, 487, 2, 0, 1], [4, 721, 89, 4148, 62, 2, 131, 0, 1, 114, 4149], [132, 7, 279, 645, 0, 8, 107], [276, 2031, 27, 2, 0, 4150, 150, 1, 4151], [353, 29, 80, 469, 89, 9, 0, 1], [423, 210, 205, 49, 2, 0, 393, 1], [3, 87, 132, 1, 0, 761], [322, 4152, 2015, 1434, 4153, 8, 0], [5, 98, 25, 4, 753, 4154, 220, 300, 163, 1296, 679, 2032, 0, 1], [945, 303, 1277, 4155, 194, 733, 703, 172, 77, 33], [2033, 1997, 4, 190, 52, 1838, 4156, 984, 730, 6, 598, 0], [4, 81, 791, 933, 253, 1221, 307, 2, 184, 0, 1], [4, 931, 8, 0], [453, 464, 353, 60, 29, 5, 569, 54, 130, 0, 1], [258, 83, 4157, 4158, 43, 439, 244, 213, 4159], [86, 187, 4160, 86, 266, 1827, 2, 1648, 7, 0, 79, 1], [2034, 224, 149, 0, 770], [983, 2035, 975, 149, 1179, 0, 2036, 172], [1201, 926, 2037, 75, 1671, 859, 0], [8, 52, 92, 186, 0, 39], [132, 3, 47, 396, 308, 16, 11, 1, 0], [8, 214, 976, 239, 4161, 0, 1940], [229, 4162, 59, 0], [343, 226, 11, 131, 2, 35, 20, 36, 0, 1383, 1], [904, 16, 269, 101, 31, 675, 0, 34, 32], [13, 1153, 111, 82, 30, 4163, 38, 0, 959, 34], [1192, 15, 0, 1], [31, 0, 41, 61, 335, 145, 4164, 326], [84, 3, 469, 38, 1, 443, 0], [4165, 87, 2, 0, 1, 4166], [54, 225, 6, 42, 46, 0, 34, 39], [2038, 135, 7, 15, 0, 70, 1], [1149, 719, 1929, 1907, 1961, 77, 172, 18, 1150, 1962], [1300, 3, 102, 2, 186, 10, 0, 1289, 1], [89, 819, 26, 2, 0, 47, 39, 79, 136, 1], [1, 0, 136, 4167, 147, 4168], [1837, 1, 0, 147], [89, 819, 2, 26, 0, 47, 39, 79, 4169, 1], [7, 39, 149, 0], [49, 532, 565, 385, 57, 8, 46, 4170, 34, 0], [532, 49, 49, 49, 49, 49, 8, 0, 49, 4171], [712, 287, 11, 730, 329, 88, 41, 104, 30, 0], [4172, 11, 4173, 287, 4174, 1321, 712, 30, 452, 23], [4175, 1183, 56, 4176, 51, 99, 0, 923, 1], [111, 69, 1252, 169, 57, 63, 30, 23, 4177], [4178, 258, 219, 17, 14, 201, 37, 0, 2039, 771, 466], [120, 1181, 234, 1340, 0, 42, 4, 1], [54, 635, 110, 17, 67, 4179, 898, 226, 5, 9, 1, 0, 870], [144, 150, 4, 11, 4180, 42, 540, 6, 40, 0], [512, 978, 637, 773, 406, 739, 184, 318, 28, 33], [979, 210, 4181, 461, 3, 122, 16, 6, 55, 0], [512, 978, 637, 773, 406, 739, 184, 318, 28, 33], [512, 406, 773, 637, 872, 970, 28, 2040, 2041, 33], [512, 406, 773, 637, 872, 970, 28, 2040, 2041, 33], [169, 567, 1304, 384, 71, 716, 69, 338, 30, 0], [3, 4, 85, 2, 49, 0, 150, 49, 96, 49, 49, 49, 49, 1], [1021, 4182, 4183, 16, 15, 7, 408, 20, 463, 0, 1], [169, 567, 1304, 384, 716, 69, 338, 30, 0], [69, 1919, 237, 0], [1245, 253, 145, 6, 0, 839], [91, 3, 4184, 2042, 4185, 1307, 0, 1], [629, 313, 258, 4186, 4187, 4188, 4189, 1243, 282, 18], [1691, 392, 1979, 633, 0, 1703, 2, 1], [12, 0], [23, 80, 10, 129], [412, 104, 13, 265, 4190, 146, 134, 30, 0], [141, 1319, 262, 8, 41, 27, 0, 79, 7, 928], [55, 268, 365, 506, 122, 4191, 16, 968, 6, 302, 0], [120, 0, 108], [498, 36, 4192, 610, 482, 6, 0], [543, 256, 20, 474, 4193, 408, 53, 12, 26, 0], [1312, 1379, 131, 24, 478, 76, 124, 53, 48, 15, 0, 1], [968, 595, 636, 287, 4194, 42, 6, 0, 4195, 4196], [229, 4197, 636, 230, 4198, 968, 1205, 6, 4199, 0], [4200, 4201, 633, 926, 647, 423, 628, 2043, 1771, 0], [92, 17, 16, 44, 2, 32, 0, 46, 263, 1], [99, 776, 120, 2, 4, 0, 34, 1, 234, 4202, 115], [21, 5, 2044, 312, 1, 0, 39, 1285], [36, 2, 0, 179, 162, 948, 738, 136, 1], [36, 6, 0, 330, 948], [307, 4, 164, 11, 160, 52, 88, 9, 1380, 146, 0, 1], [348, 21, 10, 5, 0, 1, 168, 6], [2044, 21, 312, 1285, 5, 0, 1, 39], [4203, 111, 1283, 4204, 4205, 1284, 1706, 40, 129, 23], [817, 106, 1231, 256, 30, 23, 590], [459, 116, 4206, 4207, 203, 8, 0, 346, 563, 4208], [503, 347, 1669, 101, 238, 4209, 77, 377, 146, 293, 847], [138, 45, 1091, 20, 14, 15, 0, 1], [4210, 131, 342, 4211, 20, 15, 4212, 0, 79, 1], [3, 340, 2045, 318, 59, 75, 0, 206, 68], [54, 2, 0, 7, 699, 818, 47, 414, 1], [25, 762, 4, 72, 977, 40, 6, 245, 107, 0], [213, 4213, 5, 666, 86, 7, 25, 123, 2046, 0, 1], [1338, 16, 4214, 101, 121, 893, 56, 78, 31, 1, 0], [131, 4215, 13, 47, 19, 15, 37, 0, 61, 415, 1], [151, 266, 59, 73, 0, 272, 7, 121, 1034], [167, 74, 65, 9, 64, 1886, 0, 228, 160, 47, 1], [4216, 1832, 43, 202, 0, 335, 662], [2016, 1027, 1266, 4217, 356, 329, 23, 1163, 1264, 30], [4218, 4219, 4, 751, 1830, 359, 26, 4220, 37, 0], [524, 11, 310, 8, 39, 14, 0, 34, 147, 2047], [524, 8, 39, 0, 81, 938], [4, 1, 0, 160, 607, 115], [60, 7, 43, 0, 662], [3, 619, 12, 0, 2048], [5, 372, 6, 32, 62, 42, 85, 0, 342, 1, 147], [2006, 4221, 183, 505, 13, 40, 118, 6, 0, 193], [221, 44, 4222, 1986, 4223, 29, 1925, 9, 362, 0, 1], [3, 250, 1, 63, 0, 202, 78, 61, 47, 738], [4224, 89, 352, 54, 2, 0, 2049, 1, 4225, 4226, 4227], [3, 82, 14, 37, 0, 377, 489, 240, 83, 4228], [132, 3, 17, 529, 19, 1, 293, 26, 356, 0], [84, 3, 105, 4229, 1292, 97, 381, 38, 358, 0], [17, 1294, 4, 80, 111, 8, 0, 192], [10, 1936, 102, 13, 8, 0, 80, 39, 4230, 186], [581, 0, 4231], [344, 493, 5, 22, 1, 673, 170], [438, 4232, 289, 3, 105, 104, 97, 4233, 12, 0], [3, 477, 31, 14, 0, 83, 168, 563, 928, 4234], [100, 148, 116, 12, 356, 225, 14, 0, 79, 655], [164, 100, 179, 169, 71, 1193, 708, 312, 12, 4235, 0], [0], [4236, 11, 1, 0, 38, 134], [10, 4, 1186, 17, 962, 891, 239, 1947, 1, 0], [160, 0, 237], [4, 21, 558, 2050, 245, 160, 6, 70, 381, 0], [3, 21, 97, 443, 12, 0], [399, 0, 2, 1], [167, 143, 2, 17, 4237, 0, 1], [4238, 595, 636, 621, 4239, 726, 100, 42, 51, 0, 1], [246, 4240, 4241, 1140, 149, 475, 1009, 78, 0], [25, 5, 1143, 1273, 224, 1969, 73, 4242, 0, 1], [4243, 609, 56, 21, 449, 4244, 94, 125, 0], [772, 888, 4245, 4246, 4247, 51, 94, 80, 27, 0, 1], [3, 60, 26, 1214, 0, 224, 997], [66, 56, 125, 27, 0, 121], [709, 855, 1286, 17, 709, 769, 308, 21, 1770, 8, 0], [597, 112, 167, 4248, 29, 196, 28, 0, 1810, 763], [615, 3, 101, 12, 0], [3, 210, 49, 12, 49, 0, 49, 49], [59, 2051, 2052, 318, 729, 857, 1012, 191, 48, 0], [318, 59, 191, 2052, 2051, 1012, 48, 857, 0, 729], [82, 111, 104, 148, 13, 71, 6, 350, 35, 23], [4249, 2045, 648, 864, 8, 0, 4250], [1297, 87, 4251, 103, 4252, 89, 1994, 29, 0], [1237, 518, 66, 5, 4253, 19, 103, 776, 0, 1], [5, 4, 60, 623, 0, 103, 4254, 1], [4255, 4256, 470, 907, 1315, 4257, 1628, 480, 1414, 18], [226, 74, 5, 36, 11, 4, 2, 34, 1888, 0, 1], [3, 922, 1176, 1043, 11, 31, 0, 61, 37, 41], [3, 14, 202, 31, 7, 0, 5, 826, 70, 1], [2053, 536, 257, 94, 8, 388, 2054, 527, 10], [94, 2054, 2053, 8, 388, 536, 394, 257, 2007], [229, 230, 180, 69, 0, 942, 6], [160, 10, 17, 0, 358], [3, 31, 0], [8, 767, 186, 48, 0, 4258], [1903, 45, 768, 140, 154, 835, 25, 4, 15, 0, 1], [399, 2, 0, 1], [3, 0, 1], [2055, 0], [4259, 0, 6], [158, 460, 449, 3, 1, 0], [4260, 58, 1548, 883, 1138, 4261, 807, 537, 0, 10], [252, 4262, 1226, 142, 31, 0, 4263], [1098, 825, 1047, 1944, 0, 4264, 392, 39], [229, 869, 636, 365, 479, 759, 6, 0], [3, 2056, 113, 0], [4, 4265, 2, 121, 0, 386, 56, 1, 1920], [348, 21, 10, 5, 0, 1, 168, 6], [4, 7, 1, 135, 0, 63, 35, 765, 70], [901, 103, 1330, 5, 0, 1, 4266], [3, 4267, 21, 279, 204, 370, 24, 68, 2, 0, 1], [289, 21, 279, 4268, 6, 0], [4269, 4270, 4271, 4, 103, 1385, 248, 0], [154, 4272, 157, 965, 15, 342, 4273, 137, 5, 0, 1], [74, 4274, 19, 13, 9, 1, 124, 240, 0, 121, 64], [29, 4, 9, 0, 1, 4275, 1973], [459, 203, 1194, 30, 23], [507, 9, 158, 0, 1], [4276, 137, 180, 116, 2003, 503, 1265, 1945, 6, 0], [597, 5, 17, 92, 148, 2, 0, 1, 10], [1341, 13, 1342, 50, 69, 758, 1343, 4277, 6, 0], [511, 279, 3, 50, 404, 16, 97, 71, 12, 0], [3, 27, 1, 0, 4278, 4279], [360, 169, 6, 0, 1344, 4280, 1339, 4281], [71, 69, 187, 12, 333, 70, 0, 34, 1318], [36, 11, 55, 2, 948, 1971, 1], [3, 27, 326, 681, 0, 265, 1], [66, 2, 128, 0, 685, 35, 145, 927, 1, 2057, 775], [1132, 959, 240, 0, 271], [1678, 4282, 1992, 937, 161, 4283, 21, 1267, 125, 0], [4284, 4285, 4286, 4287, 303, 1752, 436, 4288, 889, 33], [3, 5, 31, 53, 11, 0, 305, 209, 41, 633, 1], [401, 322, 341, 0, 2, 57, 41, 1966, 1], [9, 92, 564, 924, 5, 0, 2013, 1], [461, 0, 510], [2058, 5, 275, 328, 4, 2059, 247, 1018, 130, 0, 1], [328, 1312, 72, 169, 52, 6, 142, 0, 4289], [490, 2060, 4290, 346, 43, 0], [4291, 2, 120, 657, 748, 234, 0, 4, 1], [655, 907, 440, 630, 1315, 4292, 1459, 480, 4293, 18], [218, 461, 134, 81, 455, 36, 900, 55, 6, 55, 13, 0], [1700, 55, 286, 29, 321, 6, 26, 0], [13, 1, 0], [25, 4, 45, 1, 20, 135, 0, 4294, 2061, 4295], [44, 4296, 292, 5, 254, 165, 22, 1, 4297, 549], [25, 13, 2, 83, 40, 0, 7, 65, 195, 1, 326], [2014, 3, 5, 4298, 25, 1199, 4299, 75, 278, 0, 1], [179, 525, 158, 4, 1345, 20, 52, 2, 181, 0, 1], [4300, 4301, 665, 4302, 1987, 4303, 269, 36, 715, 0], [16, 2, 63, 40, 0, 205, 39, 1169, 1, 2062], [2035, 975, 59, 983, 149, 1179, 0, 2036], [3, 1338, 1335, 21, 29, 56, 1, 0, 195, 69, 400], [3, 4304, 2, 2042, 81, 13, 166, 0, 123, 242, 1], [177, 137, 682, 0, 107], [648, 252, 977, 106, 4305, 256, 275, 4306, 0, 2043], [4, 319, 307, 164, 1301, 11, 253, 1, 7, 0], [314, 1727, 2, 4307, 1141, 213, 2027, 0, 4308, 1], [1777, 733, 1776, 4309, 436, 4310, 1684, 98, 1249, 33], [67, 20, 7, 14, 2, 19, 123, 0, 128, 1], [67, 691, 54, 1287, 777, 9, 310, 14, 7, 0, 1], [252, 630, 907, 514, 2063, 0, 590, 2064], [4311, 581, 3, 97, 84, 683, 1932, 71, 105], [229, 795, 726, 179, 4312, 477, 6, 0, 4313], [161, 534, 0], [243, 6, 614, 0], [479, 1265, 9, 77, 1, 46, 0], [3, 4, 1450, 91, 5, 2, 485, 394, 40, 97, 0, 4314, 1, 4315], [287, 311, 40, 30, 0, 147], [2034, 1670, 1284, 4316, 141, 4317, 4318, 188, 271, 0], [658, 972, 28, 0, 533, 4319], [4320, 638, 1324, 1325, 1978, 801, 897, 485, 22, 639], [10, 649, 575, 6, 0, 4321, 4322], [1346, 675, 973, 31, 263, 7, 61, 0], [3, 17, 19, 105, 97, 498, 264, 12, 0, 90], [1298, 62, 15, 0, 1, 4323], [93, 0, 750], [1577, 4324, 659, 93, 0, 750], [74, 102, 2, 246, 383, 280, 35, 0, 19, 166, 1], [3, 2030, 737, 238, 0, 61], [102, 4325, 25, 201, 1242, 4, 10, 0, 775], [3, 132, 285, 2, 0, 65, 38, 153, 330, 1], [171, 19, 128, 1331, 2, 0, 47, 134, 1], [17, 1294, 80, 4, 111, 8, 0, 192], [25, 199, 0, 6], [2065, 49, 49, 92, 49, 82, 49, 219, 49, 916, 6, 55, 0, 49, 2066, 836], [4326, 1405, 1549, 102, 16, 4327, 1113, 109, 442, 0, 4328, 4329], [478, 24, 2067, 810, 156, 2, 99, 963, 0, 1], [25, 4, 190, 517, 1807, 42, 417, 1034, 6, 0], [710, 976, 1821, 4330, 166, 1836, 591, 0, 130, 569], [275, 614, 86, 1965, 4331, 67, 0, 4332, 379, 236], [1834, 274, 20, 442, 0, 2068, 4333], [138, 131, 297, 15, 162, 0, 35, 1567, 1], [111, 615, 320, 152, 4334, 989, 4335, 307, 0, 6], [774, 727, 258, 629, 4336, 166, 2046, 4337, 282, 0, 4338], [4339, 2056, 972, 4340, 28, 4341, 249, 1317, 4342, 4343], [], [328, 2058, 275, 2059, 328, 247, 130, 42, 0, 13, 147], [440, 439, 18], [1492, 7, 83, 352, 4344, 31, 0], [1148, 440, 439, 18, 4345], [258, 1795, 244], [13, 274, 5, 2, 0, 1], [266, 2069, 141, 4346, 640, 2063, 16, 8, 0, 573], [707, 59, 640, 93, 0, 166, 4347, 395, 4348], [707, 4349, 725, 59, 2069, 640, 809, 232, 75, 0], [1564, 4350, 884, 2070, 749, 809, 640, 166, 73, 0], [2070, 4351, 4352, 232, 1020, 474, 640, 2037, 534, 0], [161, 4353, 725, 247, 59, 640, 2029, 75, 0, 27], [1397, 20, 1, 0], [3, 87, 4354, 14, 36, 208, 1, 7, 0], [10, 4, 1879, 373, 8, 0, 10, 1849], [636, 4355, 1935, 1890, 0], [10, 631, 604, 6, 0, 369, 166, 4356, 987], [4357, 4358, 830, 206, 0, 10, 2047, 1282], [13, 50, 1342, 364, 268, 96, 4, 25, 8, 0, 4359, 950], [74, 1796, 527, 13, 79, 82, 104, 12, 218, 0], [2071, 769, 17, 2067, 1270, 308, 1017, 131, 4360, 555, 1677, 15, 0, 1], [4, 1, 0, 4361], [21, 176, 4362, 12, 0], [1645, 295, 4363, 4364, 4365, 4366, 441, 4367, 1829, 0], [1673, 21, 648, 764, 257, 5, 130, 0, 1, 4368], [297, 4369, 520, 355, 155, 24, 1938, 207, 75, 0], [502, 367, 207, 1743, 370, 26, 7, 99, 93, 0], [4370, 4371, 679, 624, 2032, 98, 33, 4372, 4373, 4374], [611, 1239, 256, 21, 317, 12, 0, 14, 60, 458], [979, 45, 5, 208, 200, 687, 464, 0, 8, 1, 10], [58, 4375, 4, 532, 111, 8, 0], [1245, 839, 1, 0], [216, 8, 0, 34, 10, 1311], [0], [807, 442, 18], [84, 0, 2, 1], [276, 424, 21, 12, 269, 336, 0, 40, 146, 200], [73, 0], [4376, 4377, 1765, 602, 78, 4378, 4379, 2049, 0, 2, 1], [119, 120, 2, 0, 38, 109, 34, 55, 1, 234], [423, 412, 287, 82, 169, 104, 57, 30, 1964, 0], [4, 152, 52, 6, 0], [72, 88, 12, 104, 0, 136], [526, 0, 1244], [4380, 2033, 984, 403, 11, 13, 427, 12, 218, 0], [285, 75, 0], [16, 2, 63, 40, 0, 39, 1169, 1, 2062], [285, 0, 75, 330], [3, 711, 1116, 0, 1], [81, 208, 4381, 565, 128, 879, 515, 9, 630, 0, 1], [4382, 4383, 25, 2072, 329, 1646, 311, 259, 6, 42, 2061, 0], [4, 524, 657, 120, 7, 24, 2, 26, 0, 37, 1], [92, 17, 3, 1103, 158, 227, 148, 220, 2, 0, 336, 1], [373, 484, 2073, 52, 6, 42, 389, 0], [675, 39, 26, 3, 1828, 579, 0, 717], [252, 150, 328, 4384, 13, 665, 29, 0, 130, 204], [4385, 4386, 4387, 1904, 4388, 4389, 4390, 4391, 886, 249], [633, 209, 3, 31, 5, 0, 1], [17, 67, 29, 4, 110, 16, 378, 2, 46, 0, 1, 115], [344, 493, 22, 170], [815, 103, 2074, 1347, 1309, 139, 147, 29, 0, 4], [1483, 1070, 5, 2, 1174, 0, 1], [981, 696, 1281, 2075, 143, 125, 391, 591, 204, 0], [233, 605, 113, 0, 463], [55, 629, 21, 2, 365, 0, 82, 1927, 1], [86, 1701, 294, 1604, 236, 78, 43, 736, 453, 0], [3, 0, 1], [229, 595, 4392, 4393, 1818, 298, 51, 59, 0, 4394, 1], [25, 5, 966, 16, 4, 10, 759, 1303, 51, 0, 1303, 1], [368, 4395, 13, 137, 536, 119, 34, 476, 0, 6], [164, 169, 1190, 13, 119, 0, 4396, 96, 4, 6], [497, 4397, 389, 1276, 4398, 2057, 1224, 34, 51, 0, 1], [462, 12, 84, 71, 0, 4], [451, 326, 64, 0, 1817, 1155, 1], [478, 315, 4399, 2, 80, 192, 226, 0, 4, 1, 39], [594, 8, 199, 4400, 186, 4401, 4402, 4403, 48, 0], [10, 599, 69, 8, 0, 10, 920, 114], [21, 3, 858, 158, 2, 13, 0, 96, 183, 1, 174], [85, 1345, 2, 0, 225, 39, 70, 414, 1], [658, 315, 4404, 28, 5, 533, 1317, 0, 253, 190, 1], [295, 4405, 413, 4406, 116, 1846, 137, 4407, 75, 0], [131, 45, 242, 34, 2, 0, 47, 1, 2076], [1488, 86, 4408, 1296, 4409, 73, 0, 4410, 4, 1951], [1786, 0, 831], [593, 29, 575, 8, 160, 0, 10], [3, 619, 12, 0, 2048, 1854], [434, 10, 1503, 87, 2, 0, 1, 114], [3, 120, 7, 90, 31, 0], [441, 31, 0, 2011], [55, 143, 943, 56, 218, 53, 0, 4411], [310, 1, 0, 7, 34, 2077], [16, 41, 0, 31, 46, 70, 452, 2078, 4412, 4413], [815, 1347, 2, 89, 139, 5, 29, 0, 4, 1], [4414, 4415, 1334, 4416, 4417, 1295, 4418], [274, 362, 51, 0, 1, 1257], [8, 752, 4419, 668, 2077, 0, 4420], [4, 791, 933, 307, 19, 1221, 9, 26, 146, 0, 4421, 376, 1], [1062, 201, 0, 234], [91, 25, 180, 411, 120, 618, 697, 0, 1], [25, 4, 1332, 518, 8, 0], [3, 20, 53, 2, 887, 0, 36, 11, 263, 1, 1869], [774, 383, 1322, 258, 4422, 555, 727, 685, 282, 0], [135, 7, 123, 430, 31, 117, 0], [45, 76, 25, 139, 13, 4, 11, 15, 20, 0, 1, 1269], [2076, 4423, 3, 1116, 86, 15, 4424, 1346, 5, 0, 1], [2079, 2080, 2081, 44, 362, 2, 22, 6, 1, 1336, 2082, 2083], [2079, 2080, 2081, 44, 362, 2, 6, 0, 1, 1336, 4425, 2082, 2083], [4426, 2084, 582, 78, 500, 51, 0, 1, 4427, 4428], [55, 795, 146, 132, 4429, 6, 923, 0], [463, 605, 233, 278, 0, 43, 171, 38, 325], [8, 21, 419, 4430, 160, 34, 0, 574, 39], [4431, 21, 72, 5, 552, 166, 2, 0, 39, 1], [84, 3, 52, 239, 97, 6, 0], [478, 5, 1995, 76, 102, 1991, 43, 4, 0, 394, 1], [3, 56, 25, 2004, 1, 0, 14, 61, 1984, 330], [104, 4432, 4, 146, 377, 458, 0], [5, 634, 4, 1860, 2085, 31, 0, 1], [21, 81, 4433, 6, 0], [18, 1761, 5, 1], [1152, 59, 482, 290, 1229, 1278, 271, 188, 0, 983], [4434, 756, 276, 111, 438, 188, 54, 12, 0], [100, 4, 3, 619, 289, 20, 12, 197, 57, 0], [164, 4435, 368, 23, 936, 147, 71, 30], [463, 605, 13, 7, 408, 93, 0, 757], [4436, 1096, 4437, 418, 4438, 277, 10, 720, 980, 4439, 501, 0, 1299], [338, 4440, 352, 177, 291, 1007, 204, 12, 63, 0], [67, 4, 966, 759, 66, 2, 0, 65, 7, 78, 1], [86, 181, 111, 12, 203, 0, 327, 37, 4441, 4442], [151, 72, 137, 116, 137, 345, 6, 0, 147], [2065, 47, 364, 448, 23, 2066], [1244, 23, 526], [721, 15, 0, 1], [31, 0], [2073, 484, 373, 52, 6, 856, 42, 389, 0, 901], [74, 81, 13, 82, 2, 0, 55, 83, 542, 4443, 1], [1341, 50, 13, 208, 1019, 16, 4, 0, 501, 42], [3, 108, 0], [0], [181, 2, 0, 335, 1], [8, 21, 766, 10, 48, 0, 4444, 1912, 39], [3, 113, 0], [3, 390, 7, 124, 1, 109, 0, 1331, 41, 145], [206, 0], [0], [223, 45, 139, 25, 768, 140, 76, 8, 0, 2086], [11, 200, 331, 117, 8, 332, 0, 7, 615, 1316], [94, 576, 4445, 194, 4446, 48, 436, 98, 33], [447, 15, 4447, 0, 1], [71, 964, 30, 0, 147], [8, 4448, 568, 1957, 924, 10, 34, 598, 69, 0], [4449, 289, 491, 3, 0, 1, 1999], [21, 2, 0, 160, 1], [2072, 25, 122, 21, 10, 71, 20, 6, 187, 0], [91, 226, 11, 307, 515, 21, 99, 2, 134, 0, 1], [25, 4, 2087, 4450, 19, 65, 9, 32, 0, 4451, 1], [50, 0, 6, 4452], [5, 634, 4, 2085, 988, 31, 137, 0, 68, 489, 1], [120, 4, 14, 11, 283, 1, 101, 394, 0, 826], [167, 597, 10, 91, 92, 2, 247, 0, 506, 1], [4453, 195, 112, 2, 147, 5, 0, 1636, 583, 1], [135, 4454, 93, 4455, 0, 325], [1305, 152, 2, 259, 159, 0, 416, 1], [447, 24, 109, 1090, 46, 36, 212, 9, 19, 641, 0, 1], [25, 711, 38, 2, 0, 42, 1, 2088], [4456, 980, 4457, 16, 35, 8, 306, 225, 32, 0], [151, 116, 164, 169, 137, 137, 12, 0], [541, 5, 76, 233, 103, 0, 1, 2064], [4458, 4459, 1273, 4460, 143, 4461, 397, 391, 159, 0], [167, 7, 67, 94, 14, 383, 31, 366, 56, 1, 0], [268, 13, 21, 12, 0], [3, 261, 8, 823, 0, 232, 78, 305, 38], [4462, 239, 957, 638, 492, 2089, 0, 639], [638, 2090, 4463, 4464, 446, 2089, 0, 639, 4465], [638, 1003, 2091, 492, 726, 0, 2092, 639], [167, 17, 4, 597, 92, 642, 19, 148, 2, 0, 1], [4466, 952, 517, 618, 0, 1313, 190, 6], [4467, 55, 419, 1193, 516, 891, 0, 1323, 1305, 6], [405, 12, 232, 0], [291, 0, 12, 1069], [2074, 5, 29, 4468, 4, 299, 776, 103, 1347, 0, 1], [507, 87, 16, 31, 88, 7, 603, 0, 19, 184, 4469], [13, 50, 1342, 364, 268, 25, 1513, 278, 8, 0, 950], [272, 174, 201, 41, 0, 1424], [143, 164, 1780, 368, 23, 974, 287, 4470, 311, 712], [69, 187, 12, 333, 70, 0, 1318], [3, 2031, 1534, 40, 1, 0, 326], [3, 261, 268, 0, 127, 107, 325], [24, 522, 15, 46, 0, 415, 1], [1320, 561, 5, 776, 4, 103, 559, 188, 1334, 0, 1], [25, 236, 175, 6, 435, 959, 452, 0], [82, 365, 4471, 4472, 71, 30, 0, 63], [13, 82, 1124, 12, 0, 2012, 728, 26, 4473], [279, 474, 3, 4474, 71, 203, 404, 37, 6, 0], [242, 4, 455, 210, 72, 909, 444, 652, 6, 0], [221, 4475, 451, 9, 46, 4476, 0, 1], [25, 16, 66, 65, 135, 11, 2, 0, 38, 48, 1], [92, 0, 73, 241], [337, 4477, 138, 509, 4478, 7, 15, 0, 153, 1], [638, 473, 1003, 2091, 492, 726, 4479, 2092, 639], [1337, 210, 76, 15, 37, 0, 1, 701], [4480, 1485, 610, 177, 1166, 24, 601, 12, 0, 955], [459, 203, 99, 12, 0, 327, 166, 4481], [13, 604, 1620, 1153, 795, 181, 2, 68, 0, 128, 1], [4482, 160, 40, 158, 122, 2050, 47, 949, 206, 0], [4483, 4484, 21, 694, 1848, 2075, 56, 4485, 125, 0], [230, 15, 0, 34, 83, 1], [158, 91, 3, 11, 2, 0, 1], [103, 2087, 309, 29, 0], [4486, 102, 2071, 25, 4, 76, 2, 269, 0, 586, 1], [541, 4487, 331, 200, 72, 80, 152, 11, 0, 1], [8, 4488, 10, 4489, 624, 2025, 5, 29, 321, 0, 1], [105, 486, 0, 974], [91, 4, 532, 21, 2, 424, 0, 160, 1, 115], [745, 21, 2, 42, 0, 327, 1, 607, 115], [464, 12, 0, 61], [21, 3, 858, 158, 2, 13, 0, 96, 183, 1, 174], [140, 154, 546, 131, 6, 821, 0, 1145], [399, 3, 2, 0, 1], [92, 0, 73, 241], [3, 139, 119, 25, 13, 1, 111, 0, 7, 347], [505, 403, 858, 619, 4490, 97, 27, 12, 105, 0], [210, 283, 4491, 941, 1638, 86, 54, 1364, 758, 377, 0, 4492], [310, 1123, 154, 4493, 1185, 157, 14, 220, 15, 1, 0], [463, 13, 408, 93, 0, 757], [1021, 67, 17, 2017, 2, 1, 0, 52, 792], [87, 43, 0, 717, 1316], [4494, 525, 167, 85, 4, 9, 27, 190, 1, 0], [2010, 1180, 854, 15, 0, 123, 70, 2039, 1, 115], [905, 157, 44, 235, 9, 2093, 221, 1697, 321, 0, 1], [447, 212, 36, 46, 179, 9, 19, 0, 228, 34, 1], [119, 4495, 3, 34, 1, 38, 0, 4496], [3, 40, 12, 172, 0, 47], [4, 5, 461, 4497, 210, 56, 27, 19, 1, 0], [4498, 2084, 310, 143, 125, 20, 224, 1954, 0], [2094, 44, 497, 1933, 51, 79, 0, 1, 4499, 4500, 4501], [963, 1110, 185, 0], [11, 4, 5, 1344, 368, 1, 0, 4502], [4503, 230, 700, 13, 4504, 4505, 29, 0, 6], [103, 52, 0], [1308, 1250, 1839, 233, 1346, 15, 531, 121, 0, 309, 1, 4506], [4507, 4508, 103, 776, 4509, 1320, 564, 299, 5, 0, 1], [447, 678, 0, 254], [1223, 5, 582, 25, 966, 94, 981, 118, 51, 1, 0], [5, 0, 2, 1], [28, 29, 0, 1950], [1343, 50, 448, 133], [1341, 50, 1343, 1365, 13, 69, 1707, 14, 6, 0], [342, 16, 212, 280, 15, 35, 176, 7, 153, 0, 4510, 1], [44, 339, 9, 466, 0, 1, 2068, 4511, 4512], [4513, 4514, 12, 0, 327], [4515, 119, 5, 25, 4516, 226, 4517, 29, 1902, 15, 1, 0, 48], [4518, 30, 0], [159, 380, 0, 30], [1806, 100, 419, 322, 1292, 169, 4519, 203, 12, 0], [3, 0, 1], [478, 2, 1299, 982, 17, 147, 0, 4, 1, 168, 39], [103, 21, 297, 25, 2028, 320, 531, 5, 1340, 0, 1], [2038, 131, 15, 2086, 0, 1, 39], [1007, 12, 4520, 35, 0, 1922, 4521], [444, 447, 323, 767, 9, 46, 0, 35, 1], [646, 116, 12, 738, 34, 0, 39, 1262, 90, 1274], [24, 228, 19, 108, 145, 0], [1205, 143, 164, 327, 955, 179, 152, 147, 0, 6], [4522, 932, 146, 1344, 17, 5, 393, 0, 1, 4523], [3, 195, 919, 618, 5, 386, 0, 1, 4524, 682, 168], [13, 567, 2, 0, 69, 1, 1234], [150, 21, 140, 333, 2, 45, 197, 5, 0, 340, 1], [451, 25, 342, 298, 2, 140, 612, 0, 7, 166, 1], [4525, 304, 2, 72, 4526, 13, 119, 34, 580, 0, 1], [111, 52, 13, 5, 0, 96, 183, 4, 1, 219], [45, 25, 154, 140, 963, 280, 35, 15, 27, 0, 1], [782, 25, 2, 137, 4527, 533, 0, 42, 711, 762, 1], [952, 517, 618, 921, 5, 0, 1313, 190, 1, 6], [9, 427, 13, 221, 100, 217, 891, 286, 0, 1323, 1], [81, 2, 34, 46, 408, 0, 7, 264, 47, 1, 4528], [509, 119, 34, 205, 69, 5, 1345, 0, 4, 1], [9, 23, 2, 34, 1590, 4529, 217, 205, 1, 39], [3, 4530, 2, 82, 48, 2005, 0, 4, 1], [561, 596, 180, 159, 92, 2, 427, 1545, 0, 1, 6, 39], [337, 52, 25, 1263, 45, 13, 0, 265, 4, 1], [13, 7, 109, 793, 1, 65, 0, 55, 34, 70], [541, 348, 1269, 4531, 15, 4532, 5, 0, 4533, 1], [164, 4534, 448, 368, 1568, 80, 5, 0, 4535, 1], [763, 235, 2093, 13, 618, 17, 5, 0, 1, 168], [434, 131, 91, 87, 16, 15, 0, 66, 57, 1146, 1], [4, 8, 0, 2019, 10, 920, 114], [3, 104, 21, 412, 82, 279, 88, 26, 2, 0, 1], [3, 87, 7, 1288, 40, 19, 4536, 36, 1, 0], [984, 598, 358, 0], [685, 4537, 244], [332, 10, 147, 0, 1], [368, 1253, 0], [491, 3, 0, 1], [366, 2078, 0], [4538, 0], [1779, 4539, 0], [742, 34, 0, 1, 39], [3, 2055, 0], [541, 5, 4, 20, 1, 42, 26, 248, 0], [119, 180, 451, 7, 34, 916, 565, 225, 2, 0, 1], [2094, 221, 4540, 29, 118, 44, 20, 51, 235, 0, 1], [58, 1325, 1324, 954, 572, 2090, 1977, 734, 22, 639], [659, 2060, 1412, 4541, 1672, 2095, 0, 6, 4542, 2096], [701, 1337, 15, 0, 1], [], [3, 1268, 4, 509, 1, 0, 122], [92, 285, 4, 100, 82, 307, 73, 527, 0, 336], [5, 4543, 21, 39, 2, 99, 0, 1], [2095, 1038, 4544, 4545, 801, 4546, 196, 22, 6, 2096], [30, 23, 4547], [663, 943, 0], [459, 63, 327, 484, 260, 0], [899, 4548, 908, 50, 56, 4549, 265, 2018, 125, 0], [89, 99, 2, 0, 1], [138, 16, 4, 15, 0, 65, 1], [1996, 38, 30, 0], [10, 8, 0], [21, 3, 12, 71, 24, 57, 0, 323, 147], [1894, 22, 842, 349], [84, 3, 52, 239, 97, 6, 0], [460, 252, 4550, 56, 4551, 209, 1887, 31, 61, 0, 366, 1], [144, 1976, 1974, 52, 111, 40, 403, 4552, 30, 23], [412, 3, 0, 1], [1180, 1298, 1340, 34, 15, 343, 613, 0, 41, 1], [74, 17, 4553, 461, 11, 593, 179, 9, 580, 0, 1], [340, 150, 290, 169, 191, 53, 0, 861, 243, 90], [898, 280, 15, 181, 124, 0, 70, 1], [1293, 329, 1321, 984, 27, 30, 0, 4554], [3, 16, 157, 31, 209, 0, 11, 77, 1], [9, 29, 0, 1949, 1], [4555, 1111, 0, 1], [201, 135, 4556, 0, 1268], [25, 711, 38, 2, 0, 42, 1, 533, 2088], [590, 43, 0], [147, 0, 1]];
  | milabib_onload(milabib_kws, milabib_paper_topics);</script> </div></div></div><div
  | class=goToTop><img

I am wondering if there are RTD plugin that can do that... or if we can develop our own CSS classes.