From b62d729c38cec4ca7db1561a3841d5bc914c223a Mon Sep 17 00:00:00 2001 From: Elijah Melton Date: Sun, 12 Jan 2025 12:57:17 -0800 Subject: [PATCH] sync changes: - D site/Untitled.java - M "site/categories/algorithm analysis.html" - M site/categories/algorithms.html --- site/Untitled.java | 142 ------------- site/categories/algorithm analysis.html | 2 +- site/categories/algorithms.html | 2 +- site/categories/computer science.html | 2 +- site/categories/database design.html | 2 +- site/categories/database systems.html | 2 +- site/categories/distributed systems.html | 2 +- site/categories/graph theory.html | 2 +- site/categories/index.html | 6 +- site/categories/mathematics.html | 2 +- site/categories/operations research.html | 2 +- site/categories/research.html | 195 +++++++++++++++++ site/categories/software engineering.html | 2 +- site/categories/system-design.html | 193 +++++++++++++++++ site/index.html | 56 ++--- .../hints-for-computer-system-design.html | 14 +- .../systems-research/how-to-read-a-paper.html | 14 +- .../paper-review-template.html | 10 +- site/systems-research/strong-inference.html | 10 +- site/tags/acyclic graphs.html | 2 +- site/tags/algorithm-analysis.html | 2 +- site/tags/algorithm.html | 2 +- site/tags/algorithms.html | 2 +- site/tags/approximation.html | 2 +- site/tags/asymptotic notation.html | 2 +- site/tags/batch processing.html | 2 +- site/tags/bipartite graphs.html | 2 +- site/tags/bipartite matching.html | 2 +- site/tags/breadth-first search.html | 2 +- site/tags/caching.html | 193 +++++++++++++++++ site/tags/column-oriented storage.html | 2 +- site/tags/compatibility.html | 2 +- site/tags/complexity analysis.html | 2 +- site/tags/complexity-analysis.html | 2 +- site/tags/connected components.html | 2 +- site/tags/connected graphs.html | 2 +- site/tags/data analysis.html | 2 +- site/tags/data modeling.html | 2 +- site/tags/data replication.html | 2 +- site/tags/data serialization.html | 2 +- site/tags/data structures.html | 2 +- site/tags/data systems.html | 2 +- site/tags/depth first search.html | 2 +- site/tags/depth-first search.html | 2 +- site/tags/distributed filesystems.html | 2 +- site/tags/document databases.html | 2 +- site/tags/dynamic-programming.html | 2 +- site/tags/efficiency.html | 2 +- site/tags/encoding formats.html | 2 +- site/tags/etl.html | 2 +- site/tags/failover.html | 2 +- site/tags/ford-fulkerson algorithm.html | 2 +- site/tags/gale-shapley.html | 2 +- site/tags/graph coloring.html | 2 +- site/tags/graph databases.html | 2 +- site/tags/graph fundamentals.html | 2 +- site/tags/graph properties.html | 2 +- site/tags/graph representation.html | 2 +- site/tags/graph theory.html | 2 +- site/tags/graph traversal.html | 2 +- site/tags/graph-theory.html | 2 +- site/tags/graph-traversal.html | 2 +- site/tags/graph.html | 2 +- site/tags/greedy-algorithms.html | 2 +- site/tags/independent set.html | 2 +- site/tags/index.html | 10 +- site/tags/indexing.html | 2 +- site/tags/induction proofs.html | 2 +- site/tags/induction.html | 2 +- site/tags/interval.html | 2 +- site/tags/leader-follower model.html | 2 +- site/tags/linear programs.html | 2 +- site/tags/linear systems.html | 2 +- site/tags/maintainability.html | 2 +- site/tags/mapreduce.html | 2 +- site/tags/matching.html | 2 +- site/tags/max flow min cut.html | 2 +- site/tags/message passing.html | 2 +- site/tags/meta.html | 195 +++++++++++++++++ site/tags/odd cycles.html | 2 +- site/tags/oltp vs olap.html | 2 +- site/tags/optimization.html | 2 +- site/tags/paper.html | 196 ++++++++++++++++++ site/tags/partitioning.html | 2 +- site/tags/performance.html | 2 +- site/tags/pigeonhole principle.html | 2 +- site/tags/problem-solving.html | 2 +- site/tags/proof techniques.html | 2 +- site/tags/query languages.html | 2 +- site/tags/relational databases.html | 2 +- site/tags/reliability.html | 2 +- site/tags/replication logs.html | 2 +- site/tags/research.html | 195 +++++++++++++++++ site/tags/review.html | 196 ++++++++++++++++++ site/tags/scalability.html | 2 +- site/tags/scaling.html | 193 +++++++++++++++++ site/tags/scheduling.html | 2 +- site/tags/schema evolution.html | 2 +- site/tags/set cover.html | 2 +- site/tags/shortest-paths.html | 2 +- site/tags/spanning trees.html | 2 +- site/tags/stable matching.html | 2 +- site/tags/synchronous vs asynchronous.html | 2 +- site/tags/systems.html | 193 +++++++++++++++++ site/{test.html => tags/template.html} | 14 +- site/tags/time complexity.html | 2 +- site/tags/trees.html | 2 +- site/tags/vertex cover.html | 2 +- .../hints-for-computer-system-design.md | 8 + systems-research/how-to-read-a-paper.md | 8 + systems-research/paper-review-template.md | 7 + systems-research/strong-inference.md | 8 + test.md | 1 - 113 files changed, 1947 insertions(+), 290 deletions(-) delete mode 100644 site/Untitled.java create mode 100644 site/categories/research.html create mode 100644 site/categories/system-design.html create mode 100644 site/tags/caching.html create mode 100644 site/tags/meta.html create mode 100644 site/tags/paper.html create mode 100644 site/tags/research.html create mode 100644 site/tags/review.html create mode 100644 site/tags/scaling.html create mode 100644 site/tags/systems.html rename site/{test.html => tags/template.html} (92%) delete mode 100644 test.md diff --git a/site/Untitled.java b/site/Untitled.java deleted file mode 100644 index 81c47ec..0000000 --- a/site/Untitled.java +++ /dev/null @@ -1,142 +0,0 @@ -# Multinomial Logistic Regression (MLR) - -## Introduction - -Multinomial Logistic Regression (MLR) is a generalization of binary logistic regression that allows for classification into multiple classes. It's a powerful and interpretable model widely used in Natural Language Processing (NLP) and other fields. - -## Key Concepts - -### Features - -In MLR, features are functions that map input-output pairs to real numbers: - -$f_j: \mathcal{V}^* \times \mathcal{L} \rightarrow \mathbb{R}$ - -Where $\mathcal{V}^*$ is the set of all possible input sequences and $\mathcal{L}$ is the set of all possible labels. - -A common template for features is: - -$f_{\ell,\phi}(x, y) = \phi(x) \cdot \mathbb{1}\{y = \ell\}$ - -Where $\phi(x)$ is some function of the input and $\mathbb{1}\{y = \ell\}$ is an indicator function. - -```python -import numpy as np - -def feature_template(phi, l): - def feature(x, y): - return phi(x) * (y == l) - return feature - -# Example usage -def word_count(x, word): - return x.lower().count(word) - -f_sports_vodka = feature_template(lambda x: word_count(x, 'vodka'), 'sports') -``` - -### Model Definition - -An MLR model is defined by: - -1. A set of feature functions $f_1, ..., f_d$ -2. A weight vector $\theta \in \mathbb{R}^d$ - -The score for a given input-output pair is: - -$\text{score}_{\text{MLR}}(x, y; \theta) = \sum_{j=1}^d \theta_j f_j(x, y) = \theta^T f(x, y)$ - -The classification rule is: - -$\text{classify}_{\text{MLR}}(x) = \arg\max_{y \in \mathcal{L}} \text{score}_{\text{MLR}}(x, y; \theta)$ - -```python -def score_mlr(x, y, theta, features): - return sum(theta[j] * f(x, y) for j, f in enumerate(features)) - -def classify_mlr(x, theta, features, labels): - return max(labels, key=lambda y: score_mlr(x, y, theta, features)) -``` - -### Probabilistic Interpretation - -MLR defines a probability distribution over labels: - -$p_{\text{MLR}}(Y | X = x; \theta) = \text{softmax}(\langle\text{score}_{\text{MLR}}(x, \ell; \theta)\rangle_{\ell \in \mathcal{L}})$ - -Where softmax is defined as: - -$\text{softmax}(t_1, ..., t_k) = (\frac{e^{t_1}}{\sum_{j=1}^k e^{t_j}}, ..., \frac{e^{t_k}}{\sum_{j=1}^k e^{t_j}})$ - -```python -def softmax(scores): - exp_scores = np.exp(scores) - return exp_scores / np.sum(exp_scores) - -def p_mlr(x, theta, features, labels): - scores = [score_mlr(x, y, theta, features) for y in labels] - return softmax(scores) -``` - -## Learning - -The learning objective for MLR is to minimize the negative log-likelihood (also known as cross-entropy loss) plus a regularization term: - -$\theta^* = \arg\min_{\theta \in \mathbb{R}^d} \sum_{i=1}^n -\log p_{\text{MLR}}(Y = y_i | X = x_i; \theta) + \lambda \|\theta\|_p^p$ - -Where $\lambda > 0$ is a hyperparameter and $p = 1$ or $2$ for L1 or L2 regularization respectively. - -```python -def negative_log_likelihood(theta, X, y, features, labels, lambda_, p): - nll = sum(-np.log(p_mlr(x, theta, features, labels)[labels.index(y_i)]) - for x, y_i in zip(X, y)) - reg = lambda_ * np.linalg.norm(theta, ord=p)**p - return nll + reg - -from scipy.optimize import minimize - -def train_mlr(X, y, features, labels, lambda_=0.1, p=2): - d = len(features) - theta_init = np.zeros(d) - result = minimize(lambda theta: negative_log_likelihood(theta, X, y, features, labels, lambda_, p), - theta_init, method='L-BFGS-B') - return result.x -``` - -## Implementation Considerations - -1. Feature engineering is crucial for MLR performance. -2. L1 regularization can lead to sparse models, effectively performing feature selection. -3. MLR can be computationally expensive for large label sets due to the normalization factor in the softmax. -4. Stochastic gradient descent or its variants are often used for large-scale problems. - -## Evaluation - -Common evaluation metrics include accuracy, precision, recall, and F1 score. Cross-validation is often used to get more reliable estimates of model performance. - -```python -from sklearn.model_selection import cross_val_score -from sklearn.metrics import make_scorer, accuracy_score, precision_score, recall_score, f1_score - -def mlr_classifier(theta, features, labels): - return lambda X: [classify_mlr(x, theta, features, labels) for x in X] - -def evaluate_mlr(X, y, features, labels, lambda_=0.1, p=2, cv=5): - theta = train_mlr(X, y, features, labels, lambda_, p) - clf = mlr_classifier(theta, features, labels) - - scorers = { - 'accuracy': make_scorer(accuracy_score), - 'precision': make_scorer(precision_score, average='weighted'), - 'recall': make_scorer(recall_score, average='weighted'), - 'f1': make_scorer(f1_score, average='weighted') - } - - scores = {metric: cross_val_score(clf, X, y, cv=cv, scoring=scorer) - for metric, scorer in scorers.items()} - - return {metric: (np.mean(score), np.std(score)) for metric, score in scores.items()} -``` - -This implementation provides a comprehensive overview of Multinomial Logistic Regression, including its key concepts, model definition, learning process, and evaluation methods. The code examples demonstrate how to implement these concepts using NumPy and Python. - diff --git a/site/categories/algorithm analysis.html b/site/categories/algorithm analysis.html index 1da37f2..6251dca 100644 --- a/site/categories/algorithm analysis.html +++ b/site/categories/algorithm analysis.html @@ -179,7 +179,7 @@

