\\n Why does -A (aaa) analysis ... 25753.0 ... \n",
+ "\n",
+ " LastEditDate LastActivityDate \\\n",
+ "0 NaN 1/2/2019 3:00 \n",
+ "1 1/12/2019 22:14 1/12/2019 22:14 \n",
+ "2 NaN 1/1/2019 23:45 \n",
+ "3 NaN 1/2/2019 3:00 \n",
+ "4 NaN 1/6/2019 20:08 \n",
+ "\n",
+ " Title \\\n",
+ "0 How to determine number and/or boundaries of l... \n",
+ "1 How to reverse engineer a Black Box? \n",
+ "2 NaN \n",
+ "3 NaN \n",
+ "4 Why does -A (aaa) analysis show much more info... \n",
+ "\n",
+ " Tags AnswerCount CommentCount \\\n",
+ "0 1.0 0 \n",
+ "1 \n",
+ "\n",
+ "\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Body | \n",
+ " Title | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " <p>The usual way to implement this would be to... | \n",
+ " NaN | \n",
+ " NaN | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " <p><em>Disclosure: I am a product manager on G... | \n",
+ " NaN | \n",
+ " NaN | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " <blockquote>\\n<p>Will it lead to some machine ... | \n",
+ " NaN | \n",
+ " NaN | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " <p>The basis of my question is that a CNN that... | \n",
+ " Is one big network faster than several small o... | \n",
+ " <deep-learning><convolutional-neural-networks> | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " <p>Say I have 500 variables and I believe thos... | \n",
+ " Does it make sense to train an autoencoder usi... | \n",
+ " <neural-networks><unsupervised-learning> | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ ""
+ ],
+ "text/plain": [
+ " Body \\\n",
+ "0 The usual way to implement this would be to... \n",
+ "1
Disclosure: I am a product manager on G... \n",
+ "2 \\nWill it lead to some machine ... \n",
+ "3
The basis of my question is that a CNN that... \n",
+ "4
Say I have 500 variables and I believe thos... \n",
+ "\n",
+ " Title \\\n",
+ "0 NaN \n",
+ "1 NaN \n",
+ "2 NaN \n",
+ "3 Is one big network faster than several small o... \n",
+ "4 Does it make sense to train an autoencoder usi... \n",
+ "\n",
+ " Tags \n",
+ "0 NaN \n",
+ "1 NaN \n",
+ "2 NaN \n",
+ "3 \n",
+ "4 "
+ ]
+ },
+ "execution_count": 33,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "new_df = df[['Body', 'Title', 'Tags']]\n",
+ "new_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 34,
+ "id": "46182263",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "2784"
+ ]
+ },
+ "execution_count": 34,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "len(new_df)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 36,
+ "id": "8fd80c8c",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Body | \n",
+ " Title | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 3 | \n",
+ " <p>The basis of my question is that a CNN that... | \n",
+ " Is one big network faster than several small o... | \n",
+ " <deep-learning><convolutional-neural-networks> | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " <p>Say I have 500 variables and I believe thos... | \n",
+ " Does it make sense to train an autoencoder usi... | \n",
+ " <neural-networks><unsupervised-learning> | \n",
+ "
\n",
+ " \n",
+ " 6 | \n",
+ " <p>I've seen data sets for classification / re... | \n",
+ " How would you encode your input vector/matrix ... | \n",
+ " <deep-learning><ai-design><training><combinato... | \n",
+ "
\n",
+ " \n",
+ " 7 | \n",
+ " <p>Suppose I have a classification problem wit... | \n",
+ " Creating a classifier for simpler classifiers ... | \n",
+ " <machine-learning><deep-learning><classification> | \n",
+ "
\n",
+ " \n",
+ " 10 | \n",
+ " <p>I was wondering any examples of the followi... | \n",
+ " Para Generation and Drawing Conclusion from X ... | \n",
+ " <machine-learning> | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Body \\\n",
+ "3 The basis of my question is that a CNN that... \n",
+ "4
Say I have 500 variables and I believe thos... \n",
+ "6
I've seen data sets for classification / re... \n",
+ "7
Suppose I have a classification problem wit... \n",
+ "10
I was wondering any examples of the followi... \n",
+ "\n",
+ " Title \\\n",
+ "3 Is one big network faster than several small o... \n",
+ "4 Does it make sense to train an autoencoder usi... \n",
+ "6 How would you encode your input vector/matrix ... \n",
+ "7 Creating a classifier for simpler classifiers ... \n",
+ "10 Para Generation and Drawing Conclusion from X ... \n",
+ "\n",
+ " Tags \n",
+ "3 \n",
+ "4 \n",
+ "6 \n",
+ "10 "
+ ]
+ },
+ "execution_count": 36,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "new_df = new_df.dropna(subset=['Tags'])\n",
+ "new_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 37,
+ "id": "fb01769f",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "Body 0\n",
+ "Title 0\n",
+ "Tags 0\n",
+ "dtype: int64"
+ ]
+ },
+ "execution_count": 37,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "new_df.isna().sum()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 38,
+ "id": "dfecd90b",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Body | \n",
+ " Title | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 3 | \n",
+ " <p>The basis of my question is that a CNN that... | \n",
+ " Is one big network faster than several small o... | \n",
+ " [deep-learning, convolutional-neural-networks] | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " <p>Say I have 500 variables and I believe thos... | \n",
+ " Does it make sense to train an autoencoder usi... | \n",
+ " [neural-networks, unsupervised-learning] | \n",
+ "
\n",
+ " \n",
+ " 6 | \n",
+ " <p>I've seen data sets for classification / re... | \n",
+ " How would you encode your input vector/matrix ... | \n",
+ " [deep-learning, ai-design, training, combinato... | \n",
+ "
\n",
+ " \n",
+ " 7 | \n",
+ " <p>Suppose I have a classification problem wit... | \n",
+ " Creating a classifier for simpler classifiers ... | \n",
+ " [machine-learning, deep-learning, classification] | \n",
+ "
\n",
+ " \n",
+ " 10 | \n",
+ " <p>I was wondering any examples of the followi... | \n",
+ " Para Generation and Drawing Conclusion from X ... | \n",
+ " [machine-learning] | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Body \\\n",
+ "3 The basis of my question is that a CNN that... \n",
+ "4
Say I have 500 variables and I believe thos... \n",
+ "6
I've seen data sets for classification / re... \n",
+ "7
Suppose I have a classification problem wit... \n",
+ "10
I was wondering any examples of the followi... \n",
+ "\n",
+ " Title \\\n",
+ "3 Is one big network faster than several small o... \n",
+ "4 Does it make sense to train an autoencoder usi... \n",
+ "6 How would you encode your input vector/matrix ... \n",
+ "7 Creating a classifier for simpler classifiers ... \n",
+ "10 Para Generation and Drawing Conclusion from X ... \n",
+ "\n",
+ " Tags \n",
+ "3 [deep-learning, convolutional-neural-networks] \n",
+ "4 [neural-networks, unsupervised-learning] \n",
+ "6 [deep-learning, ai-design, training, combinato... \n",
+ "7 [machine-learning, deep-learning, classification] \n",
+ "10 [machine-learning] "
+ ]
+ },
+ "execution_count": 38,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import pandas as pd\n",
+ "\n",
+ "# Example: if your current dataframe is new_df\n",
+ "def parse_tags(tag_string):\n",
+ " return tag_string.strip('<>').split('><')\n",
+ "\n",
+ "new_df['Tags'] = new_df['Tags'].apply(parse_tags)\n",
+ "\n",
+ "# Now each entry in the Tags column is a list of tags!\n",
+ "new_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 39,
+ "id": "770ecc05",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Total unique tags: 494\n",
+ "Unique tags: {'graph-theory', 'decision-theory', 'probability', 'feature-maps', 'homework', 'labels', 'finite-markov-decision-process', 'reward-normalization', 'convergence', 'test-datasets', 'meta-learning', 'text-generation', 'naive-bayes', 'legal', 'image-generation', 'relu', 'evaluation-functions', 'machine-translation', 'reward-to-go', 'forward-pass', 'poker', 'expert-systems', 'random-variable', 'target-network', 'self-replicating-machines', 'apprenticeship-learning', 'weights', 'potential-reward-shaping', 'selection-operators', 'java', 'collision-avoidance', 'books', 'discount-factor', 'fuzzy-logic', 'artificial-consciousness', 'feedforward-neural-networks', 'variational-autoencoder', 'genetic-programming', 'natural-language-understanding', 'reward-functions', 'combinatorics', 'computational-complexity', 'linear-algebra', 'crossover-operators', 'neural-networks', 'value-alignment', 'multiclass-classification', 'stochastic-gradient-descent', 'multilayer-perceptrons', 'symbolic-ai', 'encoder-decoder', 'continuous-state-spaces', 'active-learning', 'anomaly-detection', 'id3-algorithm', 'action-spaces', 'jaccard-similarity', 'fitness-functions', 'capsule-neural-network', 'statistics', 'learning-algorithms', 'problem-solving', 'chat-bots', 'automated-reasoning', 'self-organizing-map', 'autoencoders', 'definitions', 'training', 'hyperparameter-optimization', 'training-datasets', 'adversarial-ml', 'chinese-room-argument', 'video-classification', 'probabilistic-graphical-models', 'genetic-algorithms', 'hill-climbing', 'optimization', 'affective-computing', 'channel', 'bounding-box', 'reinforcement-learning', 'agi', 'cross-entropy', 'off-policy-methods', 'generative-adversarial-networks', 'alexnet', 'double-dqn', 'architecture', 'art-aesthetics', 'neuromorphic-engineering', 'mapping-space', 'adversarial-attacks', 'google-translate', 'recurrent-neural-networks', 'novelty-search', 'long-short-term-memory', 'state-representations', 'filters', 'multi-action-rl', 'feature-selection', 'speech-synthesis', 'informed-search', 'bag-of-words', 'neurosymbolic-ai', 'validation', 'pooling', 'echo-state-network', 'cognitive-science', 'singularity', 'geometric-deep-learning', 'graphs', 'data-science', 'imperfect-information', 'automated-theorem-proving', 'javascript', 'stride', 'randomness', 'getting-started', 'computer-vision', 'knowledge-representation', 'biology', 'backpropagation', 'datasets', 'deep-neural-networks', 'validation-datasets', 'iris-dataset', 'neuroevolution', 'k-means', 'uncertainty-quantification', 'importance-sampling', 'tf-idf', 'multi-label-classification', 'word2vec', 'time', 'object-recognition', 'language-model', 'expectation', 'probabilistic-machine-learning', 'multi-armed-bandits', 'q-learning', 'ai-milestones', 'proximal-policy-optimization', 'data-augmentation', 'control-problem', 'continuous-tasks', 'support-vector-machine', 'random-forests', 'neo-luddism', 'human-activity-recognition', 'topology', 'online-learning', 'philosophy', 'hyper-parameters', 'deepmind', 'emotional-intelligence', 'features', 'data-visualization', 'ai-field', 'ai-completeness', 'testing', 'imbalanced-datasets', 'goal-based-agents', 'yolo', 'evolutionary-computation', 'history', 'computational-linguistics', 'digital-rights', 'advantage-actor-critic', 'liquid-state-machine', 'complexity-theory', 'computational-learning-theory', 'semi-supervised-learning', 'performance', 'learning-rate', 'pddl', 'tree-search', 'monte-carlo-tree-search', 'capacity', 'self-supervised-learning', 'general-problem-solver', 'dynamic-programming', 'dempster-shafer-theory', 'stationary-policy', 'genetic-operators', 'reinforce', 'calculus', 'swarm-intelligence', 'path-planning', 'supervised-learning', 'handwritten-characters', 'discriminator', 'programming-languages', 'rationality', 'c++', 'linear-programming', 'signal-processing', 'voice-recognition', 'python', 'linear-regression', 'simulated-annealing', 'perceptron', 'self-play', 'bert', 'bayesian-networks', 'mean-squared-error', 'batch-size', 'on-policy-methods', 'ai-design', 'structured-data', 'codon', 'hierarchical-rl', 'explainable-ai', 'algorithm-request', 'catastrophic-forgetting', 'fine-tuning', 'network-design', 'automated-machine-learning', 'continuous-action-spaces', 'storage', 'uniform-cost-search', 'combinatorial-games', 'fully-convolutional-networks', 'theory-of-computation', 'prediction', 'tic-tac-toe', 'experience-replay', 'neat', 'checkers', 'matlab', 'open-ai', 'hopfield-network', 'binary-classification', 'game-ai', 'sigmoid', 'dropout', 'u-net', 'optical-character-recognition', 'algorithmic-bias', 'depth-first-search', 'weight-normalization', 'return', 'hardware-evaluation', 'greedy-policy', 'keras', 'opencv', 'exploration-strategies', 'semi-mdp', 'neuroscience', 'board-games', 'reward-design', 'hindsight-experience-replay', 'model-request', 'academia', 'weights-initialization', 'convolutional-layers', 'learning-agents', 'survival', 'ant-colony-optimization', 'clustering', '2d-convolution', 'emotion-recognition', 'vgg', 'unsupervised-learning', 'probability-theory', 'evolutionary-algorithms', 'local-search', 'terminology', 'transfer-learning', 'turing-test', 'unlabeled-datasets', 'atari-games', 'asimovs-laws', 'recommender-system', 'blockchain', 'imitation-learning', 'actor-critic-methods', 'latent-variable', 'elu', 'artificial-neuron', 'self-awareness', 'applications', 'math', 'categorical-data', 'alpha-beta-pruning', 'a-star', 'data-preprocessing', 'principal-component-analysis', 'bayesian-statistics', 'resource-request', 'reasoning', 'neurons', 'breadth-first-search', 'transition-model', 'convolution', 'search', 'intelligent-personal-assistants', 'reward-shaping', 'trust-region-policy-optimization', 'embodied-cognition', 'memory', 'cycle-gan', 'natural-language-processing', 'logistic-regression', 'regularization', 'mini-batch-gradient-descent', 'education', 'environment', 'multi-agent-systems', 'human-inspired', 'reward-clipping', 'regression', 'probability-distribution', 'text-detection', 'embeddings', 'tensorflow', 'time-series', 'minimax', 'time-complexity', 'autonomous-vehicles', 'pytorch', 'alphago', 'policy-gradients', 'ontology', 'deep-learning', 'sophia', 'topic-model', 'representation-learning', 'quiescence-search', 'discrete-action-spaces', 'iddfs', 'gpu', 'numerical-algorithms', 'contextual-bandits', 'grammatical-evolution', 'maximum-likelihood', 'metric', 'fitness-design', 'object-detection', 'google', 'norvig-russell', 'facenet', 'ai-security', 'graph-search', 'intelligence', 'proofs', 'ai-basics', 'generative-model', 'residual-networks', 'pattern-recognition', 'deepfakes', 'gated-recurrent-unit', 'prolog', 'boltzmann-machine', 'text-summarization', 'single-shot-multibox-detector', 'value-functions', 'bias-variance-tradeoff', 'comparison', 'bellman-equations', 'lisp', 'data-compression', 'incomplete-information', 'statistical-ai', 'function-approximation', 'reference-request', 'adversarial-search', 'monte-carlo-methods', 'hidden-layers', 'xor-problem', 'intelligent-agent', 'word-embedding', 'transformer', 'gradient', 'pomdp', 'brain', 'go', 'models', 'visual-place-recognition', 'restricted-boltzmann-machine', 'action-recognition', 'gym', 'particle-swarm-optimization', 'cross-validation', 'value-iteration', 'sse', 'ida-star', 'facial-recognition', 'feature-extraction', 'sentiment-analysis', 'ensemble-learning', 'genes', 'chess', 'image-recognition', 'benchmarks', 'credit-assignment-problem', 'dqn', 'uninformed-search', 'image-segmentation', 'connect-four', 'mutation-operators', 'delayed-rewards', 'superintelligence', 'best-first-search', 'papers', 'software-evaluation', 'activation-functions', 'path-finding', 'gradient-descent', 'incremental-learning', 'efficiency', 'gpt', 'social', 'notation', 'image-super-resolution', 'admissible-heuristic', 'intelligence-testing', 'sample-efficiency', 'convolution-arithmetic', 'ai-safety', 'd3qn', 'dimensionality', 'semantics', 'decision-trees', 'bayes-theorem', 'sutton-barto', 'machine-learning', '8-queens-problem', 'forecasting', 'automation', 'policies', 'state-spaces', 'batch-normalization', 'state-of-the-art', 'thompson-sampling', 'audio-processing', 'rewards', 'objective-functions', 'constrained-optimization', 'game-theory', 'convolutional-neural-networks', 'human-like', 'a3c', 'optimal-policy', 'philosophy-of-mind', 'question-answering', 'artificial-life', 'hypothesis-class', 'conditional-random-field', 'fourier-transform', 'algorithm', 'research', 'classification', 'inception', 'deep-rl', 'meta-heuristics', 'robotics', 'constraint-satisfaction-problems', 'similarity', 'sequence-modeling', 'risk-management', 'logic', 'utility-based-agents', 'receptive-field', 'l2-regularization', 'inductive-programming', 'bayesian-probability', 'robots', '3d-convolution', 'heuristics', 'overfitting', 'mythology-of-ai', 'profession', 'generalization', 'simple-reflex-agents', 'data-labelling', 'computational-theory-of-mind', 'standardisation', 'planning', 'alphazero', 'r', 'momentum', 'text-classification', 'ethics', 'ddpg', 'gaming', 'real-time', 'inductive-bias', 'alphago-zero', 'markov-decision-process', 'inference', 'hardware', 'episodic-tasks', 'implementation', 'branching-factors'}\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Flatten all tag lists and convert to a set to get unique tags\n",
+ "unique_tags = set(tag for tags in new_df['Tags'] for tag in tags)\n",
+ "\n",
+ "# Total number of unique tags\n",
+ "num_unique_tags = len(unique_tags)\n",
+ "\n",
+ "print(\"Total unique tags:\", num_unique_tags)\n",
+ "print(\"Unique tags:\", unique_tags)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 55,
+ "id": "54183670",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Body | \n",
+ " Title | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " <p>I want to create a NHL game predictor and h... | \n",
+ " is it possible to train several Neural Network... | \n",
+ " [neural-networks, deep-learning, data-science] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " <p>I'm currently working on a regression probl... | \n",
+ " Does the correlation between inputs affect the... | \n",
+ " [machine-learning, linear-regression, statisti... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " <p>I’m a researcher and I’m currently conducti... | \n",
+ " Chatbots triggering emotions | \n",
+ " [intelligent-agent, chat-bots, emotional-intel... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " <p>I understand the minimax algorithm, but I a... | \n",
+ " Can someone help me to understand the alpha-be... | \n",
+ " [search, minimax, alpha-beta-pruning] | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " <p>In <a href=\"https://storage.googleapis.com/... | \n",
+ " What is a high dimensional state in reinforcem... | \n",
+ " [reinforcement-learning, q-learning, dqn, term... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Body \\\n",
+ "0 I want to create a NHL game predictor and h... \n",
+ "1
I'm currently working on a regression probl... \n",
+ "2
I’m a researcher and I’m currently conducti... \n",
+ "3
I understand the minimax algorithm, but I a... \n",
+ "4
In \n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Body | \n",
+ " Title | \n",
+ " Tags | \n",
+ " Input | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " <p>The basis of my question is that a CNN that... | \n",
+ " Is one big network faster than several small o... | \n",
+ " [deep-learning, convolutional-neural-networks] | \n",
+ " Body: <p>The basis of my question is that a CN... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " <p>Say I have 500 variables and I believe thos... | \n",
+ " Does it make sense to train an autoencoder usi... | \n",
+ " [neural-networks, unsupervised-learning] | \n",
+ " Body: <p>Say I have 500 variables and I believ... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " <p>I've seen data sets for classification / re... | \n",
+ " How would you encode your input vector/matrix ... | \n",
+ " [deep-learning, ai-design, training, combinato... | \n",
+ " Body: <p>I've seen data sets for classificatio... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " <p>Suppose I have a classification problem wit... | \n",
+ " Creating a classifier for simpler classifiers ... | \n",
+ " [machine-learning, deep-learning, classification] | \n",
+ " Body: <p>Suppose I have a classification probl... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " <p>I was wondering any examples of the followi... | \n",
+ " Para Generation and Drawing Conclusion from X ... | \n",
+ " [machine-learning] | \n",
+ " Body: <p>I was wondering any examples of the f... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ ""
+ ],
+ "text/plain": [
+ " Body \\\n",
+ "0 The basis of my question is that a CNN that... \n",
+ "1
Say I have 500 variables and I believe thos... \n",
+ "2
I've seen data sets for classification / re... \n",
+ "3
Suppose I have a classification problem wit... \n",
+ "4
I was wondering any examples of the followi... \n",
+ "\n",
+ " Title \\\n",
+ "0 Is one big network faster than several small o... \n",
+ "1 Does it make sense to train an autoencoder usi... \n",
+ "2 How would you encode your input vector/matrix ... \n",
+ "3 Creating a classifier for simpler classifiers ... \n",
+ "4 Para Generation and Drawing Conclusion from X ... \n",
+ "\n",
+ " Tags \\\n",
+ "0 [deep-learning, convolutional-neural-networks] \n",
+ "1 [neural-networks, unsupervised-learning] \n",
+ "2 [deep-learning, ai-design, training, combinato... \n",
+ "3 [machine-learning, deep-learning, classification] \n",
+ "4 [machine-learning] \n",
+ "\n",
+ " Input \n",
+ "0 Body:
The basis of my question is that a CN... \n",
+ "1 Body:
Say I have 500 variables and I believ... \n",
+ "2 Body:
I've seen data sets for classificatio... \n",
+ "3 Body:
Suppose I have a classification probl... \n",
+ "4 Body:
I was wondering any examples of the f... "
+ ]
+ },
+ "execution_count": 43,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "merged_df['Input'] = \"Body: \" + merged_df['Body'] + \" Title: \" + merged_df['Title']\n",
+ "merged_df.head()\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 44,
+ "id": "411d2d03",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Body | \n",
+ " Title | \n",
+ " Tags | \n",
+ " Input | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " <p>The basis of my question is that a CNN that... | \n",
+ " Is one big network faster than several small o... | \n",
+ " [deep-learning, convolutional-neural-networks] | \n",
+ " Body: The basis of my question is that a CNN t... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " <p>Say I have 500 variables and I believe thos... | \n",
+ " Does it make sense to train an autoencoder usi... | \n",
+ " [neural-networks, unsupervised-learning] | \n",
+ " Body: Say I have 500 variables and I believe t... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " <p>I've seen data sets for classification / re... | \n",
+ " How would you encode your input vector/matrix ... | \n",
+ " [deep-learning, ai-design, training, combinato... | \n",
+ " Body: I've seen data sets for classification /... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " <p>Suppose I have a classification problem wit... | \n",
+ " Creating a classifier for simpler classifiers ... | \n",
+ " [machine-learning, deep-learning, classification] | \n",
+ " Body: Suppose I have a classification problem ... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " <p>I was wondering any examples of the followi... | \n",
+ " Para Generation and Drawing Conclusion from X ... | \n",
+ " [machine-learning] | \n",
+ " Body: I was wondering any examples of the foll... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Body \\\n",
+ "0 The basis of my question is that a CNN that... \n",
+ "1
Say I have 500 variables and I believe thos... \n",
+ "2
I've seen data sets for classification / re... \n",
+ "3
Suppose I have a classification problem wit... \n",
+ "4
I was wondering any examples of the followi... \n",
+ "\n",
+ " Title \\\n",
+ "0 Is one big network faster than several small o... \n",
+ "1 Does it make sense to train an autoencoder usi... \n",
+ "2 How would you encode your input vector/matrix ... \n",
+ "3 Creating a classifier for simpler classifiers ... \n",
+ "4 Para Generation and Drawing Conclusion from X ... \n",
+ "\n",
+ " Tags \\\n",
+ "0 [deep-learning, convolutional-neural-networks] \n",
+ "1 [neural-networks, unsupervised-learning] \n",
+ "2 [deep-learning, ai-design, training, combinato... \n",
+ "3 [machine-learning, deep-learning, classification] \n",
+ "4 [machine-learning] \n",
+ "\n",
+ " Input \n",
+ "0 Body: The basis of my question is that a CNN t... \n",
+ "1 Body: Say I have 500 variables and I believe t... \n",
+ "2 Body: I've seen data sets for classification /... \n",
+ "3 Body: Suppose I have a classification problem ... \n",
+ "4 Body: I was wondering any examples of the foll... "
+ ]
+ },
+ "execution_count": 44,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import re\n",
+ "\n",
+ "# Remove
tags from the Input column\n",
+ "merged_df['Input'] = merged_df['Input'].apply(lambda x: re.sub(r'<\\/?p>', '', x))\n",
+ "\n",
+ "# Display the updated DataFrame\n",
+ "merged_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 75,
+ "id": "dba66933",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Tags | \n",
+ " Input | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " [javascript] | \n",
+ " Title: Technology like SignalR but client sid... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " [design, design-patterns, object-oriented-desi... | \n",
+ " Title: Is there a design pattern to remove th... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " [design-patterns, builder-pattern] | \n",
+ " Title: Builder Pattern : Seperation of constr... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " [java, frameworks] | \n",
+ " Title: Automatic DowncastingBody: I'm making ... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " [object-oriented, python, dependency-injection... | \n",
+ " Title: Using Python's Method Resolution Order... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Tags \\\n",
+ "0 [javascript] \n",
+ "1 [design, design-patterns, object-oriented-desi... \n",
+ "2 [design-patterns, builder-pattern] \n",
+ "3 [java, frameworks] \n",
+ "4 [object-oriented, python, dependency-injection... \n",
+ "\n",
+ " Input \n",
+ "0 Title: Technology like SignalR but client sid... \n",
+ "1 Title: Is there a design pattern to remove th... \n",
+ "2 Title: Builder Pattern : Seperation of constr... \n",
+ "3 Title: Automatic DowncastingBody: I'm making ... \n",
+ "4 Title: Using Python's Method Resolution Order... "
+ ]
+ },
+ "execution_count": 75,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import pandas as pd\n",
+ "import re\n",
+ "\n",
+ "def process_csv_files(file_paths):\n",
+ " \"\"\"\n",
+ " Process multiple CSV files, clean the data, parse tags, and merge into a single DataFrame.\n",
+ "\n",
+ " Args:\n",
+ " file_paths (list): List of file paths to CSV files.\n",
+ "\n",
+ " Returns:\n",
+ " pd.DataFrame: Merged and processed DataFrame.\n",
+ " \"\"\"\n",
+ " def parse_tags(tag_string):\n",
+ " \"\"\"Parse the Tags column into a list of tags.\"\"\"\n",
+ " return tag_string.strip('<>').split('><')\n",
+ "\n",
+ " # Initialize a list to store processed DataFrames\n",
+ " dataframes = []\n",
+ "\n",
+ " # Process each file\n",
+ " for path in file_paths:\n",
+ " # Read the CSV file\n",
+ " temp_df = pd.read_csv(path)\n",
+ " \n",
+ " # Select relevant columns\n",
+ " temp_new_df = temp_df[['Body', 'Title', 'Tags']]\n",
+ " \n",
+ " # Drop rows with missing Tags\n",
+ " temp_new_df = temp_new_df.dropna(subset=['Tags'])\n",
+ " \n",
+ " # Parse the Tags column\n",
+ " temp_new_df['Tags'] = temp_new_df['Tags'].apply(parse_tags)\n",
+ " \n",
+ " # Append the processed DataFrame to the list\n",
+ " dataframes.append(temp_new_df)\n",
+ "\n",
+ " # Merge all DataFrames\n",
+ " merged_df = pd.concat(dataframes, ignore_index=True)\n",
+ "\n",
+ " # Add an 'Input' column combining 'Body' and 'Title'\n",
+ " merged_df['Input'] = \" Title: \" + merged_df['Title'] + \"Body: \" + merged_df['Body']\n",
+ "\n",
+ " # Remove tags from the 'Input' column\n",
+ " merged_df['Input'] = merged_df['Input'].apply(lambda x: re.sub(r'<\\/?p>', '', x))\n",
+ "\n",
+ " final_df = merged_df.drop(columns=['Body', 'Title'])\n",
+ "\n",
+ " # Optionally, you can reset the index if needed\n",
+ " final_df.reset_index(drop=True, inplace=True)\n",
+ "\n",
+ " return final_df\n",
+ "\n",
+ "# Example usage\n",
+ "file_paths = [\n",
+ " \"/home/darth/#/SEClassifier/data/SE/SE 2016.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/SE/SE 2017.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/SE/SE 2018.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/SE/SE 2019.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/SE/SE 2020.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/SE/SE 2021.csv\"\n",
+ "]\n",
+ "\n",
+ "merged_df = process_csv_files(file_paths)\n",
+ "merged_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 76,
+ "id": "0a693ad0",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "24842"
+ ]
+ },
+ "execution_count": 76,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "len(merged_df)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 77,
+ "id": "0b90c6c4",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "merged_df.to_csv(\"/home/darth/#/SEClassifier/data/SE/merged_data.csv\", index=False)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 80,
+ "id": "c17c6cc1",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "
\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Tags | \n",
+ " Input | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " ['neural-networks', 'deep-learning', 'data-sci... | \n",
+ " Title: is it possible to train several Neural... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " ['machine-learning', 'linear-regression', 'sta... | \n",
+ " Title: Does the correlation between inputs af... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " ['intelligent-agent', 'chat-bots', 'emotional-... | \n",
+ " Title: Chatbots triggering emotionsBody: I’m ... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " ['search', 'minimax', 'alpha-beta-pruning'] | \n",
+ " Title: Can someone help me to understand the ... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " ['reinforcement-learning', 'q-learning', 'dqn'... | \n",
+ " Title: What is a high dimensional state in re... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Tags \\\n",
+ "0 ['neural-networks', 'deep-learning', 'data-sci... \n",
+ "1 ['machine-learning', 'linear-regression', 'sta... \n",
+ "2 ['intelligent-agent', 'chat-bots', 'emotional-... \n",
+ "3 ['search', 'minimax', 'alpha-beta-pruning'] \n",
+ "4 ['reinforcement-learning', 'q-learning', 'dqn'... \n",
+ "\n",
+ " Input \n",
+ "0 Title: is it possible to train several Neural... \n",
+ "1 Title: Does the correlation between inputs af... \n",
+ "2 Title: Chatbots triggering emotionsBody: I’m ... \n",
+ "3 Title: Can someone help me to understand the ... \n",
+ "4 Title: What is a high dimensional state in re... "
+ ]
+ },
+ "execution_count": 80,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# List of file paths for the 5 CSV files\n",
+ "csv_files = [\n",
+ " \"/home/darth/#/SEClassifier/data/AI/merged_data.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/IS/merged_data.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/QC/merged_data.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/RE/merged_data.csv\",\n",
+ " \"/home/darth/#/SEClassifier/data/SE/merged_data.csv\"\n",
+ "]\n",
+ "\n",
+ "# Read each CSV file into a DataFrame\n",
+ "dataframes = [pd.read_csv(file) for file in csv_files]\n",
+ "\n",
+ "# Concatenate the DataFrames horizontally\n",
+ "concatenated_df = pd.concat(dataframes, axis=0)\n",
+ "\n",
+ "# Display the concatenated DataFrame\n",
+ "concatenated_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 81,
+ "id": "8fcafa52",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "67402"
+ ]
+ },
+ "execution_count": 81,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "len(concatenated_df)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 82,
+ "id": "dd995fcc",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "concatenated_df.to_csv(\"/home/darth/#/SEClassifier/data/combined_data.csv\", index=False)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 103,
+ "id": "730fc695",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Id | \n",
+ " Title | \n",
+ " Body | \n",
+ " Tags | \n",
+ " CreationDate | \n",
+ " Y | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " 34552656 | \n",
+ " Java: Repeat Task Every Random Seconds | \n",
+ " <p>I'm already familiar with repeating tasks e... | \n",
+ " <java><repeat> | \n",
+ " 2016-01-01 00:21:59 | \n",
+ " LQ_CLOSE | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " 34553034 | \n",
+ " Why are Java Optionals immutable? | \n",
+ " <p>I'd like to understand why Java 8 Optionals... | \n",
+ " <java><optional> | \n",
+ " 2016-01-01 02:03:20 | \n",
+ " HQ | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " 34553174 | \n",
+ " Text Overlay Image with Darkened Opacity React... | \n",
+ " <p>I am attempting to overlay a title over an ... | \n",
+ " <javascript><image><overlay><react-native><opa... | \n",
+ " 2016-01-01 02:48:24 | \n",
+ " HQ | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " 34553318 | \n",
+ " Why ternary operator in swift is so picky? | \n",
+ " <p>The question is very simple, but I just cou... | \n",
+ " <swift><operators><whitespace><ternary-operato... | \n",
+ " 2016-01-01 03:30:17 | \n",
+ " HQ | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " 34553755 | \n",
+ " hide/show fab with scale animation | \n",
+ " <p>I'm using custom floatingactionmenu. I need... | \n",
+ " <android><material-design><floating-action-but... | \n",
+ " 2016-01-01 05:21:48 | \n",
+ " HQ | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Id Title \\\n",
+ "0 34552656 Java: Repeat Task Every Random Seconds \n",
+ "1 34553034 Why are Java Optionals immutable? \n",
+ "2 34553174 Text Overlay Image with Darkened Opacity React... \n",
+ "3 34553318 Why ternary operator in swift is so picky? \n",
+ "4 34553755 hide/show fab with scale animation \n",
+ "\n",
+ " Body \\\n",
+ "0 I'm already familiar with repeating tasks e... \n",
+ "1
I'd like to understand why Java 8 Optionals... \n",
+ "2
I am attempting to overlay a title over an ... \n",
+ "3
The question is very simple, but I just cou... \n",
+ "4
I'm using custom floatingactionmenu. I need... \n",
+ "\n",
+ " Tags CreationDate \\\n",
+ "0 2016-01-01 00:21:59 \n",
+ "1 2016-01-01 02:03:20 \n",
+ "2 \n",
+ "\n",
+ "\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Title: Java: Repeat Task Every Random Seconds... | \n",
+ " [java, repeat] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Title: Why are Java Optionals immutable?Body:... | \n",
+ " [java, optional] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Title: Text Overlay Image with Darkened Opaci... | \n",
+ " [javascript, image, overlay, react-native, opa... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Title: Why ternary operator in swift is so pi... | \n",
+ " [swift, operators, whitespace, ternary-operato... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " Title: hide/show fab with scale animationBody... | \n",
+ " [android, material-design, floating-action-but... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ ""
+ ],
+ "text/plain": [
+ " Input \\\n",
+ "0 Title: Java: Repeat Task Every Random Seconds... \n",
+ "1 Title: Why are Java Optionals immutable?Body:... \n",
+ "2 Title: Text Overlay Image with Darkened Opaci... \n",
+ "3 Title: Why ternary operator in swift is so pi... \n",
+ "4 Title: hide/show fab with scale animationBody... \n",
+ "\n",
+ " Tags \n",
+ "0 [java, repeat] \n",
+ "1 [java, optional] \n",
+ "2 [javascript, image, overlay, react-native, opa... \n",
+ "3 [swift, operators, whitespace, ternary-operato... \n",
+ "4 [android, material-design, floating-action-but... "
+ ]
+ },
+ "execution_count": 104,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "train_df = train_df[['Tags', 'Title', 'Body']]\n",
+ "train_df['Input'] = \" Title: \" + train_df['Title'] + \"Body: \" + train_df['Body']\n",
+ "train_df = train_df[['Input', 'Tags']]\n",
+ "train_df['Tags'] = train_df['Tags'].apply(parse_tags)\n",
+ "train_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 105,
+ "id": "68fd6ba4",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [],
+ "source": [
+ "train_df.to_csv('/home/darth/#/SEClassifier/data/kaggle_stack_overflow/train_data.csv', index=False)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "id": "9389d17f",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [],
+ "source": [
+ "import pandas as pd"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "id": "064f6975",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Title: Java: Repeat Task Every Random Seconds... | \n",
+ " ['java', 'repeat'] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Title: Why are Java Optionals immutable?Body:... | \n",
+ " ['java', 'optional'] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Title: Text Overlay Image with Darkened Opaci... | \n",
+ " ['javascript', 'image', 'overlay', 'react-nati... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Title: Why ternary operator in swift is so pi... | \n",
+ " ['swift', 'operators', 'whitespace', 'ternary-... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " Title: hide/show fab with scale animationBody... | \n",
+ " ['android', 'material-design', 'floating-actio... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Input \\\n",
+ "0 Title: Java: Repeat Task Every Random Seconds... \n",
+ "1 Title: Why are Java Optionals immutable?Body:... \n",
+ "2 Title: Text Overlay Image with Darkened Opaci... \n",
+ "3 Title: Why ternary operator in swift is so pi... \n",
+ "4 Title: hide/show fab with scale animationBody... \n",
+ "\n",
+ " Tags \n",
+ "0 ['java', 'repeat'] \n",
+ "1 ['java', 'optional'] \n",
+ "2 ['javascript', 'image', 'overlay', 'react-nati... \n",
+ "3 ['swift', 'operators', 'whitespace', 'ternary-... \n",
+ "4 ['android', 'material-design', 'floating-actio... "
+ ]
+ },
+ "execution_count": 3,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Read the train and validation data CSV files\n",
+ "train_data = pd.read_csv('/home/darth/#/SEClassifier/data/kaggle_stack_overflow/train_data.csv')\n",
+ "valid_data = pd.read_csv('/home/darth/#/SEClassifier/data/kaggle_stack_overflow/valid_data.csv')\n",
+ "\n",
+ "# Combine the two DataFrames\n",
+ "combined_data = pd.concat([train_data, valid_data], ignore_index=True)\n",
+ "\n",
+ "# Display the combined DataFrame\n",
+ "combined_data.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "id": "7995a094",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "60000"
+ ]
+ },
+ "execution_count": 4,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "len(combined_data)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "id": "83d19586",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [],
+ "source": [
+ "combined_data.to_csv('/home/darth/#/SEClassifier/data/kaggle_stack_overflow/combined_data.csv', index=False)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "id": "880aff08",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " topic | \n",
+ " question | \n",
+ " excerpt | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " electronics | \n",
+ " What is the effective differencial effective o... | \n",
+ " I'm trying to work out, in general terms, the ... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " electronics | \n",
+ " Heat sensor with fan cooling | \n",
+ " Can I know which component senses heat or acts... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " electronics | \n",
+ " Outlet Installation--more wires than my new ou... | \n",
+ " I am replacing a wall outlet with a Cooper Wir... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " electronics | \n",
+ " Buck Converter Operation Question | \n",
+ " i have been reading about the buck converter, ... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " electronics | \n",
+ " Urgent help in area of ASIC design, verificati... | \n",
+ " I need help with deciding on a Master's Projec... | \n",
+ "
\n",
+ " \n",
+ " ... | \n",
+ " ... | \n",
+ " ... | \n",
+ " ... | \n",
+ "
\n",
+ " \n",
+ " 20214 | \n",
+ " wordpress | \n",
+ " How to set a Custom Post Type as the parent of... | \n",
+ " I have a Custom Post Type called Recipe with p... | \n",
+ "
\n",
+ " \n",
+ " 20215 | \n",
+ " wordpress | \n",
+ " Tracking last login and last visit | \n",
+ " I'm using the code below to track when a user ... | \n",
+ "
\n",
+ " \n",
+ " 20216 | \n",
+ " wordpress | \n",
+ " How to exclude the particular category from th... | \n",
+ " add_action( 'pre_get_posts', 'custom_pre_get_p... | \n",
+ "
\n",
+ " \n",
+ " 20217 | \n",
+ " wordpress | \n",
+ " display sub categories assoccited with each po... | \n",
+ " i have wordpress blog with many posts. each po... | \n",
+ "
\n",
+ " \n",
+ " 20218 | \n",
+ " wordpress | \n",
+ " Lost of query parameter when using permalink | \n",
+ " I have many issues with the use of rewriting, ... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
20219 rows × 3 columns
\n",
+ "
"
+ ],
+ "text/plain": [
+ " topic question \\\n",
+ "0 electronics What is the effective differencial effective o... \n",
+ "1 electronics Heat sensor with fan cooling \n",
+ "2 electronics Outlet Installation--more wires than my new ou... \n",
+ "3 electronics Buck Converter Operation Question \n",
+ "4 electronics Urgent help in area of ASIC design, verificati... \n",
+ "... ... ... \n",
+ "20214 wordpress How to set a Custom Post Type as the parent of... \n",
+ "20215 wordpress Tracking last login and last visit \n",
+ "20216 wordpress How to exclude the particular category from th... \n",
+ "20217 wordpress display sub categories assoccited with each po... \n",
+ "20218 wordpress Lost of query parameter when using permalink \n",
+ "\n",
+ " excerpt \n",
+ "0 I'm trying to work out, in general terms, the ... \n",
+ "1 Can I know which component senses heat or acts... \n",
+ "2 I am replacing a wall outlet with a Cooper Wir... \n",
+ "3 i have been reading about the buck converter, ... \n",
+ "4 I need help with deciding on a Master's Projec... \n",
+ "... ... \n",
+ "20214 I have a Custom Post Type called Recipe with p... \n",
+ "20215 I'm using the code below to track when a user ... \n",
+ "20216 add_action( 'pre_get_posts', 'custom_pre_get_p... \n",
+ "20217 i have wordpress blog with many posts. each po... \n",
+ "20218 I have many issues with the use of rewriting, ... \n",
+ "\n",
+ "[20219 rows x 3 columns]"
+ ]
+ },
+ "execution_count": 1,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import pandas as pd\n",
+ "import json\n",
+ "\n",
+ "def load_data(path):\n",
+ " with open(path, 'r') as file:\n",
+ " data = file.read()\n",
+ "\n",
+ " data = data.strip().split('\\n')\n",
+ "\n",
+ " dataset = []\n",
+ " for i in data:\n",
+ " try:\n",
+ " dataset.append(json.loads(i))\n",
+ " except:\n",
+ " print(i)\n",
+ "\n",
+ " df = pd.DataFrame(dataset)\n",
+ "\n",
+ " return df\n",
+ "\n",
+ "TRAIN = load_data('data/hackerank/train/train.json')\n",
+ "TRAIN\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "id": "2c4bf84a",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " question | \n",
+ " excerpt | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Frequency Inverter LS IS5 | \n",
+ " I have been working with a IS5 frequency inver... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Why did the designer use this motor? | \n",
+ " I was taking apart this thing that I bought fr... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Help with amplifier with feedback | \n",
+ " I am starting to learn to use operational ampl... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Single Supply Op Amp to Amplify 0-3.3V to 0-10V | \n",
+ " This may be a very basic question but as the u... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " How to start with 3d tracking? [on hold] | \n",
+ " I am new to all of this and I really feel over... | \n",
+ "
\n",
+ " \n",
+ " ... | \n",
+ " ... | \n",
+ " ... | \n",
+ "
\n",
+ " \n",
+ " 15027 | \n",
+ " Add exception to WP Mobile Detector | \n",
+ " In the function websitez_detect_mobile_device ... | \n",
+ "
\n",
+ " \n",
+ " 15028 | \n",
+ " Query Problem in getting top viewed posts | \n",
+ " I wanted to display top viewed posts by month,... | \n",
+ "
\n",
+ " \n",
+ " 15029 | \n",
+ " Translate Woosidebars plugin strings | \n",
+ " I'm trying to translate Woosidebars strings i... | \n",
+ "
\n",
+ " \n",
+ " 15030 | \n",
+ " Fatal error: Allowed memory size of 37748736 b... | \n",
+ " I hope this is not a duplicate question.\\n\\nI ... | \n",
+ "
\n",
+ " \n",
+ " 15031 | \n",
+ " more tables created when create a new site | \n",
+ " Can someone suggest me an idea on this? \\n\\nI ... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
15032 rows × 2 columns
\n",
+ "
"
+ ],
+ "text/plain": [
+ " question \\\n",
+ "0 Frequency Inverter LS IS5 \n",
+ "1 Why did the designer use this motor? \n",
+ "2 Help with amplifier with feedback \n",
+ "3 Single Supply Op Amp to Amplify 0-3.3V to 0-10V \n",
+ "4 How to start with 3d tracking? [on hold] \n",
+ "... ... \n",
+ "15027 Add exception to WP Mobile Detector \n",
+ "15028 Query Problem in getting top viewed posts \n",
+ "15029 Translate Woosidebars plugin strings \n",
+ "15030 Fatal error: Allowed memory size of 37748736 b... \n",
+ "15031 more tables created when create a new site \n",
+ "\n",
+ " excerpt \n",
+ "0 I have been working with a IS5 frequency inver... \n",
+ "1 I was taking apart this thing that I bought fr... \n",
+ "2 I am starting to learn to use operational ampl... \n",
+ "3 This may be a very basic question but as the u... \n",
+ "4 I am new to all of this and I really feel over... \n",
+ "... ... \n",
+ "15027 In the function websitez_detect_mobile_device ... \n",
+ "15028 I wanted to display top viewed posts by month,... \n",
+ "15029 I'm trying to translate Woosidebars strings i... \n",
+ "15030 I hope this is not a duplicate question.\\n\\nI ... \n",
+ "15031 Can someone suggest me an idea on this? \\n\\nI ... \n",
+ "\n",
+ "[15032 rows x 2 columns]"
+ ]
+ },
+ "execution_count": 2,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "import pandas as pd\n",
+ "import json\n",
+ "\n",
+ "def load_data(path):\n",
+ " with open(path, 'r') as file:\n",
+ " data = file.read()\n",
+ "\n",
+ " data = data.strip().split('\\n')\n",
+ "\n",
+ " dataset = []\n",
+ " for i in data:\n",
+ " try:\n",
+ " dataset.append(json.loads(i))\n",
+ " except:\n",
+ " print(i)\n",
+ "\n",
+ " df = pd.DataFrame(dataset)\n",
+ "\n",
+ " return df\n",
+ "\n",
+ "TEST = load_data('data/hackerank/test/test.json')\n",
+ "TEST\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "id": "ccba1f17",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " question | \n",
+ " excerpt | \n",
+ " topic | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Frequency Inverter LS IS5 | \n",
+ " I have been working with a IS5 frequency inver... | \n",
+ " electronics | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Why did the designer use this motor? | \n",
+ " I was taking apart this thing that I bought fr... | \n",
+ " electronics | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Help with amplifier with feedback | \n",
+ " I am starting to learn to use operational ampl... | \n",
+ " electronics | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Single Supply Op Amp to Amplify 0-3.3V to 0-10V | \n",
+ " This may be a very basic question but as the u... | \n",
+ " electronics | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " How to start with 3d tracking? [on hold] | \n",
+ " I am new to all of this and I really feel over... | \n",
+ " electronics | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " question \\\n",
+ "0 Frequency Inverter LS IS5 \n",
+ "1 Why did the designer use this motor? \n",
+ "2 Help with amplifier with feedback \n",
+ "3 Single Supply Op Amp to Amplify 0-3.3V to 0-10V \n",
+ "4 How to start with 3d tracking? [on hold] \n",
+ "\n",
+ " excerpt topic \n",
+ "0 I have been working with a IS5 frequency inver... electronics \n",
+ "1 I was taking apart this thing that I bought fr... electronics \n",
+ "2 I am starting to learn to use operational ampl... electronics \n",
+ "3 This may be a very basic question but as the u... electronics \n",
+ "4 I am new to all of this and I really feel over... electronics "
+ ]
+ },
+ "execution_count": 3,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Read the output.txt file containing topics\n",
+ "with open('/home/darth/#/SEQuestionClassifier/data/hackerank/test/output.txt', 'r') as file:\n",
+ " topics = file.read().strip().split('\\n')\n",
+ "\n",
+ "# Add the topics as a new column to the TEST dataframe\n",
+ "TEST['topic'] = topics\n",
+ "\n",
+ "# Display the updated TEST dataframe\n",
+ "TEST.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "id": "9f99f6a5",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " question | \n",
+ " excerpt | \n",
+ " topic | \n",
+ " Input | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Frequency Inverter LS IS5 | \n",
+ " I have been working with a IS5 frequency inver... | \n",
+ " electronics | \n",
+ " Title: Frequency Inverter LS IS5 Body: I have ... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Why did the designer use this motor? | \n",
+ " I was taking apart this thing that I bought fr... | \n",
+ " electronics | \n",
+ " Title: Why did the designer use this motor? Bo... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Help with amplifier with feedback | \n",
+ " I am starting to learn to use operational ampl... | \n",
+ " electronics | \n",
+ " Title: Help with amplifier with feedback Body:... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Single Supply Op Amp to Amplify 0-3.3V to 0-10V | \n",
+ " This may be a very basic question but as the u... | \n",
+ " electronics | \n",
+ " Title: Single Supply Op Amp to Amplify 0-3.3V ... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " How to start with 3d tracking? [on hold] | \n",
+ " I am new to all of this and I really feel over... | \n",
+ " electronics | \n",
+ " Title: How to start with 3d tracking? [on hold... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " question \\\n",
+ "0 Frequency Inverter LS IS5 \n",
+ "1 Why did the designer use this motor? \n",
+ "2 Help with amplifier with feedback \n",
+ "3 Single Supply Op Amp to Amplify 0-3.3V to 0-10V \n",
+ "4 How to start with 3d tracking? [on hold] \n",
+ "\n",
+ " excerpt topic \\\n",
+ "0 I have been working with a IS5 frequency inver... electronics \n",
+ "1 I was taking apart this thing that I bought fr... electronics \n",
+ "2 I am starting to learn to use operational ampl... electronics \n",
+ "3 This may be a very basic question but as the u... electronics \n",
+ "4 I am new to all of this and I really feel over... electronics \n",
+ "\n",
+ " Input \n",
+ "0 Title: Frequency Inverter LS IS5 Body: I have ... \n",
+ "1 Title: Why did the designer use this motor? Bo... \n",
+ "2 Title: Help with amplifier with feedback Body:... \n",
+ "3 Title: Single Supply Op Amp to Amplify 0-3.3V ... \n",
+ "4 Title: How to start with 3d tracking? [on hold... "
+ ]
+ },
+ "execution_count": 6,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Combine 'question' and 'excerpt' columns in TRAIN\n",
+ "# train_df['Input'] = \" Title: \" + train_df['Title'] + \"Body: \" + train_df['Body']\n",
+ "\n",
+ "TRAIN['Input'] = \"Title: \" + TRAIN['question'] + \" Body: \" + TRAIN['excerpt']\n",
+ "\n",
+ "# Combine 'question' and 'excerpt' columns in TEST\n",
+ "TEST['Input'] = \"Title: \" + TEST['question'] + \" Body: \" + TEST['excerpt']\n",
+ "\n",
+ "# Display the updated DataFrames\n",
+ "TRAIN.head()\n",
+ "TEST.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "id": "c9b491e9",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " topic | \n",
+ " Input | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " electronics | \n",
+ " Title: Frequency Inverter LS IS5 Body: I have ... | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " electronics | \n",
+ " Title: Why did the designer use this motor? Bo... | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " electronics | \n",
+ " Title: Help with amplifier with feedback Body:... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " electronics | \n",
+ " Title: Single Supply Op Amp to Amplify 0-3.3V ... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " electronics | \n",
+ " Title: How to start with 3d tracking? [on hold... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " topic Input\n",
+ "0 electronics Title: Frequency Inverter LS IS5 Body: I have ...\n",
+ "1 electronics Title: Why did the designer use this motor? Bo...\n",
+ "2 electronics Title: Help with amplifier with feedback Body:...\n",
+ "3 electronics Title: Single Supply Op Amp to Amplify 0-3.3V ...\n",
+ "4 electronics Title: How to start with 3d tracking? [on hold..."
+ ]
+ },
+ "execution_count": 7,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "TRAIN = TRAIN.drop(columns=['question', 'excerpt'])\n",
+ "TEST = TEST.drop(columns=['question', 'excerpt'])\n",
+ "\n",
+ "# Display the updated DataFrames\n",
+ "TRAIN.head()\n",
+ "TEST.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 8,
+ "id": "980e17a4",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " topic | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " electronics | \n",
+ " Title: Frequency Inverter LS IS5 Body: I have ... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " electronics | \n",
+ " Title: Why did the designer use this motor? Bo... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " electronics | \n",
+ " Title: Help with amplifier with feedback Body:... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " electronics | \n",
+ " Title: Single Supply Op Amp to Amplify 0-3.3V ... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " electronics | \n",
+ " Title: How to start with 3d tracking? [on hold... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " topic Input \\\n",
+ "0 electronics Title: Frequency Inverter LS IS5 Body: I have ... \n",
+ "1 electronics Title: Why did the designer use this motor? Bo... \n",
+ "2 electronics Title: Help with amplifier with feedback Body:... \n",
+ "3 electronics Title: Single Supply Op Amp to Amplify 0-3.3V ... \n",
+ "4 electronics Title: How to start with 3d tracking? [on hold... \n",
+ "\n",
+ " Tags \n",
+ "0 [electronics] \n",
+ "1 [electronics] \n",
+ "2 [electronics] \n",
+ "3 [electronics] \n",
+ "4 [electronics] "
+ ]
+ },
+ "execution_count": 8,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "TRAIN['Tags'] = TRAIN['topic'].apply(lambda x: [x])\n",
+ "TEST['Tags'] = TEST['topic'].apply(lambda x: [x])\n",
+ "\n",
+ "# Display the updated DataFrames\n",
+ "TRAIN.head()\n",
+ "TEST.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "id": "7ad1d75f",
+ "metadata": {
+ "vscode": {
+ "languageId": "ruby"
+ }
+ },
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Title: Frequency Inverter LS IS5 Body: I have ... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Title: Why did the designer use this motor? Bo... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Title: Help with amplifier with feedback Body:... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Title: Single Supply Op Amp to Amplify 0-3.3V ... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " Title: How to start with 3d tracking? [on hold... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Input Tags\n",
+ "0 Title: Frequency Inverter LS IS5 Body: I have ... [electronics]\n",
+ "1 Title: Why did the designer use this motor? Bo... [electronics]\n",
+ "2 Title: Help with amplifier with feedback Body:... [electronics]\n",
+ "3 Title: Single Supply Op Amp to Amplify 0-3.3V ... [electronics]\n",
+ "4 Title: How to start with 3d tracking? [on hold... [electronics]"
+ ]
+ },
+ "execution_count": 9,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "TRAIN = TRAIN.drop(columns=['topic'])\n",
+ "TEST = TEST.drop(columns=['topic'])\n",
+ "\n",
+ "# Display the updated DataFrames\n",
+ "TRAIN.head()\n",
+ "TEST.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 10,
+ "id": "f4fc5539",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Save TRAIN DataFrame to a CSV file\n",
+ "TRAIN.to_csv('/home/darth/#/SEQuestionClassifier/data/hackerank/train_data.csv', index=False)\n",
+ "\n",
+ "# Save TEST DataFrame to a CSV file\n",
+ "TEST.to_csv('/home/darth/#/SEQuestionClassifier/data/hackerank/test_data.csv', index=False)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 11,
+ "id": "d890d29c",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Title: What is the effective differencial effe... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Title: Heat sensor with fan cooling Body: Can ... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Title: Outlet Installation--more wires than my... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Title: Buck Converter Operation Question Body:... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " Title: Urgent help in area of ASIC design, ver... | \n",
+ " [electronics] | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Input Tags\n",
+ "0 Title: What is the effective differencial effe... [electronics]\n",
+ "1 Title: Heat sensor with fan cooling Body: Can ... [electronics]\n",
+ "2 Title: Outlet Installation--more wires than my... [electronics]\n",
+ "3 Title: Buck Converter Operation Question Body:... [electronics]\n",
+ "4 Title: Urgent help in area of ASIC design, ver... [electronics]"
+ ]
+ },
+ "execution_count": 11,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Combine TRAIN and TEST DataFrames\n",
+ "combined_df = pd.concat([TRAIN, TEST], ignore_index=True)\n",
+ "\n",
+ "# Save the combined DataFrame to a CSV file\n",
+ "combined_df.to_csv('/home/darth/#/SEQuestionClassifier/data/hackerank/combined_data.csv', index=False)\n",
+ "\n",
+ "# Display the combined DataFrame\n",
+ "combined_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 13,
+ "id": "b4dad73e",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Title: Java: Repeat Task Every Random Seconds... | \n",
+ " ['java', 'repeat'] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Title: Why are Java Optionals immutable?Body:... | \n",
+ " ['java', 'optional'] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Title: Text Overlay Image with Darkened Opaci... | \n",
+ " ['javascript', 'image', 'overlay', 'react-nati... | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Title: Why ternary operator in swift is so pi... | \n",
+ " ['swift', 'operators', 'whitespace', 'ternary-... | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " Title: hide/show fab with scale animationBody... | \n",
+ " ['android', 'material-design', 'floating-actio... | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Input \\\n",
+ "0 Title: Java: Repeat Task Every Random Seconds... \n",
+ "1 Title: Why are Java Optionals immutable?Body:... \n",
+ "2 Title: Text Overlay Image with Darkened Opaci... \n",
+ "3 Title: Why ternary operator in swift is so pi... \n",
+ "4 Title: hide/show fab with scale animationBody... \n",
+ "\n",
+ " Tags \n",
+ "0 ['java', 'repeat'] \n",
+ "1 ['java', 'optional'] \n",
+ "2 ['javascript', 'image', 'overlay', 'react-nati... \n",
+ "3 ['swift', 'operators', 'whitespace', 'ternary-... \n",
+ "4 ['android', 'material-design', 'floating-actio... "
+ ]
+ },
+ "execution_count": 13,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# Read the train and validation data CSV files\n",
+ "train_data = pd.read_csv('/home/darth/#/SEQuestionClassifier/data/kaggle_stack_overflow/train_data.csv')\n",
+ "valid_data = pd.read_csv('/home/darth/#/SEQuestionClassifier/data/kaggle_stack_overflow/valid_data.csv')\n",
+ "\n",
+ "# Combine the two DataFrames\n",
+ "combined_data = pd.concat([train_data, valid_data], ignore_index=True)\n",
+ "\n",
+ "# Save the combined DataFrame to a new CSV file\n",
+ "combined_data.to_csv('/home/darth/#/SEQuestionClassifier/data/kaggle_stack_overflow/combined_data.csv', index=False)\n",
+ "\n",
+ "# Display the combined DataFrame\n",
+ "combined_data.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "4d6e1cd3",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "60000"
+ ]
+ },
+ "execution_count": 14,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": []
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 15,
+ "id": "2a8a74f4",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " 0 | \n",
+ " Title: What is the effective differencial effe... | \n",
+ " ['electronics'] | \n",
+ "
\n",
+ " \n",
+ " 1 | \n",
+ " Title: Heat sensor with fan cooling Body: Can ... | \n",
+ " ['electronics'] | \n",
+ "
\n",
+ " \n",
+ " 2 | \n",
+ " Title: Outlet Installation--more wires than my... | \n",
+ " ['electronics'] | \n",
+ "
\n",
+ " \n",
+ " 3 | \n",
+ " Title: Buck Converter Operation Question Body:... | \n",
+ " ['electronics'] | \n",
+ "
\n",
+ " \n",
+ " 4 | \n",
+ " Title: Urgent help in area of ASIC design, ver... | \n",
+ " ['electronics'] | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Input Tags\n",
+ "0 Title: What is the effective differencial effe... ['electronics']\n",
+ "1 Title: Heat sensor with fan cooling Body: Can ... ['electronics']\n",
+ "2 Title: Outlet Installation--more wires than my... ['electronics']\n",
+ "3 Title: Buck Converter Operation Question Body:... ['electronics']\n",
+ "4 Title: Urgent help in area of ASIC design, ver... ['electronics']"
+ ]
+ },
+ "execution_count": 15,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "# List of file paths to combine\n",
+ "file_paths = [\n",
+ " '/home/darth/#/SEQuestionClassifier/data/hackerank/combined_data.csv',\n",
+ " '/home/darth/#/SEQuestionClassifier/data/kaggle_stack_overflow/combined_data.csv',\n",
+ " '/home/darth/#/SEQuestionClassifier/data/stack_exchange/combined_data.csv'\n",
+ "]\n",
+ "\n",
+ "# Read and combine the CSV files\n",
+ "combined_df = pd.concat([pd.read_csv(file) for file in file_paths], ignore_index=True)\n",
+ "\n",
+ "# Display the combined DataFrame\n",
+ "combined_df.head()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": null,
+ "id": "0a02a99d",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/plain": [
+ "162653"
+ ]
+ },
+ "execution_count": 16,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": []
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 18,
+ "id": "43e5362b",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Save combined_df to a CSV file\n",
+ "combined_df.to_csv('/home/darth/#/SEQuestionClassifier/data/all_combined_data.csv', index=False)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 19,
+ "id": "d332e709",
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "text/html": [
+ "\n",
+ "\n",
+ "
\n",
+ " \n",
+ " \n",
+ " | \n",
+ " Input | \n",
+ " Tags | \n",
+ "
\n",
+ " \n",
+ " \n",
+ " \n",
+ " count | \n",
+ " 162653 | \n",
+ " 162653 | \n",
+ "
\n",
+ " \n",
+ " unique | \n",
+ " 162640 | \n",
+ " 81557 | \n",
+ "
\n",
+ " \n",
+ " top | \n",
+ " Title: Assigning colors to Graphics3D objects ... | \n",
+ " ['android'] | \n",
+ "
\n",
+ " \n",
+ " freq | \n",
+ " 2 | \n",
+ " 4445 | \n",
+ "
\n",
+ " \n",
+ "
\n",
+ "
"
+ ],
+ "text/plain": [
+ " Input Tags\n",
+ "count 162653 162653\n",
+ "unique 162640 81557\n",
+ "top Title: Assigning colors to Graphics3D objects ... ['android']\n",
+ "freq 2 4445"
+ ]
+ },
+ "execution_count": 19,
+ "metadata": {},
+ "output_type": "execute_result"
+ }
+ ],
+ "source": [
+ "combined_df.describe()"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 24,
+ "id": "d09d6c8f",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Total unique tags: 69\n",
+ "Unique tags: {'T', 't', 'd', 'u', '6', '9', '<', '1', 'b', 'H', 'F', 'V', ']', 'L', ' ', '=', 'O', 'j', 'i', '}', 'c', 'w', '4', 'p', 'g', 'n', 'r', 'q', '#', 'k', '/', '(', 'o', 'm', 'z', '?', '8', 'P', 'f', 'D', 'I', '3', '7', ')', 'U', 'C', 'B', 'v', 'y', 'x', '.', '2', 'a', 's', '5', '$', 'l', 'W', 'E', 'h', '-', '+', \"'\", 'Y', 'A', '[', 'e', ',', '0'}\n"
+ ]
+ }
+ ],
+ "source": [
+ "# Get all unique tags from the list of lists\n",
+ "all_tags = [tag for tags_list in combined_df['Tags'] for tag in tags_list]\n",
+ "unique_tags = set(all_tags)\n",
+ "\n",
+ "# Count unique tags\n",
+ "num_unique_tags = len(unique_tags)\n",
+ "\n",
+ "print(\"Total unique tags:\", num_unique_tags)\n",
+ "print(\"Unique tags:\", unique_tags)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 26,
+ "id": "0a4ac50b",
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "import ast\n",
+ "\n",
+ "# Convert string representations of lists to actual Python lists\n",
+ "combined_df['Tags'] = combined_df['Tags'].apply(ast.literal_eval)\n"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 27,
+ "id": "c7fe1d45",
+ "metadata": {},
+ "outputs": [
+ {
+ "name": "stdout",
+ "output_type": "stream",
+ "text": [
+ "Total unique tags: 13158\n",
+ "Unique tags: {'foolproof-validation', 'visitor', 'vgo', 'maven-jaxb2-plugin', 'phoenix-framework', 'parameters', 'sqlmap', 'image-morphology', 'system', 'jslider', 'android-studio-import', 'search-engines', 'generic-constraints', 'internationalization', 'phpstorm', 'formulas', 'microsoft-teams', 'buttonclick', 'rule-acquisition', 'unsigned', 'request.form', 'session-cookies', 'confluence-rest-api', 'gephi', 'window-managers', 'cllocationmanager', 'education', 'foreground', 'android-studio-3.5', 'fortify', 'netflix-eureka', 'api', 'delegation', 'swift2.2', 'pkcs#12', 'eclipse-rcp', 'airodump-ng', 'universal-analytics', 'tensorflow2.0', 'numbers', 'makemigrations', 'facebook-opengraph', 'nsthread', 'type-promotion', 'chef-infra', 'chai-enzyme', 'nsurlconnection', 'vimeo-android', 'jenkins-job-dsl', 'representation-learning', 'pruning', 'input-sanitization', 'autoscroll', 'stringio', 'deep-rl', 'android-launcher', 'sqlalchemy', 'stop-words', 'reaver', 'docker-compose', 'oraclereports', 'jstatd', 'laravel-middleware', 'arcpy', 'project-planning', 'default', 'switching', 'dct', 'ghz-state', 'coordinate', 'sympy', 'string-matching', 'intercept', 'data-preprocessing', 'openmp', 'statistics', 'refined', 'eula', 'clearcanvas', 'solo-development', 'angularjs-ng-repeat', 'wpf', 'azure-devops-rest-api', 'air', 'keep-alive', 'future', 'unchecked', 'papers', 'react-ga', 'accumulo', 'spring-jdbc', 'identity-theft', 'tacit-programming', 'bqp', 'liquid', 'sensenet', 'c++-amp', 'selection-operators', 'alpha', 'twig', 'sp800-63b', 'plpgsql', 'linker-errors', 'telecommunication', 'string-interpolation', 'deserialization', 'spnego', 'patch', 'sequence-generators', 'cncontact', 'wma', 'pip', 'empty-list', 'angular2-observables', 'threat-mitigation', 'webpack-dev-server', 'kubernetes-secrets', 'string-function', 'luhn', 'jgrapht', 'wannacry', 'protractor', 'vpn', 'min', 'extract-text-plugin', 'tag-dispatching', 'oraclejdk', 'server-side', 'alerts', 'wtforms', 'rexx', 'logback', 'opencv', 'certbot', 'android-button', 'undefined-reference', 'asp.net-core-3.0', 'conda', 'flask-cors', 'routes', 'quantum-fisher-information', 'informatica-powercenter', 'john-the-ripper', 'rbind', 'intentfilter', 'fiddler', 'ios-charts', 'rocket.chat', 'android-geofence', 'cancellationtokensource', 'property-binding', 'size', 'toolbox', 'detox', 'operator-keyword', 'hasownproperty', 'lubridate', 'insertion', 'windows-permissions', 'excel-formula', 'eddystone', 'mousehover', 'java-websocket', 'single-page-app', 'bayesian-learning', 'control-structures', 'ifstream', 'google-pagespeed', 'jaccard-similarity', 'circe', 'web-inspector', 'merge', 'polymer-2.x', 'dimensions', 'jquery-chosen', 'deadlines', 'inline-assembly', 'distributed-computing', 'spannable', 'raspberry-pi-zero', 'modelmapper', 'grafana', 'libpq', 'picasso', 'filepond', 'tesseract', 'try-with-resources', 'twitter-bootstrap', 'sails.js', 'paint', 'singleton', 'spacy', 'pagespeed-insights', 'no-free-lunch-theorems', 'vue-component', 'validation', 'shared', 'cisco-ios', 'url-redirection', 'dead-letter', 'mobile-development', 'postgis', 'apache-httpclient-4.x', 'm', 'paas', 'mercurial-extension', 'google-signin', 'newline', 'qgis', 'web-hosting', 'kotlin', 'unpack', 'nfs', 'memory-address', 'inputmismatchexception', 'xml-parsing', 'http-status-code-405', 'background-process', 'memset', 'package-managers', 'xampp', 'qtableview', 'autocloseable', 'listbox', 'readme', 'android-radiogroup', 'code-inspection', 'roi', 'aem', 'fonts', 'werkzeug', 'explicit', 'methodology', 'pdfmake', 'websocket', 'header-files', 'sql-server-data-tools', 'routerlink', 'libsvm', 'wifip2p', 'x64dbg', 'conceptual', 'csh', 'declaration', 'cloudfoundry', 'variation', 'taskkill', 'information-retrieval', 'symfony-config-component', 'heapspray', 'openai-gym', 'hotp', 'cyrillic', 'r-cnn', 'nonblocking', 'opacity', 'pre-commit', 'pyyaml', 'application-pool', 'preload', 'http-status-code-408', 'python-wheel', 'vscode-debugger', 'rank', 'sequence-diagram', 'self-signed', 'javafx-gradle-plugin', 'people-management', '68000', 'google-guice', 'qbasic', 'totp', 'stack-variables', 'smartface.io', 'openshift-origin', 'powerbi', 'qt-designer', 'erase', 'boolean', 'schema', 'floating-accuracy', 'macos-catalina', 'fuzzy', 'dotnetrdf', 'scala-implicits', 'using-directives', 'tensorflow-gpu', 'cdi', 'great-circle', 'db2-luw', 'secure-boot', 'gprof', 'gitflow', 'wpf-controls', 'android-gradle-3.0', 'angular2-router', 'loop-unrolling', 'vlan-hopping', 'teradata', 'jacoco', 'arm64', 'aspell', 'nsight', 'simple-form', 'systemd-journald', 'google-search', 'android-textinputlayout', 'codemirror', 'mixins', 'webpack', 'asp.net-web-api', 'uiimagejpegrepresentation', 'trigonometry', 'cache-invalidation', 'bash', 'bazel', 'swap-test', 'safari', 'docker-networking', 'shebang', 'binary-format', 'azure-cli', 'security-policy', 'swiftcharts', 'unit-testing', 'google-chrome-extension', 'php-parse-error', 'ansys', 'scep', 'httpserver', 'listview', 'imagesource', 'game-engine', 'crackme', 'postfix', 'end-to-end-encryption', 'xsd-validation', 'live-wallpaper', 'target-network', 'event-bubbling', 'nsmutabledata', 'bulkupdate', 'heidisql', 'type-constraints', 'addeventlistener', 'time.h', 'angr', 'parallel-processing', 'quectel', 'confusion-matrix', 'yii2-validation', 'lgpl', 'phantomjs', 'graph', 'spring-test', 'bit-rot', 'failure', 'hanami', 'google-cloud-dataflow', 'gmm', 'arcgis', 'powershell-remoting', 'angular-httpclient', 'network-design', 'risc-v', 'type-mismatch', 'non-determinism', 'fips', 'nat', 'tkinter-canvas', 'sweetalert', 'querystringparameter', 'construction', 'persistence', 'name-mangling', 'react-native-text', 'side-effects', 'android-progressbar', 'avro', 'data-augmentation', 'file-storage', 'docker-container-trust', 'google-spreadsheet-api', 'dailymotion-api', 'android-resources', 'mesos', 'testcomplete', 'user-agent', 'path-injection', 'this-pointer', 'ux', 'svn-repository', 'centos6', 'dom-manipulation', 'interopservices', 'image-generation', 'odoo-12', 'threats', 'flask-restful', 'kotlin-lateinit', 'mub', 'nose', '.net-4.7.1', 'svelte-store', 'episodic-tasks', 'angular2-formbuilder', 'fpdf', 'operating-systems', 'quality', 'watermark', 'repl.it', 'lvalue', 'ruby-on-rails-5.2', 'bettercap', 'abstract-factory', 'numpy', 'chaining', 'ms-access-2010', 'newtype', 'aws-ecr', 'action', 'nsmutabledictionary', ' Live Objects vs Everything in Database', 'daemon', 'core-motion', 'notificationmanager', 'project-structure', 'page-zoom', 'soar', 'account-security', 'range', 'multi-core', 'amazon-glacier', 'keycloak-services', 'rust-cargo', 'compilation', 'python-3.5', 'compose', 'toml', 'html-lists', 'undelete', 'oracle11g', 'unboxing', 'attachment', 'physical-access', 'data-annotations', 'tortoisesvn', 'gcc-warning', 'email-confirmation', '.htaccess', 'd', 'android-package-managers', 'bayesian-optimization', 'account-lockout', 'android-color', 'development', 'crunch', 'content-management-system', 'circuit-diagram', 'c++', 'python-packaging', 'vim-plugin', 'call', 'online-game', 'sylius-1.3', 'exceptions', 'revel', 'controller', 'software-security', 'quiescence-search', 'working-directory', 'sftp', 'mathematics', 'folderbrowserdialog', 'data-integrity', 'restart', 'hyperledger-fabric', 'coinbase-api', 'turkish', 'moarvm', 'radio-interception', 'c3p0', 'payment-gateway', 'swagger-3.0', 'vnc', 'mstest', 'git-for-windows', 'double', 'implements', 'sql', 'react-native-fcm', 'ts-node', 'bloburls', 'parent-child', 'posix', 'exit-code', 'code-splitting', 'id3-algorithm', 'android-viewmodel', 'bottlenecks', 'template-templates', 'adt', 'remote-desktop', 'debian-buster', 'pam', 'panic', 'class-design', 'visualforce', 'r-faq', 'lwp', 'interceptor', 'software-protection', 'bitbucket-pipelines', 'eligibility-traces', 'nano', 'labels', 'risk', 'ml', 'tgp', 'macro', 'back-button', 'selenium-chromedriver', 'retention', 'transitions', 'local-search', 'xml-validation', 'nsis', 'toolbar', 'digital-assets', 'utorrent', 'pulp', 'cron-task', 'webusb', 'tmemo', 'active-directory', 'forwarding-reference', 'unicode-escapes', 'unix-socket', 'babel', 'state-of-the-art', 'share', 'dev-c++', 'innertext', 'tracker', 'android-viewpager2', 'gitlab-ce', 'metal', 'hmacsha1', 'incremental-learning', 'htop', 'owncloud', 'image-size', 'jdialog', 'scientific-notation', 'customization', 'hosts-file', 'tsd', 'hydra', 'automata-theory', 'toast', 'package-lock.json', 'jenkins-workflow', 'jeb', 'linguistics', 'illegalargumentexception', 'ctrl', 'np', 'php', 'libwww-perl', 'repaint', 'pinterest', 'angularjs', 'foreach', 'magento', 'ssid', 'ioctl', 'piano', 'odeint', 'jqxgrid', 'clojure.spec', 'digits', 'iso27000', 'phpbb', 'xcode-command-line-tools', 'opensource', 'drawable', 'stdio', 'vertex-shader', 'qt', 'android-6.0-marshmallow', 'windows-authentication', 'activity-monitor', 'scm', 'elasticsearch-2.0', 'requirejs', 'dynamic-arrays', 'database-indexes', 'pair-programming', 'squirrel-sql', 'mean-stack', 'jstl', 'settimeout', 'mac-spoofing', 'line', 'wallpaper', 'knowledge', 'equality', 'haversine', 'real-time', 'autoscaling', 'ansible-template', 'boot', 'spark-java', 'sketchapp', 'artificial-creativity', 'known-vulnerabilities', 'getattribute', 'erb', 'indexoutofboundsexception', 'custom-errors', 'gist', 'ng-file-upload', 'seaborn', 'gaussian-states', 'anonymous-class', 'vscode-remote', 'abap', 'bitbake', 'c#-to-vb.net', 'yahoo', 'amazon-elastic-beanstalk', 'title', 'babel-jest', 'dm-crypt', 'blogs', 'solaris', 'variable-assignment', 'scala-script', 'zoneddatetime', 'one-time-password', 'file-organization', 'command-message', 'graalvm', 'apache-commons', 'software-patches', 'ike', 'whoops', 'vpc', 'mysqlupgrade', 'crc32', 'docker-multi-stage-build', 'entity', 'data-labelling', 'diamond-norm', 'amazon-quicksight', 'aem-touch-ui', 'sql-execution-plan', 'qstackedwidget', 'javafx-2', 'metasploit', 'amplitude-amplification', 'relational-modelling', 'divide-and-conquer', 'parameter-expansion', 'pmml', 'multiprocessing', 'powerpc', 'fread', 'homebrew', 'database-normalization', 'service-locator', 'jira-agile', 'jdbc', 'charles-proxy', 'markov-property', 'inventory-management', 'pyparsing', 'mod-security', 'strawberryfields', 'candidate-key', 'servlet-3.1', 'anti-patterns', 'rparallel', 'apache-spark-ml', 'httpwebrequest', 'image', 'qml', 'swashbuckle', 'product-key', 'pushviewcontroller', 'certificate-transparency', 'classic-asp', 'pixate', 'derby', 'google-developer-tools', 'worker-thread', 'roboto', 'tableview', 'google-plus', 'mutable', 'dump', 'statement', 'value-type', 'reward-functions', 'disposal', 'azure-database-mysql', 'nslookup', 'pouchdb', 'stockquotes', 'completable-future', 'skpaymenttransaction', 'helium', 'shell-exec', 'software-evaluation', 'stackview', 'gitlab-ci', 'discount', 'synchronous', 'keyerror', 'greedy-ai', 'test-data', 'mvp', 'persistent', 'jenkins-cli', 'android-typeface', 'icinga', 'text-classification', 'backups', 'powergrep', 'getline', 'porting', 'newrelic', 'multimedia', 'oop', 'android-design-library', 'static-site', 'foreign-keys', 'abort', 'discretization', 'git-skip-worktree', 'knowledge-representation', 'fractals', 'spring-java-config', 'uiscrollview', 'generative-adversarial-networks', 'qr-code', 'quantum-optics', 'cran', 'correlated-subquery', 'python-dedupe', 'password-cracking', 'monad', 'eventgrid', 'mocking', 'offline-caching', 'android-5.1.1-lollipop', 'aixi', 'valarray', 'parameter-passing', 'ctf', 'asp.net-webpages', 'gmail', 'shortest-path', 'dateformatter', 'eloquent--relationship', 'labeled-datasets', 'virtual-functions', 'sublist', 'truststore', 'hopfield-network', 'quarantine', 'atomic', 'finite-state-machine', 'sshd', 'pseudocode', 'polymorphic-associations', 'webkit', 'greasemonkey', 'jar', 'marshmallow', 'javafx-webview', 'firebase-authentication', 'phase-kickback', 'headless', 'nodemon', 'structured-data', 'gnuradio-companion', 'custom-data-attribute', 'vscode-extensions', 'vulnerability', 'tensor-networks', 'jboss', 'clang-tidy', 'xmlhttprequest', 'stripe-payments', 'hill-climbing', 'skstorereviewcontroller', 'illegalstateexception', 'invalid-argument', 'thymeleaf', 'qunit', 'numerical-algorithms', 'inductive-programming', 'savefiledialog', 'bittorrent', 'casb', 'suricata', 'positional-encoding', 'aws-cognito', 'ado.net', 'google-maps-sdk-ios', 'pop3', 'close-application', 'exposure', 'fedramp', 'virus-removal', 'timedelay', 'excel-reader', 'gradle', 'git-stash', 'fetchmail', 'cagradientlayer', 'idapython', 'dumping', 'access-denied', 'physical-qubit', 'vsinstaller', 'eyed3', 'non-euclidean-data', 'government', 'android-assets', 'autoprefixer', 'gkminmaxstrategist', 'visibility', 'pinning', 'guzzle', 'sealed-class', 'geosphere', 'clojure-contrib', 'azure-analysis-services', 'sl4a', 'subquery', 'dotnetzip', 'sharding', 'removeeventlistener', 'yaml-front-matter', 'graphical-code', 'parcelable', 'ngxs', 'jet', 'change-management', 'uiview', 'fizzbuzz', 'replace', '3d', 'yolo', 'cgi', 'learning-agents', 'awk', 'rust-tokio', 'firefox-developer-tools', 'noexcept', 'python-requests-html', 'git-commands', 'temperature', 'rstudio-server', 'android-optionsmenu', 'functools', 'multer', 'nav', 'pythonxy', 'show', 'httpexception', 'mysqljs', 'digital-rights', 'angular-ui-router', 'nsindexpath', 'moxy', 'landscape', 'sql-insert', 'timing-attack', 'folium', 'azure-security', 'defined', 'mp4box', 'meta-rules', 'many-to-many', 'windows-registry', 'sonarqube', 'gpg-agent', 'smsmanager', 'console.readkey', 'response', 'plugin-architecture', 'router', 'instance', 'using-statement', 'imshow', 'adonis.js', 'datasets', 'platforms', 'hashtag', 'speech', 'firejail', 'halting-problem', 'go-generate', 'camunda', 'reactjs-native', 'moviepy', 'tween', 'systemjs', 'squirrel.windows', 'physical-symbol-system-hypothesis', 'ruby-hash', 'virtualbox', 'cross-entropy', 'webserver', 'amazon-elasticsearch', 'mapped-types', 'rjava', 'tail-call-optimization', 'azure-ad-b2c', 'difference', 'cordova-cli', 'android-permissions', 'signtool', 'cell-array', 'svn', 'webapi', 'spam', 'feedback', 'phpunit', 'python-constraint', 'eiffel', 'stagefright', 'delete-operator', 'cloud-hosting', 'surf', 'xaf', 'apfs', 'fine-tuning', 'tsx', 'sparc', 'tee', 'watchos', 'formatjs', 'wildfly', 'brace-expansion', 'jhat', 'custom-controls', 'linearlayoutmanager', 'barcode-scanner', 'android-styles', 'gnap', 'arguments', 'loading', 'nrepl', 'aws-secrets-manager', 'webbrowser-control', 'angular2-decorators', 'statelesswidget', 'angular2-http', 'node-cluster', 'volumio', 'tuples', 'audiobuffer', 'conventions', 'classpath', 'azure-powershell', 'facial-recognition', 'checked-exceptions', 'file-properties', 'flatten', 'end-user-programming', 'maven-2', 'seal', 'angularjs-ng-click', 'artifactory', 'android-videoview', 'd3.js', 'launchimage', 'symbolic-math', 'genetic-programming', 'type-definition', 'web-component', 'resize', 'nan', 'org.json', 'primefaces', 'moodle', 'coffeescript', 'livestamp.js', 'android-sliding', 'file-structure', 'phphotolibrary', 'data-management', 'camera', 'nacl', 'lint-staged', 'headphones', 'gnuradio', 'comma', 'hermite', 'proc-sql', 'master-equation', 'auth0', 'multilabel-classification', 'r-caret', 'gradle-properties', 'feasibility', 'leiningen', 'bell-experiment', 'liquibase', 'sql-server-2014-express', 'django-models', 'csrf-token', 'loocv', 'cassandra-3.0', 'paypal', 'protocol', 'xcode8.1', 'file-extension', 'amazon-vpc', 'fuse', 'final', 'nonetype', 'packers', 'azure-ad-b2b', 'uiscene', 'database-permissions', 'web-site-project', 'main', 'shared-libraries', 'servlet-filters', 'deep-learning', 'slideshow', 'use-case', 'algorithm', 'alexa-voice-service', 'react-16', 'perfect-forward-secrecy', 'grok', 'qlabel', 'contact-form', 'autoplay', 'django', 'selenium-ide', 'training', 'pika', 'android-layoutparams', 'user-defined', 'decision-making', 'google-container-registry', 'high-availability', 'selective-search', 'persec', 'ai-field', 'r-markdown', 'pfsense', 'microsoft-onedrive', 'zend-framework', 'osx-yosemite', 'schema.org', 'control-flow-graph', 'jvm-arguments', 'regular-language', 'applicative', 'center', 'moving-average', 'medium-editor', 'computer-name', 'azure-cloud-services', 'java.util.scanner', 'azure-api-apps', 'messaging', 'uibutton', 'datetimeoffset', 'softmax-policy', 'paging', 'slug', 'base64url', 'case-based-reasoning', 'qpython3', 'ios10-today-widget', 'siblings', 'confirm-dialog', 'vectorization', 'camelcase', 'asort', 'after-effects', 'testflight', 'apple-watch', 'gimpfu', 'cronexpression', 'tablet', 'data-retrieval', 'transformer', 'punctuation', 'google-photos', 'xtrareport', 'file-pointer', 'port-scanning', 'nix', 'application.properties', 'cakephp', 'enterprise-architect', 'alphablending', 'volumes', 'hangfire', 'samsung-mobile', 'factorization', 'pegasus', 'file-management', 'uiwebview', 'eai', 'web-design', 'abstract-syntax-tree', 'lerna', '.net-4.6.2', 'relu', 'contactpicker', 'firefox', 'oracle-apps', 'allocator', 'android-shortcut', 'similarity', 'k6', 'database-replication', 'endpoints', 'google-admin-sdk', 'ms-access-2007', 'locking', 'apollo-server', 'software-as-a-service', 'assembly-binding-redirect', 'react-native-fbsdk', 'preprocessor-directive', 'netcat', 'canny-edge-detector', 'regret', 'android-dialog', 'radio-button', 'extracttextwebpackplugin', 'android-video-player', 'a3c', 'yacc', 'priority-queue', 'rolify', 'express-jwt', 'richeditbox', 'pageobjects', 'python-venv', 'vmprotect', 'diagnostic-tools', 'mobile-safari', 'internet-explorer-9', 'qutip', 'order-finding', 'embed', 'vbscript', 'state-management', 'benchmarking', 'ubuntu-15.10', 'swarm-intelligence', 'adblock', 'parsec', 'win32gui', 'license-enforcement', 'w3c-validation', 'pkcs1', 'ibdesignable', 'codeigniter-3', 'gulp-uglify', 'quantum-phase-transition', 'azure-storage-blobs', 'disk-encryption', 'react-native-listview', 'sysml', 'exit', 'android-linearlayout', 'openid', 'make', 'semantic-ui', ' and using this settings throughout', 'composition', 'frequency', 'errno', 'aws-step-functions', 'monthcalendar', 'apple-sign-in', 'turing-award', 'pandas-groupby', 'mindstorms', 'pillow', 'reinterpret-cast', 'depth-first-search', 'iis-8.5', 'keycloak-gatekeeper', 'mobx-react', 'android-volley', 'models', 'google-ranking', 'hackintosh', 'tfs-power-tools', 'appstore', 'full-text-search', 'textblock', 'intrusion', 'swift5.1', 'office-ui-fabric', 'odoo-9', 'categorical-data', 'cg', 'java-6', 'worksheet-function', 'transmission', 'iis7', 'glfw', 'audio-recording', 'react-tsx', 'android-glide', 'karma-jasmine', 'birt', 'pervasive', 'prepared-statement', 'views', 'raw-input', 'git-workflow', 'dot', 'csr', 'svm', 'rowhammer', 'android-coordinatorlayout', 'sms-gateway', 'recursive-datastructures', 'yarn', 'iis-7', 'spring-annotations', 'rspec', 'jq', 'iboutlet', 'nosql', 'patterns-and-practices', 'known-hosts', 'code-kata', 'nosuchelementexception', 'angular2-inputs', 'hypercomputation', 'tf.keras', 'digital', 'unlink', 'git-bare', 'rational-agents', 'shared-element-transition', 'arduino-esp8266', 'utf', 'intrinsics', 'bintray', 'openerp-8', 'tox', 'java.time.instant', 'objectoutputstream', 'port-forwarding', 'trotterization', 'entities', 'core-api', 'phpmyadmin', 'openframeworks', 'toastr', 'wsastartup', 'crop', 'class-transformer', 'ergodicity', 'prefix', 'truthtable', 'chemistry', 'bellman-equations', 'indy', 'package-manager', 'command-pattern', 'frame-rate', 'optical-flow', 'smarty', 'tcsh', 'ldap-query', 'htaccess', 'crossdomain', 'gui', 'montecarlo', 'lstm', 'laravel-passport', 'storyboard', 'web-chat', 'iat', 'regular-expressions', 'azure-application-gateway', 'spiking-neural-networks', 'yui', 'global', 'product-backlog', 'git-fetch', 'public-key', 'jspdf-autotable', 'biztalk-2010', 'documentation', 'digit-separator', 'jwt', 'dataflow', 'dalvik', 'query-builder', 'fusedlocationproviderapi', 'built-in', 'markov-decision-process', 'github-desktop', 'engineering', 'huffman-encoding', 'f#', 'inheritance', 'ports', 'picturebox', 'threshold', 'nonclassicality', 'constructor', 'komodo', 'snapchat', 'java-security', 'faster-than-light', 'skydns', 'few-shot-learning', 'literals', 'clap', 'usb-otg', 'hbase', '.so', 'data-science', 'android-kernel', 'banking', 'clipboarddata', 'cpanm', 'mysqlconnection', 'restriction', 'git-revision', 'pyspark-sql', 'net-http', 'access-specifier', 'spinner', 'keypress', 'int', 'keras', 'robocopy', 'gitkraken', 'overlay', 'camel', 'pentaho', 'virtual-inheritance', 'laravel-4', 'winappdriver', 'gamut', 'onenote', 'toisostring', 'bower', 'nscoding', 'remote-attestation', 'manifest.json', 'android-navigation', 'function-call', 'shortcode', 'react-router-component', 'angular-i18n', 'python-import', 'observers', 'sql-function', 'azure-pipelines-build-task', 'callgrind', 'drag', 'decision-trees', 'bing-maps', 'amazon', 'flask-restplus', 'xcode10beta6', 'django-widget', 'angular-meteor', 'doctrine-odm', 'state-preparation', 'uicollectionviewcell', 'encode', 'backpropagation', 'javadb', 'der', 'manifest', 'sonata-admin', 'time-complexity', 'asp.net-core-2.1', '3nf', 'elasticsearch-query', 'html-parser', 'jquery-ui', 'google-static-maps', 'carousel', 'amazon-sqs', 'consumer-protection', 'publications', 'templates', 'allocation', 'hashtable', 'flowlayoutpanel', 'android-viewpager', 'death', 'density-matrix', 'product-features', 'chromebook', 'emu8086', 'processor', 'identity-management', 'access-rights', 'hiveql', 'geometric-mean', 'decoherence', 'dc.js', 'swift-custom-framework', 'adventure', 'memory-space', '32bit-64bit', 'pivot-table', 'unmarshalling', 'ai-completeness', 'viewwillappear', 'webpack-2', 'sse', 'foundations', 'ip-address', 'jupyter-console', 'flask-sqlalchemy', 'facebook-friends', 'indicator-of-compromise', 'urlretrieve', 'responsive-images', 'scaling', 'data-recovery', 'merge-replication', 'zip', 'explainable-ai', 'w3c', 'uiblureffect', 'irc', 'datastax', 'gcc5', 'transactions', 'spreadsheet', 'lexical-analysis', 'http-live-streaming', 'launch-screen', 'nswag', 'slide', 'react-native-flexbox', 'gms-licenses-plugin', 'watchos-5', 'groovy', 'instance-segmentation', 'socks5', 'purification', 'cakephp-3.x', 'qt5', 'highlight', 'state-space-geometry', 'timespan', 'angular-forms', 'osdev', 'decision-tree', 'currying', 'appicon', 'epistemic-uncertainty', 'webclient', 'erp', 'goinstall', 'typesafe', 'xdebug', 'website-performance', 'robotc', 'rxjs-dom', 'stuxnet', 'gridview', 'remote-code-execution', 'unique-index', 'gnu', 'declare', 'jquery-ajaxq', 'asp.net-ajax', 'tstringlist', 'des', 'git-checkout', 'jenkins-blueocean', 'array-reverse', 'gun', 'android-screen-support', 'mobile-chrome', 'discrete-action-spaces', 'dongle', 'math', 'digital-signature', 'clion', 'probability-theory', 'tomcat-manager', 'action-button', 'coroutine', 'biginteger', 'aws', 'static-code-analysis', 'weights', 'offline-web-app', 'navigationlink', 'gottesman-knill', 'badusb', 'msfvenom', 'jenkinsfile', 'nse', 'rx-java', 'amazon-cloudwatch', 'android-room', 'fee', 'aspose', 'ag-grid-ng2', 'picocli', 'find-replace', 'xcode9.3', 'datepickerdialog', 'median', 'git-rebase', 'ilasm', 'team', 'equation-solving', 'recursion', 'animation', 'sqlcmd', 'networkx', 'avcapturedevice', 'jms', 'smooth-entropies', 'platform-tools', 'locale', 'powershell-4.0', 'reduce', 'mpdf', 'zsh-completion', 'statsmodels', 'encryption', 'git-flow', 'adversarial-search', 'feature-maps', 'foss', 'browser-extensions', 'maven-shade-plugin', 'privileged-account', 'launcher', 'ssh-keygen', 'semantic-networks', 'delimiter', 'upper-confidence-bound', 'ssmtp', 'ungetc', 'obscurity', 'gob', 'increment', 'emit', 'autofac-configuration', 'android-mvp', 'x86', 'sed', 'android-facebook', 'mplot3d', '2d', 'expo', 'bi-publisher', 'scalikejdbc', 'django-commands', 'serverspec', 'box', 'aws-billing', 'clearinterval', 'control-flow', 'legacy-code', 'es6-modules', 'testthat', 'invariantculture', 'in-house-distribution', 'facebook-test-users', 'sparse-rewards', 'derived-class', 'git-reflog', 'twilio', 'rdl', 'webviewchromium', 'smart-tv', 'pairing', 'multi-file-programming', 'os.walk', 'plsql', 'vector-graphics', 'ios13', 'webmin', 'identity', 'irb', 'debugging-symbols', 'vehicle', 'spring-integration', 'boost-random', 'xc8', 'lisp-machine', ' vs isEnabled()', 'firemonkey', 'copyright-display', 'dimensionality', 'class', 'signal', 'visual-studio-2008', 'self-invoking-function', 'android-softkeyboard', 'android-datepicker', 'swiftui', 'unixodbc', 'docker-machine', 'rails-engines', 'tensorboard', 'haproxy', 'fragmentstatepageradapter', 'dst', 'discriminated-union', 'azure-keyvault', 'angular2-aot', 'alarmmanager', 'vsto', 'lxml', 'msal', 'flask-mysql', 'jensen-shannon-divergence', 'command-line', 'ibm-cloud-private', 'angular8', 'mongoose', 'web', 'google-people', 'scalatest', 'ng-upgrade', 'chimera', 'mediadevices', 'gatsby', 'internship', 'protocol-buffers', 'spring-boot-configuration', 'cefsharp', 'drupal-7', '.net-standard-1.6', 'sql-timestamp', 'jdbc-odbc', 'integration-testing', 'dynamic-typing', 'smalltalk', 'import', 'android-development', 'relocations', 'web-testing', 'response-splitting', 'angular-services', 'countable', 'cloudways', 'rweka', 'spring-cloud-feign', 'mermaid', 'third-party', 'nsga-2', 'gaps-and-islands', 'column-family', 'shapes', 'g++', '.net-core-2.0', 'shell', 'heredoc', 'aevb-algorithm', 'logcat', 'ngrx', 'relaycommand', 'dynamic-data', 'stdset', 'quandl', 'web-frontend', 'android-fusedlocation', 'grand-central-dispatch', 'local', 'graphicsmagick', 'ioexception', 'appbar', 'video-player', 'mutual', 'forward-declaration', 'grid', 'trait', 'azure-sql-server', 'junit4', 'uid', 'mixed-models', 'laravel-5', 'k-fold-cv', 'pixel', 'bootstrap', 'rsa', 'general-problem-solver', 'mimikatz', 'marketing', 'jsdom', 'firebase-cloud-messaging', 'jframe', 'value-categories', 'redux-devtools', 'perf', 'checkstyle', 'hibernate-validator', 'windows-server-2008-r2', 'financial', 'yubikey', 'perforce', 'postgres-9.6', 'fpga', 'multilinestring', 'rxdatasources', 'swampy', 'direct2d', 'copy-protection', 'ionq', 'quadtree', 'gmt', 'hide', 'amazon-mws', 'ng-bootstrap', 'core-image', 'database-trigger', 'transclusion', 'purifycss', 'multiple-dispatch', 'beeline', 'arp-spoofing', 'static-content', 'differentiation', 'formal-methods', 'file-writing', 'rscript', 'converters', 'uicollectionviewdelegate', 'twitter-streaming-api', 'sniffer', 'graphql-tag', 'csrf', 'repeat', 'c17', 'scrollspy', 'calculus', 'google-oauth', 'polynomial-math', 'embedded-design', 'zsh', 'overwrite', 'custom-function', 'computation-expressions', 'info', 'scratch-file', 'wampserver', 'spectre', 'cassandra-2.1', 'jdbi', 'exoplayer2.x', 'data-files', 'append', 'angular-guards', 'laravel-socialite', 'android-edittext', 'laravel', 'language-discussion', 'devise', 'nltk', 'create-react-native-app', 'internal-server-error', 'questasim', 'jquery-ui-autocomplete', 'ng-packagr', 'firebase-notifications', 'caa', 'mediatr', 'sp', 'pointers', 'uwsgi', 'bcrypt', 'quantmod', 'xml-layout', 'json-serialization', 'laravel-5.1', 'jdk1.5', 'regulation', 'text-comparison', 'aem-6', 'connection-refused', 'flops', 'jdk1.6', 'digest-authentication', 'truncated', 'ldap-injection', 'usb-analysis', 'networks', 'flake8', 'negative-integer', 'ibm-cloud', 'regex-negation', 'subplot', 'markup-extensions', 'development-environment', 'color-picker', 'typescript-generics', 'video-watermarking', 'pyquil', 'android-scrollview', 'vivaldi', 'spire.doc', 'trading', 'unix-timestamp', 'ibinspectable', 'cassandra-2.0', 'middleman', 'web-crawler', 'payload', 'video-recording', 'ibaction', 'numerical-integration', 'cuda', 'jks', 'md5', 'scrum', 'urlsession', 'state-machine', 'request-smuggling', 'policy-iteration', 'array-initialization', 'go-templates', 'diff', 'immutability', 'web3js', 'junior-programmer', 'emplace', 'bpel', 'neurons', 'syntax-error', 'jquery-select2', 'automated-refactoring', 'computation', 'md2', 'angular2-testing', 'validation-datasets', 'audio-comparison', 'sample-complexity', 'http-status-code-400', 'android-x86', 'chai-as-promised', 'gmock', 'gradle-eclipse', 'derivative', 'max', 'pic24', 'livechat', 'image-recognition', 'tokens', 'thumb2', 'airbnb', 'multiple-tables', 'template-engine', 'primary-key', 'sql-limit', 'maven-surefire-plugin', 'android-vectordrawable', 'armv7', 'android-sensors', 'cursive', 'doctrine-migrations', 'sendgrid-templates', 'uniform-cost-search', 'android-imagebutton', 'mirai', 'adversarial-attacks', 'hierarchical-softmax', 'numberformatexception', 'dotnet-httpclient', 'dji-sdk', 'atoi', 'mirror', 'video.js', 'sizeof', 'ascii-art', 'zipkin', 'mysqli', 'sacct', 'angular6', 'support', 'sequence', 'research', 'keyboard-shortcuts', 'redhat-containers', 'affine-transformations', 'high-performance', 'ppt-criterion', 'tankauth', 'sslstrip', 'itemsource', 'commandline-build-tool', 'qtquick2', 'code-quality', 'opencvsharp', 'throws', 'string-parsing', 'having', 'java-ee', 'jaxb', 'output', 'winsock2', 'computational-complexity', 'common-criteria', 'foreman', 'fpa', 'amazon-cloudformation', 'h2', 'statistics-bootstrap', 'properties-file', 'autonomous-vehicles', 'screen-capture', 'android-menu', 'thunderbird', 'github-for-windows', 'ng-modules', 'parallel-for', 'levenshtein-distance', 'google-cloud-build', 'tostring', 'delimited-text', 'pinvoke', 'genfromtxt', 'levenberg-marquardt', 'spring-data-mongodb', 'rgba', 'chi-squared', 'scope', 'parsefacebookutils', 'optionmenu', 'deferred-execution', 'network-analysis', 'jspx', 'privacy', 'contactless-smartcard', 'cloudwatch', 'hook', 'edi', 'fasm', 'keywords', 'date', 'contenteditable', 'multi-tenancy', 'transformation', 'quality-control', 'serial-communication', 'strtok', 'silverlight', 'nib', 'mathematica', 'jstree', 'zooming', 'spline', 'proto', 'data-structures', 'chrome-web-driver', 'throw', 'trailing-slash', 'friendly-url', 'vue-resource', 'custom-lists', 'facebook-android-sdk', 'generate', 'markdown', 'image-editor', 'esplorer', 'manim', 'oracle12c', 'tomography', 'executable', 'navbar', 'meta-tags', 'speech-synthesis', 'reward-hypothesis', 'surrogate-keys', 'hamlet', 'captcha', 'invoke', 'upgrade', 'fbsdk', 'sumo', 'data-validation', 'learning-algorithms', 'es6-promise', 'jasper-reports', 'primeng', 'boxing', 'kernel-methods', 'mvvm-light', 'out-of-memory', 'loss-function', 'getfiles', 'quality-attributes', 'elasticsearch', 'default-arguments', 'jquery-datatables-editor', 'git-fork', 'scoping', 'definition', 'authorization', 'automated-testing', 'apple-documentation', 'react-fiber', 'google-fit-sdk', 'vssettings', 'hmac', 'ssh-host-key', 'saliency-map', 'shop', 'identityserver3', 'instruction-set', 'navigation', 'minify', 'capitalize', 'createfile', 'sarsa', 'es2017', 'rest-assured', 'got', 'socket.io-1.0', 'indy10', 'foreach-loop-container', 'atomicinteger', 'introspection', 'mkmapview', 'product-management', 'avaudioplayer', 'php-5.4', 'gameplay-kit', 'extraction', 'right-to-left', 'sso', 'logjam', 'morphing', 'imagination', 'timed', 'statistical-ai', 'colors', 'icu', 'umd', 'file-copying', 'redis-cache', 'plc', 'ip-spoofing', 'macbookpro', 'itunes', 'mongoose-populate', 'signing', 'android-safe-args', 'mlops', 'pdf-viewer', 'rpc', 'dogfooding', 'android-soong', 'transpose', 'text-generation', 'window.opener', 'authorize', 'azure-eventhub-capture', 'nio', 'gradient-descent', 'ng-class', 'android-graphics', 'find-occurrences', 'facebook-oauth', 'koa', 'opengl', 'ekeventstore', 'elm', 'vuex', 'lombok', 'function-calls', 'heroku-cli', 'markov-chain', 'clear-cache', 'proto3', 'emotional-intelligence', 'higher-kinded-types', 'paho', 'opengl-compat', 'laravel-views', 'ant', 'approximation', 'optical-quantum-computing', 'normalisation', 'stack-smash', 'sentence', 'web-frameworks', 'react-starter-kit', 'ng2-bootstrap', 'dropzone', 'consistent-heuristic', 'hdl', 'lynis', 'motion', 'hebbian-learning', 'fax', 'ios-autolayout', 'try-catch-finally', 'addobserver', 'lapack', 'selenium3', 'filepath', 'end-to-end', 'wav', 'kubernetes-deployment', 'delphi-xe7', 'avd', 'msdn', 'android-file', 'serverless-framework', 'elliptic-curve', 'fast-scroller', 'imagesharp', 'codec', 'point', 'cmdlets', 'lazy-evaluation', 'enter', 'keyboard-events', 'spectral-analysis', 'dual-boot', 'virtual-machine', 'preprocessor', 'python-unittest.mock', 'clist', 'structured-bindings', 'wsgi', 'mpl', 'contacts-framework', 'random-network-distillation', 'functions', 'hateoas', 'fabricjs', 'fiware-orion', 'openstack-neutron', 'triggers', '360-degrees', 'nested-queries', 'parse-platform', 'equals-operator', 'blazor', 'business', 'data-modeling', 'intuition', 'struts-config', 'facebook-graph-api-v2.0', 'autofocus', 'denormalized', 'type-theory', 'laravel-cashier', 'feedforward-neural-networks', 'hotspot', 'preg-match-all', 'mysql-connector-python', 'amortized-analysis', 'taxonomy', 'emscripten', 'pg-dump', 'riscv', 'app-secret', 'zend-framework2', 'n-queens', 'ng-annotate', 'wp-api', 'race-condition', 'netlogo', 'fsm', 'delay', 'remote-input', 'oracle10g', 'kl-divergence', 'android-source', 'avfoundation', 'duration', 'libreoffice-calc', 'tty', 'environment-variables', 'yield', 'lock-free', 'cmsamplebufferref', 'datawindow', 'datepicker', 'vtiger', 'webpage', 'android-wear-2.0', 'httpservice', 'fuzzing', 'node-redis', 'nim-game', 'java-me', 'django-users', 'cudnn', 'tensorflow-hub', 'graph-theory', 'prelu', 'xcopy', 'scifi', 'azure-diagnostics', 'non-functional', 'setters', 'filter-var', 'gradle-daemon', 'real-number', 'supervisord', 'bind2nd', 'state-distillation', 'certification', 'amazon-waf', 'equivalent', 'dynamic-cast', 'bpmn', 'scrapy', 'activation-functions', 'type-reconstruction', 'jsvc', 'scrypt', 'jwk', 'codelens', 'intellij-plugin', 'railstutorial.org', 'spring-amqp', 'optimizers', 'multitasking', 'itunesconnect-analytics', 'func', 'sass', 'assignment-operator', 'bounding-box', 'rspec-rails', 'google-play', 'dqn', 'discrete-state-spaces', 'laravel-seeding', 'lora', 'codata', 'gerrit', 'attack-surface', 'type-parameter', 'package-name', 'intractability', 'unreal-development-kit', 'angularjs-directive', 'spark-jobserver', 'asymmetric', 'vue-cli-3', 'web-development', 'vtables', 'android-push-notification', 'clang-static-analyzer', 'lean', 'assetic', 'federation', 'pugjs', 'zelle-graphics', 'typescript3.0', 'grammatical-evolution', 'webgl', 'shortcuts', 'datastax-java-driver', 'equatable', 'paintcomponent', 'cypress', 'event-based-programming', 'bug-report', 'cbow', 'google-drive-android-api', 'pysnmp', 'sharepoint-list', 'case-tools', 'testcase', 'xslt', 'visual-basic', 'actix-web', 'siemens', 'haskell', 'symfony', 'nsnotifications', 'glmnet', 'cartesian-product', 'stdmap', 'web-worker', 'fixed', 'interactive', 'stm32', 'changestream', 'ssh-tunnel', 'windows-forms-designer', 'bitcoind', 'htmlwidgets', 'graphql-ruby', 'angular4-router', 'windows-8', 'amazon-emr', 'xml2js', '.net-assembly', 'grunt-shell', 'margin', 'design-by-contract', 'applet', 'xcode-storyboard', 'nunittestadapter', 'frame', 'microsoft-graph-teams', 'scatter-plot', 'internal', 'zf3', 'tukeyhsd', 'rectangles', 'scss-lint', 'apache-spark', 'white-hat', 'android-app-signing', 'git-repo', 'pdf-generation', 'cross-frame-scripting', 'http-trace', 'cellular-neural-networks', 'orientation', 'wireless', 'apache-spark-sql', 'urlconnection', 'bootstrap-table', 'convolutional-neural-networks', 'bitbucket-api', 'asp.net-mvc-custom-filter', 'retain-cycle', 'autocad', 'secure-coding', 'hp', 'exponentjs', 'google-cloud-storage', 'html-agility-pack', 'model-request', 'pact', 'collision-avoidance', 'domready', 'rails', 'roslyn-code-analysis', 'docker-image', 'custom-renderer', 'qcl', 'cs50', 'iso27002', 'bug-bounty', 'pydicom', 'sata', 'hikaricp', 'initializer-list', 'session-variables', 'methods', 'instances', 'cargo', 'echo', 'pcspim', 'poker', 'thread-local', 'cublas', 'program-analysis', 'sni', 'excel-2007', 'c#-7.2', 'internet-explorer', 'assembly', 'uipath', 'phplist', 'android-annotations', 'dialogue-systems', 'empty-class', 'symbolic-ai', 'malware-analysis', 'notarize', 'hanami-router', 'formatted-input', 'kraus-representation', 'nsnotificationcenter', 'unions', 'gnss', 'sql-tuning', 'file-not-found', 'type-safety', 'autohotkey', 'gym', 'mini-batch-gradient-descent', 'transfer-learning', 'quantum-operation', 'html5-clipboard-api', 'spring-repositories', 'disabled-input', 'boolean-operations', 'matplotlib-basemap', 'google-cloud-endpoints', 'cors', 'tsc', 'broker', 'grovers-algorithm', 'nserror', 'interpreter', 'image-resizing', 'asp.net-mvc-4', 'string-concatenation', 'digit', 'activeadmin', 'discount-factor', 'haar-distribution', 'xcode10.1', 'watchos-2', 'scikit-image', 'error-handling', 'event-loop', 'minimax', 'code-documentation', 'sdl-2', 'sequelpro', 'iphone-developer-program', 'typeahead', 'cvs', 'discrete-mathematics', 'htmlspecialchars', 'android-recyclerview', 'television', 'ipod', 'unbounded-wildcard', 'productivity-power-tools', 'trapped-ion', 'quantum-advantage', 'robustness', 'ghc', 'shortcut', 'azure-iot-sdk', 'npm-link', 'maven-indexer', 'sqldatetime', 'objective-c-blocks', 'richedit', 'dom-events', 'google-cloud-run', 'browser-addons', 'monte-carlo-methods', 'cancancan', 'superdense-coding', 'android-jobscheduler', 'facebook-page', 'html5-canvas', 'application-loader', 'plotting', 'android-dialogfragment', 'routeparams', 'siri', 'outlook', 'firebase-realtime-database', 'sitemap', 'implode', 'indexpath', 'firefox-marionette', 'html-entities', 'viewport', 'scenebuilder', 'double-q-learning', 'dvc', 'combinatorics', 'angular-route-segment', 'advantage-actor-critic', 'system.reactive', 'protobuf-net', 'bcp', 'knex.js', 'mapbox-android', 'openjfx', 'mt4', 'storing-data', 'recovery', 'nuxt.js', 'woocommerce-bookings', 'android-pay', 'homebrew-cask', 'facebook-graph-api', 'sms', 'jax-rs', 'cross-language', 'amazon-route53', 'zipfile', 'php-curl', 'scheme', 'children', 'communication-complexity', 'smb', 'windows-kernel', 'dt', 'snaplogic', 'jboss7.x', 'perfview', 'android-install-apk', 'weather', 'sqlperformance', 'uniq', 'resize-image', 'javascript-objects', 'rule-of-three', 'xamarin', 'production-environment', 'coco-dataset', 'sharepoint-2013', 'image-scaling', 'reporting', 'pango', 'aws-glue', 'j1939', 'liquid-state-machine', 'large-file-upload', 'amazon-linux-2', 'thrift', 'amazon-iam', 'istio', 'copy-paste-programming', 'powermockito', 'custom-attributes', 'sankey-diagram', 'java-8', 'pep', 'android-log', 'image-whitening', 'akka-http', 'requestjs', 'multiple-accounts', 'blogger-dynamic-views', 'robotframework', 'reactjs-flux', 'sql-delete', 'jackson2', 'kubeadm', 'visual-studio-sdk', 'bulk', 'imperfect-information', 'pingdom', 'nsrange', 'checkout', 'thought-vectors', 'floating-action-button', 'exchange', 'arithmetic-expressions', 'laravel-filesystem', 'null', 'my.cnf', 'vtune', 'uiimagepngrepresentation', 'read-write', 'ksh', 'php-extension', 'google-geolocation', 'transaction', 'kotlinx.coroutines', 'redux-store', 'language-model', 'static', 'passport.js', 'java-12', 'django-allauth', 'amazon-redshift', 'httpverbs', 'decryption', 'buffer', 'nvm', 'utility-method', 'spray', 'tinkerpop', 'test-datasets', 'genetic-algorithm', 'express-validator', 'resharper-2018', 'medicaldevice', 'font-awesome-5', 'openfiledialog', 'wand', 'eslint', 'peoplesoft', 'linkage', 'login-control', 'sublimelinter', 'usb', 'file-inclusion', 'http2', 'radial-gradients', 'compile-time', 'visual-studio-community', 'select-object', 'codewarrior', 'localstack', 'grub', 'man-in-the-middle', 'mailx', 'rvalue-reference', 'heapsort', 'yield-from', 'code-analysis', 'test-automation', 'contrastive-learning', 'opcache', 'getelementsbytagname', 'currency-formatting', 'ansible-2.x', 'aws-fargate', 'sharepoint-2010', 'raycasting', 'pki', 'custom-scrolling', 'decoder', 'gradient-boosting', 'mockito', 'bptt', 'enums', 'dask', 'photos', 'cryptarithmetic-puzzle', 'pyflakes', 'nopcommerce', 'algorithm-analysis', 'ironpython', 'pymssql', 'rmi', 'jackson-databind', 'glsl', 'ultraedit', 'pulsesecure', 'react-native-cli', 'code-smell', 'microsoft-graph-sdks', 'rodbc', 'motionevent', 'msp430', 'jenkins-groovy', 'scam', 'pointer-events', 'email-templates', 'clojurescript', 'android-vibration', 'scrollview', 'beta', 'dmarc', 'junit5', 'swagger', 'chai', 'kivy', 'angular2-animation', 'smartcontracts', 'remember-me', 'mime', 'karma-runner', 'servlets', 'firmware-analysis', 'wsl', 'android-for-work', 'borrow-checker', 'strict-aliasing', 'cpython', 'chacha20', 'authorize-attribute', 'idc', 'transparent', 'lib', 'laravel-validation', 'knn', 'php-5.3', 'sdl-ttf', 'xor', 'http-post', 'protected', 'bleu', 'nvd3.js', 'firebase-storage', 'unique', 'butterknife', 'get-eventlog', 'flutter-web', 'bayesian-neural-networks', 'jupyter-irkernel', 'http-get', 'ngx-quill', 'onclicklistener', 'swift4.1.5', 'paradigms', 'issue-tracking', 'android-studio-3.6', 'type', 'bitmapfactory', 'nattable', 'sockets', 'devexpress', 'google-maps-api-2', 'asciidoctor', 'git-remote', 'entity-framework-6', 'phishing', 'conditional-operator', 'typo3-6.2.x', 'android-popupwindow', 'policy-based-methods', 'ssrf', 'select', 'openstreetmap', 'smack', 'curly-braces', 'argument-dependent-lookup', 'apply', 'image-uploading', 'unordered-map', 'spaces', 'selection', 'amazon-redshift-spectrum', 'predis', 'segue', 'inject', 'hypervisor', 'pricing', 'audio-fingerprinting', 'decode', 'ipados', 'load-testing', 'spyon', 'debian-stretch', 'reverse', 'image-super-resolution', 'maven-eclipse-plugin', 'draftjs', 'knife', 'dataframe', 'apprenticeship-learning', 'career', 'arff', 'check-point', 'satellite', 'jtag', 'tabular', 'tmp', 'two-step-verification', 'oscache', 'go-gin', ' will locking on objects in a dictionary cause issues?', 'physics-engine', 'appcontainer', 'ssms-2016', 'chm', 'chinese-locale', 'presentmodalviewcontroller', 'setstate', 'scope-identity', 'standalonehost', 'development-cycle', 'msbuild-task', 'angular-universal', 'owasp', 'intellij-lombok-plugin', 'spring-boot-gradle-plugin', 'digital-forensics', 'visual-studio-debugging', 'amazon-elb', 'rider', 'tensorflow-serving', 'google-apps-script', 'staging', 'pandas', 'perl-data-structures', 'c#-7.0', 'heap', 'nsdata', 'template-strings', 'alexa', 'kendo-ui', 'textinputlayout', 'persistent-volumes', 'lme4', 'xserver', 'exchange-server', 'emotion-recognition', 'vulnerability-scanners', 'quantum-dots', 'camera-calibration', 'c++-cx', 'backend', 'heatmap', 'gaming', 'relative-path', 'weakmap', 'autoencoder', 'explain', 'xml-simple', 'senior-developer', 'aws-console', 'pbkdf2', 'neo4j', 'ssis', 'delivery', 'adrotator', 'sysdba', 'artificial-curiosity', 'observable', 'hard-drive', 'turtle-graphics', 'kestrel', 'artificial-intelligence', 'mod-alias', 'overflowexception', 'python-2.3', 'pragmatism', 'statements', 'neocognitron', 'asp.net-web-api2', 'circular-list', 'filereader', 'musicbrainz', 'hdf5', 'mismatch', 'base-sdk', 'regedit', 'servo', 'iasyncenumerable', 'method-chaining', 'android-studio', 'http-referer', 'technical-debt', 'capsule-neural-network', 'compass-geolocation', 'navigation-drawer', 'packager', 'android-asynctask', 'open-liberty', 'game-hacking', 'exiftool', 'fosuserbundle', 'serverless-architecture', 'voximal', 'compiler-construction', 'modelandview', 'multidimensional-array', 'phone', 'browser-cache', 'herestring', 'leading-zero', 'aws-codecommit', 'mount', 'monodevelop', 'shadow-copy', 'hooking', 'regularization', 'deep-copy', 'fody-costura', 'esapi', 'free', 'paytm', 'https', 'ssrs-2016', 'profanity', 'odoo-view', 'spam-prevention', 'drag-and-drop', 'java-ee-8', 'cmmi', 'adsense', 'converter', 'standard-deviation', 'scrollbar', 'zxing', 'uiimagepickercontroller', 'localauthentication', ' how to plan/predict/estimate remaining work?', 'apache-tomee', 'jsdoc3', 'deepfakes', 'meteor-collection2', 'api-design', 'stopwatch', 'jcombobox', 'hung', 'language-features', 'duktape', 'alphabetical', 'networkonmainthread', 'mapstruct', 'fileutils', 'pubnub', 'surface-code', 'blackjack', 'client-go', 'yarn-workspaces', 'tidytext', 'typescript2.0', 'approximate', 'photolibrary', 'flutter-image', 'jfr', 'bsd-license', 'incident-analysis', 'go-get', 'video-streaming', 'security-theater', 'persistent-volume-claims', 'perl-module', 'jsp-tags', 'taskstackbuilder', 'quickblox', 'subtraction', 'java-11', 'material-ui', 'meetings', 'runtime-error', 'app-engine-ndb', 'free-software', 'uipopoverpresentationcontroller', 'settings', 'broadcastreceiver', 'laravel-5.4', 'neurosymbolic-ai', 'timezone', 'playframework', 'innodb', 'swift3.0.2', 'sealed', 'base-class', 'stationary-policy', 'tail', 'rest', 'multiplication', 'tsql-sequence', 'weekend', 'android-logcat', 'federated-identity', 'wpml', 'alter', 'spring-rabbitmq', 'sap-cloud-platform', 'screen-rotation', 'multisite', 'subroutine', 'cifilter', 'user32', 'reusable', 'mx-record', 'zurb-foundation-6', 'fileoutputstream', 'api-doc', 'expectiminimax', 'gsuite', 'mongorestore', 'web-scraping', 'discriminative-model', 'reflect-metadata', 'nscalendar', 'pydoc', 'move-semantics', 'android-nestedscrollview', 'cache-control', 'ckeditor5', 'docker', 'hardware-evaluation', 'migrate', 'teacher-forcing', 'atm', 'code-conversion', 'utf-8', 'flowchart', 'swiftlint', 'incident-response', 'esp8266', 'c', 'hungarian', 'git-blame', 'visual-studio', 'uiviewcontroller', 'sendmail', 'entropy', 'd3qn', 'division-of-labor', 'kafka-producer-api', 'personal-projects', 'ratingbar', 'ipad', 'kubectl', 'type-alias', 'hashset', 'memory-leaks', 'elf', 'higher-order-components', 'management', 'whatsapi', 'core-nfc', 'csproj', 'poco', 'realm', 'ctypes', 'windows-11', 'changes', 'input-field', 'cvss', 'generic-method', 'sudoers', 'fid-score', 'math.h', 'circuit-qed', 'quill', 'reference-wrapper', 'http-basic-auth', 'memory-dump', 'jspm', 'futurism', 'fstab', 'oauth2', 'mailmessage', 'java.util.date', 'product-design', 'setcookie', 'date-parsing', 'file', 'specialization', 'operations', 'md-autocomplete', 'bukkit', 'graph-algorithm', 'custom-adapter', 'sf-symbols', 'dispatch', 'class-diagram', 'convolution', 'atlas', 'query', 'copying', 'spark-cassandra-connector', 'simplemodal', 'cesium', 'nstimer', 'android-implicit-intent', 'python-social-auth', 'jira-rest-api', 'lockfile', 'deepsecurity', 'ghost', 'json-patch', 'one-time-pad', 'bitlocker', 'meta-programming', 'zipline', 'primitive', 'left-join', 'run-length-encoding', 'nsjsonserialization', 'gitpython', '.net-4.8', 'posts', 'xcode9.2', 'node-config', 'denormalization', 'gitlab-pages', 'stripping', 'ion-trap-quantum-computing', 'arkit', ' how to properly manage data?', 'pointer-address', 'interop', 'bayesian-inference', 'thunderbird-addon', 'matlab-guide', 'angular2-guards', 'data-entry', 'onion-architecture', 'magnetometer', 'nsfilecoordinator', 'watchos-simulator', 'google-tag-manager', 'web-authentication', 'apache-camel', 'language-lawyer', 'spotfire', 'ionic-view', 'completion', 'web-application-firewall', 'google-places', 'opencl', 'null-layout-manager', 'spacing', 'dynamics-ax-2012', 'solver', 'android-search', 'owl', 'attacks', 'service', 'gps', 'mojolicious', 'postscript', 'rx-android', 'nessus', 'physical-attacks', 'anova', 'domxpath', 'mrtg', 'emacs', 'xamarin.android', 'ipsec', 'buffering', 'account-kit', 'appium-android', 'sortedset', 'command-line-interface', 'stringbuilder', 'ui', 'screen-resolution', 'scipy', 'fabric-beta', 'machine-code', 'snmp', 'vm', 'mongodb', 'kaggle', 'ruby-csv', 'dnsmasq', 'unix', 'admissible-heuristic', 'uipageviewcontroller', 'android-toolbar', 'matter.js', 'raiserror', 'symfony4', 'solr', 'csv', 'd-wave', 'spatial', 'command-prompt', 'webp', 'qasm2circ', 'linked-server', 'google-my-business-api', 'redux', 'okhttp', 'intellij', 'space', 'apache-kafka-streams', 'openid-connect', 'database-performance', 'opportunistic-encryption', 'azure-api-management', 'testdoublejs', 'progressdialog', 'post-increment', 'predicate', 'nsurlcache', 'node-postgres', 'finally', 'httplistener', 'async.js', 'emotet', '3rd-party', 'restructuredtext', 'pagespeed', 'declarations', 'hough-transform', 'rxjs-observables', 'database-testing', 'refresh-token', 'validation-loss', 'angular-observable', 'infinispan', 'flowdocument', 'hydrogen', 'eventemitter', 'tizen-wearable-sdk', 'azure-availability-set', 'datetimepicker', 'windows-mobile-6.5', 'observation-spaces', 'nsdocumentdirectory', 'survey', 'datediff', 'doh', 'fitbounds', 'quantum-computing-for-finance', 'strictness', 'mapbox-gl-js', 'threat-modeling', 'vi', 'pdb-files', 'i18next', 'drawimage', 'webpack-3', 'tx-news', 'compare-and-swap', 'python-unicode', 'leap-year', 'discord.js', 'elastalert', 'datetime-format', 'android-runonuithread', 'html-5', 'multibranch-pipeline', 'meld', 'touchscreen', 'jshint', 'rewards', 'professional-development', 'fibonacci', 'array-filter', 'angular2-forms', 'tint', 'numpy-stl', 'neo4jclient', 'primary-interop-assembly', 'mcustomscrollbar', 'core-data', 'cgpath', 'huffman-code', 'android-selector', 'exploration-strategies', 'stored-functions', 'resource-request', '.net-standard-1.4', 'imagick', 'monkey-patch', 'chrome', 'np-complete', 'docker-registry', 'r-package', 'click', 'embedded-systems', 'eager-execution', 'uint', 'audio-streaming', 'lambda', 'mkoverlay', 'opendata', 'subscript-operator', 'c++20', 'causation', 'amazon-athena', 'compatibility', 'collection-initializer', 'evidence-based', 'apt-get', 'graphical-logo', 'audiokit', 'publishing', 'precompile', 'jco', 'ss7', 'coordinates', 'messenger', 'stddraw', 'xmpp', 'garmin', 'react-google-maps', 'csvhelper', 'semantic-markup', 'gate-fidelity', 'http-archive', 'google-developers-console', 'android-alarms', 'sorting', 'evolutionary-algorithms', 'xcode7.3', 'google-analytics-api', 'undeclared-identifier', 'security-by-design', 'html5-video', 'admob', 'collect', 'javacv', 'delete-file', 'password-policy', 'gradient', 'sql-server-2014', 'avplayerview', 'jaeger', 'encoder-decoder', 'smart-pointer', 'bootstrapper', 'ida-sdk', 'image-segmentation', 'android-proguard', 'banner', 'android-fileprovider', 'device-orientation', 'json-web-token', 'styled-components', 'mpandroidchart', 'android-connectivitymanager', 'neuroscience', 'bad-code', 'loader', 'xcode8', 'dynamic-sql', 'unique-data', 'default-values', 'slick-3.0', 'sklearn-pandas', 'cartography', 'sniffing', 'intel', 'react-table', 'cryptojs', 'feather', 'bigcartel', 'openembedded', 'relative-entropy', 'decompress', 'polyglot', 'hardening', 'main-activity', 'email-verification', 'homekit', 'instancetype', 'mutt', 'profiling', 'state-restoration', 'coding-style', 'vendor', 'android-livedata', 'url-scheme', 'printwriter', 'row', 'multilingual', 'tkinter-entry', 'angularjs-components', 'percentile', 'gatt', 'uialertcontroller', 'map-files', 'technical-standards', 'timing', '360-panorama-viewer', 'vaadin', 'android-timer', 'auto-indent', 'nine-patch', 'azure-pipelines', 'ethereum', 'valueerror', 'phonegap', 'htc-vive', 'confused-deputy', 'apollo', 'shader', 'view', 'enterprise-distribution', 'formula', 'adiabatic-model', 'j2objc', 'ngx-charts', 'samsung-galaxy', 'automatic-ref-counting', 'jsessionid', 'embeddings', 'packet', 'library', 'iqueryable', 'proc-open', 'hosting', 'ensemble-learning', 'inspec', 'freebase', 'network-security', 'spring-mvc-test', 'jquery-click-event', 'pyshark', 'notification-channel', 'starttls', 'sonarlint', 'ethics', 'multicast', 'change', 'azureportal', 'apache-poi', 'android-drawable', 'pkg-config', 'error-messages', 'objcopy', 'academia', 'same-origin-policy', 'tensorflow-probability', 'thread', 'white-box-testing', 'rebalancing', 'deeplearning4j', 'strsplit', 'svg-sprite', 'powerbi-embedded', 'nouislider', 'exitstatus', 'directory', 'libpqxx', 'file-listing', 'pure-js', 'opencart-3', 'vue-test-utils', 'weex', 'lua', 'set', 'agpl', 'phpredis', 'airconsole', 'here-api', 'arcgis-runtime', 'localserver', '32-bit', 'naming', 'actor-critic-methods', 'c4.5-algorithm', 'nsmenuitem', 'google-distancematrix-api', 'shopping-cart', 'core-telephony', 'toolsapi', 'trust', 'saas', 'bigcommerce', 'whois', 'sendgrid', 'decimalformat', 'shellcode', 'amazon-braket', 'facebook-apps', 'guid-partition-table', 'dll', 'python-telegram-bot', 'git-log', 'iex', 'google-cloud-datalab', '.bash-profile', 'db2-400', 'data-conversion', 'base-class-library', 'cognitive-architecture', 'microsoft-graph-calendar', 'google-fabric', 'operand', 'angularjs-material', 'sequence-to-sequence', 'source-code', 'hsv', 'email-parsing', 'input-validation', 'pojo', 'depth-buffer', 'tunneling', 'object-injection', 'html5-history', 'complexity', 'lacontext', 'yellow-pages', 'builds', 'google-adwords', 'linear-search', 'visualsvn-server', 'french', 'redux-form', 'nextcloud', 'surveymonkey', 'path-planning', 'key-generation', 'augmented-reality', 'gdbus', 'shared-memory', 'headers', 'italic', 'where', 'url-shortener', 'screen-size', 'export', 'image-compression', 'plist', 'bgi', 'web-browser', 'packaging', 'transactional-replication', 'glassfish-3', 'default-password', 'pack', 'crt', 'powershell-5.0', 'cve', 'qubit-mapping', 'ibm-doors', 'rakudo', 'distance', 'rtf', 'retrofit', 'quantum-enhanced-machine-learning', 'azure-eventhub', 'callbacks', 'nsdictionary', 'java.nio.file', 'fatal-error', 'bison', 'google-beacon-platform', 'ngx-admin', 'windows-server-2008', 'meltdown', 'unassigned-variable', 'gs-conditional-formatting', 'categorical-crossentropy', 'chartjs-2.6.0', 'pyobjc', 'uistatusbar', 'let', 'continuous-variable', 'pdf-reader', 'pdf-manipulation', 'callstack', 'microservices', 'titlebar', 'c-strings', 'dig', 'microsoft-cognitive', 'navigationcontroller', 'ionic4', 'lpwstr', 'human-robot-interaction', 'deep-face', 'windows-services', 'wording', 'mobile', 'ansi-sql', 'mono', 'ripple', 'bottombar', 'stdthread', 'hexagonal-architecture', 'selectors-api', 'file-io', 'nsurl', 'dry', 'combiners', 'mutability', 'android-viewholder', 'npm', 'marshalling', 'mapreduce', 'windows-server-2012-r2', 'metamodel', 'expert-systems', 'data-types', 'nullpointerexception', 'super', 'nameerror', 'reproducible-research', 'double-dqn', 'botnet', 'ionic2', 'double-free', 'affiliate', 'react', 'express-session', 'subgit', 'ram', 'guard', 'memory-layout', '.net-4.6', 'open-uri', 'e-commerce', 'furps+', 'infection-vector', 'applepay', 'autocompletetextview', 'excel-2010', 'epicor10', 'printing', 'matcher', 'classcastexception', 'pygtk', 'ipfs', 'gpt', 'drive-by-download', 'long-long', 'u-net', 'cmake-gui', 'gcc', 'ms-access-2013', 'drawing', 'ytplayerview', 'ufw', 'messagedialog', 'stackexchange.redis', 'graph-databases', 'feature-requests', 'astropy', 'python-internals', 'gatling', 'measure', 'initialization', 'prolog', 'bar-chart', 'jsp', 'risk-classification', 'jmh', 'coupling', 'jndi', 'ember.js', 'pooling', 'scrapy-pipeline', 'gantt-chart', 'fingerprinting', 'rabbitmq', 'qtimer', 'azure-vm-role', 'getdate', 'glove', 'rethinkdb', 'confidentiality', 'firebase-remote-config', 'offline', 'cakebuild', 'placement-new', 'requirements', 'cpp-core-guidelines', 'vert.x', 'bitrix', 'praw', 'highest', 'deep-boltzmann-machine', 'dvcs', 'beta-testing', 'bootstrap-datepicker', 'tsickle', 'learning', 'passport-saml', 'typescript2.1', 'json', 'intervals', 'jcl', 'jackson', 'mathml', 'winapi', 'dynamics-crm', 'shadow-dom', 'ssh-agent', 'matrix-multiplication', 'first-order-logic', 'filelist', 'technologies', 'facebook', 'streaming', 'named', 'majorization', 'consensus', 'factory-method', 'aws-ebs', 'ntfs', 'shape', 'key-distribution', 'processing', 'azure-active-directory', 'applications', 'shadow', 'google-cast-sdk', 'android-a11y', 'semantic-versioning', 'actioncable', 'bayes-error-rate', 'window.open', 'unhandled', 'jira', 'contact', 'read-the-docs', 'npgsql', 'list-initialization', 'backwards-compatibility', 'postmessage', 'nisq', 'postbqp', 'hana', 'interactors', 'blade', 'web-assembly', 'acl', 'messagebox', 'devicetoken', 'stack-memory', 'matrices', 'particle-swarm-optimization', 'google-cloud-billing', 'xss', 'togglebutton', 'ionic3', 'searchview', 'qt5.8', 'column-width', 'gradle-3.0', 'spring-cloud-netflix', 'load', 'asyncresttemplate', 'android-jetpack', 'image-upload', 'date-nfs', 'bayesian-statistics', 'frontend', 'genetic-algorithms', 'escape', 'dynamic-import', 'ruby-2.3', 'sizing', 'crashlytics-android', 'swiperefreshlayout', 'firebug', 'classification', 'entanglement-swapping', 'dns-rebinding', 'covariance', 'sbt-assembly', 'fiber', 'church-turing-thesis', 'tkinter', 'azure-data-studio', 'fputcsv', 'unit-of-work', 'bson', 'message-passing', 'babel-plugin-react-intl', 'optimization', 'teaching', 'expandable', 'swagger-editor', 'gradle-kotlin-dsl', 'android-app-bundle', 'dictionary', 'geometry', 'openxml', 'spring-transactions', 'redhat', 'winreg', 'modular', 'destroy', 'itk', 'random-walk', 'classical-quantum', 'spyder', 'hacking', 'melt', 'chromecast', 'python-3.3', 'connectiq', 'wait', 'lwjgl', 'sharepoint-designer', 'floating-action-menu', 'edge-detection', 'xstream', 'sql-server-ce', 'in-parameters', 'dhcp', 'my.settings', 'stl', 'ktor', 'use-after-free', 'android-bottomnav', 'minesweeper', 'git-diff', 'physics', 'writefile', 'android-networking', 'facebook-public-feed-api', 'updatepanel', 'evaluator', 'git-clone', 'conv-neural-network', 'adjacency-matrix', 'projects', 'deep-linking', 'utility', 'password-hash', 'meterpreter', 'mv', 'shopify', 'background-fetch', 'sframe', 'prims-algorithm', 'convolution-arithmetic', 'salt-stack', 'remote-access', 'deterministic', 'block', 'asynchronous-programming', 'babel-polyfill', 'aws-sdk-android', 'dataformat', 'buffer-overflow', 'jsonpath', 'reactive-extensions-js', 'qrac', 'service-worker-events', 'apache2.4', 'alphago', 'bigquery-standard-sql', 'workaround', 'asm.js', 'soft-delete', 'emmet', 'gcloud-cli', 'recurrence', 'pull-requests', 'interfaces', 'client-relations', 'dax', 'time', 'serve', 'download', 'ransomware', 'war', 'windows-console', 'sam', 'touchmove', 'projection-operator', 'powershell-3.0', 'cgsize', 'nunjucks', 'dsl', 'svelte-3', 'file-manipulation', 'mustache', 'budget', 'countdowntimer', 'hierarchical-rl', 'uti', 'version-control', 'gethashcode', 'bitwise-xor', 'distance-matrix', 'akka-persistence', 'nunit-3.0', 'windows-subsystem-for-linux', 'hindi', 'ffmpeg-php', 'spring-test-mvc', 'mousedown', 'session-state', 'pane', 'rep', 'asp-net-core-spa-services', 'asp.net-core-2.2', 'duckduckgo', 'syntax-highlight', 'systemjs-builder', 'usort', 'android-8.1-oreo', 'spdy', 'front-end', 'bluetooth-printing', 'firebase-crash-reporting', 'server-response', 'android-instant-run', 'orange', 'materialpageroute', 'ls', 'sirikit', 'agile-processes', 'simulator', 'skip-gram', 'kubernetes-apiserver', 'groupwise-maximum', 'socketexception', 'msxml', 'asp.net-core', 'google-cloud-sdk', 'webcam-capture', 'formatexception', 'jspdf', 'jsonobject', 'internet', 'grunt-contrib-watch', 'django-1.11', 'uipagecontrol', 'spannablestringbuilder', 'timertask', 'noop', 'development-approach', 'dnssec', 'http-response', 'pkcs#8', 'android-paging', 'arduino', 'default-value', 'soundpool', 'ciphers', 'django-1.8', 'ambiguous', 'data-remanence', 'katana', 'argv', 'scientific-computing', 'mac-catalyst', 'radians', 'generic-list', 'maximo', 'angular-flex-layout', 'operator-overloading', 'servemux', 'lldb', 'linear-programming', 'game-physics', 'availability', 'contour', 'ibm-mq', 'cloudant', 'html-webpack-plugin', 'freeglut', 'ziparchive', 'protobuf.js', 'vstest', 'crx', 'which', 'avcapture', 'cancellation-token', 'typescript1.7', 'test-management', 'product', 'modeless-dialog', 'multi-agent-rl', 'scala-collections', 'voting', 'licensing', 'mac-address', 'rda', 'at-command', 'shift-register', 'soap-client', 'openni', 'user-tracking', 'intervention', 'domain-objects', 'pdfbox', 'configmap', 'magickwand', 'monospace', 'rmagick', 'virtualization', 'git-submodules', 'com', 'friend-function', 'progress-bar', 'stack-trace', 'computational-linguistics', 'joomla', 'push', 'export-to-csv', 'patching', 'clean-code', 'husky', 'http-proxy', 'er-diagrams', 'port80', 'rdata', 'bayes-theorem', 'code-metrics', 'jss', 'celery', 'sinon', 'unsafe', ' a subclass of UITableViewController for multiple purposes or multiple sub classes each for a purpose?', 'turbo-c++', 'quirks-mode', 'mouseevent', 'imputation', 'fileapi', 'nonce', 'cocos2d-x', 'angular2-directives', 'web-servers', 'fortran', 'android-shape', 'lxc', 'evernote', 'actor-model', 'doors', 'gateway', 'invoice', 'social-media', 'revisions', 'arraybuffer', 'gridextra', 'syntactic-sugar', 'multi-index', 'limit', 'styles', 'fully-qualified-naming', 'host-header-injection', 'micro-optimization', 'voice', 'pos-tagging', 'windows-10-desktop', 'constinit', 'r-factor', 'blob', 'polymer-1.0', 'downcast', 'n-gram', 'gdpr', 'cluster', 'amazon-timestream', 'turbo-c', 'dynamic-allocation', 'completeness', 'greatest-common-divisor', 'quantum-state', 'setdefault', 'ckeditor', 'filters', 'blockchain', 'logging', 'android-camerax', 'double-click-advertising', 'jade4j', 'state-representations', 'marker', 'text-segmentation', 'event', 'nanotime', 'rdfs', 'session-fixation', 'resolution', 'flashlight', 'uiimage', 'google-cloud-platform', 'netstat', 'netflix-feign', 'javassist', 'nsfetchedresultscontroller', 'programming-languages', 'decision-support-system', 'time-zone', 'vugen', 'assertions', 'stack-protector', 'rbenv', 'getusermedia', 'idoc', 'contract', 'visual-testing', 'krack', 'hashable', 'text-manipulation', 'cookies', 'trustmanager', 'ghostscript', 'mex', 'domcontentloaded', 'mobile-app', 'nslayoutconstraint', 'android-fragments', 'react-datepicker', 'server-sent-events', 'depolarizing-channel', 'shared-ptr', 'idhttp', 'entry-point', 'strict', 'templating', 'domain-name-system', 'container', 'flutter', 'nstimeinterval', 'faunadb', 'micropython', 'java-13', 'material-components-ios', 'headless-browser', 'select-case', 'hypothesis', 'build-system', 'amazon-elasticache', 'textpattern', 'android-canvas', 'custom-action-filter', 'nasm', 'apple-speech', 'intel-sgx', 'swifty-json', 'polymorphism', 'insertion-sort', 'risk-analysis', 'memory-leak-detector', 'google-sheets-formula', 'xxe', 'docker-for-mac', 'add', 'python-sphinx', 'amazon-cloudwatch-metrics', 'zip-bomb', 'neural-networks', 'preview', 'ps4', 'return-value-optimization', 'select-options', 'windows', 'bitcode', 'nsanimationcontext', 'ai-box', 'datadetectortypes', 'vagrantfile', 'flex-lexer', 'jradiobutton', 'apache-pig', 'pysam', 'n-tier', 'react-intl', 'pe', 'cucumber-junit', 'restful-architecture', 'de4dot', 'java-home', 'residual-networks', '2d-convolution', 'simcard', 'servicebus', 'expectation-maximization', 'waveform', 'loops', 'vagrant', 'urllib', 'android-build-flavors', 'strongloop', 'case-sensitive', 'ansible-playbook', 'core-bluetooth', 'lts', 'unexpected-token', 'opc', 'custom-font', 'virtualenv', 'docker-stack', 'google-cdn', 'jshell', 'tiff', 'builder', 'loopbackjs', 'typo3-flow', 'service-principal', 'resharper-9.0', 'ajv', 'ex-unit', 'maximum-likelihood', 'java-stream', 'azure-web-app-service', 'twitch', 'jquery-select2-4', 'helios', 'geometric-deep-learning', 'null-terminated', 'bibliography', 'byebug', 'uisplitviewcontroller', 'autofill', 'standardization', 'qetlab', 'dat-protocol', 'sublime-text-plugin', 'hot-module-replacement', 'tensor', 'babeljs', 'constraint-satisfaction-problems', 'microsoft', 'template-literals', 'scoped-lock', 'serializearray', 'lag', 'magnetic-stripe-card', 'continuewith', 'android-activity', 'gravatar', 'sap', 'google-play-games', 'android-billing', 'multiplayer', 'p5.js', 'deterministic-annealing', 'users', 'jcreator', 'iisreset', 'android-xml', 'count', 'intl', 'insmod', 'bootstrap-datetimepicker', 'angularfire', 'properties', 'mypy', 'twitter-fabric', 'pyserial', 'matrix-inverse', 'secrets-management', 'openfire', 'to-char', 'swxmlhash', 'web-scanners', 'css-animations', 'type-conversion', 'spring-cache', 'sticky-session', 'web-manifest', 'smt', 'register', 'vsdoc', 'p4v', 'polymer', 'walkthrough', 'jsr223', 'rule-based-systems', 'core-animation', 'firebase-dynamic-links', 'google-maps', 'spring-scheduled', 'simpledateformat', 'device', 'aaa', 'u2f', 'jmc', 'android-notifications', 'google-alerts', 'protocol-extension', 'system.io.directory', 'aws-load-balancer', 'point-cloud-library', 'modifier', 'executequery', 'file-handling', 'medical', 'mail-form', 'webpack.config.js', 'defect', 'oscommerce', 'material-design-lite', 'mamp-pro', 'iphone-8', 'v8', 'monitor', 'rotatetransform', 'guava', 'reselect', 'in-app-purchase', 'angular-ui-tabset', 'avrdude', 'gnome-terminal', 'react-native-android', 'imeoptions', 'voronoi', 'sfsafariviewcontroller', 'entanglement-negativity', 'freeradius', 'domain-model', 'google-app-engine-python', 'system.security', 'google-home', 'mschart', 'downsampling', 'archlinux', 'srp', 'certificate', 'position', 'nock', 'ruby-on-rails-4', 'curio', 'hooks', 'payment-processing', 'microsoft-access', 'hdmi', 'spring-security-rest', 'custom-element', 'erlang', 'relationship', 'disk-partitioning', 'postcss', 'content-disposition', 'express', 'spark-streaming', 'torch', 'var-dump', 'bluej', 'pointer', 'precompiling', 'replication', 'android-googleapiclient', 'augmented-assignment', 'nswindow', 'size-classes', 'paperjs', 'exception', 'visual-studio-2015', 'openshift', 'influxdb', 'key-value-observing', 'maya-api', 'fitness-functions', 'naivebayes', 'code-reviews', 'spring-restcontroller', 'jquery-selectors', 'excel', 'trie', 'visitor-pattern', 'dvwa', 'ai-basics', 'asp.net-core-1.0', 'nested', '7zip', 'travis-ci', 'angular5', 'textview', 'training-data', 'future-proofing', 'vbulletin', 'gevent', 'template-instantiation', 'subclass', 'three.js', 'companion-object', 'django-staticfiles', 'google-dfp', 'outer-join', 'rails-activerecord', 'terminate', 'kibana-5', 'iso27001', 'mission-control', 'linqpad', 'parallelism', 'tsql', 'patents', 'preg-replace', 'conditional', 'authentication', 'parameterized-unit-test', 'google-photos-api', 'abi', 'eclemma', 'volusion', 'data-replication', 'android-preferences', 'blogger', 'account', 'go-ethereum', 'findbugs', 'unhandled-exception', 'logical-purity', 'node-sqlite3', 'kml', 'azure-pipelines-release-pipeline', 'formidable', 'menubar', 'python-pptx', 'cross-platform', 'textbox', 'plot', 'grammar', 'lcs', 'file-get-contents', 'combinatorial-games', 'subresource-integrity', 'writing', 'liskov-substitution', 'py2exe', 'home-automation', 'asp.net-authorization', 'tizen-native-app', 'referenceerror', 'dispatch-async', 'getpixel', 'pixels', 'xctestcase', 'screensaver', 'computer-programming', 'sdn', 'task-organization', 'r1-regularization', 'es6-class', 'child-process', 'sound-recognition', 'swift-protocols', 'stringstream', 'coded-ui-tests', 'video-card', 'shapesheet', 'powerquery', 'radare2', 'secondary-sort', 'shift', 'squid', 'protege', 'cia', 'dnspy', 'dex', 'components', 'countdown', 'google-surveys', 'associated-value', 'multimethod', 'tidyverse', 'csound', 'pymongo', 'msbuild-15', 'portforwarding', 'fortran90', 'hunchentoot', 'bootstrap-multiselect', 'survival-analysis', 'code-injection', 'ndk-build', 'ff', 'react-virtualized', 'heap-memory', 'max-pooling', 'owl-carousel', 'opentracing', 'code-signing-certificate', 'hibernate-4.x', 'partition', 'whitebox', 'user-profile', 'program-synthesis', 'epoch', 'keystore', 'key-stretching', 'expect', 'oracle-apex-5.1', 'rate-limiting', 'mkpolyline', 'lektor', 'union-types', 'githooks', 'beamer', 'locationmanager', 'ksort', 'fault-tolerance', 'background-image', 'chess', 'regex-group', 'toupper', 'docker-swarm', 'aws-serverless', 'product-owner', 'db2', 'windbg', 'sh', 'nsfastenumeration', 'acts-as-votable', 'itemtouchhelper', 'static-files', 'filter', 'rgdal', 'c2call', 'polling', 'evil-twin', 'user-story', 'tiles', 'httpwebresponse', 'tags', 'pygame', 'seh', 'appdomain', 'xctest', 'scilab', 'android-jack-and-jill', 'odoo-10', 'scaffold', 'fail2ban', 'npm-cli', 'xlwings', 'wikipedia', 'circular-dependency', 'make-shared', 'reporting-tools', 'gaussian-process', 'abstraction', 'bookmarks', 'dnu', 'swift4.2', 'pivoting', 'wysiwyg', 'binary-code', 'many-body-systems', 'yii2-advanced-app', 'wildcard', 'vsphere', 'uiscrollviewdelegate', 'ms-word', 'react-thunk', 'google-poly', 'nawk', 'xsl', 'grub2', 'printing-web-page', 'enum', 'credentials', 'setup.py', 'listadapter', '.net-4.5', 'solidity', 'pixi.js', 'misra', 'postgresql-9.5', 'certificates', 'typeerror', 'assert', 'code-cleanup', 'centos7.6', 'google-geocoding-api', 'fgets', 'csplit', 'galaxy', 'networkd3', 'babel-register', 'interstitial', 'viewchild', 'microsoft-reporting', 'archive', 'embedded-linux', 'lowercase', 'hyper-parameters', 'save', 'access', 'mockk', 'windows-vista', 'libraries', 'sylius', 'unused-variables', 'qnx', 'linear-algebra', 'android-syncadapter', 'unity3d-2dtools', 'angular9', ' file etc', 'method-overloading', '.net-native', 'byte-order-mark', 'dynamics', 'mutators', 'platformio', 'domain-controller', 'teamcity', 'sknode', 'combobox', 'error-correction', 'zipper', 'atari-games', 'sparse-matrix', 'text-processing', 'redbean', 'jsonschema2pojo', 'python-3.6', 'google-authentication', 'jogl', 'presentation', 'bipartite', 'domain-name', 'npm-private-modules', 'ms-release-management', 'bind', 'mklocalsearch', 'wpfdatagrid', 'backpack-for-laravel', 'machine-translation', 'sql-scripts', 'gsutil', 'jakarta-ee', 'bold', 'decompiling', 'for-xml-path', 'readability', 'ng-generate', 'aws-batch', 'ef-core-2.2', 'ddos', 'aws-elb', 'yelp', 'long-lines', 'retrofit2', 'fragmentmanager', 'ngx-translate', 'apache-kafka-connect', 'svn-checkout', 'http-status-code-500', 'ros', 'lan', 'datagrid', 'editor-navigation', 'eclipse', 'adfs', 'slim-3', 'haskell-stack', 'srand', 'shuffle', 'encapsulation', 'dependencies', 'base-conversion', 'xml-drawable', 'mobile-data', 'mathjax', 'bayesian-deep-learning', 'xslt-1.0', 'nsnumberformatter', 'binding', 'bcnf', 'android-augmented-reality', 'maze', 'ftp-client', 'reasoning', 'long-integer', 'sys', 'vector-semantics', 'transparency', 'azure-functions', 'laravel-eloquent', 'font-face', 'system-calls', 'commercial-application', 'featuretools', 'pointfree', 'robo3t', 'emgucv', 'iban', 'angular-service-worker', 'zoom', 'tidyr', 'usb-drive', 'launching', 'intellij-idea', 'dxf', 'builder-pattern', 'circleci', 'content-based-image-retrieval', 'sentinel', 'ooad', 'google-kubernetes-engine', 'legend', 'passport-jwt', 'verlet-integration', 'gitlab', 'absolute-value', 'generic-foreign-key', 'android-architecture-components', 'ggplot2', 'pocketsphinx', 'loadlibrary', 'avr-gcc', 'xtermjs', 'usability', 'strtotime', 'web-administration', 'dependency-analysis', 'connection-timeout', 'javadocs', 'static-cast', 'os-fingerprinting', 'xcode-extension', 'href', 'go', 'extension-method', 'registerhotkey', 'textjoin', 'programming', 'postal-code', 'windows-hello', 'series', 'telephony', 'visual-studio-emulator', 'version', 'columnname', 'wc', 'c99', 'php-5.5', 'edt', 'redefinition', 'pubsub', 'dna-sequence', 'corporate', 'stochastic-gradient-descent', 'forms', 'spring-kafka', 'ternary', 'printf-debugging', 'dbvisualizer', 'django-migrations', 'symbolic-computing', 'imperative-programming', 'avassetexportsession', 'codenameone', 'kali-linux', 'laradock', 'domparser', 'vhdl', 'output-redirect', 'multilayer-perceptrons', 'comparable', 'etl', 'component-scan', 'spark', 'screen', 'less', 'open-quantum-systems', 'uart', 'cx-oracle', 'visual-c++-2017', 'tool-bindiff', 'ulimit', 'virtualhost', 'nsstring', 'bytestring', 'set-theory', 'envdte', 'maps', 'ipython', 'cllocationcoordinate2d', 'arrows', 'motorola', 'rich-text-editor', 'easymock', 'digital-assets-links', 'browser', 'serversocket', 'malicious-code', 'password-storage', 'google-cloud-tpu', 'tail-recursion', 'kernel', 'qpushbutton', 'python-c-extension', 'hugo', 'custom-fields', 'libc++', 'c3.js', 'datalist', 'port-knocking', 'cakephp-2.3', 'stem', 'client-side', 'optional', 'countermeasure', 'rootviewcontroller', 'cpanel', 'estimote', 'kafka-python', 'ms-dos', 'subtitles', 'delphi-5', 'peoplecode', 'opencv4android', 'operating-system', 'exception-safety', 'rdms', 'angular2-providers', 'tern', 'compass', 'mql4', 'draw.io', 'bot', 'coreos', 'armadillo', 'regression', 'evidence-lower-bound', 'bounds', 'msbuild-target', 'masked-array', 'rc', 'policy-evaluation', 'monit', 'android-tabbed-activity', 'space-technology', 'qsort', 'll', 'cname', 'submit', 'trusted-computing', 'crystal-reports-viewer', 'truthiness', 'urllib3', 'google-docs', 'python-2.6', 'javascript-events', 'plm', 'phone-number', 'onion-routing', 'filter-input', 'unary-operator', 'nexus', 'cgcolor', 'removeall', 'bernstein-vazirani-algorithm', 'playing', 'exploit-kits', 'byobu', 'pretty-urls', 'calculator', 'react-scripts', 'ssd', 'checkers', 'self-awareness', 'angular-ui-modal', 'dbeaver', 'gradlew', 'resolver', 'aws-code-deploy', 'content-management', 'containerization', 'bytestream', 'wallet', 'text-search', 'yum', 'ramda.js', 'cannot-find-symbol', 'obfuscation', 'protoc', 'quartz.net', 'django-filter', 'mclapply', 'rational-unified-process', 'hinge-loss', 'manage.py', 'angular-routerlink', 'throttling', 'planning', 'automata', 'smtpclient', 'file-upload', 'waf', 'nfc', 'tizen', 'windows2012', 'job-control', 'zshrc', 'laravel-query-builder', 'sqldf', 'viewer', 'bytecode', 'rdbms', 'pipfile', 'weight-normalization', 'eclipselink', 'noncopyable', 'python-idle', 'wordlist', 'grid-layout', 'dygraphs', 'android-studio-2.0-beta5', 'database-deadlocks', 'webstorm', 'performance', 'dismiss', 'pyd', 'minikube', 'windows-phone', 'vcl', 'predictive', '3g', 'mipmaps', 'foreign-key-relationship', 'icommand', 'angular2-template', 'google-api-java-client', 'web-mediarecorder', 'group-policy', 'date-manipulation', 'null-pointer', 'sleep', 'java-7', 'activeandroid', 'multiple-file-upload', 'embedding', 'visual-c++-2012', 'keycode', 'react-native-sound', 'openjdk', 'initializer', 'structure', 'dijkstras-algorithm', 'login-script', 'user-enumeration', 'id', 'string.format', 'uialertviewcontroller', ' an API breaking change?', 'sharepoint', 'device-detection', 'darknet', 'zeep', 'plotly', 'android-studio-2.2', 'sdkman', 'django-2.0', 'weblogic12c', 'blend-mode', 'bimap', 'cost-based-optimizer', 'unsafemutablepointer', 'aggregation', 'eureka-forms', 'kestrel-http-server', 'leadership', 'timezone-offset', 'bmp', 'hibernate-5.x', 'ipados13', 'objectlistview', 'closest', 'bigtable', 'asp.net-mvc-scaffolding', 'django-1.9', 'scrape', 'chatbot', 'imaging', 'polyfills', 'pyqt4', 'rollback', 'jtds', 'pawserver', 'topic-model', 'ormlite', 'bidirectional-search', 'freepascal', 'isolation-level', 'strong-typing', 'calling-conventions', 'remote-debugging', 'continuous-state-spaces', 'slack-api', 'android-theme', 'json-ld', 'histogram2d', 'ettercap', 'error-messaging', 'win32com', 'erd', 'mainframe', 'mandatory-access-control', 'angular-activatedroute', 'inline-styles', 'fxml', 'c11', 'nsnotification', 'visual-studio-addins', 'react-native-ios', 'deep-belief-network', 'octopus', 'js-xlsx', 'dpi', 'data-manipulation', 'google-cloud-stackdriver', 'symfony-security', 'windows-installer', 'docker-swarm-mode', 'readline', 'square-root', 'file-system', 'vuforia', 'crc', 'simulink', 'ether', 'move', 'jhbuild', 'iid', 'kivymd', 'cakephp-2.0', 'jquery-terminal', 'switch', 'serializer', 'typejuggling', 'visual-assist', 'learning-rate', 'scan', 'ef-core-2.0', 'terraform', 'spring-security-saml2', 'sensitive-data-exposure', 'atexit', 'maven-compiler-plugin', 'static-members', 'failed-installation', 'html-framework-7', 'google-api', 'createprocess', 'cncontactstore', 'expression', 'bdd', 'fractions', 'iscsi', 'android-flavordimension', 'raspberry-pi2', 'agi', 'template-method', 'vagrant-windows', 'initialisation-vector', 'ios9.3', 'cookie-session', 'pass-by-reference', 'facebook-php-sdk', 'dcm4che', 'transition', 'language-specifications', 'ceil', 'ollyscript', 'amazon-policy', 'windows-runtime', 'arrow-functions', 'prediction', 'pac-learning', 'sql-server-2008-r2', 'winsock', 'node-gyp', 'axis-labels', 'fclose', 'perfect-square', 'sendkeys', 'xunit.net', 'djvu', 'side-channel', 'vstack', 'soap', 'null-propagation-operator', 'p3p', 'queue', 'flot.tooltip', 'adversarial-ml', 'android-sqlite', 'uiedgeinsets', 'desktop', 'rar', 'datetime', 'sonata-user-bundle', 'text-align', 'unsubscribe', 'async', 'lvm', 'puma', 'stringi', 'networking', 'post', 'turing-completeness', 'drawrectangle', 'tomcat8', 'path', 'gsub', 'angular-material-5', 'postfix-notation', 'alexnet', 'avr', 'linq-to-entities', 'moq', 'nist', 'cortex-a', 'compiling', 'cryptographic-hash-function', 'ejb-3.0', 'map-function', 'discord.py', 'spotify', '.net-standard-1.5', 'ienumerable', 'angular4', 'casting', 'asp.net-identity', 'redis-cli', 'wsh', 'httpmodule', 'pivotal-cloud-foundry', 'kotlin-reflect', 'synchronized-block', 'kernel-patch-protection', 'vsprops', 'ignite', 'graphics2d', 'pass-by-const-reference', 'forrelation', 'asp.net-core-mvc-2.0', 'ontouchlistener', '.obj', 'pure-function', 'memory-management', 'console', 'windows-10', 'npm-start', 'const', 'render', 'browser-hijacking', 'ibm-cloud-infrastructure', 'google-login', 'liclipse', 'infection', 'bootstrap-grid', 'metaclass', 'interrupt-handling', 'arangodb', 'deutsch-jozsa-algorithm', 'aptana', 'wiringpi', 'video-classification', 'ansible-facts', 'paxos', 'outputstream', 'regional', 'android-lint', 'rx-swift', 'temporal-difference-methods', 'rosalind', 'python-performance', 'windows-server-2012', 'linode', 'yandex-mapkit', 'constant-expression', 'storekit', 'affective-computing', 'textnode', 'dymola', 'geocoding', 'amcharts', 'flutter-provider', 'wrapper', 'xsd', 'bitmap', 'scalatags', 'asp.net-core-identity', 'epsilon-greedy-policy', 'metabase', 'appendtext', 'react-window', 'coarse-coding', 'jupyter-lab', 'wireshark', 'operation', 'fedora-21', 'terminal', 'pots', 'editor', 'early-stopping', 'dylib', 'devise-confirmable', 'lexical', 'litho', 'ocaml', 'database-partitioning', 'ios8-share-extension', 'list', 'aws-sdk', 'reflection', 'aspectj-maven-plugin', 'accuracy', 'socialize-sdk', 'asp.net-core-signalr', 'facebook-share', 'tel', ' viewBag vs render actions', 'brackets', 'qmetatype', 'server-side-scripting', 'aws-codebuild', 'agile', 'socks', 'npm-install', 'ninject', 'httpoxy', 'diagram', 'rselenium', 'create-react-app', 'business-rules', 'trusted-boot', 'immutablelist', 'ansible', 'google-text-to-speech', 'android-api-levels', 'rails-migrations', 'causality', 'openfermion', 'multiple-projects', 'kendo-asp.net-mvc', 'ubuntu-12.04', 'extern', 'filesystems', 'nlp', 'pylint', 'jasmine', 'botframework', 'errorbar', 'cross-domain', 'qglwidget', 'sidebar', 'bookkeeping', 'ibm-blockchain', 'timescaledb', 'rows', 'windows-xp', 'println', 'android-video-record', 'uninstallation', 'nmap', 'openpgp', 'code-generation', 'url-routing', 'skew', 'uiviewcontentmode', 'unsigned-integer', 'angular2-routing', 'digest', 'typesafe-config', 'sudoku', 'cls-compliant', 'clean-architecture', 'react-native-navigation', 'serial-number', 'lg', 'quantum-turing-machine', 'rfc', 'kotlin-android-extensions', 'greenplum', 'button', 'quantum-walks', '.net-2.0', 'geopandas', 'promisekit', 'cocomo', 'multi-select', 'leaflet', 'crm', 'azure-cosmosdb', 'spring-mvc', 'gspread', 'http-headers', 'decrement', 'timer-trigger', 'cms', 'string-length', 'scaled-agile-framework', 'eigen', 'gmail-contextual-gadgets', 'nokogiri', 'ifconfig', 'bidirectional-lstm', 'c++-cli', 'object-detection-api', 'git-worktree', 'cpu-speed', 'owin', '.net-core-2.2', 'swift5', 'fmdb', 'technical-indicator', 'speech-recognition', 'salesforce', 'speculative-execution', 'mbaas', 'virtual-machines', 'isnullorempty', 'calendar', 'oh-my-zsh', 'pitch', 'lsb', 'xsd.exe', 'wxwidgets', 'websockets', 'case-class', 'gcmlistenerservice', 'usbserial', 'scrapy-spider', 'printk', 'portfolio-optimization', 'blender', 'forecasting', 'normalize', 'temporary-files', 'doc', 'ftp', 'pedometer', 'apache-storm', 'rc4', 'digital-logic', 'box2d', 'adobe-premiere', 'overloading', 'gulp-babel', 'system-reliability', 'udeploy', 'dependency-management', 'attack-vector', 'android-espresso', 'vc-dimension', 'image-masking', 'vertica', 'twos-complement', 'module', 'mfc', 'dsa', 'exact-match', 'local-storage', 'configuration-management', 'exif', 'antd', 'xamarin.forms', 'lsa', 'iphone-privateapi', 'refs', 'terminology', 'clang-format', 'mapping-space', 'color', 'haml', 'django-jsonfield', 'logfile', 'amazon-product-api', 'seq2seq', 'question-answering', 'openlayers', 'google-contacts-api', 'modelio', 'optimality', 'libpng', 'instance-based-learning', 'duplicates', 'entity-relationship-model', 'rotation', 'multi-label-classification', 'event-propagation', 'alter-table', 'concurrence', 'software-craftsmanship', 'xamarin-studio', 'centroid', 'extends', 'spannablestring', 'either', 'credits', 'vlans', 'dbms', 'horizontal-scaling', 'google-cloud-print', 'off-by-one', 'djgpp', 'firefox-developer-edition', 'dynamic-html', 'accelerometer', 'arduino-uno', 'linux-namespaces', 'nsmutablearray', 'javabeans', 'msdeploy', 'swagger-ui', 'orders', 'required', 'bb84', 'data-visualization', 'documents', 'reactcsstransitiongroup', 'directory-listing', 'codon', 'highstock', 'layout', 'text-parsing', '2d-games', 'story-generation', 'team-leader', 'monitoring', 'game-theory', 'stdarray', 'react-router-redux', 'repo', 'bearer-token', 'directx', 'java.util.calendar', 'upsampling', 'text-mining', '.net', 'weak-references', 'user-interaction', 'xbrl', 'minimal-requirements', 'exim', 'xlsx', 'contextmanager', 'variable-templates', 'large-scale-scrum', 'annotation-processor', 'lazarus', 'linker', 'securityexception', 'python-install', 'aapt', 'segmentation-fault', 'windows-server', 'slick.js', 'tdd', 'neon', 'skimming', 'gensim', 'onitemclicklistener', 'move-constructor', 'database-backups', 'python-tesseract', 'cunit', 'timetable', 'equation', 'installation-package', 'masonry', 'sendgrid-api-v3', 'momentjs', 'contrast', 'data-import', 'rate', 'ef-fluent-api', 'tfs', 'vendor-prefix', 'python-dataclasses', 'ssa', 'indexing', 'overload-resolution', 'scripting', 'nativescript', 'decompiler', 'es6-module-loader', 'cpprest-sdk', 'sprite-kit', 'capistrano3', 'do-notation', 'phabricator', 'angular-directive', 'bidirectional-rnn', 'controlled-component', 'sfml', 'multi-module', 'bundle-identifier', 'ssl', 'code-profiling', 'material-components', 'spring-xd', 'algorithmic-trading', 'buttongroup', 'choregraphe', 'visual-studio-2019', 'mix', 'regex-greedy', 'reflection.emit', 'processing-efficiency', 'rancher', 'large-scale-project', 'epicor', 'retrospective', 'keepass', 'ucs2', 'symfony-routing', 'vlookup', 'variadic-macros', 'constrained-optimization', 'jetty', 'azcopy', 'assertj', 'jsondecoder', 'svg', 'minimum-spanning-tree', 'spring-social-facebook', 'dart', 'tizen-studio', 'generative-model', 'dask-distributed', 'p2p', 'moea', 'rails-console', 'metadata', 'impala', 'meta', 'sysv', 'city', 'sha', 'nsa', 'qemu', 'ai-design', 'auto', 'network-scanners', 'nested-loops', 'androidx', 'uibezierpath', 'tree-shaking', 'bin', 'device-emulation', 'channels', 'unpacking', 'out-parameters', 'xunit2', 'nsurlsession', 'offset', 'code-security', 'vue-cli', 'websphere-portal', 'itext', 'data-hiding', 'content-assist', 'octave', 'google-custom-search', 'bots', 'prettier', 'cytoscape.js', 'data-class', 'react-hot-loader', 'uisearchdisplaycontroller', 'abstract-data-type', 'registrykey', 'membership', 'sprint', 'design-principles', 'dpkg', 'gruntjs', 'redash', 'law', 'unit-test-data', 'iso-8859-1', 'adal', 'azure-devops', 'centos7', 'relationships', 'wsdl', 'model-view-controller', 'connection-string', 'session-management', 'data-leakage', 'usage', 'policy-improvement', 'sql-server-2012', 'azure-sdk-.net', 'actionscript-3', 'inputaccessoryview', 'ibm', 'jsse', 'uber-api', 'multi-armed-bandits', 'lapply', 'geoserver', 'swift-playground', 'rmdir', 'django-debug-toolbar', 'layers', 'android-bluetooth', 'data-transfer', 'django-orm', 'doctest', 'simons-algorithm', 'leakcanary', 'garbage', 'wordpress', 'cloudflare', 'midi', 'nixpkgs', 'information-exposure', 'business-logic-attack', 'virtual-reality', 'go-gorm', 'amazon-cloudfront', 'precision', 'sre', 'uinavigationbar', 'pragma', 'qualtrics', 'firebase-invites', 'clickjacking', 'parseint', 'avaudiorecorder', 'raft', 'layout-inflater', 'nstextfield', 'lazy-initialization', 'swi-prolog', 'rationality', 'prototype-pollution', 'delphi-xe', 'rules-engine', 'avcapturesession', 'lambda-return-algorithm', 'web-api-testing', 'eventkit', 'edittextpreference', 'physical-signature', 'passport-facebook', 'java8', 'netflix', 'sql-merge', 'libtooling', 'vb.net-2010', 'git-pull', 'zlib', 'analog-hole', 'time-stamp', 'intel-fortran', 'jdeveloper', 'json-schema-validator', 'operators', 'mef', 'iis-express', 'cjk', '8-puzzle-problem', 'netflix-zuul', 'autosar', 'strpos', 'overlap', 'pry', 'isar', 'laravel-migrations', 'key', 'overfitting', 'memory', 'octal', 'colon', 'symfony-http-client', 'amazon-ami', 'downloadfile', 'date-formatting', 'solaris-10', 'boost', 'data-uri', 'custom-rom', 'ssas', 'black-hat', 'google-play-console', 'relational', 'randomised-benchmarking', 'reason', 'jupyter-notebook', 'sublime-anaconda', 'toric-code', 'aggregate-initialization', 'tag-helpers', 'sip', 'pyinstaller', 'contextuality', 'w-state', 'stim', 'social-networks', 'rounding', 'cin', 'port', 'off-heap', 'python-typing', 'profile', 'inverse', 'wicket', 'zero-shot-learning', 'azure-resource-manager', 'coding', 'gcal', 'knowledge-graph', 'drivers', 'conditional-statements', 'android-youtube-api', 'domain-admin', 'wpa-enterprise', 'array-broadcasting', 'nsurlprotocol', 'console.writeline', 'hadoop-streaming', 'v4l2', 'building', 'marketplace', 'discriminator', 'environment', 'php-openssl', 'asp.net-core-webapi', 'nextjs', 'analysis', 'google-optimize', 'synchronizationcontext', 'aws-elasticsearch', 'class-instance-variables', 'android-ble', 'firebase-tools', 'speech-to-text', ' The Carry Flag', 'ssms', 'convex-optimization', 'siem', 'stofdoctrineextensions', 'azure-iot-central', 'philosophy-of-mind', 'onkeydown', 'list-comparison', 'footer', 'android-mediacodec', 'fetchxml', 'web-framework', 'function-hooking', 'waterfall', 'algebra', 'promiscious', 'camunda-modeler', 'io', 'locationlistener', 'removechild', 'frames', 'lamp', 'ontology', 'loss', 'flexbox', 'translation', 'doubly-linked-list', 'google-cloud-logging', 'masm', 'selectize.js', 'fixture', 'tracking', 'chicken-scheme', 'uilocalnotification', 'cognito', 'map-reduce', 'lifecycle', 'selection-sort', 'object', 'truffle', 'better-sqlite3', 'pascalscript', 'keystonejs', 'intelligent-agent', 'service-bus', 'jslint', 'redux-saga', 'plugin', 'state-injection-model', 'refresh', 'tensorflow-estimator', 'downgrade', 'pubxml', 'h2o', 'polyfill', 'gtk2hs', 'fputs', 'fork-join', 'sonar-runner', 'reflow', 'machinekey', 'sublime-text', 'select2', 'angular-module', 'hadoop2', 'mapkit', 'automated-reasoning', 'dc-gan', 'invocation', 'macos-mojave', 'programming-logic', 'mysql-backup', 'rollbar', 't4', 'getchar', 'aws-cdk', 'livereload', 'mat', 'hypothesis-class', 'float', 'vulnerability-management', 'strcmp', 'clang++', 'extensibility', 'server', 'activity', 'tabindex', 'load-order', 'reactjs-testutils', 'kubernetes-helm', 'sumifs', 'parent', 'hot-reload', 'activitynotfoundexception', 'orientdb', 'ambiguous-call', 'google-api-client', 'metrics', 'binary-search', 'sat', 'case-when', 'silverstripe', 'kitematic', 'factory-pattern', 'fido', 'distribution', 'universal-gates', 'jitsi-meet', 'option', 'format', 'comparison', 'quantum-control', 'sanity-check', 'sql-update', 'cocos2d-android', 'face-detection', 'go-modules', 'opencv3.1', 'console-application', 'jsonparser', 'guid', 'metatable', 'reptile-algorithm', 'android-appshortcut', 'proof', 'pyglet', 'bash-scripting', 'uwebsockets', 'git-bundle', 'multi-tenant', 'user-group', 'alfresco-share', 'git-branch', 'ios-darkmode', 'background-color', 'scnnode', 'k-nearest-neighbors', 'epoll', 'operationalerror', 'google-cloud-shell', 'audio-player', 'mixed-content', 'angular', 'spring-4', 'uialertview', 'online-identity', 'aws-rds', 'antlr4', 'code-complexity', 'as.date', 'r', 'objectdatasource', 'system-administration', 'mddialog', 'ncurses', 'burp-suite', 'unitarity', 'sf', 'streamreader', 'springfox', 'array-push', 'cassandra', 'presenter', 'domdocument', 'xmlnode', 'phfetchoptions', 'py4j', 'verify', 'line-endings', 'using-declaration', 'grpc', 'onesignal', 'strlen', 'github-flavored-markdown', 'today-extension', 'samesite', 'swipe', 'expat-parser', 'dom', 'braintree', 'disassemblers', 'react-native-router-flux', 'lexer', 'multiplying', 'imdb', 'nvidia', 'bottom-sheet', 'unwind-segue', 'boson-sampling', 'explicit-conversion', 'http-tunneling', 'synchronization', 'compilers', 'ffmpeg', 'jenkins', 'sublimetext', 'fragment-lifecycle', 'hashing', 'terraform-provider-aws', 'iphone-8-plus', 'elastic-load-balancer', 'nativescript-angular', 'malware', 'pythonpath', 'jack-toolchain', 'ldif', 'listmodel', 'implicit-conversion', 'cyborg', 'sasl', 'arithmetic', 'fastclick.js', 'tofixed', 'receiver', 'apple', 'batch-insert', 'stun', 'paramiko', 'roc-auc', 'warehouse', 'rgb', 'strip', 'datadog', 'go-packages', 'replay-detection', 'access-modifiers', 'host-discovery', 'oracle-sqldeveloper', 'minute', 'actionfilterattribute', 'cmake', 'android-auto', 'expandable-table', 'inverse-rl', 'mysql2', 'spring-boot', 'structured-programming', 'location', 'swift-package-manager', 'spn', 'abac', 'implicit-cast', 'javax.imageio', 'google-cloud-ml', 'omeka', 'alphabetic', 'differential-equations', 'sysfs', 'grayscale', 'mdc-components', 'parseexception', 'android-mediasession', 'getjson', 'concurrency', 'undo', 'woocommerce', 'bufferedinputstream', 'react-loadable', 'c++11', 'ntlm', 'gcloud', 'drm', 'promises', 'win-universal-app', 'stylus', 'hash-collision', 'rspec-mocks', 'pipelining', 'typeid', 'tttattributedlabel', 'libuv', 'bitmask', 'runc', 'powerbi-desktop', 'acts-as-audited', 'fingerprint', 'sql-standards', 'blueprintjs', 'angularjs-select', 'anko', 'swing', 'flux', 'iterator', 'hadoop', 'pygobject', 'cluster-states', 'theorems', 'init', 'wincrypt', 'linkedin-api', 'git-lfs', 'iot', 'information-theory', 'websphere-liberty', 'body-parser', 'vulnerability-markets', 'psk', 'celerybeat', 'wmic', 'android-7.0-nougat', 'exponentiation', 'testng', 'multi-mapping', 'minimum-requirements', 'state-space-complexity', 'hockeyapp', 'form-data', 'stdstring', 'filewriter', 'clipping', 'forensics', 'readwritelock', 'bloc', 'private', 'geolocation', 'antlr', 'gauge', 'coercion', 'private-messaging', 'self-executing-function', 'dvd', 'black-box-testing', 'angular2-ngmodel', 'pretext-tasks', 'scale', 'google-cloud-bigtable', 'pandasql', 'capybara', 'ubuntu', 'hortonworks-data-platform', 'wsgiref', 'nsdateformatter', 'tech', 'avspeechsynthesizer', 'django-authentication', 'glm-math', 'key-value', 'docker-toolbox', 'plesk', 'deterministic-pg-theorem', 'web-applications', 'jenkins-2', 'ag', 'http-redirect', 'ngfor', 'pymongo-3.x', 'scss-mixins', 'ios8.1', 'opennlp', 'stack-overflow', 'conversion-specifier', 'rbac', 'mininet', 'l2-regularization', 'access-token', 'bug-tracking', 'document-databases', 'sigterm', 'react-chartjs', 'hce', 'reactstrap', 'mainloop', 'global-variables', 'reward-normalization', 'http-status-code-429', 'filenames', 'skills', 'google-cloud-speech', 'copy-paste', 'laravel-echo', 'puppet', 'active-learning', 'timer', 'mongoose-schema', 'deanonymization', 'functional-programming', 'alphabet', 'varnish-4', 'compliance', 'powerbuilder', 'pytest-django', 'freebsd', 'ndnsim', 'chroot', 'listviewitem', 'majorana-particle', 'where-clause', 'toolchain', 'ui-grid', 'variant', 'ads', 'user-names', 'onlongclicklistener', 'text-summarization', 'test-runner', 'reading-code', 'taglib-sharp', 'android-orientation', 'minimize', 'httpd.conf', 'heap-size', 'backbone.js-collections', 'bootstrap-select', 'android-fragmentactivity', 'core-audio', 'registry', 'caffeine', 'pci', 'phpstorm-2017.1', 'panel', 'ios-extensions', 'temporary-directory', 'lumenworks', 'argc', 'spacemacs', 'alu', 'neural-network', 'richtextbox', 'chocolatey', 'sentry', 'page-title', 'yubico', 'outsystems', 'lagom', 'gmp', 'soa', 'x509', 'executable-jar', 'podfile', 'spark-structured-streaming', 'automl', 'vb.net-to-c#', 'pybind11', 'temporal-database', 'android-internet', 'shunting-yard', 'git-merge-conflict', 'reflect', 'circuit', 'angular-translate', 'eslint-config-airbnb', 'activex', 'ngtools', 'veracrypt', 'github-api', 'vertical-alignment', 'luigi', 'instant', 'node-streams', 'key-exchange', 'angular-changedetection', 'addclass', 'cimg', 'reactive-programming', 'dempster-shafer-theory', 'filenotfoundexception', 'cpan', 'jelastic', 'common-lisp', 'input', 'django-channels', 'google-api-php-client', 'reverse-engineering', 'anonymous-users', 'android-ibeacon', 'shakespeare-text', 'shared-directory', 'homestead', 'gas', 'return-value', 'typing', 'aws-appsync', 'bootstrap-4', 'autologin', 'scalability', 'semidefinite-programming', 'distutils', 'jsf', 'video', 'karma-webpack', 'combinatorial-optimization', 'homomorphic-encryption', 'proximal-policy-optimization', 'parse-server', 'slugify', 'arraydeque', 'xjc', 'closures', 'frp', 'mapping', 'calc', 'osx-elcapitan', 'value-iteration', 'ora-06512', 'restful-url', 'cpu-cache', 'esp32', 'stochastic-hill-climbing', 'macos-sierra', 'beam-search', 'brain', 'jpa', 'textures', 'idisposable', 'gd', 'iis-10', 'emv', 'collision-detection', 'compiler-warnings', 'macros', 'ansi-escape', 'leak-sanitizer', 'lex', 'unsupportedoperation', 'struct', 'ecdsa', 'bean-validation', 'header', 'baseadapter', 'merging', 'next', 'prawn', 'largenumber', 'twilio-php', 'react-jsx', 'tryparse', 'equals', ' how do I manage them?', 'pygresql', 'dot-product', 'htmlunit', 'orm', 'natural-join', 'fpm', 'preference', 'distinct', 'twitter-bootstrap-4', 'delphi-xe2', 'spring-framework-beans', 'conjunctive-normal-form', 'extension-methods', 'binary-classification', 'stabilizer-state', 'pnotify', 'codeblocks', 'web-audio-api', 'django-generic-views', 'google-sycamore', 'coq', 'automatic-programming', 'dbpedia', 'mpi', 'cart', 'bonjour', 'metronic', 'nv-centers', 'model-agnostic-meta-learning', 'linegraph', 'subdomain', 'newtons-method', 'c-api', 'facebook-pixel', 'test-scenarios', 'gesturelistener', 'onbackpressed', 'linq-to-sql', 'zurb-foundation', 'android-cursor', 'types', 'database-migration', 'single-page-apps', 'amazon-linux', 'epicorerp', 'team-explorer', 'easygui', 'substring', 'pixel-perfect', 'aggregate-functions', 'arduino-uno-wifi', 'hdinsight', 'numerical-analysis', 'credit-card', 'main-method', 'oracleclient', 'glx', 'breach', 'zero-day', 'software-patent', 'xcode', 'tabs', 'fiware-cygnus', 'atlassian-sourcetree', 'word-embedding', 'input-layer', 'type-families', 'inno-setup', 'rails-ujs', 'bottomnavigationview', 'boundaries', 'cordova', 'ibeacon', 'cqs', 'google-app-engine', 'transferable', 'racket', 'defaultmodelbinder', 'qaoa', 'inline-variable', 'strongname', 'production-systems', 'loopback', 'coefficients', 'graph-search', 'google-fit', 'record-linkage', 'dart-js-interop', 'template-meta-programming', 'indoor-positioning-system', 'tableau-api', 'password-encryption', 'maven-profiles', 'deepmind', 'skype', 'neural-turing-machine', 'skip-connections', 'tfs-2015', 'tidyeval', 'icloud-api', 'sudo', 'clustering', 'mlmodel', 'scoring', 'error-detection', 'jquery-gmap3', 'jointable', 'wpa2-psk', 'fasttext', 'hhl-algorithm', 'cucumber', 'prosody-im', 'applinks', 'gate-synthesis', 'pycrypto', 'content-security-policy', 'apple-developer', 'redux-devtools-extension', 'setinterval', 'mpeg-dash', 'httphandler', 'stickyrecycleview', 'historical', 'task-queue', 'azure-deployment', 'deferred', 'target', 'deprecated', 'qmainwindow', 'postgresql-9.6', 'implementations', 'python-imaging-library', 'gorilla', 'animated-gif', 'less-unix', 'flutter-plugin', 'collaboration', 'proxypass', 'philosophy', 'es6', 'pyenv', 'android-instant-apps', 'circuit-construction', 'mysql', 'tslint', 'unsigned-long-long-int', 'backslash', 'password-prompt', 'android-number-picker', 'renderer', 'custom-arrayadapter', 'genymotion', 'tweepy', ' what other options do we have?', 'ios-frameworks', 'str-replace', 'android-tablayout', 'alignment', 'jd-gui', 'mapbox', 'xcode10.2', 'lotus', 'ember-data', 'arm', 'branching-and-merging', 'sample', 'namenode', 'inversion-of-control', 'caanimation', 'action-model-learning', 'factory', 'reward-shaping', 'charts', 'vim', 'swizzling', 'opencart2.x', 'resolve', 'probability-distribution', 'tomcat', 'managed', 'syntaxnet', 'hiphop', 'git-svn', '3-tier', 'mask', 'jsoncpp', 'hashlib', 'amazon-ebs', 'cross-application', 'hdfs', 'x++', 'rule', '3dtouch', 'mkdirs', 'fluentd', 'github-package-registry', 'responsiveness', 'std', 'angular-cdk', 'network-share', 'imitation-learning', 'cli', 'pem', 'qregularexpression', 'pptp', 'window-chrome', 'recommender-system', 'android-studio-2.3', 'browserify', 'nyc', 'pass-by-value', 'querydsl', 'capacitor', 'nuget-server', 'css', 'zone.js', 'svelte', '8051', 'gwt', 'xcasset', 'server-security', '.net-1.1', 'anomaly-detection', 'control-problem', 'rtsp', 'design-patterns', 'byte-code', 'apple-maps', 'callkit', 'gridster', 'cartesian-coordinates', 'art-aesthetics', 'read.table', 'screenshot', 'hprof', 'diskspace', 'eregi', 'sparkr', 'isodate', 'partial-ordering', 'recreate', 'visual-studio-2012', 'end-points', 'mysql-python', 'webvr', 'pgp', 'android-testing', 'ansi-c', 'ng-template', 'apple-push-notifications', 'windows-7-x64', 'bootstrapping', 'platform', 'terms-of-service', 'bigdata', 'random-search', 'angular7-router', 'nsmenu', 'dynamic-programming', 'morelinq', 'ujs', 'session-timeout', 'google-drive-realtime-api', 'lerp', 'workflows', 'microsoft-edge', 'viewcontroller', 'paperclip', 'pull-to-refresh', 'summarize', 'heat', 'moth-flame-optimization', 'twitter-bootstrap-3', 'airgeddon', 'error', 'bpm', 'mern', 'two-factor-authentication', 'xor-problem', 'if-statement', 'android-doze-and-standby', 'human-computer-interaction', 'user-experience', 'npm-publish', 'kops', 'soc', 'word-count', 'duplicate-keys', 'software', 'todo', 'django-urls', 'release-management', 'const-reference', 'sdlc', 'maven-3', 'filtering', 'jquery', 'transform', 'dos', 'l2tp', 'x86-16', 'windows-administration', 'laravel-request', 'google-schemas', 'high-level', 'object-oriented-design', 'protobuf', 'icalendar', 'automatic-differentiation', 'entity-framework-core', 'stackblitz', 'gitignore', 'sikuli', 'date-fns', 'plural', 'sigmoid', 'amazon-kinesis', 'volatility', 'android-bundle', 'python-mock', 'cancan', 'embedded-sql', 'azure-sdk', 'goto', 'android-5.0-lollipop', 'geom-text', 'event-programming', 'friends', 'jekyll-paginator', 'android-webview', 'gis', 'clone', 'chmod', 'axes', 'twisted', 'google-awareness', 'honeypot', 'keyword', 'eclipse-plugin', 'dice-loss', 'laravel-5.2', 'veins', 'sas', 'quickcheck', 'session-storage', 'graphql-java', 'executorservice', 'bigdecimal', 'textfield', 'word-cloud', 'weblogic', 'checkedlistbox', 'map-directions', 'stunnel', 'pypy', 'sql-server', 'dense-layers', 'singular-value-decomposition', 'android-binding-adapter', 'oracleforms', 'apache-flink', 'whatsapp', 'appsettings', 'r.java-file', 'android-powermanager', 'intellisense', 'webdriver-manager', 'filezilla', 'fragmentation', 'request', 'preventdefault', 'cross-site', 'quantum-boltzmann-machine', 'scala-2.12', 'watchkit', 'android-biometric-prompt', 'message-queue', 'business-process', 'figure', 'config', 'user-interface', 'robotframework-ide', 'mime-message', 'currentlocation', 'svelte-component', 'group-concat', 'uitextfielddelegate', 'aide', 'libcurl', 'android-night-mode', 'visual-studio-2010', 'vtk', 'language-comparisons', 'apparmor', 'custom-data-type', 'intellij-14', 'greatest-n-per-group', 'experience-replay', 'configure', 'css-loader', 'unlabeled-datasets', 'pcap', 'filesize', 'location-href', 'watir', 'one-definition-rule', 'fasthttp', 'sqlcommand', 'ghprb', 'node.js', 'findviewbyid', 'vue-loader', 'safearealayoutguide', 'textblob', 'ruby-2.1', 'designer', 'url.action', 'automatic-update', 'sqlacodegen', 'script', 'cons', 'jws', 'flash', 'mbed', 'kinect', 'uncaught-exception', 'postgresql-9.3', 'istanbul', 'line-breaks', 'katalon-studio', 'model', 'entity-attribute-value', 'blind-quantum-computing', 'oracle-adf', 'metaprogramming', 'industry', 'android-listfragment', 'amd-processor', 'multiple-columns', 'iphone-6', 'laravel-nova', 'calculated-field', 'page-load-time', 'office365', 'amazon-web-services', 'mime-types', 'q', 'chained-assignment', 'event-driven', 'key-bindings', 'between', 'python-behave', 'ldap', 'tls1.2', 'networkstream', 'secret-sharing', 'atmelstudio', 'apscheduler', 'development-process', 'vulnerability-analysis', 'rhel', 'sw-toolbox', 'lpips', 'accessibility', 'ofstream', 'post-quantum', 'sqlconnection', 'codeception', 'connect-four', 'gpu', 'ciimage', 'uwp', 'unity3d', 'typography', 'code-layout', 'teleportation', 'rack', 'visual-c++-2015', 'pluck', 'openerp', 'interpreters', 'iphone', 'ef-code-first', 'coreml', 'iddfs', 'string', 'python-3.7', 'richfaces', 'android-tv', 'explorer', 'batch-file', 'rename', 'carthage', 'social-networking', 'karabiner', 'numeric-precision', 'fbx', 'separator', 'build-settings', 'idioms', 'javascript-debugger', 'experience', 'azure-stream-analytics', 'mouse', 'du', 'popup', 'receptive-field', 'asp.net-identity-2', 'uitabbaritem', 'infrared', 'static-variables', 'haskell-platform', 'ubuntu-14.04', 'centos', 'favicon', 'date-comparison', 'shrinkwrap', 'bioperl', 'saxparser', 'sub-array', 'infragistics', 'laravel-mix', 'liskov-substitution-principle', 'c++builder', 'rfid', 'quirk', 'http-status-code-410', 'ansible-role', 'wake-sleep-algorithm', 'inputstream', 'sublimetext3', 'regularized', 'querying', 'psycopg2', 'credential-providers', 'coproduct', 'qnap', 'resttemplate', 'pycuda', 'fluent', 'rules-and-constraints', 'text-encoding', 'universal', 'web-development-server', 'onhover', 'splash-screen', 'action-spaces', 'nstask', 'split', 'pug', 'hibernate-mapping', 'psr-2', 'sage', 'web-console', 'objective-functions', 'worksheet', 'userscripts', 'attack-prevention', 'mapbox-gl', 'ajax', 'rhandsontable', 'hook-woocommerce', 'postman', 'dbcontext', 'tap', 'neat', 'localdate', 'tcplistener', 'android-library', 'mysql-8.0', 'offline-browsing', 'xcode8.2', 'tree', 'xlwt', 'patch-reversing', 'draw', 'multi-action-rl', 'readkey', 'blas', 'naming-standards', 'base', 'gpt-2', 'android-version', 'architectural-patterns', 'google-app-maker', 'grafana-alerts', 'mergetool', 'lotus-notes', 'angular2-router3', 'zombieload', 'flooding', 'language-choice', 'crash', 'logic', 'dremel', 'lemmatization', 'notation', 'modulus', 'hierarchical', 'utc', 'concurrent.futures', 'mmo', 'clifford-group', 'pg-restore', 'tortoisehg', 'rdlc', 'security-seal', 'biology', 'epm', 'risk-management', 'heading', 'rubocop', 'uistoryboard', 'libgdx', 'phpspreadsheet', 'access-control', 'dplyr', 'incomplete-information', 'angular-router-guards', 'recon-ng', 'wardriving', 'jgrasp', 'salt', 'incompatibility', 'delphi-7', 'editorconfig', 'slack-space', 'php-7.1', 'non-exhaustive-patterns', 'react-leaflet', 'completionhandler', 'word', 'noise-reduction', 'dynamic-languages', 'one-to-many', 'rake', 'pie', 'java-deployment-toolkit', 'hybris', 'privilege-separation', 'entity-relationship', 'dbflow', 'emotion', 'lint', 'seo', 'postselection', 'deprecation', 'extjs', 'lottie', 'data.table', 'primes', 'pgadmin', 'magento2.2', 'airprint', 'gridlayoutmanager', 'instagram', 'fontastic', 'stateful', 'wpa3', 'kubernetes-ingress', 'serialization', 'udp', 'visual-studio-cordova', 'cheminformatics', 'netsuite', 'vba', 'android-service-binding', 'voltdb', 'ibm-quantum-experience', 'forward-compatibility', 'ocpjp', 'mean-squared-error', 'openvpn', 'reference', 'game-ai', 'average-pooling', 'sequence-modeling', 'non-locality', 'ieee-754', 'google-directions-api', 'extension-function', 'interpolation', 'redis-sentinel', 'sccm', 'datainputstream', 'jbutton', 'crashlytics', 'django-views', 'simplexml', 'captive-portal', 'lpcstr', 'null-byte-injection', 'extreme-programming', 'community', 'root', 'wordpress-theming', 'vertical-slice-architecture', 'plt', 'conditional-types', 'min-entropy', 'adbwireless', 'kernel-extension', 'q#', 'facebook-messenger', 'signaling', 'python-2.7', 'uiviewanimationtransition', 'kubernetes-pod', 'html5-audio', 'android-toast', 'apache-fop', 'aspect-ratio', 'knuth', 'webfonts', 'basic4android', 'blocked', 'coldfusion', 'www-mechanize', 'sql-azure', 'nosuchmethoderror', 'window.location', 'owasp-bwa', 'trim', 'ed25519', 'phpcodesniffer', 'mosquitto', 'xvim', 'static-typing', 'flirt-signatures', 'reshape2', 'backbase', 'crypto++', 'ruby-on-rails-3', 'plotly-python', 'uicolor', 'google-cloud', 'saprfc', 'system-architecture', 'auth-token', 'variable-length', 'moose', 'performance-measuring', 'structure-from-motion', 'subprocess', 'android-workmanager', 'vision-transformer', 'caliburn.micro', 'read-only', 'textarea', 'android-websettings', 'opencsv', 'copy-elision', 'unreal-blueprint', 'corda', 'dos-exe', 'android-studio-3.1', 'solution', 'contentproperty', 'angular-bootstrap', 'putty', 'xaml-designer', 'dynamic-analysis', 'continuation', 'react-props', 'sigabrt', 'vagrant-provision', 'rhel7', 'radio', 'epplus', 'object-reference', 'isolation', 'cheat-engine', 'traefik', 'jersey', 'json-simple', 'rm', 'microdata', ' how can we encourage programmers to stop overly relying on testers?', 'mongorepository', 'blueborne', 'clojure', 'morse-code', 'parsley.js', 'rating', 'objective-c', 'xenforo', 'hpc', 'opengl-4', 'cmd', 'hardy-ramanujan', 'reinforce', 'warrant-canary', 'ssl-client-authentication', 'monkeypatching', 'core', 'strchr', 'time-series', 'adapter', 'asyncstorage', 'fade', 'google-maps-markers', 'runtime', 'ms-office', 'word-wrap', 'urlencode', 'activeperl', 'apktool', 'ranged-loops', 'integrated-information-theory', 'splunk', 'ruby-on-rails-5', 'thread-sanitizer', 'listen', 'section', 'facebook-login', 'react-lifecycle', 'jailbreak', 'react-select', 'azure-blob-storage', 'binary-analysis', 'mongodb-.net-driver', 'handwriting', 'interrupt', 'backgroundworker', 'gstreamer', 'nul', 'iteration', 'tests', 'right-click', 'mdd', 'jlex', 'xcode8-beta4', 'kdf', 'panda3d', 'burndown', 'podman', 'tortoisemerge', 'jquery-mobile', 'wasserstein-metric', 'alert', 'openssh', 'smtplib', 'fluentwait', 'feature-selection', 'tracking.js', 'big-data', 'swagger-2.0', 'neural-mt', 'nsfilemanager', 'decodable', 'c()', 'unique-ptr', 'feign', 'character-replacement', 'sprockets', 'hp-uft', 'serial-port', 'sharedpreferences', 'principal-component-analysis', 'image-net', 'web-config', 'penetration-testing', 'gpl', 'window-functions', 'reinforcement-learning', 'ora-02291', 'openblas', 'android-build-type', 'javabuilders', 'orquestra', 'metatrader4', 'cx-freeze', 'object-initializers', 'graph-neural-networks', 'features', 'circular-buffer', 'sensor-fusion', 'migration', 'mitmf', 'amazon-polly', 'linux-device-driver', 'dreamweaver', 'fold-expression', 'angular-seo', 'data-storage', 'fall-through', 'mime-type', 'resx', 'multitenancy', 'team-foundation-server', 'tpm', 'jsonb', 'ecmascript', 'windows-networking', 'android-support-library', 'cpu-architecture', 'character', 'lexical-scope', 'quantstrat', 'chromium', 'rust', 'c-preprocessor', 'ecmascript-6', 'wiki', 'definitelytyped', 'curve-fitting', 'forecast', 'merge-conflict-resolution', 'partial-trace', 'keycloak', 'embedded', 'datagrip', 'storybook', 'compound-assignment', 'policy-gradients', 'chrono', 'devops', 'onload-event', 'limma', 'gesturedetector', 'soft-actor-critic', 'mod-rewrite', '.net-4.7', 'dbscan', 'rncryptor', 'httprequest', 'azure-data-lake', 'syslog', 'string-literals', 'sml', 'text-to-column', 'vue.js', 'name-collision', 'authenticode', 'triplet-loss-function', 'updating', 'type-providers', 'tfsbuild', 'app-engine-flexible', 'shopping', 'monaca', 'react-router-v4', 'git-post-receive', 'plsqldeveloper', 'names', 'azure-devtest-labs', 'freetds', 'spring-websocket', 'mfmailcomposeviewcontroller', 'odbc', 'v-for', 'skos', 'placeholder', 'random-forests', 'continuous-action-spaces', 'swift2', 'mbeans', 'unzip', 'hyperledger', 'viewpagerindicator', 'citrix', 'ubuntu-server', 'requestanimationframe', 'economics', 'scala-wartremover', 'elastic-weight-consolidation', 'quantum-fourier-transform', 'php-5.2', 'data-link-layer', 'roman-numerals', 'testbed', 'uppercase', 'integrity', 'ssis-2012', 'regex-lookarounds', 'max-allowed-packet', 'google-cloud-cdn', 'hierarchical-clustering', 'mpc', 'sql-like', 'continuous-integration', 'live-streaming', 'capture', 'bosons', 'swift4', 'custom-error-handling', 'duck-typing', 'memcpy', 'xunit', 'magic-square', 'garbage-collection', 'lcd', 'code-editor', 'python-requests', 'human-factors', 'laravel-mail', 'keras-2', 'voice-recognition', 'marquee', 'delta-lake', 'price', 'cross-browser', 'magic-methods', 'packrat', 'reportviewer', 'smart-device', 'safari-web-inspector', 'url-encoding', 'avconv', 'tcpdump', 'http-patch', 'key-server', 'pages', 'asciidoc', 'ada', 'endpoint', 'pseudo-random-number-generator', 'spring-rabbit', ' How big should an object [that will be transferred between functions] be before I consider delegating it to the heap?', 'postgresql-9.2', 'smartphone', 'beego', 'linear-regression', 'pkcs7', 'vscode-tasks', 'lexikjwtauthbundle', 'reward-hacking', 'status', 'node.js-addon', 'picker', 'text-rendering', 'ios11.3', 'eu-data-protection', 'monad-transformers', 'pascal', 'policies', 'stripe.js', 'laravel-5.6', 'sidekit', 'mmap', 'encoder', 'readxl', 'streams', 'newsletter', 'dynamic-values', 'skflow', 'pecl', 'square', 'collections', 'agent-based', 'amazon-sagemaker', 'echarts', 'flac', 'reflected-xss', 'delphi-10.1-berlin', 'reloaddata', 'filebeat', 'gridsearchcv', 'staruml', 'timeserieschart', 'set-difference', 'dtplyr', 'variational-autoencoder', 'google-smartlockpasswords', 'intel-mkl', 'redundancy', 'event-driven-design', 'googlesigninaccount', 'azure-deployment-slots', 'driver', 'isomorphic-javascript', 'secure-renegotiation', 'vb6', 'deprecation-warning', 'magento2', 'bluetooth', 'contextual-bandits', 'anonymous-function', 'elastic-map-reduce', 'docker-volume', 'file-format', 'cloud-storage', 'xxd', 'background-service', 'model-binding', 'probability', 'angular-ui-bootstrap', 'activemq', 'bapi', 'clob', 'browser-automation', 'pyside2', 'recurrent-neural-network', 'number-sequence', 'embedded-tomcat-8', 'asp.net-mvc-3', 'monogame', 'vulnerabilities', 'onscroll', 'dimensional', 'qubo', 'squarespace', 'reporting-services', 'semantic-segmentation', 'windows-applications', 'commerce', 'payment', 'search', 'putchar', 'cursor', 'google-visualization', 'bokeh', 'autograd', 'msbuild', 'android-image', 'ecmascript-7', 'funcunit', 'cognitive-science', 'iris-dataset', 'html5', 'setuptools', 'android-application-class', 'swarm', 'cucumber-java', 'episerver', 'xcode-workspace', 'tabbed-browsing', 'ranking-systems', 'apns-php', 'logout', 'variadic', 'partial', 'code-contracts', 'assign', 'monaco-editor', 'android-components', 'date-patterns', 'disk', 'grunt-eslint', 'vms', 'iterable', 'typeface', 'hypermedia', 'deauth-attack', 'map', 'browserstack', 'pattern-matching', 'window-handles', 'cyanogenmod', 'preorder', 'seq', 'browsermob-proxy', 'model-free-methods', 'archilogic', 'rxjs-pipeable-operators', 'transducer', 'printstream', 'fastlane', 'unmanaged', 'document', 'parse-error', 'artificial-life', 'unnest', 'sdl', 'decoding', 'boringssl', 'rounded-corners', 'onsubmit', 'neo-luddism', 'mongodb-java', 'ecmascript-next', 'undefined-index', 'disclosure', 'python-docx', 'type-deduction', 'pandas-datareader', 'fetch-api', 'mqtt', 'apollostack', 'mvc-mini-profiler', 'incognito-mode', 'meteor-slingshot', 'e2e-testing', 'face-api', 'google-chrome-console', 'attributes', 'classnotfoundexception', 'wai-aria', 'algorithmic-bias', 'numerical-methods', 'qlikview', 'appkit', 'syntax-highlighting', 'boost-propertytree', 'android-multidex', 'stderr', 'read-eval-print-loop', 'application-design', 'value-alignment', 'uiviewanimation', 'password-generator', 'culture', 'ubuntu-18.04', 'pivot', 'outlook-web-addins', 'zipcode', 'lfi', 'datastore', 'portfolio', 'rollupjs', 'classloader', 'qmake', 'auto-import', 'phonegap-cli', 'api-gateway', 'aircrack-ng', 'travelling-salesman-problem', 'jhipster', 'partitioning', 'populate', 'azure-application-insights', 'powermock', 'sentiment-analysis', 'sha2', 'uinavigationcontroller', 'iphone-standalone-web-app', 'blink', 'cidr', 'jce', 'setw', 'excel-2003', 'cgo', 'member', 'libreoffice', 'alpha-fold', 'fbsdkloginkit', 'consistency', 'css-filters', 'angular-local-storage', 'continuous-delivery', 'pymysql', 'shake-build-system', 'genes', 'instruments', 'scalacheck', 'android-windowmanager', 'rendering', 'centering', 'aspnetboilerplate', 'ideavim', 'alteryx', 'watir-webdriver', 'fileinputstream', 'poco-libraries', 'hsts', 'insets', 'gitversion', 'dyna', 'cyclomatic-complexity', 'stdin', 'jooq', 'npx', 'wagtail', 'rdf', 'potential-reward-shaping', 'octobercms', 'pc', 'mit-license', 'mailto', 'http-status', 'dutch-national-flag-problem', 'tableadapter', 'mongo', 'programming-practices', 'labeling', 'qtserialport', 'support-vector-machine', 'database-schema', 'destructuring', 'recording', 'caller-id', 'classical-computing', 'trigram', 'handwritten-characters', 'file-types', 'icollection', 'react-apollo', 'msgpack', 'dns', 'websphere', 'blaze', 'android-appcompat', 'tablelayout', 'gnome-3', 'comments', 'textcolor', 'cascade', 'python-module', 'box-sizing', 'httpurlconnection', 'nsattributedstring', 'core-location', 'tamper-resistance', 't-designs', 'axis', 'fastmm', 'modern', 'circular-reference', 'humanoid-robots', 'omnet++', 'dynamic-routing', 'stoquatic-matrices', 'jsonconverter', 'social', 'android-music-player', 'arraycollection', 'fstream', 'cygwin', 'powerpoint', 'sqrt', 'android-handler', 'prerender', 'spring-batch', 'mac', 'wget', 'blurry', 'fiware', 'deferred-measurement', 'securestring', 'invisible', 'k-anonymity', 'plpython', 'relational-division', 'real-time-updates', 'shodan', 'pci-dss', 'nuget-spec', 'webdriver', 'emoticons', 'vsix', 'spring-web', ' web app as portal in web page', 'karate', 'pls-00103', 'heroku-toolbelt', 'categories', 'mockmvc', 'mayavi', 'angularfire2', 'codeigniter-2', 'array-formulas', 'flutter-sliver', 'visual-place-recognition', 'haskell-lens', 'asp.net-core-2.0', 'google-cloud-console', 'azure-web-sites', 'istream', 'rebol', 'gnu-screen', 'algorithms', 'android-database', 'arm-template', 'multicore', 'solace', 'jlabel', 'prevention', 'provisioning-profile', 'recurrent-neural-networks', 'tabbedpage', 'blueprism', 'bfg-repo-cleaner', 'retrace', 'django-admin-tools', 'hyperledger-composer', 'angular-providers', 'vulnerability-assessment', 'php-ini', 'infinity', 'communication', 'business-logic', 'tax', 'spring-boot-test', 'rogue-ap', 'photoshop', 'report', 'mip-star', 'auc', 'pm2', 'opencv-contour', 'bitbucket-server', 'aws-ecs', 'journalism', 'ids', 'card-games', 'typescript-decorator', 'cobol', 'datatables', 'excel-2016', 'membership-provider', 'nsdatecomponents', 'pushkit', 'profiler', 'html', 'pyaudioanalysis', 'data-lake', 'peap', 'task-parallel-library', 'user-education', 'switch-statement', 'spring-security', 'react-router-dom', 'imperative-languages', 'swift-extensions', 'xcode-server', 'architecture', 'quantum-computing', 'enterprise', 'uipickerview', 'ocr', 'uiaccessibility', 'rowdeleting', 'flutter-test', 'wiremock', 'automapper', 'oracle', 'gallery', 'wireguard', 'web.py', 'suppress-warnings', 'highlighting', 'stringify', 'ioutils', 'eigenvalue', 'bootstrap-typeahead', 'audiounit', 'effects', 'command-line-arguments', 'azureservicebus', 'webclient-download', 'language-design', 'sqldatareader', 'spark-dataframe', 'hierarchical-data', 'meta-heuristics', 'cycle', '.net-standard-2.0', 'ibm-midrange', 'pcre', 'mysql-error-1064', 'mahapps.metro', 'core-data-migration', 'julia-jump', 'tweetinvi', 'qudit', 'dynamics-ax-2012-r3', 'visualtreehelper', 'cbind', 'classname', 'ttl', 'reinventing-the-wheel', 'parquet', 'numerical-equations', 'infix-notation', 'lorawan', 'gaussian', 'font-awesome', 'junit-rule', 'symmetric-difference', 'self-supervised-learning', 'grouping', 'magic-mouse', 'gtest', 'asp.net-boilerplate', 'gnome', 'visual-studio-2017', 'argon2', 'malware-detection', 'google-translate', 'quicksort', 'multi-process', 'subnet', 'azure-cli2', 'modules', 'angular-di', 'googleplacesautocomplete', 'flexslider', 'keytool', 'buildozer', 'package-private', 'android-contacts', 'matlab', 'image-quality', 'appdelegate', 'foundation', 'sendfile', 'build.gradle', 'ellipsis', 'nixos', 'configuration-files', 'relevance', 'kernel-mode', 'hyperlink', 'alexa-skill', 'babelify', 'rom', 'falconframework', 'clock', 'mc-dropout', 'bootstrap-sass', 'htm', 'rubygems', 'treeset', 'uri-scheme', 'ildasm', 'vscode-settings', 'react-native-linking', 'antiforgerytoken', 'vertex', 'rxjs', 'efficiency', 'identification', 'behavioral-cloning', 'division', 'ng-controller', 'log-analysis', 'crud', 'graph-traversal', 'jquery-wrap', 'realm-list', 'adadelta', 'use-effect', 'telephonymanager', 'theano', 'gmail-addons', 'phonegap-plugins', 'popupwindow', 'stretch', 'shallow-clone', 'kubernetes-cronjob', 'discord.py-rewrite', 'redhat-openjdk', 'public-cloud', 'xcode8-beta6', 'cycript', 'connect', 'hungarian-notation', 'dereference', 'xamarin-forms', 'iphone-5', 'airflow', 'biometrics', 'database-administration', 'cordova-plugin-fcm', 'cloud', 'common-table-expression', 'file-formats', 'preferences', 'tr-069', 'angular-material2', 'zero-sum-games', 'apache-tika', 'reward-clipping', 'dllimport', 'dnx', 'tornado', 'chunking', 'selinux', 'privacy-policy', 'kibana', 'entity-framework-migrations', 'android-arrayadapter', 'mopub', 'evaluate', 'goroutine', 'firebase-admin', 'minio', 'local-variables', 'forge', 'gpgpu', 'restrict', 'delphi-10-seattle', 'deno', 'mean', 'quantum-money', 'adjacency-list', 'resource-leak', 'field', 'breakpoint', 'python-3.8', 'windows-phone-7', 'bundler', 'implementation', 'polygon', 'intersection', 'wubi', 'network-interface', 'bloch-sphere', 'open-close', 'vc-theory', 'php-java-bridge', 'naive-bayes', 'stroke', 'openresty', 'taylor-series', 'voip', 'flutter-channel', 'indexof', 'user-control', 'steadfastness', 'look-and-feel', 'nilssons-heuristic-function', 'react-dom', 'weebly', 'binning', 'psych', 'cycle-gan', 'tls-downgrade', 'spring-cloud-config', 'alv', 'android-mediaplayer', 'object-recognition', 'python-click', 'alpine', 'evaluation', 'amazon-echo', 'computational-theory-of-mind', 'hql', 'rollup', 'stride', 'react-boilerplate', 'google-cloud-spanner', 'android-designer', 'information', 'sbt', 'apache-nifi', 'iis-8', 'lidar', 'dsn', 'primitive-types', 'robotics', 'machine-learning', 'treemap', 'conditional-random-field', 'ddms', 'eloquent', 'corruption', 'redis', 'bullet', 'jenkins-slave', 'mongodump', 'stax', 'geckodriver', 'signal-analysis', 'libphonenumber', 'software-distribution', 'alloc', 'device-manager', 'typosquatting', 'hex', 'text-files', 'services', 'alternating', 'sql-pl', 'non-disclosure-agreement', 'boxlayout', 'ispostback', 'require', 'time-travel', 'date-difference', 'raise', 'installer', 'react-bootstrap', 'chart.js2', 'livy', 'background-foreground', 'server-side-rendering', 'mamp', 'pygame-surface', 'internet-explorer-11', 'android-relativelayout', 'integrated-circuit', 'gedit', 'android-sdk-tools', 'short', 'php-7.3', 'magic-number', 'modularity', 'evaluation-functions', 'sammy.js', 'rootkits', 'evolutionary-computation', 'markov-reward-process', 'f#-fake', 'lm', 'appsec', 'gnupg', 'entity-component-system', 'bank', 'ios11', 'simpleadapter', 'numeric', 'r-tree', 'apex', '2-way-object-databinding', 'windows-scripting', 'pins', 'jlist', 'uislider', 'leaky-abstraction', 'interface', 'apache-kafka', 'spy++', 'c#-6.0', 'playframework-2.0', 'npmignore', 'android-inapp-purchase', 'fortran95', 'snooping', 'games', 'bouncycastle', 'recompose', 'currency', 'multiple-conditions', 'f5', 'pose-estimation', 'amd', 'jobs', 'remove-if', 'shared-object', 'semantics', 'fseek', 'cardview', 'variance-reduction', 'entanglement-witness', 'resharper', 'plunker', 'iptables', 'build-tools', 'file-rename', 'google-console-developer', 'pyqt', 'nsmanagedobjectcontext', 'crl', 'byte', 'android-runtime', 'htmlbutton', 'in-memory', 'graphql-js', 'reconnaissance', 'seeding', 'carriage-return', 'janusgraph', 'elasticsearch-bulk', 'oledb', 'subscribe', 'safe-navigation-operator', 'kedro', 'wear-os', 'pchart', 'haptic-feedback', 'back-button-control', 'touch', 'conditions', 'angular-cli', 'point-of-sale', 'react-suspense', 'pass-data', 'telegraf', 'tpl-dataflow', 'google-material-icons', 'decision-theory', 'usage-statistics', 'continue', 'gulp-autoprefixer', 'touch-id', 'binary-editing', 'admob-cookieconsent', 'bit-manipulation', 'aot', 'kill', 'catmull-rom-curve', 'expandoobject', 'buffers', 'android-cardview', 'png', 'standards', 'stocks', 'software-updates', 'combine', 'iterm2', 'enum-class', 'weekday', 'relayjs', 'batch-processing', 'android-wifi', 'android-build', 'mousewheel', 'ibm-mobilefirst', 'static-analysis', 'instantiation', 'javacompiler', 'outline', 'utility-based-agents', 'stateless-state-machine', 'doctrine-orm', 'fitness-design', 'document.write', 'jwplayer', 'tweak', 'log4shell', 'discord', 'type-systems', 'rhel6', 'wchar', 'referer', 'deque', 'postgresql-performance', 'excel-interop', 'traits', 'spi', 'ip', 'hash', 'graphcool', 'subset', 'rxjs6', 'optimistic-concurrency', 'nlog', 'rigetti', 'jekyll-bootstrap', 'pan', 'xhtml-1.0-strict', 'information-gathering', 'media', 'not-exists', 'getlasterror', 'conceptual-dependency', 'dummy-variable', 'settings.bundle', 'polar-coordinates', 'qwidget', 'delphi-10.3-rio', 'capistrano', 'sugarcrm', 'exploit', 'ou', 'django-manage.py', 'eclipse-neon', 'boost-coroutine', 'roslyn', 'hl7', 'nuget-package-restore', 'quarkus', 'tar', 'keyvaluepair', 'nodetool', 'jee', 'azure-sql-database', 'tshark', 'sql-server-2005', 'bookdown', 'learning-curve', 'ibexpert', 'verbosity', 'reportlab', 'ng-bind-html', 'gfortran', 'audiorecord', '.net-core-3.0', 'stdlist', 'saving-data', 'intellij-15', 'glass-mapper', 'fullcalendar', 'wercker', 'pdb', 'foreign-collection', 'unityscript', 'expression-body', 'html-sanitizing', 'axapta', 'scripting-language', 'email-attachments', 'sct', 'random-variable', 'vendor-selection', 'sklabelnode', 'contextmenu', 'wire', 'graph-isomorphism-network', 'reshape', 'compression', 'google-web-designer', 'angular2-meteor', 'fody', 'rest-client', 'errors', 'human-activity-recognition', 'http-request', 'forward-secrecy', 'flot', 'orchestration', 'adb', 'artificial-consciousness', 'stream', 'go-html-template', 'angular-cli-v6', 'uistackview', 'friend', 'gitx', 'nullreferenceexception', 'freenet', 'namespaces', 'jung', 'java-calendar', 'remote', 'cqrs', 'direct3d', 'psnr', 'goland', 'dropbox-api', 'function-approximation', 'multiplatform', 'pe32', 'administration', 'nsuserdefaults', 'jax-rpc', 'in-place', 'high-speed-computing', 'laravel-horizon', 'journal', 'visual-studio-extensions', 'database-cursor', 'dane', 'font-size', 'windows-task-scheduler', 'datetime-conversion', 'xcode7.2', 'asp.net', 'network-programming', 'factory-bot', 'kubernetes-security', 'image-restoration', 'android-widget', 'named-entity-recognition', 'rel', 'camera2', 'preg-split', 'relational-algebra', 'integration-tests', 'incompatibletypeerror', 'hidden-markov-model', 'ott', 'sms-verification', 'azure-artifacts', 'code-snippets', 'diamond-operator', 'anonymous-methods', 'universal-image-loader', 'google-cloud-datastore', 'azure-managed-identity', 'webhooks', 'xaringan', 'pythonista', 'riot.js', 'boolean-expression', 'nicescroll', 'leaky-relu', 'uninformed-search', 'annotations', 'repr', 'network-scan', 'symfony-4.2', 'itunes-store', 'data-extraction', 'cube', 'swift3', 'stringindexoutofbounds', 'self-play', 'codesign', 'ado', 'no-cloning-theorem', 'google-cloud-dataproc', 'with-statement', 'angular-material-6', 'ata', 'raii', 'awareness', 'ocsp', 'bioinformatics', 'acid', 'xlrd', 'border', 'software-schedules', 'known-plaintext-attack', 'uicollectionview', 'corporate-policy', 'function-pointers', 'antivirus', 'directory-traversal', 'threema', 'cloud9', 'spring-el', 'xaml', 'firewalls', 'provider', 'database', 'tk', 'stackoverflow', 'peer-dependencies', 'matching', 'osx', 'challenge-response', 'asp.net-core-localization', 'azure-service-fabric', 'parsing', 'underline', 'is-empty', 'forking', 'azure-databricks', 'uifeedbackgenerator', 'icloud', 'encryption-symmetric', 'touch-event', 'console-input', 'rx-binding', 'two-way', 'registration', 'google-search-console', 'google-cloud-dns', 'goal-based-agents', 'raw-data', 'pci-e', 'matrix-representation', 'shortest-path-problem', 'cssnext', 'rpa', 'onchange', 'apk', 'orb', 'exists', 'weka', 'inet', 'dynamics-crm-2016', 'youtube-dl', 'addition', 'mute', 'qfile', 'google-api-python-client', 'angular-promise', 'windows-phone-8', 'utf8mb4', '.net-standard', 'confuserex', 'multiplexing', 'export-to-excel', 'django-signals', 'complex-numbers', 'memoization', 'iso27005', 'elitism', 'dropbox', 'actor', 'thompson-sampling', 'jvm-hotspot', 'mistakes', 'pyrebase', 'node-amqp', 'self-join', 'numba', 'class-attributes', 'tkinter-scale', 'react-component', 'spintronics', 'google-api-nodejs-client', 'arima', 'domain-specific-languages', 'ellipse', 'options', 'any', 'survival', 'aws-xray', 'policy-improvement-theorem', 'material-design', 'google-location-services', 'fifo', 'doctrine', 'ng-build', 'clickonce', 'custom-model-binder', 'case-insensitivity', 'strings', 'ampersand', 'overload', 'app-store-connect', 'dependency-properties', 'vue-composition-api', 'imagemagick', 'spinnaker', 'android-appstandby', 'visual-studio-code', 'google-sheets-api', 'jsf-2.2', 'ipv6', 'qqmlapplicationengine', 'soundcloud', 'refactoring', 'deobfuscation', 'azure-webjobs', 'email-headers', 'denoising-autoencoder', 'caffe', 'pid', 'goaccess', 'clearcase', 'multiplexer', 'custom-events', 'middleware', 'multiple-instances', 'odoo-11', 'aws-certificate-manager', 'rvo', 'angular-router', 'spread-syntax', 'software-design', 'android-maps', 'delphi', 'c166', 'knockout.js', 'ipv4', 'autodesk-forge', 'docusignapi', 'api-hacking', 'date-pipe', 'uiactivityindicatorview', 'uwp-xaml', 'c51', 'knapsack-problem', 'n-dimensional', 'code-reuse', 'fully-convolutional-networks', 'maven-source-plugin', 'critical-section', 'pdfminer', 'special-characters', 'miui', 'facenet', 'sparql', 'orbital-angular-momentum', 'importerror', 'keyword-argument', 'consumer', 'secure-random', 'excellibrary', 'yaml', 'gtk2', 'comparator', 'uniform-distribution', 'isinstance', 'serverless', 'elasticsearch-5', 'recode', 'databases', 'vue-devtools', 'android-spinner', 'stub', 'out', 'tkip', 'tortoisegit', 'qkd', 'uiapplicationshortcutitem', 'x.509', 'known-folders', 'maven-versions-plugin', 'plaintext', 'google-query-language', 'gail', 'roxygen', 'resultset', 'ecc', 'hash-functions', 'void-pointers', 'fuzzywuzzy', 'blacklist', 'joomla3.0', 'angular-ui-grid', 'argparse', 'projectq', 'geopy', 'progress', 'cisco', 'tic-tac-toe', 'setuid', 'text-alignment', 'redo', 'typescript1.8', 'angular2-injection', 'obd-ii', 'ui-automation', 'onelogin', 'xamarin.ios', 'ionide', 'generics', 'brightness', 'amp-html', 'same-site-cookies', 'php-telegram-bot', 'read-model', 'node-mongodb-native', 'laravel-elixir', 'googleio', 'billing', 'vimeo', 'el-injection', 'codesniffer', 'xmlstarlet', 'floor', 'game-development', 'python-2.x', 'custom-url', 'parallels', 'sprite', 'magento-2.0', 'firefox-addon', 'stopping-conditions', 'mvc', 'livewires', 'subscription', 'disqus', 'checkbox', 'kernel-trick', 'mythology-of-ai', 'mapactivity', 'bounded-wildcard', 'mixed', 'app.yaml', 'quantum-networks', 'import-from-csv', 'html-encode', 'device-width', 'messagekit', 'web-essentials', 'typescript-typings', 'imagebutton', 'nsuseractivity', 'visual-basic-6', 'nullptr', 'wxformbuilder', 'conversion-operator', 'executereader', 'android-uiautomator', 'organization', 'rdd', 'power-automate', 'openstack-nova', 'xcode9-beta', 'image-gallery', 'cifs', 'firebase-analytics', 'memorystream', 'alphanumeric', 'eof', 'signals', 'geospatial', 'stanford-nlp', 'raspbian', 'sendmessage', 'angular-seed', 'babel-loader', 'grid-computing', 'kolmogorov-complexity', 'qpython', 'sensor', 'graphviz', 'tampermonkey', 'strikethrough', 'css-selectors', 'openapi', 'verification', 'interbase', 'semantic-ui-react', 'twitter4j', 'sortedlist', 'ambari', 'gremlin', 'ios10', 'botocore', 'bower-install', 'isp', 'alias', 'date-conversion', 'tcl', 'spin-glasses', 'qtquickcontrols', 'robot', 'firebase-console', 'sitecore8', 'datahandler', 'dropout', 'randomness', 'angular2-changedetection', 'cil', 'uglifier', 'help-documentation', 'code-push', 'monorepo', 'regexp-replace', 'nightwatch.js', 'grasshopper', 'strawberry-perl', 'lexicographic', 'datacontract', 'uiapplication', 'quantum-discord', 'queueing', 'compiler-errors', 'last-modified', 'anti-cheat', 'rawstring', 'ssrs-2012', 'appcompatactivity', 'icc', 'dropdown', 'convolutional-neural-network', 'android-bitmap', 'playframework-2.6', 'message', 'parallax', 'django-generic-relations', 'variational-inference', 'magic-states', 'crosstab', 'plink', 'opal-2.0', 'c++17', 'pagination', 'single-page-application', 'decimal', 'workflow-foundation', 'wix', 'audiotoolbox', 'probability-density', 'one-hot-encoding', 'network-connection', 'eventual-consistency', 'multi-factor-authentication', 'android-strictmode', 'remote-server', 'watermarking', 'node-modules', 'varnish', 'doctype', 'create-table', 'ca', 'debian-based', 'gif', 'android-sharedpreferences', 'phpmd', 'word-list', 'libcrypto', 'raiseevent', 'intelligence', 'background-size', 'firebase', 'hspec', 'chr', 'quantum-inspire', 'nachos', 'calayer', 'kalman-filter', 'custom-wordpress-pages', 'plotly-dash', 'windows-phone-8-emulator', 'batch-rename', 'whmcs', 'green-ai', 'python-iris', 'computer-vision', 'python-multithreading', 'magento-1.9', 'doctrine-extensions', 'mmenu', 'automated-machine-learning', 'canvas', 'curve', 'cxf', 'dotcover', 'uipresentationcontroller', 'nsarray', 'calabash-ios', 'error-code', 'international', 'angular-library', 'share-extension', 'core.autocrlf', 'cluster-computing', 'alternative-data-streams', 'money', 'authorize.net', 'gprs', 'video-conferencing', 'recaptcha-v3', 'pomdp', 'sspi', 'file-sharing', 'retrolambda', 'in-operator', 'law-of-demeter', 'skype-for-business', 'wamp', 'aes-gcm', 'underfitting', 'makefile', 'angular-http-interceptors', 'language-interoperability', 'emulation', 'jtable', 'excel-indirect', 'exponent', 'multithreading', 'constructor-overloading', 'entity-framework-4', 'uikit', 'algebraic-data-type', 'protonmail', 'pandoc', 'http-status-code-302', 'geodjango', 'netlify', 'couchbase', 'phaser-framework', 'elementtree', 'chinese-room-argument', 'qma', 'dyld', 'compiled', 'genetic-operators', 'new-operator', 'fits', 'python-asyncio', 'least-squares', 'anti-debugging', 'copyright', 'teamwork', 'font', 'multipart', 'sublimetext2', 'kdtree', 'ispconfig', 'invariants', 'convolutional-layers', 'defaultdict', 'crosswalk-runtime', 'hover', 'android-accessibility', 'angular-renderer2', 'code-translation', 'perceptron', 'natural-language-understanding', 'uiimageview', 'asn1', 'ocl', 'virus', 'reactive-cocoa', 'query-performance', 'jenkins-pipeline', 'macos', 'payu', 'android-reboot', 'trees', 'pyodbc', 'slider', 'multiple-monitors', 'minecraft-forge', 'geom-bar', 'cloud-computing', 'fuzzy-logic', 'git-merge', 'inline', 'system.reflection', 'renyi-entropies', 'break', 'downtime', 'detect', 'lodash', 'tomcat7', 'dayofweek', 'android-checkbox', 'wai', 'nuget', 'disentangled-representation', 'mongodb-atlas', 'python-black', 'isbn', 'x509certificate2', 'overriding', 'normalization', 'ng-repeat', 'lines', 'formjacking', 'python-trio', 'keyboard-layout', 'addthis', 'points', 'healthcare', 'amd64', '3d-modelling', 'safari-extension', 'heap-dump', 'reactxp', 'nginx-config', 'activity-lifecycle', 'laravel-5.8', 'cmyk', 'params', 'htmlpurifier', 'falcon', 'dotnet-test', 'cold-boot-attack', 'http-accept-encoding', 'gitlab-8', 'povray', 'auto-completion', 'beast', 'aggregate', 'error-checking', 'twitter-oauth', 'data-processing', 'libxml2', 'ios9', 'outofrangeexception', 'flower', 'datepart', 'rss', 'scrollmagic', 'pass-the-hash', 'dataset', 'std-pair', 'sql-server-profiler', 'rubber-ducky', 'screen-scraping', 'analogy', 'signalr', 'bootstrap-modal', 'nested-function', 'integer-arithmetic', 'blobs', 'responsive', 'coldfusion-9', 'execution-time', 'libsass', 'graphics', 'aws-api-gateway', 'prism', 'jvm', 'rsync', 'checked', 'signature', 'html-helper', 'stringbuffer', 'asp.net-core-middleware', 'rts', 'skip', 'faster-r-cnn', 'lazy-sequences', 'slack', 'query-optimization', 'ecj', 'jetty-9', 'resource-theories', 'internet-connection', 'hamiltonian-simulation', 'kableextra', 'rad', 'kryo', 'wordpress-thesis-theme', 'stories', 'continuous-tasks', 'mips32', 'uicollectionviewlayout', 'binwalk', 'edge.js', 'supervised-learning', 'nunit-console', 'grape-api', 'linear-equation', 'packer', 'logstash', 'letsencrypt', 'broadcast', 'review', 'insider-threats', 'srtp', 'mahout', 'linq-to-xml', 'clgeocoder', 'command', 'native-ads', 'lifetime', 'angular-routing', ' options for how to store', 'javac', 'specifications', 'angular2-pipe', 'http-response-codes', 'multi-platform', 'timage', 'unity-container', 'psql', 'java', 'arcgis-js-api', 'string-comparison', 'getch', 'android-service', 'altbeacon', 'dynamic-memory-allocation', 'prototype', 'parallel.for', 'crossover-operators', 'flutter-layout', 'irvine32', 'datetimerangefield', 'docker-copy', 'aws-sdk-ruby', 'dialogfragment', 'pushstate', 'string-conversion', 'css-transitions', 'dimensionality-reduction', 'ng2-charts', 'solid-principles', 'ekreminder', 'typescript2.2', 'kerberos', 'angular-google-maps', 'multiclass-classification', 'pie-chart', 'ubuntu-17.04', 'stubbing', 'bluez', 'microphone', 'android-textwatcher', 'xcode10', 'comet', 'pathlib', 'jekyll-extensions', 'glibc', 'cout', 'technique', 'symlink', 'graphql', 'find', 'contiki', 'ejb', 'edit-distance', 'thumbnails', 'reusability', 'crime', 'camera-roll', 'custom-cell', 'insert-into', 'msys', 'center-net', 'frida', 'tensorflow.js', 'hadamard', 'san', 'ai-winter', 'git-bash', 'oneplusone', 'selected', 'easyimage', 'ddl', 'mov', 'azure-container-registry', 'error-mitigation', 'cocoa-touch', 'react-native-firebase', 'ostream', 'nslog', 'ioc-container', 'ecto', 'roblox', 'reservoir-computing', 'api-reversing', 'false-alarm', 'natural-language-generation', 'subclassing', 'feed', 'xml-serialization', 'mysql-connector', 'codedom', 'azure-data-factory', 'tls-intercept', 'ref', 'infinite-recursion', 'entanglement', 'function-composition', 'transpile', 'android-manifest', 'gameplay3d', 'json-server', 'process', 'cumulocity', 'neovim', 'request-validation', 'core-video', 'grails', 'deep-neural-networks', 'drop-down-menu', 'x12', 'python-cryptography', 'uitabbarcontroller', 'bell-lapadula', 'sql-server-2016', 'gacutil', 'angular-reactive-forms', 'attr', 'geany', 'android-instrumentation', 'weak-typing', 'corespotlight', 'biztalk', 'type-erasure', 'jitpack', 'linking', 'selector', 'rpn', 'icons', 'esri', 'vqe', 'rust-crates', 'telegraf-inputs-plugin', 'python', 'nullable-reference-types', 'webpack-hmr', 'static-memory-allocation', 'imx6', 'network', 'gs-vlookup', 'device-locking', 'dilution-refrigerator', 'branching-factors', 'android-audiorecord', 'javascript', 'lookahead', 'naudio', 'scanf', 'seaglass', 'union', 'materialize', 'creative-commons', 'image-loading', 'confluent-platform', 'dma-attack', 'c++-concepts', 'serilog', 'constexpr', 'sabre', 'uuid', 'connected-components', 'select-query', 'jbossfuse', 'guzzle6', 'runtimeexception', 'googletest', 'master-pages', 'latent-dirichlet-allocation', 'spring-boot-actuator', 'hardware-token', 'session', 'online-learning', 'dateadd', 'jit', 'fwrite', 'postgres', 'geocode', 'detection', 'webpack-file-loader', 'c++builder-6', 'webpack-hot-middleware', 'avplayer', 'shfileoperation', 'rtmp', 'nsmutableattributedstring', 'resources', 'isset', 'google-maps-android-api-2', 'ussd', 'code-signing', 'amazon-ses', 'text', 'slim-lang', 'python-datetime', 'angular-chosen', 'cosine-similarity', 'weld', 'console.log', 'action-recognition', 'words', 'spoofing', 'wide-column-store', 'correlations', 'credit-assignment-problem', 'topological-quantum-computing', 'kapt', 'robots', 'asterisk', 'replaceall', 'web-performance', 'bad-alloc', 'return', 'natural-logarithm', 'svcutil.exe', 'collapse', 'multiline', 'idempotent', 'pear', 'managed-bean', 'iterm', 'cron', 'login', 'android-jetifier', 'tld', 'immediate-window', 'enumeration', 'planning-poker', 'javax.persistence', 'data-analysis', 'kodein', 'vstest.console.exe', 'tetris', 'convex-function', 'thunderbolt', 'vmware-player', 'jupyter-contrib-nbextensions', 'defensive-programming', 'logical-operator', 'entity-framework-core-2.1', 'whitenoise', 'appcache', 'scancodes', 'multifile-uploader', 'amazon-dynamodb', 'rubymine', 'try-catch', 'mariadb', 'spring', 'principles', 'odoo-8', 'evolutionary-algorithm', 'kernel-module', 'gherkin', 'dot-operator', 'node-sass', 'android-gridlayout', 'clip-path', 'string-view', 'dictionary-comprehension', 'wso2-am', 'concrete5', 'definitions', 'css-tables', 'reader', 'kanban', 'superintelligence', 'angular-components', 'autocorrect', 'cloudera-manager', 'phpexcel', 'laravel-authorization', 'memsql', 'vue-chartjs', 'oim', 'datacenter', 'aapt2', 'django-settings', 'numerical', 'http-status-code-403', 'jsx', 'es6-proxy', 'jasmine-matchers', 'sap-dotnet-connector', 'sku', 'speaker', 'word-break', 'cv2', 'enumset', 'git-annex', 'kotlin-null-safety', 'react-modal', 'modalviewcontroller', 'locc-operation', 'quantum-neural-network', 'read.csv', 'request.querystring', 'pg', 'private-bower', 'laravel-5.3', 'gedit-plugin', 'autolayout', 'cp', 'b-tree', 'code-first', 'dtls', 'trustpilot', 'api-key', 'effort', 'angular-moment', 'discord.net', 'translate', 'binary-search-tree', 'pkcs11', 'vectors', 'commit', 'helpers', 'es5-shim', 'reentrancy', 'snort', 'computer-science-theory', '3d-convolution', 'azure-iot-hub', 'service-accounts', 'connection-pooling', 'permissions', 'couchdb', 'load-balancing', 'cross-compiling', 'react-navigation', 'impact', 'system-verilog', 'laravel-paginate', 'importrange', 'tumblr', 'mechanize', 'cursors', 'topology', 'jersey-2.0', 'struts-1', 'activerecord', 'valgrind', 'text-detection', 'monoids', 'coldfusion-11', 'powershell-2.0', 'elixir', 'touchableopacity', 'package', 'code-review', 'wacom', 'soft-keyboard', 'negative-number', 'stacked-chart', 'android-webservice', 'flush', 'print-module', 'jive', 'yeoman', 'openurl', 'html-heading', 'gpg-signature', 'openpyxl', 'owasp-top-ten', 'reflex', 'ethernet', 'word-2013', 'static-linking', 'start-page', 'tcpclient', 'document-ready', 'trap-functions', 'fsck', 'die', 'pythonanywhere', 'optgroup', 'yocto', 'radio-group', 'hyperledger-chaincode', 'express-graphql', 'qtsql', 'professional-education', 'covariance-matrix', 'xml', 'textinput', 'disassembly', 'intel-pmu', 'gsm', 'localtime', 'fabric', 'padlocks', 'nsfilepresenter', 'items', 'spring-cloud', 'stochastic', 'jest', 'hpkp', 'keyboard', 'compareto', 'uefi', 'ngrx-store', 'ntlmv2', 'language-extension', 'build-error', 'matlab-figure', 'var', 'reverse-proxy', 'google-classroom', 'pepper', 'egit', 'vuforia-cloud-recognition', 'number-formatting', 'type-inference', 'variadic-templates', 'text-to-speech', 'pci-scope', 'incompleteness-theorems', 'angular2-jwt', 'mailchimp', 'markup', 'webdriver-w3c-spec', 'semantic-web', 'dbi', 'ecdh', 'qtestlib', 'aws-amplify', 'bin-diffing', 'touchscreens', 'pfx', 'component', 'babel-node', 'xib', 'activation-codes', 'sender', 'spss-modeler', 'k-means', 'fragmenttransaction', 'in-app-subscription', 'sharing', 'default-method', 'worm', 'exception-handling', 'scrum-master', 'computed-properties', 'gil', 'void', 'security', 'explode', 'backstop.js', 'idle-timer', 'curse-of-dimensionality', 'systems-analysis', 'xtragrid', 'debugging', 'opengl-es-2.0', '.d.ts', 'product-states', 'style-transfer', 'softmax', 'standardjs', 'lottie-android', 'function-binding', 'analytics', 'maven-plugin', 'python-3.x', 'python-os', 'android-tools-namespace', 'autofilter', 'libclang', 'ref-qualifier', 'youtube-api', 'instance-variables', 'notserializableexception', 'amazon-s3', 'axwindowsmediaplayer', 'android-layout', 'business-objects', 'webgoat', 'ofx', 'winston', 'pi', 'goal-tracking', 'mql5', 'gameobject', 'zonejs', 'sinch', 'asp.net-mvc-5', 'predictionio', 'concatenation', 'adobe-analytics', 'mpmediaitem', 'ai-development', 'keyup', 'ora-01031', 'gui-design', 'forth', 'freemarker', 'selenium-rc', 'network-efficiency', 'paradox', 'netbeans', 'msvc', 'grep', 'actionscript', 'google-assistant-sdk', 'offline-mode', 'eclipse-3.6', 'rat', 'integration', 'nsusernotification', 'android-internal-storage', 'core-graphics', 'tqdm', 'apache-spark-dataset', 'astronomy', 'webpacker', 'exploit-development', 'native', 'systemctl', 'temp-tables', '.net-core-rc2', 'jeditorpane', 'static-libraries', 'args', 'kde', 'eclipse-cdt', 'array', 'exit-strategy', 'remarkjs', 'parser-combinator', 'prestashop-1.6', 'apache-stringutils', 'computer-architecture', 'groovyshell', 'libstdc++', 'file-access', 'django-serializer', 'sutton-barto', 'functional-dependencies', 'selection-bias', 'stylecop', 'google-chrome-headless', 'quantum-volume', 'weak-ptr', 'deviceiocontrol', 'scada', 'nightwatch', 'defense', 'android-broadcastreceiver', 'julia', 'gradient-methods', 'alembic', 'aws-iot', 'projects-and-solutions', 'clojure-java-interop', 'yield-return', 'radio-transmission', 'ecdf', 'scenekit', 'swiftmailer', 'portable-class-library', 'windows-7', 'appium', 'dd-wrt', 'synology', 'cloud9-ide', 'gets', 'amazon-lightsail', 'space-complexity', 'xpath-1.0', 'etymology', 'java-platform-module-system', 'play-billing-library', 'macvim', 'enumerable', 'counter', 'medium.com', 'geography', 'upnp', 'typebuilder', 'uipickerviewcontroller', 'radix-sort', 'database-project', 'toggle', 'qcombobox', 'reference-type', 'philosophy-of-math', 'thread-sleep', 'ggmap', 'tools', 'curl', 'mach', 'webdriverwait', 'shadowsocks', 'dialog', 'netcdf', 'positioning', 'git', 'amazon-ecs', 'uint32-t', 'reward-design', 'before-save', 'mailgun', 'random-quantum-circuit', 'traversal', 'xna', 'event-handling', 'anagram', 'crtp', 'pipeline', 'compiler-options', 'protorpc', 'greenhills', 'trusted-timestamp', 'delayed-rewards', 'reinstall', 'tcp-ip', 'lisp', 'property-placeholder', 'clickhouse', 'blowfish', 'arrays', 'zero', 'reset', 'groupbox', 'infinite', 'mask-rcnn', 'swift', 'scatter', 'uicontrol', 'dllexport', 'non-type', 'html-templates', 'graphlab', 'term', 'publish', 'expectation', 'lookup', 'adobe-brackets', 'pyopenssl', 'mpfr', 'php-7', 'vgg', 'haar-classifier', 'django-templates', 'visual-web-developer', 'focus', 'model-based-methods', 'compile-time-constant', 'password-protection', 'image-manipulation', 'zeromq', 'contain', 'ai-takeover', 'phar', 'facebook-webhooks', 'alphago-zero', 'devrandom', 'windows-10-mobile', 'spring-cloud-zookeeper', 'android-kenburnsview', 'installation', 'rds', 'slam', 'lpr', 'reactor', 'pretrained-models', 'coverity', 'app-config', 'dagger-2', 'notepad', 'amazon-ec2', 'clr', 'history.js', 'service-workers', 'jna', 'pointer-arithmetic', 'wps', 'xmpphp', 'dense-rewards', 'twitter', 'branch-and-bound', 'time-correlation', 'prototyping', 'coursera-api', 'angular2', 'onbeforeunload', 'books', 'email-forwarding', 'callback', 'sapjco3', 'hipaa', 'prometheus', 'big-o', 'search-box', 'gated-recurrent-unit', 'new-item', 'system-compromise', 'order-of-execution', 'release-builds', 'maven-antrun-plugin', 'pauli-gates', 'white-labelling', 'boost-program-options', 'async-await', 'sharpziplib', 'activiti', 'contact-form-7', 'raku', 'vuejs2', 'dsym', 'wcf', 'openquery', 'uncertainty-quantification', 'reddit', 'ghidra', 'semaphore', 'filesaver.js', 'mongodb-replica-set', 'debug-build', 'isr', 'gimp', 'intelligent-personal-assistants', 'anti-dumping', 'office', 'codefirst', 'ipc', 'sync', 'censorship', 'non-repudiation', 'maintainability', 'm2eclipse', 'chromosomes', 'ntlm-authentication', 'google-maps-api-3', 'extract', 'jwindow', 'profession', 'datasource', 'get', 'mysql-5.7', 'wwdc', 'prestashop', 'firebase-hosting', 'traffic', 'autoboxing', 'llvm', 'cncontactviewcontroller', 'alarm', 'llvm-clang', 'badparcelableexception', 'nixops', 'data-flow-diagram', 'tabpage', 'wkhtmltopdf', 'msmq', 'open-face', 'apache2', 'dkim', 'virtual-disk', 'permutation', 'xcode7', 'redux-thunk', 'sdk', 'deadlock', 'spring-junit', 'code-coverage', 'razor-pages', 'ipdb', 'sapui5', 'multi-device-hybrid-apps', 'operant-conditioning', 'html5-fullscreen', 'blinding', 'routing', 'google-search-platform', 'string-pool', 'aix', 'automationanywhere', 'mjs', 'pattern-recognition', 'dangling-pointer', 'mplab', 'content-negotiation', 'flex', 'appauth', 'escaping', 'c#-8.0', 'convention', 'monads', 'strconv', 'parallel.foreach', 'estimation', 'packages', 'viewdidload', 'laravelcollective', 'nginx', 'mentor', 'python-hdfs', 'eeprom', 'brute-force', 'formclosing', 'score-prediction', 'unresolved-external', 'bitcoin', 'volatile', 'templatetags', 'java-10', 'spectral-clustering', 'uilabel', 'trusted-web-activity', 'noise', 'hubot', 'react-native', 'nehotspothelper', 'sourcetree', 'qtquickcontrols2', 'window', 'telegram-bot', 'windows-dpapi', 'stl-algorithm', 'face-id', 'canopy', 'sparklyr', 'page-factory', 'fault', 'mnist', 'relational-operators', 'jenkins-plugins', 'electron', 'crystal-reports-2008', 'credit-card-track-data', 'pde', 'quadratic', 'visual-leak-detector', 'sbt-release', 'kubernetes', 'php-5.6', 'readonly-attribute', 'apache-curator', 'pull', 'plugins', 'webui', 'vector', 'apache-flex', 'low-level', 'dynamic-inheritance', 'slf4j', 'openoffice-writer', 'tail-call', 'modelstate', 'gmsmapview', 'exceldatareader', 'vps', 'tanh', 'batik', 'wordpress-gutenberg', 'keypad', 'preflight', 'manual-review', 'wchar-t', 'email-validation', 'kentico', 'ioc-containers', 'macos-high-sierra', 'excel-2013', 'xpages', 'human-inspired', 'policy-gradient-theorem', 'spring-cloud-contract', 'rvm', 'associativity', 'telegram', 'observer-pattern', 'source-maps', 'bitstring', 'pynput', 'breadth-first-search', 'email-spoofing', 'hardware', 'raster', 'quicklook', 'keil', 'join', 'td-lambda', 'resharper-c++', 'azure-functions-runtime', 'filevault', 'try-except', 'iqkeyboardmanager', 'computational-geometry', 'stringr', 'ode', 'captivenetwork', 'google-api-dotnet-client', 'ceres-solver', 'bundling-and-minification', 'client-certificates', 'messagebroker', 'wikipedia-api', 'project-navigator', 'custom-painting', 'ssl-certificate', 'negamax', 'amazon-ecr', 'boxplot', 'terminator', 'sw-precache', 'zebra-printers', 'entity-framework-core-3.0', 'tensorflow-datasets', 'pycryptodome', 'protection', 'tmux', 'file-comparison', 'imei', 'sd-card', 'allow-modals', 'order', 'android-tabhost', 'iphone-se', 'dynamics-crm-2015', 'proxyquire', 'app-store', 'flask-migrate', 'swift2.3', 'criteria-api', 'android-studio-2.1', 'undefined', 'yesod', 'sqlplus', 'information-schema', 'root-mean-square', 'email-ext', 'contacts', 'android-ndk', 'uiautomatorviewer', 'webpack-html-loader', 'log4j', 'android-textinputedittext', 'polynomials', 'urlloader', 'r2rml', 'saga', 'ngmodel', 'enumerate', 'os.path', 'graphic', 'hidden-layers', 'devtools', 'training-datasets', 'recyclerview-layout', 'react-i18next', 'anyons', 'optimal-policy', 'paintcode', 'mle', 'werner-states', 'python-regex', 'xcode9.3-beta', 'homework', 'adaptor', 'bag-of-features', 'image-denoising', 'channel-capacity', 'django-3.0', 'texture-mapping', 'google-maps-android-api-1', 'naming-conventions', 'proxies', 'principal-components', 'sequelize.js', 'etiquette', 'object-detection', 'razor', 'programmers-notepad', 'bitconverter', 'material-components-android', 'stdbind', 'xmltodict', 'native-code', 'sfspeechrecognizer', 'binary', 'pwntools', 'code-ownership', 'rnn', 'azure-app-service-plans', 'solid', 'mat-table', 'tile-coding', 'gradient-clipping', 'foursquare', 'cplex', 'computer-science', 'username', 'interpretations', 'react-native-maps', 'jquery-pagination', 'codeigniter', 'tabview', 'jquery-validate', 'memory-safety', 'interview', 'gzip', 'ios', 'dashboard', 'tvos13', ' why non-linear results?', 'coypu', 'vue-mixin', 'primality-test', 'apache', 'dynamics-365', 'crypt', 'jsoup', 'screen-density', 'summarization', 'cql', 'artificial-neuron', 'bluebird', 'android-studio-3.4', 'fastadapter', 'backbone.js', 'saripaar', 'backticks', 'prefix-operator', 'search-engine', 'optical-character-recognition', 'type-casting', 'closed-source', 'google-bigquery', 'setter', 'beef', 'accelerated-mobile-page', 'android-collapsingtoolbarlayout', 'android-min-sdk', 'rtti', 'explicit-constructor', 'submit-button', 'binaryfiles', 'simplecart', 'ip-camera', 'apache-drill', 'fody-propertychanged', 'anaconda', 'arc4random', 'vapor', 'resume-download', 'cocoapods', 'visual-studio-mac', 'neuromorphic-engineering', 'charat', 'invisible-recaptcha', 'c#', 'homescreen', 'preferenceactivity', 'netlink', 'fuzzy-search', 'grey-hat', 'handler', 'self-replicating-machines', 'android-databinding', 'pydev', 'instrumentation', 'bindparam', 'document-management', 'encodings', 'python-ggplot', 'tcanvas', 'snapshot', 'char', 'android-studio-2.0', 'expandablelistview', 'geth', 'android-view', 'cryptoshredding', 'navigationbar', 'ojdbc', 'dns-spoofing', 'ossim', 'batch-size', 'service-account', 'expression-trees', 'swiper', 'playback', 'kubernetes-health-check', 'qutrit', 'separation-of-concerns', 'self-organizing-map', 'google-analytics', 'air-gap', 'xilinx', 'android-audiomanager', 'google-compute-engine', 'pycharm', 'flickity', 'python-sounddevice', 'govendor', 'inference', 'sharepoint-online', 'aws-codepipeline', 'spf', 'bsd', 'jsfiddle', 'enterprise-development', 'undefined-function', 'tensor-product', 'hybrid-mobile-app', 'jax-ws', 'twitter-search', 'include', 'software-quality', 'raw-sockets', 'helper', 'uiactionsheet', 'string.h', 'prioritized-sweeping', 'drug-design', 'retrytemplate', 'intelligence-testing', 'mod', 'function-declaration', 'agent', 'vb.net', 'caesar-cipher', 'barcode-printing', 'xcode11', 'performance-testing', 'smart-devices', 'system.drawing.color', 'jmeter', 'django-sessions', 'datastax-enterprise', 'azure-cdn', 'bundle-install', 'vulkan', 'bufferedreader', 'java-annotations', 'log-likelihood', 'cohesion', 'data-migration', 'bluetooth-lowenergy', 'hashcat', 'arabic-support', 'algebraic-data-types', 'bristlecone', 'pyqubo', 'linux-development', 'electronics', 'statusbar', '3d.io', 'azure-virtual-machine', 'c#-to-f#', 'getting-started', 'nested-lists', 'google-data-studio', 'easy-install', 'magicmock', 'latent-variable', 'stability', 'single-shot-multibox-detector', 'led', 'forward-pass', 'uac', 'xmlrpc', 'cakephp-3.0', 'microsoft-extensions-logging', 'opencv3.0', 'developer-console', 'sql-injection', 'xacml', 'mesh', 'angular-animations', 'nspredicate', 'azure-bot-service', 'systemd', 'airflow-scheduler', 'runnable', 'web-sql', 'morgan', 'jtextcomponent', 'entity-framework', 'stack-navigator', 'bamboo', 'gpu-programming', 'oauth-2.0', 'claims-based-identity', 'amazon-dynamodb-streams', 'ghcjs', 'http-delete', 'omniauth', 'windows-10-iot-core', 'alamofire', 'swift4.1', 'laravel-valet', 'arcanist', 'this', 'asynctest', 'fuseki', 'mailer', 'cadvisor', 'distributed', 'elasticsearch-py', 'javafx-8', 'c++14', 'gitlab-ci-runner', 'problem-solving', 'ssms-2014', 'su', 'transpose-convolution', 'imagemagick-convert', 'expand', 'heartbleed', 'chat', 'asp.net-mvc5', 'static-access', 'chart.js', 'finite-markov-decision-process', 'flash-memory', 'f-string', 'reassembly', 'expected-sarsa', 'bbbv', 'selenium-grid', 'rstudio', 'privilege-escalation', 'delimiter-separated-values', 'java-threads', 'on-policy-distribution', 'unreal-engine4', 'pyc', 'namecheap', 'namedtuple', 'nest', 'repository', 'black-box', 'paginate', 'binomial-theorem', 'trezor', 'stat', 'knowledge-base', 'idiomatic', 'stdvector', 'brainfuck', 'strstr', 'quickfixn', 'textselection', 'human-like', 'governance', 'rvest', 'zabbix', 'stemming', 'social-engineering', 'azure-ad-graph-api', 'natural-sort', 'linkify', 'efcore', 'line-intersection', 'binary-diagnosis', 'time-management', 'fopen', 'asp.net-mvc-areas', 'plyr', 'virtual-machine-languages', 'guice', 'unity-remote', 'image-processing', 'backspace', 'glm', 'rollingfilesink', 'kvm', 'renderaction', 'godeps', 'denial-of-service', 'listiterator', 'azure-container-service', 'push-notification', 'ngtable', 'data-compression', 'informed-search', 'ondraw', 'android-navigationview', 'lustre', 'subview', 'multi-objective-rl', 'initial-context', 'producer-consumer', 'android-homebutton', 'autocomplete', 'documentation-generation', 'sln-file', 'publish-profiles', 'presentviewcontroller', 'federated-learning', 'xlsm', 'api-platform.com', 'cpu', 'numpy-einsum', 'liferay', 'actions-on-google', 'expressionbuilder', 'css-variables', 'ios-camera', 'javax.swing.timer', 'laravel-5.5', 'javadoc', 'javascriptcore', 'simple-schema', 'cgrect', 'ecmascript-5', 'android-alertdialog', 'uinavigationbarappearance', 'element', 'versioning', 'android-pageradapter', 'paypal-sandbox', 'navigator', 'debian-jessie', 'ghdl', 'ddpg', 'fourier-transform', 'eap-psk', 'leap-motion', 'pwa', 'webview', 'ms-access-2016', 'jquery-plugins', 'payeezy', 'screens', 'exploration-exploitation-tradeoff', 'functor', 'double-quotes', 'commonjs', 'delphi-10.2-tokyo', 'public', 'pagerank', 'inductive-bias', 'ios-background-mode', 'autowired', 'sql-query-store', 'object-tracking', 'outsourcing', 'angular2-nativescript', 'muzero', 'react-hooks', 'mux', 'format-specifiers', 'flow', 'defaulttablemodel', 'cloning', 'ms-access-forms', '3des', 'peewee', 'self-improvement', 'python-chess', 'percentage', 'google-drive-api', 'viewwithtag', 'tfrecord', 'decompile', 'nodatime', 'office-addins', 'eclipse-memory-analyzer', 'flush-reload', 'physical-realization', 'windowsiot', 'hmvc', 'web-services', 'chromium-embedded', 'gganimate', 'nonlocal-games', 'on-policy-methods', 'isabelle', 'kudu', 'multi-agent-systems', 'watchman', 'openoffice.org', 'typedef', 'alamofireimage', 'hapijs', 'state-space-search', 'showdialog', 'standardisation', 'typeclass', 'production', 'serp', 'user-data', 'buffered', 'cmder', 'azure-eventgrid', 'streamwriter', 'aws-php-sdk', 'team-building', 'maya', 'pgadmin-4', 'stackexchange', 'aptana3', 'slim', 'game-gan', 'restrictions', 'exec', 'codable', 'sql-server-2000', 'neural-architecture-search', 'cumsum', 'masking', 'avx', 'tsconfig', 'seconds', 'games-of-chance', 'overflow', 'storage', 'value-functions', 'google-play-developer-api', 'monkeyc', 'cryptocurrency', 'worker', 'static-classes', 'masm32', 'quantum-circuit', 'reset-password', 'jekyll', 'gradle-plugin', 'git-tag', 'linux-kernel', 'floating-point', 'widget', 'audit-logging', 'train-test-split', 'cakephp-2.1', 'nhibernate', 'cookbook', 'z3', 'contains', 'drawer', 'destructor', 'postgresql', 'dynamic-linking', 'systems', 'indexeddb', 'requirements-management', 'smart-pointers', 'opcode', 'httpclient', 'chef-recipe', 'application-restart', 'jsf-2', 'md-select', 'blogspot', 'linear-interpolation', 'branch', 'gulp-sass', 'tampering', 'text-extraction', 'adobe', 'architect', 'alchemyapi', 'reachability', 'windows-update', 'propertyinfo', 'netbeans-7', 'fileparsing', 'packages.config', 'cctv', 'wakeup', 'reload', 'epp', 'fullscreen', 'chai-http', 'oauth', 'strategy', 'recall', 'external', 'socialshare', 'return-type', 'math.sqrt', 'sql-server-2008', 'themes', 'dcos', 'jszip', 'cell', 'ruby-block', 'release', 'matrix', 'webassembly', 'linefeed', 'gridfs-stream', 'cllocation', 'yara', 'chef-solo', 'pascals-triangle', 'iso', 'scala', 'cdn', 'android-security', 'symfony-3.4', 'sweave', 'servlet', 'constraints', 'single-responsibility', 'keyevent', 'treeview', 'extjs3', 'navigationview', 'raphael', 'erase-remove-idiom', 'web-deployment-project', 'swagger-codegen', 'biopython', 'io-monad', 'signal-processing', 'localhost', 'linux-mint', 'tfq', 'data-binding', 'jinja2', 'boot2docker', 'portability', 'aar', 'pypi', 'docker-container', 'mail-server', 'cake-bake', 'edit', 'httr', 'ruby-on-rails-6', 'computational-learning-theory', 'webcam', 'sap-conversational-ai', 'r-car', 'jsonresponse', 'host', 'jmeter-4.0', 'cissp', 'google-cloud-functions', 'ida-star', 'stylelint', 'asp-classic', 'env', 'behat', 'git-gui', 'getimagedata', 'httpcontext', 'event-listener', 'object-oriented', 'infrastructure', 'archiva', 'code-execution', 'reactive', 'facebooksdk.net', 'android-viewflipper', 'juniper', 'audit', 'react-native-debugger', 'scene', 'trace-distance', 'atomicity', 'math.net', 'tacacs', 'service-worker', 'role', 'solid-state', 'mlab', 'ejs', 'ms-access', 'database-sequence', 'endlessscroll', 'file-systems', 'stereoscopy', 'ps', 'running-total', 'certificate-pinning', 'akka', 'browser-history', 'sqlite', 'macos-darkmode', 'caching', 'context.xml', 'python-multiprocessing', 'code-modeling', 'django-import-export', 'dojo', 'coding-standards', 'documentum', 'modelsim', 'myget', 'fadein', 'dynamic', 'nunit', 'bit', 'include-path', 'jasmine2.0', 'spring-data-jpa', 'quotes', 'a-star', 'symmetric', 'angle', 'tukey', 'induction', 'request-signing', 'webrtc', 'sqlfiddle', 'delphi-xe8', 'extjs2', 'frozen-lake', 'lazy-loading', 'bulkinsert', 'adjustpan', 'frameworks', 'steering', 'aarch64', 'alpha-beta-pruning', 'compiler-optimization', 'std-function', 'sample-efficiency', 'coredns', 'pipenv', 'restsharp', 'matlab-cvst', 'nodes', 'spark-framework', 'subtotal', 'strategy-pattern', 'blocking-function-call', 'media-source', 'c#-2.0', 'flutter-container', 'diagrams', 'jsch', 'eager-loading', 'languages', 'instagram-api', 'realloc', 'google-reporting-trafficking-api', 'criteria', 'css-position', 'google-domain-api', 'humanizer', 'technical-manuals', 'google-colaboratory', 'jwt-auth', 'modelica', 'pickerview', 'script-tag', 'minimum', 'quantum-metrology', 'oledbconnection', 'formal-languages', 'bitwise-operators', 'bundles', 'catch-all', 'amazon-cognito', 'getter', 'office-js', 'hyperparameter-optimization', 'quotation-marks', 'tweetstream', 'youtube', 'theory', 'raspberry-pi', 'mouseup', 'mifare', 'git-cherry-pick', 'svc', 'readfile', 'react-proptypes', 'm4', 'android-support-design', 'angularjs-ng-transclude', 'jsdoc', 'margins', 'spring-hateoas', 'thread-safety', 'importance-sampling', 'tunnel', 'embodied-cognition', 'repository-pattern', 'fallback', 'sieve-of-eratosthenes', 'easeljs', 'protocols', 'libspotify', 'legend-properties', 'forum', 'quantum-biology', 'pomelo', 'shellshock', 'shipping', 'parcel', 'ensime', 'prototypal-inheritance', 'get-method', 'anylogic', 'android-sdk-2.3', 'powershell', 'openvas', 'dmz', 'syscall', 'git-config', 'compiler', 'quantitative-finance', 'flutter-radiobutton', 'batch-learning', 'cvx', 'app', 'swap', 'asp.net-mvc', 'chunks', 'email-integration', 'linear-optics', 'intersection-observer', 'predict', 'report-generation', 'yahoo-finance', 'hyperparameters', 'dependency-injection', 'derived-column', 'disable', 'mailkit', 'autostart', 'system.io.compression', 'arduino-c++', 'boolean-logic', 'php-password-hash', 'gemfire', 'google-cloud-sql', 'freeze', 'qquickview', 'magrittr', 'bottle', 'code-formatting', 'type-punning', 'forwarding', 'joblib', 'decompilation', 'desktop-development', 'amazon-rds', 'sqlcipher', 'asp.net-core-mvc', 'learning-without-forgetting', 'watch', 'selenium-webdriver', 'submodules', 'wordpress-plugin-creation', 'dcgan', 'filemaker', 'openiddict', 'ssrs', 'autodesk-data-management', 'postgresql-9.4', 'collectionview', 'react-helmet', 'external-sorting', 'databricks', 'elementor', 'rewrite', 'flume-ng', 'ios9.2', 'form-control', 'offline-reinforcement-learning', 'rss-reader', 'drupal', 'connector', 'gorm', 'semi-mdp', 'android-camera2', 'mockups', 'normalizr', 'ewsjavaapi', 'capabilities', 'system.out', 'object-oriented-analysis', 'django-rest-auth', 'angularjs-scope', 'gaussian-mixture-models', 'array-algorithms', 'imageview', 'bllip-parser', 'pacman', 'dagger', 'css-transforms', 'buildship', 'remote-client', 'eventhandler', 'absolute-path', 'history', 'auth-socket', 'maxdate', 'thrust', 'oracle-cloud-infrastructure', 'browser-compatibility', 'business-risk', 'sha-3', 'prepend', 'taskscheduler', 'mandrill', 'asimovs-laws', 'opengl-es', 'uiactivityviewcontroller', 'template-argument-deduction', 'diffie-hellman', 'aws-sdk-js', 'iis-7.5', 'android-emulator', 'webjob', 'osgi', 'ruby-on-rails-3.2', 'golint', 'google-api-js-client', 'varchar', 'glut', 'task', 'workflow', 'combinations', 'blackberry', 'ble-state-preservation', 'react-navigation-drawer', 'repeater', 'nikto', 'apn', 'nas', 'boto3', 'compare', 'infinite-scroll', 'shors-algorithm', 'density-estimation', 'fragment-backstack', 'dto', 'm3u8', 'string-substitution', 'autocommit', 'sticky', 'ioc', 'android-animation', 'coredump', 'spring-retry', 'android-wireless', 'union-all', 'public-key-encryption', 'auto-update', 'feedparser', 'mutex', 'constants', 'sql-workbench-j', 'filecompare', 'x11', 'cbc', 'asp.net-mvc-web-api', 'android-appbarlayout', 'user-management', 'ffi', 'virtualmin', 'automated-theorem-proving', 'procedure', 'vanishing-gradient-problem', 'wpa2-eap', 'database-design', 'generic-programming', 'helix', 'pcb', 'pyqt5', 'laravel-5.7', 'graph-isomorphism', 'extend', 'face-recognition', 'subtyping', 'angularjs-service', 'azure-storage-queues', 'web-service', 'string-formatting', 'machine-language', 'countif', 'hint', 'particles', 'jsonp', 'androidhttpclient', 'blue-green-deployment', 'decomposition', 'bert', 'recaptcha', 'idris', 'listener', 'data', 'boltzmann-machine', 'user-controls', '.net-core', 'java-time', 'social-security-number', 'mvvm', 'g++5.1', 'backtracking', 'cat', 'sections', 'daphne', 'htmlelements', 'kombu', 'drive', 'xls', 'android-developer-api', 'laravel-response', 'stochastic-universal-sampling', 'fxcop', 'linformer', 'can-bus', 'layer-list', 'fastlane-match', 'spring-cloud-stream', 'isapi-rewrite', 'blame', 'kdoc', 'forex', 'conditional-breakpoint', 'epilogue', 'onactivityresult', 'shiny-server', 'certificate-authority', 'diagonal', 'sqlalchemy-migrate', 'timedelta', 'ttk', 'web-application', 'fastagi', 'android-location', 'mmu', 'fraud', 'linear-gradients', 'apache-airflow', 'case', 'reactive-streams', 'tabcontrol', 'ref-struct', 'winrm', '8-queens-problem', 'aws-lambda', 'configuration', 'android-snackbar', 'pycurl', 'mimekit', 'adaptive-cards', 'react-context', 'deletion', 'non-termination', 'java-module', 'aws-security-group', 'spring-rest', 'tableviewcell', 'onclick', 'runcommand', 'spring-webflux', 'postback', 'go-swagger', 'tensorflow', 'template-matching', 'branching-strategy', 'python-3.4', 'subtypes', 'cirq', 'pyautogui', 'metasploitable', 'mocha', 'lda', 'laravel-blade', 'reactive-forms', 'photo', 'flow-typed', ' zero or one indexed', 'steganography', 'aurora', 'password-management', 'pace.js', 'mediarecorder-api', 'typechecking', 'c++-standard-library', 'underscore.js', 'health-monitoring', 'eval', 'mitre', 'six', 'okhttp3', 'iedriverserver', 'composer.json', 'facebook-access-token', 'android-7.1-nougat', 'browser-sync', 'alibaba-cloud', 'visual-c++', 'myisam', 'callable', 'google-vision', 'ssim', 'shared-hosting', 'google-code', 'case-insensitive', 'binary-flower-pollination-algorithm', 'g++-5', 'fog', 'pdftotext', 'binary-data', 'android-download-manager', 'jquery-ui-datepicker', 'jargon', 'legacy', 'transpiler', 'static-ip-address', 'python-c-api', 'artisan', 'react-redux', 'facebook-like', 'adjustable', 'transfer', 'textbook-and-exercises', 'customer-relations', 'web-push', 'dispose', 'mobx', 'hiera', 'rippledrawable', 'telerik-mvc', 'android-tabs', 'bluestacks', 'stack-oriented', 'infoleak', 'lumen-5.4', 'oncreate', 'logger.net', 'imblearn', 'gmail-api', 'django-celery', 'svg-animate', 'web-client', 'update', 'cross-validation', 'kotlin-logging', 'git-commit', 'mode', 'separation', 'express-4', 'flowtype', 'stdasync', 'web-api', 'java-9', 'region', '.class-file', 'specflow', 'unistd.h', 'theory-of-computation', 'stress-testing', 'xlsxwriter', 'nsobject', 'qt4', 'gssapi', 'whitespace', 'penetration-test', 'jpeg', 'cut', 'tokenize', 'typeconverter', 'method-reference', 'apple-tv', 'ai-milestones', 'firebase-performance', 'qpainter', 'jagged-arrays', 'constraint-layout-chains', 'digital-ocean', 'cqlsh', 'cd', 'yandex-maps', 'scala-repl', 'c++-actor-framework', 'struts2-interceptors', 'spring-cloud-sleuth', 'panel-data', 'yourkit', 'android-debug', 'http-status-code-404', 'azure-virtual-network', 'actionlistener', 'correlation', 'best-first-search', 'microsoft-sharepoint-online', 'shapeless', 'trust-region-policy-optimization', 'concourse', 'persian-calendar', 'quicktime', 'bulksms', 'android-memory', 'multi-task-learning', 'long-short-term-memory', 'github', 'nsdate', 'functional-interface', 'wasserstein-gan', 'quorum', 'large-files', 'smartclient', 'cryptanalysis', 'node-inspector', 'visio', 'formatting', 'http-status-codes', 'url-rewriting', 'java-native-interface', 'android-architecture-lifecycle', 'member-functions', 'partial-transpose', 'ruby-on-rails', 'popover', 'uistepper', 'i2p', 'meizu', 'fork', 'linter', 'aws-sdk-nodejs', 'exploding-gradient-problem', 'cl', 'watson', 'vlsi', 'angular2-moment', 'open-ai', 'catransition', 'fastclick', 'uitextfield', 'knowledge-transfer', 'rop', 'kotlin-coroutines', 'iframe', 'distributed-filesystem', 'vptr', 'ios-simulator', 'uitest', 'audiocontext', 'substrate', 'scroll', 'finance', 'php-carbon', 'non-linear-regression', 'aggregation-framework', 'topshelf', 'deterministic-policy', 'sampling', 'pybullet', 'smb-signing', 'const-correctness', 'cross-cutting-concerns', 'openalpr', 'debuggers', 'pageload', 'palindrome', 'cross-correlation', 'wpa2', 'scapy', 'missing-data', 'ios12', 'conditional-probability', 'openpulse', 'chrome-custom-tabs', 'keylogger', 'ios-universal-links', 'geofencing', 'html-table', 'pennylane', 'hashicorp-vault', 'business-intelligence', 'selenium', 'ruby-on-rails-5.1', 'mingw', 'arrayobject', 'beanshell', 'byod', 'nsfetchrequest', 'toggleclass', 'office365connectors', 'relation', 'tooltip', 'event-dispatch-thread', 'spring-data-jdbc', 'android-json', 'backlog', 'xcode-ui-testing', 'q-learning', 'messages', 'google-vr', 'elm327', 'memcached', 'covert-channel', 'verilog', 'company', 'akka-stream', 'ipython-notebook', 'webservice-client', 'windows-ce', 'payment-method', 'sub-domain', 'tinkerpop3', 'android-adapterview', 'apache-spark-2.0', 'android-imageview', 'printf', 'process-improvement', 'size-t', 'arraylist', 'meteor', 'permission-denied', 'project.json', 'vocabulary', 'slice', 'nsregularexpression', 'temporal', 'scala-compiler', 'autoencoders', 'webrequest', 'mutual-information', 'filestream', 'minimum-description-length', 'att', 'xml-rpc', 'tensorflow-transform', 'anonymous-types', 'user-defined-literals', 'rootview', 'cubic-spline', 'openbsd', 'srs', 'smtp', 'spring-data', 'microsoft-graph-api', 'superconducting-quantum-computing', 'indices', 'apache-spark-mllib', 'pod', 'freeswitch', 'dtd', 'development-methodologies', 'nebular', ' How to join these 2 methods?', 'code-complete', 'onpause', 'camelcasing', 'user-input', 'unsupervised-learning', 'listview-adapter', 'gnu-radio', 'prince2', 'utf-16', 'jettison', 'codeigniter-upload', 'soapui', '360-panorama', 'grid-search', 'flexdashboard', 'data-diodes', 'google-apis-explorer', 'ansible-inventory', 'ossec', 'asset-pipeline', 'tracing', 'discord-jda', 'firebaseui', 'windows-10-universal', 'exoplayer', 'entity-framework-5', 'protected-mode', 'openwrt', 'function-module', 'stream-processing', ' anything I can do to be productive again?', 'undertow', 'shadow-tomography', 'mixed-mode', 'color-scheme', 'neo4j-driver', 'divide-by-zero', 'wifite', 'fastparquet', 'android-r8', 'bag-of-words', 'redmine', 'private-key', 'spring-security-oauth2', 'graphene-python', 'sugarorm', 'lastpass', 'deb', 'action-filter', 'android-fullscreen', 'android-jetpack-compose', 'mergesort', 'database-update', 'laravel-datatables', 'ngrok', 'uisearchcontroller', 'technology', 'backendless', 'business-process-management', 'copy-constructor', 'non-static', 'android-actionbar', 'ionic-framework', 'jscrollpane', 'audio-processing', 'ascx', 'crash-reports', 'pangram', 'tez', 'expression-evaluation', 'google-chrome-devtools', 'pca', 'algorithm-request', 'formal-verification', 'google-closure-compiler', 'kibana-4', 'ngx-bootstrap', 'android-date', 'boost-coroutine2', 'anonymity', 'flowlayout', 'device-owner', 'raspberry-pi3', 'readonly', 'will-paginate', 'servlet-3.0', 'get-wmiobject', 'jedis', 'menuitem', 'phase-estimation', 'graphical-programming', 'pdfsharp', 'wordnet', 'user-defined-functions', 'sentience', 'lucene', 'azure-mobile-services', 'jmx', 'bash-completion', 'fabric8', 'appcelerator', 'angular2-cli', 'polynomial-approximations', 'continuous-deployment', 'memory-access', 'windows-phone-8.1', 'date-format', 'l1-regularization', 'flask-admin', 'heuristic-functions', 'iostream', 'data-mining', 'test-coverage', 'android-drm', 'facade', 'lets-encrypt', 'crosswalk-project', 'docker-build', 'aws-vpc', 'google-sheets-query', 'spring-data-rest', 'simulation', 'gtk3', 'protocol-oriented', 'oidc', 'gnu-make', 'microfrontends', 'imgur', 'sqlbulkcopy', 'checkmarx', 'pii', 'nodemailer', 'irfanview', 'google-analytics-firebase', 'fubini-study-metric', 'log4j2', 'skmaps', 'notify', 'mobile-net-v2', 'cwe', 'minecraft', 'android-lifecycle', 'gunicorn', 'hyper-v', 'slidetoggle', 'professionalism', 'aiohttp', 'luks', 'checksum', 'dns-domain', 'lumen', 'android-custom-view', 'non-ascii-characters', 'group-by', 'bug', 'pickle', 'dart-async', 'member-function-pointers', 'enigmail', 'linkedin', 'commonsense-knowledge', 'software-engineering', 'svn2git', 'protocol-buffers-3', 'peres-mermin-square', 'parallel-programming', 'steam', 'mutate', 'files', 'sql-server-2012-datatools', 'memory-efficient', 'visualvm', 'iterative-development', 'secret-key', 'zap', 'visual-studio-2013', 'gsap', 'angular-pipe', 'toarray', 'performance-tools', 'connection', 'kivy-language', 'python-dateutil', 'visual-studio-6', 'stomp', 'pytorch', 'azure-elastic-sharding', 'intellectual-property', 'google-forms', 'scrapy-shell', 'virtual-memory', 'format-string', 'netezza', 'local-variable', 'android-sdcard', 'divide', 'event-sourcing', 'unity5', 'bitbucket', 'libsodium', 'lockless', 'office-interop', 'aslr', 'reification', 'jcenter', 'symfony3.x', 'eclipse-adt', 'backdoor', 'quantum-process-tomography', 'urlopen', 'app-launcher', 'web-crypto-api', 'for-loop', 'hexagonal-tiles', 'unicode', 'android-4.4-kitkat', 'dirty-cow', 'logical-operators', 'nullable', 'scikit-learn', 'owin-middleware', 'selenium-firefoxdriver', 'posixct', 'ios-provisioning', 'remote-control', 'number-theory', 'debouncing', 'trello', 'perl', 'third-party-libraries', 'angular-material', 'future-proof', 'udf', 'node-red', 'wxpython', 'tfvc', 'ebean', 'data-members', 'elu', 'json-deserialization', 'maintenance', 'calendarview', 'azure-elastic-scale', 'preserve', 'xxz-model', 'cellular', 'userinfo', 'react-native-camera', 'schedule', 'probabilistic-machine-learning', 'mean-square-error', 'reactjs', 'projective-transformations', 'wms', 'writable', 'mp4', 'modularization', 'oracle-jet', 'shellexecute', 'powershell-1.0', 'subdirectory', 'adaptive-icon', 'concurrentdictionary', 'cakephp-1.3', 'python-importlib', 'hibernate', 'do-catch', 'docker-desktop', 'expiration-date', 'photonics', 'simple-reflex-agents', 'capacity', 'transmon', 'tablib', 'redux-form-validators', 'single-table-inheritance', 'microchip', 'sequencing', 'nsfilewrapper', 'conditional-vae', 'gio', 'negotiation', 'height', 'html5shiv', 'days', 'cfbundledisplayname', 'round-robin', 'windows-mobile', 'concat', 'activity-indicator', 'ruby-2.4', 'keydown', 'deep-blue', 'head', 'skrollr', 'file-permissions', 'android-gallery', 'char-pointer', 'datetime-parsing', 'jcalendar', 'singly-linked-list', 'physx', 'risc', 'itextsharp', 'traveling-salesman', 'active-objects', 'azure-cosmosdb-mongoapi', 'backward-compatibility', 'css-shapes', 'aop', 'pay-per-click', 'authenticator', 'google-cloud-vision', 'r-raster', 'matplotlib', 'forkjoinpool', 'operator-precedence', 'keybase', 'integer-overflow', 'rhino-mocks', 'method-call', 'access-violation', 'bellman-operators', 'google-sheets', 'google-cloud-pubsub', 'hidden', 'outlook-addin', 'metaspace', 'javascript-inheritance', 'memory-barriers', 'distributed-system', 'build-server', 'tagging', 'html-select', 'odoo', 'google-places-api', 'requirements.txt', 'apache-zeppelin', 'mesa', 'inlining', 'universal-approximation-theorems', 'week-number', 'xcode9', 'binary-tree', 'telnet', 'lambda-calculus', '.net-framework-version', 'directory-structure', 'remote-connection', 'bulma', 'innerhtml', 'exif-js', 'error-logging', 'integer', 'ios-bluetooth', 'windows-firewall', 'valuetuple', 'github-pages', 'stata', 'cordova-plugins', 'exceljs', 'safe-browsing-filter', 'nestjs', 'readr', 'xmppframework', 'path-finding', 'titan', 'proxy', 'mxgraph', 'handset', 'install', 'data-access-layer', 'sandbox', 'upsert', 'elementary', 'listeners', 'visualgdb', 'jlink', 'android-8.0-oreo', 'viper', 'appleevents', 'quantum-gate', 'ecu', 'control-center', 'confidence-interval', 'banks', 'torrent', 'product-development', 'nested-routes', 'project', 'benfords-law', 'dep', 'itertools', 'ndef', 'base64', 'token', 'tizen-web-app', 'kismet', 'multipartform-data', 'restify', 'query-string', 'firmware', 'metric', 'symfony-3.3', 'sicp', 'uibarbuttonitem', 'developer-tools', 'ibm-watson', 'pattern-mining', 'jquery-masonry', 'mvs', 'hamcrest', 'windows-terminal', 'uniqueidentifier', 'bit-shift', 'notification-listener', 'gulp', 'knitr', 'symfony-2.8', 'uinavigationitem', 'utilities', ' if A is an abstract class?', 'pearson-correlation', 'multi-user', 'build', 'effect', 'malloc', 'github-webhook', 'quantum-parallelism', 'boto', 'emr', 'abaqus', 'setup-project', 'autoload', 'nshttpurlresponse', '16-bit', 'bulk-extractor', 'connect-mongo', 'memory-segmentation', 'heap-overflow', 'alfresco', 'icmp', 'virtual-dom', 'elasticsearch-6', 'cryptography', 'google-sheets-importxml', 'uml', 'associative-array', 'systrace', 'metalkit', 'visual-studio-2017-build-tools', 'edifabric', 'facebook-marketing-api', 'delete-row', 'crash-dumps', 'scene-classification', 'google-calendar-api', 'distributed-development', 'microcontroller', 'seven-segment-display', 'mit-scratch', 'mutablemap', 'flags', 'android-gridview', 'tasm', 'amazon-cloudwatchlogs', 'angular-resolver', 'gdb', 'aws-kms', 'agda', 'ios8', 'epplus-4', 'youtube-data-api', 'sequelize-cli', 'ksqldb', 'apache-license', 'blur', 'truncate', 'imap', 'linked-list', 'sticky-footer', 'cp1250', 'firebase-cli', 'ms-media-foundation', 'jtextpane', 'record', 'system-alerts', 'spring-data-commons', 'advanced-custom-fields', 'multiprocess', 'key-usage', 'ruby', 'swift-dictionary', 'yii', 'network-monitoring', 'text-based', 'next.js', 'pull-request', 'dice', 'turing-test', 'appstore-approval', 'dinamico', 'android-ksoap2', 'ghci', 'hybrid', 'key-management', 'sonarlint-intellij', 'cgpoint', 'copy', 'alsa', 'cpt-symmetry', 'firebird', 'industry-standard', 'angular-ngmodel', 'ansistring', 'composer-php', 'exe', 'information-hiding', 'qubes-os', 'fastlane-gym', 'firewall', 'google-apps', 'strips', 'sift', 'traceroute', 'uisearchbar', 'ngrx-effects', 'android', 'shopify-app', 'enzyme', 'photon', 'css-grid', 'synchronized', 'printers', 'android-gradle-plugin', 'joi', 'rowset', 'start-activity', 'devexpress-wpf', 'unc', 'bits', 'odata', 'mercurial', 'azure-table-storage', 'precision-recall', 'sqlsrv', 'object-code', 'http-method', 'time-format', 'javafx', 'gettext', 'angular2-services', 'jdbctemplate', 'convergence', 'vue-meta', 'namespace', 'ifttt', 'getelementbyid', 'annotation-processing', 'spring-security-ldap', 'angular4-forms', 'skin', 'pairwise', 'godel-machine', 'reference-counting', 'cfi', 'facebook-ios-sdk', 'spring-tool-suite', 'calabash-android', 'aws-iam', 'cipher-selection', 'sum', 'mat-autocomplete', 'reformer', 'xmldocument', 'dcg', 'imbalanced-datasets', 'service-fabric-stateful', 'gitlab-omnibus', 'javamail', 'runtime.exec', 'basic-authentication', 'memory-usage', 'flask', 'logstash-configuration', 'rcurl', 'mo-flow', 'citations', 'data-breaches', 'tr', 'joptionpane', 'httponly', 'design', 'executenonquery', 'mips', 'android-intentservice', 'batch', 'sql2o', 'stochastic-policy', 'uisegmentedcontrol', 'import-reconstruction', 'miniconda', 'rxjs5', 'geojson', 'electron-builder', 'notifications', 'spp', 'gmaps.js', 'rational-numbers', 'knowledge-based-systems', 'create-directory', 'average', 'clang', 'playstation', 'nsdatecomponentsformatter', 'azure-authentication', 'stabilizer-code', 'iso8601', 'ec2-ami', 'saml', 'gopro', 'substitution', 'mongoimport', 'invalidoperationexception', 'thrift-protocol', 'sweetalert2', 'seed', 'glyphicons', 'webpack-encore', 'hebrew', 'wep', 'text-recognition', 'proofs', 'xcode9.4', 'pq', 'packet-capture', 'gpio', 'pep8', 'restfuse', 'cat-swarm-optimization', 'globals', 'jsonschema', 'gtmetrix', 'android-gps', 'azure-java-sdk', 'android-9.0-pie', 'ai-safety', 'conditional-gan', 'typetraits', 'android-architecture-navigation', 'gregorian-calendar', 'functional-requirements', 'flutter-alertdialog', 'screensharing', 'rails-activestorage', 'react-admin', 'insomnia', 'flyway', 'jython', 'intranet', 'vmware', 'atom-editor', 'maven-central', 'stock', 'django-admin', 'src', 'umap', 'concurrenthashmap', 'feature-detection', 'class-method', 'playframework-2.5', 'moshi', 'vote', 'constructors', 'normal-distribution', 'timeout', 'for-in-loop', 'sdwebimage', 'behavior', 'decorator', 'ctc-loss', 'latitude-longitude', 'code-climate', 'firepad', 'phpdocumentor2', 'xcodebuild', 'jitter', 'angular-decorator', 'truecrypt', 'android-context', 'json.net', 'msvcrt', 'controls', 'fluxible', 'angular-ui', 'anyobject', 'uicollectionviewflowlayout', 'apt', 'asvs', 'commercial', 'injection', 'events', 'variables', 'calling-convention', 'gridbaglayout', 'uipangesturerecognizer', 'wmi', 'pytest', 'animate.css', 'processhacker', 'bias-variance-tradeoff', 'proxychains', 'crystal-reports', 'data-warehouse', 'distributed-transactions', 'shapefile', 'threadpool', 'ioerror', 'lab', 'vtable', 'angular-http', 'z-index', 'openstack', 'winscp', 'java-io', 'visual-studio-express', 'dependency-inversion', 'recursive-descent', 'text-indent', 'xcuitest', 'atmel', 'systems-programming', 'channel', 'adafruit', 'gdlib', 'httpresponse', 'mobile-application', ' }', 'upload', 'symbols', 'luis', 'efs', 'scheduler', 'infowindow', 'wigner-function', 'roc', 'handwriting-recognition', 'dimension', 'automation', 'refinement-type', 'undefined-behavior', '802.1x', 'staticlayout', 'serial', 'android-transitions', 'credential-reuse', 'trial', 'org-mode', 'semi-supervised-learning', 'adlds', 'cancellation', 'exchangewebservices', 'breakpoints', 'dotnet-cli', 'declarative-programming', 'injectable', 'system.memory', 'ef-database-first', 'bundling', 'android-studio-3.0', 'daydream', 'git-webhooks', 'bias', 'webpack-4', 'json-schema', 'immunity-debugger', 'language-agnostic', 'non-max-suppression', 'kotlin-interop', 'list-comprehension', 'postgresql-copy', 'apdu', 'android-external-storage', 'open-cog', 'uitabbar', 'keys', 'technical-support', 'java.util.concurrent', 'mandelbrot', 'struts', 'saml-2.0', 'silent', 'solovay-kitaev-algorithm', 'react-native-flatlist', 'in-clause', 'recognition', 'xquery', 'virtual-environment', 'surface', 'nao-robot', 'ansi', 'scheduling', 'yup', 'android-looper', 'lotus-domino', 'swf', 'promise', 'clipboard', 'idapro-sdk', 'google-chrome', 'stylesheet', 'caret', 'getstream-io', 'dbix-class', 'pkcs#1', 'substr', 'xhtml', 'android-framelayout', 'direction', 'overscroll', 'grails-2.3', 'mq', 'java-2d', 'schannel', 'materialized-views', 'datatrigger', 'maven-archetype', 'getter-setter', 'benchmarks', 'spring-config', 'strcpy', 'segmentation', 'web-of-trust', 'hids', 'wifi', ' synchronous and asynchronous', 'factorial', 'keychain', 'responsive-design', 'nssecurecoding', 'xssi', 'tile', 'testing', 'heuristics', 'database-cleaner', 'open-closed-principle', 'memory-footprint', 'winmain', 'sigils', 'manual-testing', 'echo-state-network', 'spring-framework', 'grsecurity', 'uitableviewsectionheader', 'web-developer-toolbar', 'maybe', 'source-insight', 'speedup', 'getters', 'r-leaflet', 'linux', 'locate', 'declarative', 'scp', 'bungeecord', 'modal-dialog', 'warnings', 'github-actions', 'iphone-4', 'psexec', 'alexa-skills-kit', 'asm', 'template-specialization', 'domain-adaptation', 'license-key', 'angular-momentum', 'summary', 'address-sanitizer', 'vector-space', 'android-productflavors', 'enterprise-architecture', 'android-things', 'filefield', 'bioconductor', 'preferencefragment', 'package.json', 'synthetic', 'indentation', 'sha256', 'reverse-shell', 'lotusscript', 'kubelet', 'rainbow-table', 'nsurlrequest', 'ag-grid', 'asp.net-docker-extensions', 'recurrent-layers', 'literate-programming', 'block-cipher', 'xpath', 'clipboard.js', 'string-aggregation', 'jmespath', 'progressive-web-apps', 'insert', 'docker-network', 'notepad++', 'annealing', 'azure', 'immutable.js', 'libx265', 'rollout', 'java-memory-model', 'hidden-subgroup-problem', 'delve', 'trace', 'nodemcu', 'rpm', 'facet-grid', 'google-shared-contacts', 'handshake', 'o365-flow', 'sketchflow', 'phpdoc', 'send', 'openstack-cinder', 'appdata', 'torchvision', 'provisioning', 'have-i-been-pwned', 'flutter-animation', 'fatjar', 'knowledge-management', 'calculation', 'linq', 'address', 'paste', 'ordinal', 'gitk', 'debounce', 'maven-jar-plugin', 'dlp', 'speed', 'dicom', 'atmega', 'peer', 'quartz-scheduler', 'roles', 'wic', 'alm', 'google-webfonts', 'implicits', 'glassfish', 'wkwebview', 'using', 'mkdir', 'hidden-files', 'ida-plugin', 'pe-resources', 'android-intent', 'degrees', 'cabal', 'code-behind', 'embedded-database', 'tf-idf', 'android-mipmap', 'android-gravity', 'openssl', 'css-float', 'webpack-style-loader', 'bitnami', 'double-click', 'webapp2', 'anti-exploitation', 'inception', 'antibugging', 'ora-06502', 'kill-process', 'mouse-pointer', 'windows-server-2016', 'uri', 'appendchild', 'spss', 'ios7', 'jscript', 'code-organization', 'aspect-oriented', 'localization', 'dockerfile', 'measurement', 'directx-12', 'c#-3.0', 'weights-initialization', 'exfiltration', 'bubble-sort', 'objdump', 'autofac', 'app-inventor', 'top-n', 'moya', 'react-css-modules', 'whitelist', 'pow', 'filepicker', 'maxq', 'qasm', 'productivity', 'basex', 'embedded-system', 'tcp', 'elastic-stack', 'assertion', 'automated-tests', 'django-rest-framework', 'instructions', 'spring-boot-admin', 'spyware', 'azure-aks', 'proguard', 'drupal-8', 'node-crypto', 'arabic', 'android-securityexception', 'sass-lint', 'casperjs', 'pentaho-cde', 'typo3', 'assets', 'outliers', 'processbuilder', 'uitableview', 'bootstrap-vue', 'strtol', 'ion-toggle', 'neuroevolution', 'external-accessory', 'scheduled-tasks', 'default-constructor', 'db-browser-sqlite', 'jtextfield', 'dynamic-feature', 'in-memory-database', 'puppeteer', 'audio', 'higher-order-functions', 'crontab', 'c#-interactive', 'labview', 'yarnpkg', 'angular2-components', 'jquery-steps', 'react-native-scrollview', 'docker-entrypoint', 'tor', 'native-base', 'flink-streaming', 'mars', 'aspectj', 'mongodb-compass', 'avaudiosession', 'android-doze', 'angular-ng-if', 'adminer', 'libc', 'google-app-indexing', 'jquery-hover', 'fido2', 'uitextview', 'dql', 'ssh-keys', 'zoo', 'datestamp', 'oracles', 'background-thread', 'multipeer-connectivity', 'tomcat9', 'reverse-geocoding', 'counting', 'cap-theorem', 'angular7', 'ant-colony-optimization', 'dependent-type', 'timestamp', 'type-hinting', 'dummy-data', 'ntp', 'hardcoded', 'poisson', 'maven', 'mutation-observers', 'vuetify.js', 'int64', 'websphere-8', 'logarithm', 'angular2-ngcontent', 'label', 'freelancing', 'uistoryboardsegue', 'geo', 'voice-recording', 'uglifyjs', 'vigenere', 'updates', 'mediawiki', 'singleton-type', 'sinatra', 'android-adapter', 'unique-constraint', 'eulers-number', 'viewstate', 'page-refresh', 'ternary-operator', 'meta-learning', 'identifier', 'node-ffi', 'acceptance-testing', 'monte-carlo-tree-search', 'localizable.strings', 'demonstration', 'html-input', 'design-flaw', 'cloudkit', 'mach-o', 'quine', 'tcpdf', 'android-vision', 'ngrx-store-4.0', 'android-listview', 'risk-assesment', 'kurento', 'babel-preset-env', 'mfmessagecomposeview', 'do-while', 'comparison-operators', 'directive', 'batch-normalization', 'euclidean-distance', 'reference-request', 'integer-division', 'collaborative-filtering', 'object-create', 'react-fullstack', 'php-toolkit', 'sql-order-by', 'variadic-functions', 'area', 'facet', 'dialogflow', 'perfect-forwarding', 'stringtokenizer', 'eslintrc', 'filesplitting', 'swrevealviewcontroller', 'angular2-upgrade', 'koa-router', 'angular-formbuilder', 'aws-cloud9', 'temp', 'passphrase', 'orocrm', 'python.net', 'google-chrome-app', 'asp.net-identity-3', 'funcall', 'quantum-memory', 'gofmt', 'cython', 'ubuntu-16.10', 'hamburger-menu', 'axios', 'tecogan', 'oscp', 'roxygen2', 'vertical-scrolling', 'typescript2.8', 'qt-creator', 'flarum', 'kafka-consumer-api', 'apache-arrow', 'knowledge-graph-embeddings', 'oracle-apex', 'dropzone.js', 'sapply', 'post-meta', 'string-interning', 'zombie-process', 'topic-modeling', 'twirl', 'van-eck-phreaking', 'aframe', 'amazon-sns', 'call-graph', 'event-store', 'django-select-related', 'ini', 'mono.cecil', 'turbolinks', 'mule', 'user-stories', 'blocking', 'attribution', 'spring-properties', 'angular-fullstack', 'appium-ios', 'applescript', 'back', 'concepts', 'jpanel', 'satisfiability', 'program', 'parity', 'android-calendar', 'physical', 'logic-programming', 'rvalue', 'elasticsearch-1.6.0', 'surveillance', 'file-transfer', 'grpc-java', 'google-play-services', 'facebook-unity-sdk', 'ngroute', 'powerapps', 'text-editor', 'reminders', 'fs', 'phonegap-build', 'android-studio-3.2', 'named-pipes', 'ctime', 'parallel-foreach', 'objectid', 'arduino-ide', 'thread-dump', 'styling', 'libmagic', 'hostname', 'thread-synchronization', 'shiny', 'smime', 'ef-core-2.1', 'typescript', 'webpack-bundle-analyzer', 'ord', 'jestjs', 'masstransit', 'catastrophic-forgetting', 'blogdown', 'flask-cache', 'logistic-regression', 'pyaudio', 'myo', 'virtualizers', 'talend', 'relative-import', 'amqp', 'do-loops', 'koa2', 'snowflake-cloud-data-platform', 'uint8t', 'projection', 'opencart2.3', 'typeof', 'jaws-screen-reader', 'chrome-web-store', 'sql-server-2017', 'ollydbg', 'dash-shell', 'while-loop', 'viewflipper', 'shiro', 'strcat', 'jpa-2.0', 'datagridview', 'gtk', 'inner-product', 'pic', 'amortization', 'pkcs12', 'passwd', 'esb', 'grepl', 'electronic-voting', 'locks', 'badge', 'nano-server', 'asp.net-core-1.1', 'td3', 'traceback', 'short-circuiting', 'career-advice', 'aurelia', 'fedora', 'windows-8.1', 'mysql-workbench', 'decltype', 'qiskit', 'backing', 'multi-factor', 'axon', 'pom.xml', 'ssrs-2008', 'testers', 'xgboost', 'natural-language-processing', 'total-variational-distance', 'dateinterval', 'directed-acyclic-graphs', 'gtid', 'standard-library', 'parentheses', 'ckfinder', 'dam', 'socket.io', 'facebook-javascript-sdk', 'crossdomain.xml', 'non-standard-evaluation', 'sub-resource-integrity', 'self', 'hexrays', 'css-modules', 'email', 'fidelity', 'custom-view', 'teamviewer', 'destruction', 'heroku', 'query-parameters', 'ncr', 'portable-executable', 'starvation', 'singularity', 'https-protocol', 'netty', 'cyber-warfare', 'androiddesignsupport', 'zero-trust', 'haveged', 'fft', 'screen-readers', 'vue-router', 'netbeans-8', 'database-connection', 'dendrogram', 'awt', 'dft', 'graph-states', 'react-router', 'hashcode', 'ranking', 'cloud-sql-proxy', 'es6-shim', 'phalcon', 'exponential', 'apache-beam', 'sign', 'cheerio', 'endianness', 'compile-static', 'render-to-response', 'beautifulsoup', 'io-redirection', 'custom-scheme', 'touchablehighlight', 'pycaffe', 'cmath', 'bitmessage', 'optional-parameters', 'store', 'nsview', 'class-reconstruction', 'android-statusbar', 'glew', 'single-sign-on', 'nsmanagedobject', 'advantages', 'chat-bots', 'normalize-css', 'non-deterministic', 'system-call', 'android-camera-intent', 'babel-cli', 'faker', 'latex', 'inner-join', 'padding', 'simple-html-dom', 'containers', 'facebook-audience-network', 'google', 'text-analysis', 'or-operator', 'propel', 'jgit', 'aes', 'laravel-routing', 'webforms', 'django-queryset', 'smooch', 'gesture', 'mutation-operators', 'struts2', 'g1ant', 'match', 'codex', 'state-spaces', 'end-user', 'lambda-return', 'quoting', 'document.evaluate', 'install-referrer', 'maximize', 'hive', 'show-hide', 'bpmn.io', 'dos-com', 'local-file-inclusion', 'named-parameters', 'network-access-control', 'media-queries', 'system.drawing', 'restore', 'webautomation', 'backupexec', 'graphs', 'spfx', 'boosting', 'relational-database', 'file-read', 'git-push', 'jodatime', 'couchbase-view', 'histogram', 'pyscripter', 'jquery-deferred', 'live', 'afnetworking', 'single-layer-perceptron', 'stackdriver', 'alphazero', 'docx', 'java-http-client', 'hashmap', 'character-encoding', 'high-traffic', 'spdc', 'android-camera', 'flume', 'google-cloud-firestore', 'ipa', 'tapply', 'shapely', 'android-constraintlayout', 'dancer', 'elasticsearch-plugin', 'elasticsearch-dsl', 'mysqli-multi-query', 'tibble', 'wordpress-rest-api', 'select-string', 'image-rotation', 'gson', 'terminate-handler', 'shutdown', 'cloudfoundry-uaa', 'eggdrop', 'random', 'simulate', 'timeline', 'nielsen-and-chuang', 'stack', 'domain-driven-design', 'enumerator', 'firefox-quantum', 'mozilla', 'amazon-rds-aurora', 'winforms', 'jpql', 'pseudo-element', 'typeorm', 'sass-loader', 'ai-security', 'installshield', 'media-player', 'autoit', 'static-keyword', 'menu', 'otool', 'phasset', 'unauthorized', 'basic', 'linechart', '4d-database', 'http-brute', 'attention', 'meanjs', 'ping', 'latency', 'gpt-3', 'code-separation', 'data-driven', 'usart', 'kotlin-extension', 'phpmailer', 'angular2-google-maps', 'representation', 'entanglement-breaking-channels', 'greedy-policy', 'ordereddictionary', 'fragment', 'seccomp', 'rmysql', 'contentful', 'regex', 'ag-grid-angular', 'jupyterhub', 'c#-4.0', 'data-containers', 'angularjs-forms', 'uitapgesturerecognizer', 'reactivex', 'build-process', 'system.net', 'postfix-operator', 'trend', 'sslengine', 'webauthn', 'firebase-test-lab', 'epochs', 'pddl', 'eclipse-mars', 'identityserver4', 'ivy', 'hopper', 'opencart', 'scaletransform', ' $a = $a + 1 ', 'pipe', 'ida', 'preloader', 'postgresql-10', 'highcharts', 'public-key-infrastructure', 'handlebars.js', 'meshlab', 'keras-layer', 'gnuplot', 'stdint', 'sanitization', 'spring-bean', 'object-lifetime', 'mumps', 'biocomputing', 'xs', 'partial-classes', 'bbcode', 'rust-chrono', 'podio', 'data-access', 'iife', 'sorttable.js', 'zapier', 'background', 'app-search', 'static-assert', 'trailing', 'novelty-search', 'telerik', 'state', 'drjava', 'junit-runner', 'wolfram-mathematica', 'bitstuffing', 'control-theory', 'robolectric', 'ibm-q-experience', 'http-status-code-301', 'wdk', 'asp.net-core-3.1', 'asymptotic-complexity', 'variable-length-array', 'ide', 'talkback', 'nrvo', 'spell-checking', 'onblur', 'passenger', 'webos', 'firedac', 'webdeploy', 'language-detection', 'feature-extraction', 'icu4c', 'smoke-testing', 'infinite-loop', 'pseudo-class', 'nskeyedunarchiver', 'iis-6', 'rx-cocoa', 'portal', 'jupyter', 'xssf', 'pdo', 'chain', 'uigesturerecognizer', 'android-query', 'oraclelinux', 'gpg4win', 'interface-builder', 'st-monad', 'twitter-rest-api', 'sha1', 'sitecore-social-connected', 'fetch', 'android-10.0', 'totality', 'jetbrains-ide', 'mybb', 'snappy', 'xml-configuration', 'bayesian-probability', 'off-the-record', 'google-fusion-tables', 'yii2', 'egg', 'bgp', 'code-duplication', 'sokoban-puzzle', 'word2vec', 'firebase-security', 'wine', 'cis-framework', 'fail-fast', 'koin', 'policy', 'execute', 'function-object', 'data-driven-tests', 'oauth-1.0a', 'iphone-x', 'abstract-class', 'debian', 'domain', 'inclusion', 'admin', 'data-cleaning', 'apollo-client', 'object-literal', 'confirm', 'tvos', 'google-nearby', '4g', 'spark-csv', 'tinymce', 'pyramid', 'dijkstra', 'react-redux-form', 'bell-basis', 'yii2-model', 'publish-subscribe', 'angular-ngselect', 'google-speech-api', 'time-and-attendance', 'interoperability', 'secret-questions', 'antimalware', 'inner-classes', 'sqlx', 'swift-language', 'pickadate', 'strong-parameters', 'cntk', 'angular-template', 'conflict', 'laravel-admin', 'case-folding', 'encoding', 'olap', 'purrr', 'angular-templatecache', 'static-constructor', 'zx-calculus', 'execution', 'opsec', 'sparse-word-embedding', 'otr', 'shinydashboard', 'comma-operator', 'ns-3', 'restricted-boltzmann-machine', 'cocoa', 'ecmascript-2017', 'ti-basic', 'modulo', 'sidekiq', 'silent-installer', 'border-layout', 'top-down', 'procedural', 'gradle-task', 'hindsight-experience-replay', 'json-api', 'ngfw', 'docker-for-windows', 'proprietary', 'bytearray', 'termux', 'database-development', 'stack-machine', 'cluster-analysis', 'urbancode', 'angular2-modules', 'side-effect', 'master-detail', 'google-search-api', 'modeling', 'dockerhub', 'self-xss', 'function', 'experiment', 'fourier-sampling', 'css3', 'sfinae', 'instant-messaging', 'cloudera', 'ansible-vault', 'conditional-formatting', 'android-fingerprint-api', 'firebase-mlkit', 'trinidad', 'attributeerror', 'multiple-inheritance', 'system-integration', 'variable-declaration', 'sqlexception', 'ftplib', 'principle-of-least-privilege', 'barcode', 'nomethoderror', 'hexadecimal', 'hsm', 'mscapi', 'nec-78k0r', 'sensitivity', 'ignore', 'relay', 'category-theory', 'viewmodel', 'nedb', 'windows-2000', 'event-log', 'startup', 'client', 'sieve', 'multiple-value', 'userform', 'avplayerviewcontroller', 'websocket-sharp', 'asynchronous', 'hierarchy', 'junos-automation', 'sentence-similarity', 'functional-testing', 'open-source', 'qa', 'simple-injector', 'certificate-revocation', 'r-dygraphs', 'vin', 'getopts', 'arduino-yun', 'android-ondestroy', 'content-type', 'fpu', 'value-based-methods', 'mikrotik', 'horizontal-scrolling', 'google-geocoder', 'dd', 'oledbcommand', 'titanium-mobile', 'datatable', 'filesystemwatcher', 'lnk2019', 'nearest-neighbor', 'agile-project-management', 'codepen', 'resteasy', 'spring-oauth2', 'visible', 'bundle', 'presto', 'getvalue', 'delphi-xe6', 'airport', 'each', 'strftime', 'x86-64', 'unknown-data', 'x509certificate', 'polyline', 'junit', 'form-submit', 'jackson-modules', 'syncfusion', 'ai-hoaxes', 'selenium2library', 'trojan', 'redux-framework', 'firefox-webextensions', 'arp', 'blackmail', 'scraper', 'exim4', 'clojure-core.logic', 'display', 'simulated-annealing', 'spawn', 'prompt', 'postgresql-9.1', 'fable-f#', 'reward-to-go', 'static-functions', 'pyarrow', 'settext', 'rdp', 'searchbar', 'board-games', 'crosswalk', 'uiswitch', 'dht', 'simd', ' what should I do?', 'ccache', 'url', 'formik', 'point-in-polygon', 'desktop-application', 'elements', 'android-spannable', 'symfony-forms', 'static-methods', 'eol', 'uidocument', 'dns-prefetch', 'superposition', 'azure-kubernetes', 'b-tree-index', 'golang', 'syntax', 'html-email', 'bonita', 'complexity-theory', 'ascii', 'stored-procedures', 'if-constexpr', 'loc', 'powerdns', 'ios6', 'time-tracking', 'technical-writing', 'variance', 'charactercount', 'keyloggers', 'elasticsearch-net', 'unrecognized-selector', 'grequests', 'google-dorks', 'class-library', 'pre-commit-hook', 'signed', 'titanium', 'npm-scripts', 'git-revert', 'git-extensions', 'eidas', 'pintool', 'tree-search', 'max-entropy', 'generalization', 'java-ee-7', 'varnish-vcl', 'sophia', 'reversible-computation', 'auto-increment', '.net-4.6.1', 'konvajs', 'espn', 'avaudioengine', 'dock', 'rostering', 'arscnview', 'managed-code', 'feature-engineering', 'nuget-package', 'google-cloud-messaging', 'userlocation', 'vue-apollo', 'react-engine', 'apache-zookeeper', 'azure-storage', 'protein-database', 'dll-injection', 'java-ee-6', 'websites', 'off-policy-methods', 'modular-exponentiation', 'vapid', 'checkpointing', 'viewpropertyanimator', 'pong', 'google-cloud-iam', 'image-transformations', 'overflow-menu', 'pulseaudio', 'approximation-error', 'smartfoxserver', 'android-market', 'asp.net-4.0', 'image-file', 'genome', 'dapper', 'sap-erp', 'onload', 'random-forest', 'redirect', 'terrorism', 'aws-cli', 'smartcard', 'onmouseover', 'preact', 'mongodb-shell', 'nvarchar', 'virtual-destructor', 'google-domains', 'itext7', 'prime-factoring', 'zend-framework3', 'android-sdk-manager', 'editpad', 'visual-tree', 'project-reactor', 'output-formatting', 'disk-image', 'gdal', 'i