2021-01-21 05:52:19 +00:00
|
|
|
# TODO(mwhittaker): We can define a set of read quorums that are not minimal.
|
|
|
|
# Does this mess things up?
|
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
from typing import (Dict, Iterator, Generic, List, Optional, Set, Tuple,
|
|
|
|
TypeVar, Union)
|
2021-01-21 01:59:46 +00:00
|
|
|
import collections
|
2021-01-21 00:12:26 +00:00
|
|
|
import itertools
|
2021-01-21 01:11:59 +00:00
|
|
|
import numpy as np
|
|
|
|
import pulp
|
2021-01-21 00:12:26 +00:00
|
|
|
|
|
|
|
|
|
|
|
T = TypeVar('T')
|
|
|
|
|
|
|
|
|
|
|
|
class Expr(Generic[T]):
|
2021-01-21 05:52:19 +00:00
|
|
|
def nodes(self) -> Set['Node[T]']:
|
|
|
|
raise NotImplementedError
|
|
|
|
|
2021-01-21 00:12:26 +00:00
|
|
|
def quorums(self) -> Iterator[Set[T]]:
|
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
def is_quorum(self, xs: Set[T]) -> bool:
|
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
def dual(self) -> 'Expr[T]':
|
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
def __add__(self, rhs: 'Expr[T]') -> 'Expr[T]':
|
|
|
|
return _or(self, rhs)
|
|
|
|
|
|
|
|
def __mul__(self, rhs: 'Expr[T]') -> 'Expr[T]':
|
|
|
|
return _and(self, rhs)
|
|
|
|
|
|
|
|
|
|
|
|
class Node(Expr[T]):
|
2021-01-21 05:52:19 +00:00
|
|
|
def __init__(self,
|
|
|
|
x: T,
|
|
|
|
capacity: Optional[float] = None,
|
|
|
|
read_capacity: Optional[float] = None,
|
|
|
|
write_capacity: Optional[float] = None) -> None:
|
2021-01-21 00:12:26 +00:00
|
|
|
self.x = x
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
# A user either specifies capacity or (read_capacity and
|
|
|
|
# write_capacity), but not both.
|
|
|
|
if (capacity is None and
|
|
|
|
read_capacity is None and
|
|
|
|
write_capacity is None):
|
|
|
|
self.read_capacity = 1.0
|
|
|
|
self.write_capacity = 1.0
|
|
|
|
elif (capacity is not None and
|
|
|
|
read_capacity is None and
|
|
|
|
write_capacity is None):
|
|
|
|
self.read_capacity = capacity
|
|
|
|
self.write_capacity = capacity
|
|
|
|
elif (capacity is None and
|
|
|
|
read_capacity is not None and
|
|
|
|
write_capacity is not None):
|
|
|
|
self.read_capacity = read_capacity
|
|
|
|
self.write_capacity = write_capacity
|
|
|
|
else:
|
|
|
|
raise ValueError('You must specify capacity or (read_capacity '
|
|
|
|
'and write_capacity)')
|
|
|
|
|
2021-01-21 00:12:26 +00:00
|
|
|
def __str__(self) -> str:
|
|
|
|
return str(self.x)
|
|
|
|
|
|
|
|
def __repr__(self) -> str:
|
|
|
|
return f'Node({self.x})'
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
def nodes(self) -> Set['Node[T]']:
|
|
|
|
return {self}
|
|
|
|
|
2021-01-21 00:12:26 +00:00
|
|
|
def quorums(self) -> Iterator[Set[T]]:
|
|
|
|
yield {self.x}
|
|
|
|
|
|
|
|
def is_quorum(self, xs: Set[T]) -> bool:
|
|
|
|
return self.x in xs
|
|
|
|
|
|
|
|
def dual(self) -> Expr:
|
|
|
|
return self
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
def _read_capacities(self) -> Dict[T, float]:
|
|
|
|
return {self.x: self.read_capacity}
|
|
|
|
|
|
|
|
def _write_capacities(self) -> Dict[T, float]:
|
|
|
|
return {self.x: self.write_capacity}
|
|
|
|
|
2021-01-21 00:12:26 +00:00
|
|
|
|
|
|
|
class Or(Expr[T]):
|
|
|
|
def __init__(self, es: List[Expr[T]]) -> None:
|
|
|
|
if len(es) == 0:
|
|
|
|
raise ValueError(f'Or cannot be constructed with an empty list')
|
|
|
|
|
|
|
|
self.es = es
|
|
|
|
|
|
|
|
def __str__(self) -> str:
|
|
|
|
return '(' + ' + '.join(str(e) for e in self.es) + ')'
|
|
|
|
|
|
|
|
def __repr__(self) -> str:
|
|
|
|
return f'Or({self.es})'
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
def nodes(self) -> Set[Node[T]]:
|
|
|
|
return set.union(*[e.nodes() for e in self.es])
|
|
|
|
|
2021-01-21 00:12:26 +00:00
|
|
|
def quorums(self) -> Iterator[Set[T]]:
|
|
|
|
for e in self.es:
|
|
|
|
yield from e.quorums()
|
|
|
|
|
|
|
|
def is_quorum(self, xs: Set[T]) -> bool:
|
|
|
|
return any(e.is_quorum(xs) for e in self.es)
|
|
|
|
|
|
|
|
def dual(self) -> Expr:
|
|
|
|
return And([e.dual() for e in self.es])
|
|
|
|
|
|
|
|
|
|
|
|
class And(Expr[T]):
|
|
|
|
def __init__(self, es: List[Expr[T]]) -> None:
|
|
|
|
if len(es) == 0:
|
|
|
|
raise ValueError(f'And cannot be constructed with an empty list')
|
|
|
|
|
|
|
|
self.es = es
|
|
|
|
|
|
|
|
def __str__(self) -> str:
|
|
|
|
return '(' + ' * '.join(str(e) for e in self.es) + ')'
|
|
|
|
|
|
|
|
def __repr__(self) -> str:
|
|
|
|
return f'And({self.es})'
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
def nodes(self) -> Set[Node[T]]:
|
|
|
|
return set.union(*[e.nodes() for e in self.es])
|
|
|
|
|
2021-01-21 00:12:26 +00:00
|
|
|
def quorums(self) -> Iterator[Set[T]]:
|
|
|
|
for subquorums in itertools.product(*[e.quorums() for e in self.es]):
|
|
|
|
yield set.union(*subquorums)
|
|
|
|
|
|
|
|
def is_quorum(self, xs: Set[T]) -> bool:
|
|
|
|
return all(e.is_quorum(xs) for e in self.es)
|
|
|
|
|
|
|
|
def dual(self) -> Expr:
|
|
|
|
return Or([e.dual() for e in self.es])
|
|
|
|
|
|
|
|
|
2021-01-21 00:41:09 +00:00
|
|
|
class Choose(Expr[T]):
|
|
|
|
def __init__(self, k: int, es: List[Expr[T]]) -> None:
|
|
|
|
if k <= 0 or k > len(es):
|
|
|
|
raise ValueError(f'k must be in the range [1, {len(es)}]')
|
|
|
|
|
|
|
|
self.k = k
|
|
|
|
self.es = es
|
|
|
|
|
|
|
|
def __str__(self) -> str:
|
|
|
|
return f'choose{self.k}(' + ', '.join(str(e) for e in self.es) + ')'
|
|
|
|
|
|
|
|
def __repr__(self) -> str:
|
|
|
|
return f'Chose({self.k}, {self.es})'
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
def nodes(self) -> Set[Node[T]]:
|
|
|
|
return set.union(*[e.nodes() for e in self.es])
|
|
|
|
|
2021-01-21 00:41:09 +00:00
|
|
|
def quorums(self) -> Iterator[Set[T]]:
|
|
|
|
for combo in itertools.combinations(self.es, self.k):
|
|
|
|
for subquorums in itertools.product(*[e.quorums() for e in combo]):
|
|
|
|
yield set.union(*subquorums)
|
|
|
|
|
|
|
|
def is_quorum(self, xs: Set[T]) -> bool:
|
|
|
|
return sum(1 if e.is_quorum(xs) else 0 for e in self.es) >= self.k
|
|
|
|
|
|
|
|
def dual(self) -> Expr:
|
|
|
|
# TODO(mwhittaker): Prove that this is in fact the dual.
|
|
|
|
return Choose(len(self.es) - self.k + 1, [e.dual() for e in self.es])
|
|
|
|
|
|
|
|
|
|
|
|
def _and(lhs: Expr[T], rhs: Expr[T]) -> 'And[T]':
|
|
|
|
if isinstance(lhs, And) and isinstance(rhs, And):
|
|
|
|
return And(lhs.es + rhs.es)
|
|
|
|
elif isinstance(lhs, And):
|
|
|
|
return And(lhs.es + [rhs])
|
|
|
|
elif isinstance(rhs, And):
|
|
|
|
return And([lhs] + rhs.es)
|
|
|
|
else:
|
|
|
|
return And([lhs, rhs])
|
|
|
|
|
|
|
|
|
|
|
|
def _or(lhs: Expr[T], rhs: Expr[T]) -> 'Or[T]':
|
|
|
|
if isinstance(lhs, Or) and isinstance(rhs, Or):
|
|
|
|
return Or(lhs.es + rhs.es)
|
|
|
|
elif isinstance(lhs, Or):
|
|
|
|
return Or(lhs.es + [rhs])
|
|
|
|
elif isinstance(rhs, Or):
|
|
|
|
return Or([lhs] + rhs.es)
|
|
|
|
else:
|
|
|
|
return Or([lhs, rhs])
|
|
|
|
|
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
def choose(k: int, es: List[Expr[T]]) -> Expr[T]:
|
|
|
|
if k == 1:
|
|
|
|
return Or(es)
|
|
|
|
elif k == len(es):
|
|
|
|
return And(es)
|
|
|
|
else:
|
|
|
|
return Choose(k, es)
|
|
|
|
|
|
|
|
|
|
|
|
def majority(es: List[Expr[T]]) -> Expr[T]:
|
|
|
|
return choose(len(es) // 2 + 1, es)
|
|
|
|
|
2021-01-21 00:41:09 +00:00
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
Distribution = Union[int, float, Dict[float, float], List[Tuple[float, float]]]
|
2021-01-21 00:41:09 +00:00
|
|
|
|
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
def _canonicalize_distribution(d: Distribution) -> Dict[float, float]:
|
|
|
|
if isinstance(d, int):
|
|
|
|
if d < 0 or d > 1:
|
|
|
|
raise ValueError('distribution must be in the range [0, 1]')
|
|
|
|
return {float(d): 1.}
|
|
|
|
elif isinstance(d, float):
|
|
|
|
if d < 0 or d > 1:
|
|
|
|
raise ValueError('distribution must be in the range [0, 1]')
|
|
|
|
return {d: 1.}
|
|
|
|
elif isinstance(d, dict):
|
|
|
|
if len(d) == 0:
|
|
|
|
raise ValueError('distribution cannot empty')
|
|
|
|
|
|
|
|
if any(weight < 0 for weight in d.values()):
|
|
|
|
raise ValueError('distribution cannot have negative weights')
|
|
|
|
|
|
|
|
total_weight = sum(d.values())
|
|
|
|
if total_weight == 0:
|
|
|
|
raise ValueError('distribution cannot have zero weight')
|
|
|
|
|
|
|
|
return {float(f): weight / total_weight
|
|
|
|
for (f, weight) in d.items()
|
|
|
|
if weight > 0}
|
|
|
|
elif isinstance(d, list):
|
|
|
|
return _canonicalize_distribution({f: weight for (f, weight) in d})
|
|
|
|
else:
|
|
|
|
raise ValueError('distribution must be an int, a float, a Dict[float, '
|
|
|
|
'float] or a List[Tuple[float, float]]')
|
2021-01-21 00:41:09 +00:00
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
|
|
|
|
class QuorumSystem(Generic[T]):
|
2021-01-21 00:41:09 +00:00
|
|
|
def __init__(self, reads: Optional[Expr[T]] = None,
|
|
|
|
writes: Optional[Expr[T]] = None) -> None:
|
|
|
|
if reads is not None and writes is not None:
|
|
|
|
# TODO(mwhittaker): Think of ways to make this more efficient.
|
|
|
|
assert all(len(r & w) > 0
|
|
|
|
for (r, w) in itertools.product(reads.quorums(),
|
|
|
|
writes.quorums()))
|
|
|
|
self.reads = reads
|
|
|
|
self.writes = writes
|
|
|
|
elif reads is not None and writes is None:
|
|
|
|
self.reads = reads
|
|
|
|
self.writes = reads.dual()
|
|
|
|
elif reads is None and writes is not None:
|
|
|
|
self.reads = writes.dual()
|
|
|
|
self.writes = writes
|
|
|
|
else:
|
|
|
|
raise ValueError('A QuorumSystem must be instantiated with a set '
|
|
|
|
'of read quorums or a set of write quorums')
|
|
|
|
|
|
|
|
def __repr__(self) -> str:
|
|
|
|
return f'QuorumSystem(reads={self.reads}, writes={self.writes})'
|
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
def strategy(self, read_fraction: Distribution) -> 'Strategy[T]':
|
2021-01-21 01:59:46 +00:00
|
|
|
# TODO(mwhittaker): Allow read_fraction or write_fraction.
|
|
|
|
# TODO(mwhittaker): Implement independent strategy.
|
|
|
|
return self._load_optimal_strategy(
|
|
|
|
_canonicalize_distribution(read_fraction))
|
2021-01-21 01:11:59 +00:00
|
|
|
|
|
|
|
def is_read_quorum(self, xs: Set[T]) -> bool:
|
|
|
|
return self.reads.is_quorum(xs)
|
|
|
|
|
2021-01-21 00:41:09 +00:00
|
|
|
def read_quorums(self) -> Iterator[Set[T]]:
|
|
|
|
return self.reads.quorums()
|
|
|
|
|
|
|
|
def write_quorums(self) -> Iterator[Set[T]]:
|
|
|
|
return self.writes.quorums()
|
|
|
|
|
2021-01-21 01:59:46 +00:00
|
|
|
def _load_optimal_strategy(self,
|
|
|
|
read_fraction: Dict[float, float]) -> \
|
|
|
|
'Strategy[T]':
|
2021-01-21 05:52:19 +00:00
|
|
|
# TODO(mwhittaker): Explain f_r calculation.
|
2021-01-21 01:59:46 +00:00
|
|
|
fr = sum(f * weight for (f, weight) in read_fraction.items())
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
read_quorums = list(self.read_quorums())
|
|
|
|
write_quorums = list(self.write_quorums())
|
|
|
|
|
|
|
|
nodes = self.reads.nodes() | self.writes.nodes()
|
|
|
|
read_capacity = {node.x: node.read_capacity for node in nodes}
|
|
|
|
write_capacity = {node.x: node.write_capacity for node in nodes}
|
2021-01-21 01:59:46 +00:00
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
read_quorum_vars: List[pulp.LpVariable] = []
|
|
|
|
x_to_read_quorum_vars: Dict[T, List[pulp.LpVariable]] = \
|
|
|
|
collections.defaultdict(list)
|
|
|
|
|
|
|
|
for (i, read_quorum) in enumerate(read_quorums):
|
|
|
|
v = pulp.LpVariable(f'r{i}', 0, 1)
|
|
|
|
read_quorum_vars.append(v)
|
|
|
|
for x in read_quorum:
|
|
|
|
x_to_read_quorum_vars[x].append(v)
|
|
|
|
|
|
|
|
write_quorum_vars: List[pulp.LpVariable] = []
|
|
|
|
x_to_write_quorum_vars: Dict[T, List[pulp.LpVariable]] = \
|
|
|
|
collections.defaultdict(list)
|
|
|
|
for (i, write_quorum) in enumerate(write_quorums):
|
2021-01-21 01:59:46 +00:00
|
|
|
v = pulp.LpVariable(f'w{i}', 0, 1)
|
2021-01-21 05:52:19 +00:00
|
|
|
write_quorum_vars.append(v)
|
|
|
|
for x in write_quorum:
|
|
|
|
x_to_write_quorum_vars[x].append(v)
|
2021-01-21 01:59:46 +00:00
|
|
|
|
|
|
|
# Form the linear program to find the load.
|
|
|
|
problem = pulp.LpProblem("load", pulp.LpMinimize)
|
|
|
|
|
|
|
|
# If we're trying to balance the strategy, then we want to minimize the
|
|
|
|
# pairwise absolute differences between the read probabilities and the
|
|
|
|
# write probabilities.
|
|
|
|
l = pulp.LpVariable('l', 0, 1)
|
|
|
|
problem += l
|
2021-01-21 05:52:19 +00:00
|
|
|
problem += (sum(read_quorum_vars) == 1, 'valid read strategy')
|
|
|
|
problem += (sum(write_quorum_vars) == 1, 'valid write strategy')
|
|
|
|
for node in nodes:
|
|
|
|
x = node.x
|
|
|
|
x_load: pulp.LpAffineExpression = 0
|
|
|
|
if x in x_to_read_quorum_vars:
|
|
|
|
x_load += fr * sum(x_to_read_quorum_vars[x]) / read_capacity[x]
|
|
|
|
if x in x_to_write_quorum_vars:
|
|
|
|
x_load += ((1 - fr) * sum(x_to_write_quorum_vars[x]) /
|
|
|
|
write_capacity[x])
|
|
|
|
problem += (x_load <= l, x)
|
2021-01-21 01:59:46 +00:00
|
|
|
|
|
|
|
# print(problem)
|
|
|
|
problem.solve(pulp.apis.PULP_CBC_CMD(msg=False))
|
2021-01-21 05:52:19 +00:00
|
|
|
return ExplicitStrategy(nodes,
|
|
|
|
read_quorums,
|
|
|
|
[v.varValue for v in read_quorum_vars],
|
|
|
|
write_quorums,
|
|
|
|
[v.varValue for v in write_quorum_vars])
|
2021-01-21 01:59:46 +00:00
|
|
|
# for v in read_weights + write_weights:
|
|
|
|
# print(f'{v.name} = {v.varValue}')
|
|
|
|
# return l.varValue
|
|
|
|
|
2021-01-21 00:41:09 +00:00
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
class Strategy(Generic[T]):
|
2021-01-21 01:59:46 +00:00
|
|
|
def load(self, read_fraction: Distribution) -> float:
|
2021-01-21 01:11:59 +00:00
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
def get_read_quorum(self) -> Set[T]:
|
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
def get_write_quorum(self) -> Set[T]:
|
|
|
|
raise NotImplementedError
|
|
|
|
|
|
|
|
|
|
|
|
class ExplicitStrategy(Strategy[T]):
|
|
|
|
def __init__(self,
|
2021-01-21 05:52:19 +00:00
|
|
|
nodes: Set[Node[T]],
|
2021-01-21 01:11:59 +00:00
|
|
|
reads: List[Set[T]],
|
|
|
|
read_weights: List[float],
|
|
|
|
writes: List[Set[T]],
|
|
|
|
write_weights: List[float]) -> None:
|
2021-01-21 05:52:19 +00:00
|
|
|
self.nodes = nodes
|
|
|
|
self.read_capacity = {node.x: node.read_capacity for node in nodes}
|
|
|
|
self.write_capacity = {node.x: node.write_capacity for node in nodes}
|
2021-01-21 01:11:59 +00:00
|
|
|
self.reads = reads
|
|
|
|
self.read_weights = read_weights
|
|
|
|
self.writes = writes
|
|
|
|
self.write_weights = write_weights
|
|
|
|
|
2021-01-21 01:59:46 +00:00
|
|
|
def __str__(self) -> str:
|
|
|
|
non_zero_reads = {tuple(r): p
|
|
|
|
for (r, p) in zip(self.reads, self.read_weights)
|
|
|
|
if p > 0}
|
|
|
|
non_zero_writes = {tuple(w): p
|
|
|
|
for (w, p) in zip(self.writes, self.write_weights)
|
|
|
|
if p > 0}
|
|
|
|
return (f'ExplicitStrategy(reads={non_zero_reads}, ' +
|
|
|
|
f'writes={non_zero_writes})')
|
|
|
|
|
|
|
|
def __repr__(self) -> str:
|
2021-01-21 05:52:19 +00:00
|
|
|
return (f'ExplicitStrategy(nodes={self.nodes}, '+
|
|
|
|
f'reads={self.reads}, ' +
|
2021-01-21 01:59:46 +00:00
|
|
|
f'read_weights={self.read_weights},' +
|
|
|
|
f'writes={self.writes}, ' +
|
|
|
|
f'write_weights={self.write_weights})')
|
|
|
|
|
2021-01-21 01:11:59 +00:00
|
|
|
# TODO(mwhittaker): Implement __str__ and __repr__.
|
|
|
|
|
2021-01-21 01:59:46 +00:00
|
|
|
def load(self, read_fraction: Distribution) -> float:
|
|
|
|
d = _canonicalize_distribution(read_fraction)
|
|
|
|
fr = sum(f * weight for (f, weight) in d.items())
|
|
|
|
|
|
|
|
read_load: Dict[T, float] = collections.defaultdict(float)
|
2021-01-21 05:52:19 +00:00
|
|
|
for (read_quorum, weight) in zip(self.reads, self.read_weights):
|
|
|
|
for x in read_quorum:
|
|
|
|
read_load[x] += weight
|
2021-01-21 01:59:46 +00:00
|
|
|
|
|
|
|
write_load: Dict[T, float] = collections.defaultdict(float)
|
2021-01-21 05:52:19 +00:00
|
|
|
for (write_quorum, weight) in zip(self.writes, self.write_weights):
|
|
|
|
for x in write_quorum:
|
|
|
|
write_load[x] += weight
|
2021-01-21 01:59:46 +00:00
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
loads: List[float] = []
|
|
|
|
for node in self.nodes:
|
|
|
|
x = node.x
|
|
|
|
load = 0.0
|
|
|
|
if x in read_load:
|
|
|
|
load += fr * read_load[x] / self.read_capacity[x]
|
|
|
|
if x in write_load:
|
|
|
|
load += (1 - fr) * write_load[x] / self.write_capacity[x]
|
|
|
|
loads.append(load)
|
2021-01-21 01:59:46 +00:00
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
return max(loads)
|
|
|
|
|
|
|
|
# TODO(mwhittaker): Add read/write load and capacity and read/write cap.
|
2021-01-21 01:11:59 +00:00
|
|
|
|
|
|
|
def get_read_quorum(self) -> Set[T]:
|
|
|
|
return np.random.choice(self.reads, p=self.read_weights)
|
|
|
|
|
|
|
|
def get_write_quorum(self) -> Set[T]:
|
|
|
|
return np.random.choice(self.writes, p=self.write_weights)
|
2021-01-21 00:12:26 +00:00
|
|
|
|
|
|
|
|
2021-01-21 06:04:18 +00:00
|
|
|
# a = Node('a', write_capacity=200, read_capacity=400)
|
|
|
|
# b = Node('b', write_capacity=100, read_capacity=200)
|
|
|
|
# c = Node('c', write_capacity=50, read_capacity=100)
|
|
|
|
#
|
|
|
|
# qs = QuorumSystem(reads = a*b + a*c)
|
|
|
|
# print(list(qs.read_quorums()))
|
|
|
|
# sigma = qs.strategy(read_fraction=0.5)
|
|
|
|
# print(list(qs.write_quorums()))
|
|
|
|
# print(sigma)
|
|
|
|
# print(1 / sigma.load(read_fraction=0.5))
|
2021-01-21 05:52:19 +00:00
|
|
|
|
|
|
|
# d = Node('d')
|
|
|
|
# e = Node('e')
|
|
|
|
# f = Node('f')
|
|
|
|
# g = Node('g')
|
|
|
|
# h = Node('h')
|
|
|
|
# i = Node('i')
|
2021-01-21 01:59:46 +00:00
|
|
|
# grid = QuorumSystem(reads=a*b*c + d*e*f + g*h*i)
|
|
|
|
# sigma = grid.strategy(0.1)
|
|
|
|
# print(grid)
|
|
|
|
# print(sigma)
|
|
|
|
|
2021-01-21 05:52:19 +00:00
|
|
|
|
|
|
|
|
|
|
|
# wpaxos = QuorumSystem(reads=majority([majority([a, b, c]),
|
|
|
|
# majority([d, e, f]),
|
|
|
|
# majority([g, h, i])]))
|
|
|
|
# sigma_1 = wpaxos.strategy(read_fraction=0.1)
|
|
|
|
# sigma_5 = wpaxos.strategy(read_fraction=0.5)
|
|
|
|
# sigma_9 = wpaxos.strategy(read_fraction=0.9)
|
|
|
|
# sigma_even = wpaxos.strategy(read_fraction={0.1: 2, 0.5: 2, 0.9: 1})
|
|
|
|
# for sigma in [sigma_1, sigma_5, sigma_9, sigma_even]:
|
|
|
|
# frs = [0.1, 0.5, 0.9, {0.1: 2, 0.5: 2, 0.9: 1}]
|
|
|
|
# print([sigma.load(fr) for fr in frs])
|
2021-01-21 00:41:09 +00:00
|
|
|
|
|
|
|
# - num_quorums
|
|
|
|
# - has dups?
|
|
|
|
# - optimal schedule
|
|
|
|
# - independent schedule
|
|
|
|
# - node read and write throughputs
|