Category: Algorithm Analysis

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/algorithms.html b/site/categories/algorithms.html index b899499..e9f606a 100644 --- a/site/categories/algorithms.html +++ b/site/categories/algorithms.html @@ -179,7 +179,7 @@

Category: algorithms

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/computer science.html b/site/categories/computer science.html index 56db629..df126da 100644 --- a/site/categories/computer science.html +++ b/site/categories/computer science.html @@ -179,7 +179,7 @@

Category: Computer Science

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/database design.html b/site/categories/database design.html index 95ae8e6..291cb36 100644 --- a/site/categories/database design.html +++ b/site/categories/database design.html @@ -179,7 +179,7 @@

Category: Database Design

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/database systems.html b/site/categories/database systems.html index 3802416..eff2189 100644 --- a/site/categories/database systems.html +++ b/site/categories/database systems.html @@ -179,7 +179,7 @@

Category: Database Systems

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/distributed systems.html b/site/categories/distributed systems.html index 6fc1fe1..7141521 100644 --- a/site/categories/distributed systems.html +++ b/site/categories/distributed systems.html @@ -179,7 +179,7 @@

Category: Distributed Systems

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/graph theory.html b/site/categories/graph theory.html index 3fff04a..c891764 100644 --- a/site/categories/graph theory.html +++ b/site/categories/graph theory.html @@ -179,7 +179,7 @@

Category: Graph Theory

- Last modified: 2025-01-11 + Last modified: 2025-01-12
diff --git a/site/categories/index.html b/site/categories/index.html index 85296b4..b980b86 100644 --- a/site/categories/index.html +++ b/site/categories/index.html @@ -178,7 +178,7 @@

Categories

- Last modified: 2025-01-11 + Last modified: 2025-01-12
@@ -193,7 +193,9 @@

Categories

  • Mathematics (1 pages)
  • Operations Research (1 pages)
  • Software Engineering (1 pages)
  • -
  • algorithms (7 pages)
  • +
  • algorithms (7 pages)
  • +
  • research (3 pages)
  • +
  • system-design (1 pages)
  • diff --git a/site/categories/mathematics.html b/site/categories/mathematics.html index 03ccf47..240f797 100644 --- a/site/categories/mathematics.html +++ b/site/categories/mathematics.html @@ -179,7 +179,7 @@

    Category: Mathematics

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/categories/operations research.html b/site/categories/operations research.html index edc9d74..f0d132d 100644 --- a/site/categories/operations research.html +++ b/site/categories/operations research.html @@ -179,7 +179,7 @@

    Category: Operations Research

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/categories/research.html b/site/categories/research.html new file mode 100644 index 0000000..5f0eadb --- /dev/null +++ b/site/categories/research.html @@ -0,0 +1,195 @@ + + + + + + Category: research + + + + + +
    + +

    Category: research

    +
    + Last modified: 2025-01-12 + +
    + + +
    + + \ No newline at end of file diff --git a/site/categories/software engineering.html b/site/categories/software engineering.html index bb0eb63..b9e4da7 100644 --- a/site/categories/software engineering.html +++ b/site/categories/software engineering.html @@ -179,7 +179,7 @@

    Category: Software Engineering

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/categories/system-design.html b/site/categories/system-design.html new file mode 100644 index 0000000..f364223 --- /dev/null +++ b/site/categories/system-design.html @@ -0,0 +1,193 @@ + + + + + + Category: system-design + + + + + +
    + +

    Category: system-design

    +
    + Last modified: 2025-01-12 + +
    +
    +

    Category: system-design

    + +
    + +
    + + \ No newline at end of file diff --git a/site/index.html b/site/index.html index 9251074..507666c 100644 --- a/site/index.html +++ b/site/index.html @@ -178,22 +178,22 @@

    My Notes

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    - 152 + 151 Notes
    - 10 + 12 Categories
    - 80 + 88 Tags
    @@ -202,39 +202,34 @@

    My Notes

    Recent Notes

    @@ -294,11 +294,19 @@

    Categories

  • algorithms (7) +
  • +
  • + research + (3) +
  • +
  • + system-design + (1)
  • Popular Tags

    - +
    diff --git a/site/systems-research/hints-for-computer-system-design.html b/site/systems-research/hints-for-computer-system-design.html index 6960c4d..c0e0ea3 100644 --- a/site/systems-research/hints-for-computer-system-design.html +++ b/site/systems-research/hints-for-computer-system-design.html @@ -3,8 +3,8 @@ - Hints For Computer System Design - + Hints for Computer System Design + + + + +
    + +

    Tag: caching

    +
    + Last modified: 2025-01-12 + +
    +
    +

    Tag: caching

    + +
    + +
    + + \ No newline at end of file diff --git a/site/tags/column-oriented storage.html b/site/tags/column-oriented storage.html index 0bdfece..151c3bd 100644 --- a/site/tags/column-oriented storage.html +++ b/site/tags/column-oriented storage.html @@ -179,7 +179,7 @@

    Tag: column-oriented storage

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/compatibility.html b/site/tags/compatibility.html index 541669b..9999e42 100644 --- a/site/tags/compatibility.html +++ b/site/tags/compatibility.html @@ -179,7 +179,7 @@

    Tag: compatibility

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/complexity analysis.html b/site/tags/complexity analysis.html index 58758c5..cef7ba8 100644 --- a/site/tags/complexity analysis.html +++ b/site/tags/complexity analysis.html @@ -179,7 +179,7 @@

    Tag: complexity analysis

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/complexity-analysis.html b/site/tags/complexity-analysis.html index e8b11a9..b5a36c0 100644 --- a/site/tags/complexity-analysis.html +++ b/site/tags/complexity-analysis.html @@ -179,7 +179,7 @@

    Tag: complexity-analysis

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/connected components.html b/site/tags/connected components.html index 6223f3a..96ecd85 100644 --- a/site/tags/connected components.html +++ b/site/tags/connected components.html @@ -179,7 +179,7 @@

    Tag: connected components

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/connected graphs.html b/site/tags/connected graphs.html index 30ca7c2..607cd18 100644 --- a/site/tags/connected graphs.html +++ b/site/tags/connected graphs.html @@ -179,7 +179,7 @@

    Tag: connected graphs

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/data analysis.html b/site/tags/data analysis.html index 4bcc854..daa341b 100644 --- a/site/tags/data analysis.html +++ b/site/tags/data analysis.html @@ -179,7 +179,7 @@

    Tag: data analysis

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/data modeling.html b/site/tags/data modeling.html index 2987ac5..22948ee 100644 --- a/site/tags/data modeling.html +++ b/site/tags/data modeling.html @@ -179,7 +179,7 @@

    Tag: data modeling

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/data replication.html b/site/tags/data replication.html index 4688731..ef6a96d 100644 --- a/site/tags/data replication.html +++ b/site/tags/data replication.html @@ -179,7 +179,7 @@

    Tag: data replication

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/data serialization.html b/site/tags/data serialization.html index c09afeb..cb52e03 100644 --- a/site/tags/data serialization.html +++ b/site/tags/data serialization.html @@ -179,7 +179,7 @@

    Tag: data serialization

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/data structures.html b/site/tags/data structures.html index 6e30d90..b1accca 100644 --- a/site/tags/data structures.html +++ b/site/tags/data structures.html @@ -179,7 +179,7 @@

    Tag: data structures

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/data systems.html b/site/tags/data systems.html index 3c7df1d..1137d04 100644 --- a/site/tags/data systems.html +++ b/site/tags/data systems.html @@ -179,7 +179,7 @@

    Tag: data systems

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/depth first search.html b/site/tags/depth first search.html index 92af474..ea1aa65 100644 --- a/site/tags/depth first search.html +++ b/site/tags/depth first search.html @@ -179,7 +179,7 @@

    Tag: depth first search

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/depth-first search.html b/site/tags/depth-first search.html index 2efa47e..6725e32 100644 --- a/site/tags/depth-first search.html +++ b/site/tags/depth-first search.html @@ -179,7 +179,7 @@

    Tag: depth-first search

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/distributed filesystems.html b/site/tags/distributed filesystems.html index 709b258..d86ecf2 100644 --- a/site/tags/distributed filesystems.html +++ b/site/tags/distributed filesystems.html @@ -179,7 +179,7 @@

    Tag: distributed filesystems

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/document databases.html b/site/tags/document databases.html index 35484cf..2253b74 100644 --- a/site/tags/document databases.html +++ b/site/tags/document databases.html @@ -179,7 +179,7 @@

    Tag: document databases

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/dynamic-programming.html b/site/tags/dynamic-programming.html index 099d6f1..5b4eb4e 100644 --- a/site/tags/dynamic-programming.html +++ b/site/tags/dynamic-programming.html @@ -179,7 +179,7 @@

    Tag: dynamic-programming

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/efficiency.html b/site/tags/efficiency.html index 9a3f360..fb30436 100644 --- a/site/tags/efficiency.html +++ b/site/tags/efficiency.html @@ -179,7 +179,7 @@

    Tag: efficiency

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/encoding formats.html b/site/tags/encoding formats.html index 48196d7..a338f0d 100644 --- a/site/tags/encoding formats.html +++ b/site/tags/encoding formats.html @@ -179,7 +179,7 @@

    Tag: encoding formats

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/etl.html b/site/tags/etl.html index 00e419f..b43d07a 100644 --- a/site/tags/etl.html +++ b/site/tags/etl.html @@ -179,7 +179,7 @@

    Tag: etl

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/failover.html b/site/tags/failover.html index 6903399..524f561 100644 --- a/site/tags/failover.html +++ b/site/tags/failover.html @@ -179,7 +179,7 @@

    Tag: failover

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/ford-fulkerson algorithm.html b/site/tags/ford-fulkerson algorithm.html index 5ca6edf..53fac26 100644 --- a/site/tags/ford-fulkerson algorithm.html +++ b/site/tags/ford-fulkerson algorithm.html @@ -179,7 +179,7 @@

    Tag: ford-fulkerson algorithm

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/gale-shapley.html b/site/tags/gale-shapley.html index b41cebf..181f93c 100644 --- a/site/tags/gale-shapley.html +++ b/site/tags/gale-shapley.html @@ -179,7 +179,7 @@

    Tag: gale-shapley

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph coloring.html b/site/tags/graph coloring.html index 385e9cf..7b4c9bc 100644 --- a/site/tags/graph coloring.html +++ b/site/tags/graph coloring.html @@ -179,7 +179,7 @@

    Tag: graph coloring

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph databases.html b/site/tags/graph databases.html index 9c9af4d..f4e5e92 100644 --- a/site/tags/graph databases.html +++ b/site/tags/graph databases.html @@ -179,7 +179,7 @@

    Tag: graph databases

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph fundamentals.html b/site/tags/graph fundamentals.html index e4de3c2..ef1ccd3 100644 --- a/site/tags/graph fundamentals.html +++ b/site/tags/graph fundamentals.html @@ -179,7 +179,7 @@

    Tag: graph fundamentals

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph properties.html b/site/tags/graph properties.html index e92776d..4fc3039 100644 --- a/site/tags/graph properties.html +++ b/site/tags/graph properties.html @@ -179,7 +179,7 @@

    Tag: graph properties

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph representation.html b/site/tags/graph representation.html index 62395e6..72569e4 100644 --- a/site/tags/graph representation.html +++ b/site/tags/graph representation.html @@ -179,7 +179,7 @@

    Tag: graph representation

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph theory.html b/site/tags/graph theory.html index 295773a..93f7394 100644 --- a/site/tags/graph theory.html +++ b/site/tags/graph theory.html @@ -179,7 +179,7 @@

    Tag: graph theory

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph traversal.html b/site/tags/graph traversal.html index a1bff0e..ee03b59 100644 --- a/site/tags/graph traversal.html +++ b/site/tags/graph traversal.html @@ -179,7 +179,7 @@

    Tag: graph traversal

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph-theory.html b/site/tags/graph-theory.html index 8b4c357..f10eabb 100644 --- a/site/tags/graph-theory.html +++ b/site/tags/graph-theory.html @@ -179,7 +179,7 @@

    Tag: graph-theory

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph-traversal.html b/site/tags/graph-traversal.html index ed7a475..9ab44e0 100644 --- a/site/tags/graph-traversal.html +++ b/site/tags/graph-traversal.html @@ -179,7 +179,7 @@

    Tag: graph-traversal

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/graph.html b/site/tags/graph.html index ade91fe..144ee2a 100644 --- a/site/tags/graph.html +++ b/site/tags/graph.html @@ -179,7 +179,7 @@

    Tag: graph

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/greedy-algorithms.html b/site/tags/greedy-algorithms.html index 3ae3147..6280260 100644 --- a/site/tags/greedy-algorithms.html +++ b/site/tags/greedy-algorithms.html @@ -179,7 +179,7 @@

    Tag: greedy-algorithms

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/independent set.html b/site/tags/independent set.html index 1d26858..b76629e 100644 --- a/site/tags/independent set.html +++ b/site/tags/independent set.html @@ -179,7 +179,7 @@

    Tag: independent set

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/index.html b/site/tags/index.html index b5b0e0e..2d4d95f 100644 --- a/site/tags/index.html +++ b/site/tags/index.html @@ -178,7 +178,7 @@

    Tags

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    @@ -194,6 +194,7 @@

    Tags

  • bipartite graphs (1 pages)
  • bipartite matching (1 pages)
  • breadth-first search (2 pages)
  • +
  • caching (1 pages)
  • column-oriented storage (1 pages)
  • compatibility (1 pages)
  • complexity analysis (1 pages)
  • @@ -241,9 +242,11 @@

    Tags

  • matching (1 pages)
  • max flow min cut (1 pages)
  • message passing (1 pages)
  • +
  • meta (3 pages)
  • odd cycles (1 pages)
  • oltp vs olap (1 pages)
  • optimization (3 pages)
  • +
  • paper (4 pages)
  • partitioning (1 pages)
  • performance (1 pages)
  • pigeonhole principle (1 pages)
  • @@ -253,7 +256,10 @@

    Tags

  • relational databases (1 pages)
  • reliability (1 pages)
  • replication logs (1 pages)
  • +
  • research (3 pages)
  • +
  • review (4 pages)
  • scalability (1 pages)
  • +
  • scaling (1 pages)
  • scheduling (1 pages)
  • schema evolution (1 pages)
  • set cover (1 pages)
  • @@ -261,6 +267,8 @@

    Tags

  • spanning trees (1 pages)
  • stable matching (1 pages)
  • synchronous vs asynchronous (1 pages)
  • +
  • systems (1 pages)
  • +
  • template (1 pages)
  • time complexity (1 pages)
  • trees (1 pages)
  • vertex cover (2 pages)
  • diff --git a/site/tags/indexing.html b/site/tags/indexing.html index 24952cf..a523960 100644 --- a/site/tags/indexing.html +++ b/site/tags/indexing.html @@ -179,7 +179,7 @@

    Tag: indexing

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/induction proofs.html b/site/tags/induction proofs.html index 10c92f8..0a769a8 100644 --- a/site/tags/induction proofs.html +++ b/site/tags/induction proofs.html @@ -179,7 +179,7 @@

    Tag: induction proofs

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/induction.html b/site/tags/induction.html index 4fc76aa..23c8101 100644 --- a/site/tags/induction.html +++ b/site/tags/induction.html @@ -179,7 +179,7 @@

    Tag: induction

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/interval.html b/site/tags/interval.html index f715b8a..c3431d9 100644 --- a/site/tags/interval.html +++ b/site/tags/interval.html @@ -179,7 +179,7 @@

    Tag: interval

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/leader-follower model.html b/site/tags/leader-follower model.html index 83dd3e9..a648818 100644 --- a/site/tags/leader-follower model.html +++ b/site/tags/leader-follower model.html @@ -179,7 +179,7 @@

    Tag: leader-follower model

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/linear programs.html b/site/tags/linear programs.html index d787524..da241dc 100644 --- a/site/tags/linear programs.html +++ b/site/tags/linear programs.html @@ -179,7 +179,7 @@

    Tag: linear programs

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/linear systems.html b/site/tags/linear systems.html index 3a72c5f..3313507 100644 --- a/site/tags/linear systems.html +++ b/site/tags/linear systems.html @@ -179,7 +179,7 @@

    Tag: linear systems

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/maintainability.html b/site/tags/maintainability.html index 7fd5843..f60966f 100644 --- a/site/tags/maintainability.html +++ b/site/tags/maintainability.html @@ -179,7 +179,7 @@

    Tag: maintainability

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/mapreduce.html b/site/tags/mapreduce.html index 6c9d958..d8d6a3b 100644 --- a/site/tags/mapreduce.html +++ b/site/tags/mapreduce.html @@ -179,7 +179,7 @@

    Tag: mapreduce

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/matching.html b/site/tags/matching.html index a80acf0..aef3660 100644 --- a/site/tags/matching.html +++ b/site/tags/matching.html @@ -179,7 +179,7 @@

    Tag: matching

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/max flow min cut.html b/site/tags/max flow min cut.html index 6bf7fca..719dc93 100644 --- a/site/tags/max flow min cut.html +++ b/site/tags/max flow min cut.html @@ -179,7 +179,7 @@

    Tag: max flow min cut

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/message passing.html b/site/tags/message passing.html index c29490a..a09328d 100644 --- a/site/tags/message passing.html +++ b/site/tags/message passing.html @@ -179,7 +179,7 @@

    Tag: message passing

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/meta.html b/site/tags/meta.html new file mode 100644 index 0000000..fa3454c --- /dev/null +++ b/site/tags/meta.html @@ -0,0 +1,195 @@ + + + + + + Tag: meta + + + + + +
    + +

    Tag: meta

    +
    + Last modified: 2025-01-12 + +
    + + +
    + + \ No newline at end of file diff --git a/site/tags/odd cycles.html b/site/tags/odd cycles.html index f2e3ab9..89a8691 100644 --- a/site/tags/odd cycles.html +++ b/site/tags/odd cycles.html @@ -179,7 +179,7 @@

    Tag: odd cycles

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/oltp vs olap.html b/site/tags/oltp vs olap.html index 50b71a5..f1e67e8 100644 --- a/site/tags/oltp vs olap.html +++ b/site/tags/oltp vs olap.html @@ -179,7 +179,7 @@

    Tag: oltp vs olap

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/optimization.html b/site/tags/optimization.html index a6f3e77..882b4a2 100644 --- a/site/tags/optimization.html +++ b/site/tags/optimization.html @@ -179,7 +179,7 @@

    Tag: optimization

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/paper.html b/site/tags/paper.html new file mode 100644 index 0000000..fea3266 --- /dev/null +++ b/site/tags/paper.html @@ -0,0 +1,196 @@ + + + + + + Tag: paper + + + + + +
    + +

    Tag: paper

    +
    + Last modified: 2025-01-12 + +
    + + +
    + + \ No newline at end of file diff --git a/site/tags/partitioning.html b/site/tags/partitioning.html index 92c5f5d..334e1da 100644 --- a/site/tags/partitioning.html +++ b/site/tags/partitioning.html @@ -179,7 +179,7 @@

    Tag: partitioning

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/performance.html b/site/tags/performance.html index b83b82f..598c403 100644 --- a/site/tags/performance.html +++ b/site/tags/performance.html @@ -179,7 +179,7 @@

    Tag: performance

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/pigeonhole principle.html b/site/tags/pigeonhole principle.html index e050a18..e720439 100644 --- a/site/tags/pigeonhole principle.html +++ b/site/tags/pigeonhole principle.html @@ -179,7 +179,7 @@

    Tag: pigeonhole principle

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/problem-solving.html b/site/tags/problem-solving.html index f0c3560..e91aade 100644 --- a/site/tags/problem-solving.html +++ b/site/tags/problem-solving.html @@ -179,7 +179,7 @@

    Tag: problem-solving

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/proof techniques.html b/site/tags/proof techniques.html index 81ed48d..be8bc5d 100644 --- a/site/tags/proof techniques.html +++ b/site/tags/proof techniques.html @@ -179,7 +179,7 @@

    Tag: proof techniques

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/query languages.html b/site/tags/query languages.html index fc4ac9d..38b4d0c 100644 --- a/site/tags/query languages.html +++ b/site/tags/query languages.html @@ -179,7 +179,7 @@

    Tag: query languages

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/relational databases.html b/site/tags/relational databases.html index b095677..09bccf9 100644 --- a/site/tags/relational databases.html +++ b/site/tags/relational databases.html @@ -179,7 +179,7 @@

    Tag: relational databases

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/reliability.html b/site/tags/reliability.html index 97558fa..f293914 100644 --- a/site/tags/reliability.html +++ b/site/tags/reliability.html @@ -179,7 +179,7 @@

    Tag: reliability

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/replication logs.html b/site/tags/replication logs.html index 40ca92f..dcca218 100644 --- a/site/tags/replication logs.html +++ b/site/tags/replication logs.html @@ -179,7 +179,7 @@

    Tag: replication logs

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/research.html b/site/tags/research.html new file mode 100644 index 0000000..d604f6d --- /dev/null +++ b/site/tags/research.html @@ -0,0 +1,195 @@ + + + + + + Tag: research + + + + + +
    + +

    Tag: research

    +
    + Last modified: 2025-01-12 + +
    + + +
    + + \ No newline at end of file diff --git a/site/tags/review.html b/site/tags/review.html new file mode 100644 index 0000000..5e0a511 --- /dev/null +++ b/site/tags/review.html @@ -0,0 +1,196 @@ + + + + + + Tag: review + + + + + +
    + +

    Tag: review

    +
    + Last modified: 2025-01-12 + +
    + + +
    + + \ No newline at end of file diff --git a/site/tags/scalability.html b/site/tags/scalability.html index 552678b..5d79ae7 100644 --- a/site/tags/scalability.html +++ b/site/tags/scalability.html @@ -179,7 +179,7 @@

    Tag: scalability

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/scaling.html b/site/tags/scaling.html new file mode 100644 index 0000000..ad5b101 --- /dev/null +++ b/site/tags/scaling.html @@ -0,0 +1,193 @@ + + + + + + Tag: scaling + + + + + +
    + +

    Tag: scaling

    +
    + Last modified: 2025-01-12 + +
    +
    +

    Tag: scaling

    + +
    + +
    + + \ No newline at end of file diff --git a/site/tags/scheduling.html b/site/tags/scheduling.html index 24f65bf..794aee9 100644 --- a/site/tags/scheduling.html +++ b/site/tags/scheduling.html @@ -179,7 +179,7 @@

    Tag: scheduling

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/schema evolution.html b/site/tags/schema evolution.html index 30e03d1..ecb5c3a 100644 --- a/site/tags/schema evolution.html +++ b/site/tags/schema evolution.html @@ -179,7 +179,7 @@

    Tag: schema evolution

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/set cover.html b/site/tags/set cover.html index aa11c62..b4d84ff 100644 --- a/site/tags/set cover.html +++ b/site/tags/set cover.html @@ -179,7 +179,7 @@

    Tag: set cover

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/shortest-paths.html b/site/tags/shortest-paths.html index 5cabb4d..36a6dab 100644 --- a/site/tags/shortest-paths.html +++ b/site/tags/shortest-paths.html @@ -179,7 +179,7 @@

    Tag: shortest-paths

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/spanning trees.html b/site/tags/spanning trees.html index a56e35a..3a9fb39 100644 --- a/site/tags/spanning trees.html +++ b/site/tags/spanning trees.html @@ -179,7 +179,7 @@

    Tag: spanning trees

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/stable matching.html b/site/tags/stable matching.html index 611c408..2f6633c 100644 --- a/site/tags/stable matching.html +++ b/site/tags/stable matching.html @@ -179,7 +179,7 @@

    Tag: stable matching

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/synchronous vs asynchronous.html b/site/tags/synchronous vs asynchronous.html index 0a52201..aa4743d 100644 --- a/site/tags/synchronous vs asynchronous.html +++ b/site/tags/synchronous vs asynchronous.html @@ -179,7 +179,7 @@

    Tag: synchronous vs asynchronous

    - Last modified: 2025-01-11 + Last modified: 2025-01-12
    diff --git a/site/tags/systems.html b/site/tags/systems.html new file mode 100644 index 0000000..147a831 --- /dev/null +++ b/site/tags/systems.html @@ -0,0 +1,193 @@ + + + + + + Tag: systems + + + + + +
    + +

    Tag: systems

    +
    + Last modified: 2025-01-12 + +
    +
    +

    Tag: systems

    + +
    + +
    + + \ No newline at end of file diff --git a/site/test.html b/site/tags/template.html similarity index 92% rename from site/test.html rename to site/tags/template.html index def34c4..e4a0acb 100644 --- a/site/test.html +++ b/site/tags/template.html @@ -3,8 +3,8 @@ - Test - + Tag: template +